diff --git a/.gitattributes b/.gitattributes index a6344aac8c09253b3b630fb776ae94478aa0275b..a505d481b7bc1498d6f39abffe9a2b33848b141d 100644 --- a/.gitattributes +++ b/.gitattributes @@ -33,3 +33,6 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text *.zip filter=lfs diff=lfs merge=lfs -text *.zst filter=lfs diff=lfs merge=lfs -text *tfevents* filter=lfs diff=lfs merge=lfs -text +simple-knn/build/lib.linux-x86_64-cpython-39/simple_knn/_C.cpython-39-x86_64-linux-gnu.so filter=lfs diff=lfs merge=lfs -text +simple-knn/build/temp.linux-x86_64-cpython-39/.ninja_deps filter=lfs diff=lfs merge=lfs -text +simple-knn/build/temp.linux-x86_64-cpython-39/simple_knn.o filter=lfs diff=lfs merge=lfs -text diff --git a/README.md b/README.md index deed392ef7aa4790b38fd1eb4dc5acf564035b2c..7a0d50634b5ed66433976b4fa7bd7b0af71fbeca 100644 --- a/README.md +++ b/README.md @@ -1,12 +1,158 @@ ---- -title: SparseAGS -emoji: 🐨 -colorFrom: indigo -colorTo: indigo -sdk: gradio -sdk_version: 5.7.1 -app_file: app.py -pinned: false ---- - -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference +# SparseAGS + +This repository contains the official implementation for **Sparse-view Pose Estimation and Reconstruction via Analysis by Generative Synthesis**. The paper has been accepted to [NeurIPS 2024](https://neurips.cc/Conferences/2024). + +### [Project Page](https://qitaozhao.github.io/SparseAGS) | [arXiv (Coming Soon)](https://qitaozhao.github.io/SparseAGS) + +### News + +- 2024.12.02: Initial code release. + +## Introduction + +**tl;dr** Given a set of unposed input images, **SparseAGS** jointly infers the corresponding camera poses and underlying 3D, allowing high-fidelity 3D inference in the wild. + +**Abstract.** Inferring the 3D structure underlying a set of multi-view images typically requires solving two co-dependent tasks -- accurate 3D reconstruction requires precise camera poses, and predicting camera poses relies on (implicitly or explicitly) modeling the underlying 3D. The classical framework of analysis by synthesis casts this inference as a joint optimization seeking to explain the observed pixels, and recent instantiations learn expressive 3D representations (e.g., Neural Fields) with gradient-descent-based pose refinement of initial pose estimates. However, given a sparse set of observed views, the observations may not provide sufficient direct evidence to obtain complete and accurate 3D. Moreover, large errors in pose estimation may not be easily corrected and can further degrade the inferred 3D. To allow robust 3D reconstruction and pose estimation in this challenging setup, we propose *SparseAGS*, a method that adapts this analysis-by-synthesis approach by: a) including novel-view-synthesis-based generative priors in conjunction with photometric objectives to improve the quality of the inferred 3D, and b) explicitly reasoning about outliers and using a discrete search with a continuous optimization-based strategy to correct them. We validate our framework across real-world and synthetic datasets in combination with several off-the-shelf pose estimation systems as initialization. We find that it significantly improves the base systems' pose accuracy while yielding high-quality 3D reconstructions that outperform the results from current multi-view reconstruction baselines. + +![teasert](assets/teaser.gif) + +## Install + +1. Clone SparseAGS: + +```bash +git clone --recursive https://github.com/QitaoZhao/SparseAGS.git +cd SparseAGS +# if you have already cloned sparseags: +# git submodule update --init --recursive +``` + +2. Create the environment and install packages: + +```bash +conda create -n sparseags python=3.9 +conda activate sparseags + +# enable nvcc +conda install -c conda-forge cudatoolkit-dev + +### torch +# CUDA 11.7 +pip install torch==1.13.0+cu117 torchvision==0.14.0+cu117 torchaudio==0.13.0 --extra-index-url https://download.pytorch.org/whl/cu117 + +# CUDA 12.1 +pip install torch==2.1.0 torchvision==0.16.0 torchaudio==2.1.0 --index-url https://download.pytorch.org/whl/cu121 + +pip install -r requirements.txt + +### pytorch3D +# CUDA 11.7 +conda install https://anaconda.org/pytorch3d/pytorch3d/0.7.5/download/linux-64/pytorch3d-0.7.5-py39_cu117_pyt1130.tar.bz2 + +# CUDA 12.1 +conda install https://anaconda.org/pytorch3d/pytorch3d/0.7.8/download/linux-64/pytorch3d-0.7.8-py39_cu121_pyt210.tar.bz2 + +# liegroups (minor modification to https://github.com/utiasSTARS/liegroups) +pip install ./liegroups + +# simple-knn +pip install ./simple-knn + +# a modified gaussian splatting that enables camera pose optimization +pip install ./diff-gaussian-rasterization-camera +``` + +Tested on: + +- Ubuntu 20.04 with torch 1.13 & CUDA 11.7 on an A5000 GPU. +- Springdale Linux 8.6 with torch 2.1.0 & CUDA 12.1 on an A5000 GPU. +- Red Hat Enterprise Linux 8.10 with torch 1.13 & CUDA 11.7 on a V100 GPU. + +Note: Look at this [issue](https://github.com/graphdeco-inria/gaussian-splatting/issues/993) or try `sudo apt-get install libglm-dev` if you encounter `fatal error: glm/glm.hpp: No such file or directory` when doing `pip install ./diff-gaussian-rasterization-camera`. + +3. Download our 6-DoF Zero123 [checkpoint](https://drive.google.com/file/d/1JJ4wjaJ4IkUERRZYRrlNoQ-tXvftEYJD/view?usp=sharing) and place it in `SparseAGS/checkpoints`. + +```bash +mkdir checkpoints +cd checkpoints/ +pip install gdown +gdown "https://drive.google.com/uc?id=1JJ4wjaJ4IkUERRZYRrlNoQ-tXvftEYJD" +cd .. +``` + +## Usage + +(1) **Gradio Demo** (recommended, where you can upload your own images or use our preprocessed examples interactively): + +```bash +# first-time running may take a longer time +python gradio_app.py +``` + +(2) Use command lines: + +```bash +### preprocess +# background removal and recentering, save rgba at 256x256 +python process.py data/name.jpg + +# save at a larger resolution +python process.py data/name.jpg --size 512 + +# process all jpg images under a dir +python process.py data + +### sparse-view 3D reconstruction +# here we have some preprocessed examples in 'data/demo', with dust3r pose initialization +# the output will be saved in 'output/demo/{category}' +# valid category-num_views options are {[toy, 4], [butter, 6], [jordan, 8], [robot, 8], [eagle, 8]} + +# run single 3D reconstruction (w/o outlier removal & correction) +python run.py --category jordan --num_views 8 + +# if you find the command above does not give you nice 3D, try enbaling loop-based outlier removal & correction (which takes more time) +python run.py --category jordan --num_views 8 --enable_loop +``` + +Note: Actually, we include the `eagle` example to showcase how our full method works (we found in our experiments that dust3r gives one bad pose for this example). For other examples, you are supposed to see reasonable 3D with a single 3D reconstruction. + +## Tips + +* The world & camera coordinate system is the same as OpenGL: +``` + World Camera + + +y up target + | | / + | | / + |______+x |/______right + / / + / / + / / + +z forward + +elevation: in (-90, 90), from +y to -y is (-90, 90) +azimuth: in (-180, 180), from +z to +x is (0, 90) +``` + +## Acknowledgments + +from https://github.com/ashawkey/diff-gaussian-rasterization + +This work is built on many amazing research works and open-source projects, thanks a lot to all the authors for sharing! + +- [gaussian-splatting](https://github.com/graphdeco-inria/gaussian-splatting) and [diff-gaussian-rasterization](https://github.com/graphdeco-inria/diff-gaussian-rasterization) +- [threestudio](https://github.com/threestudio-project/threestudio) +- [nvdiffrast](https://github.com/NVlabs/nvdiffrast) +- [dearpygui](https://github.com/hoffstadt/DearPyGui) + +## Citation + +``` +@inproceedings{zhao2024sparseags, + title={Sparse-view Pose Estimation and Reconstruction via Analysis by Generative Synthesis}, + author={Qitao Zhao and Shubham Tulsiani}, + booktitle={NeurIPS}, + year={2024} +} +``` diff --git a/liegroups/.gitignore b/liegroups/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..bf8a83e605aa75e066292877b9be114d67b6de69 --- /dev/null +++ b/liegroups/.gitignore @@ -0,0 +1,6 @@ +.DS_Store +__pycache__ +.cache +*.egg-info +.vscode +*.pyc diff --git a/liegroups/LICENSE b/liegroups/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..4c366b05b72325767d0d1413ef27e4f3a5c53b63 --- /dev/null +++ b/liegroups/LICENSE @@ -0,0 +1,21 @@ +The MIT License (MIT) + +Copyright (c) 2017 Lee Clement + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/liegroups/README.md b/liegroups/README.md new file mode 100644 index 0000000000000000000000000000000000000000..8b4463b01e57b4693df5cb8412e0073fed939725 --- /dev/null +++ b/liegroups/README.md @@ -0,0 +1,36 @@ +# liegroups +Python implementation of SO2, SE2, SO3, and SE3 matrix Lie groups using numpy or PyTorch. + +[[Documentation]](docs/build/html/index.html) + +## Installation +To install, `cd` into the repository directory (the one with `setup.py`) and run: +```bash +pip install . +``` +or +```bash +pip install -e . +``` +The `-e` flag tells pip to install the package in-place, which lets you make changes to the code without having to reinstall every time. *Do not do this on shared workstations!* + +## Testing +Ensure you have `pytest` installed on your system, or install it using `conda install pytest` or `pip install pytest`. Then run `pytest` in the repository directory. + +## Usage +Numpy and torch implementations are accessible through the `liegroups.numpy` and `liegroups.torch` subpackages. +By default, the numpy implementation is available through the top-level package. + +Access the numpy implementation using something like +```python +from liegroups import SE3 +``` +or +```python +from liegroups.numpy import SO2 +``` + +Access the pytorch implementation using something like +```python +from liegroups.torch import SE2 +``` \ No newline at end of file diff --git a/liegroups/build/lib/liegroups/__init__.py b/liegroups/build/lib/liegroups/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c3d176b43760c452ce6cff58fa1943d369025f54 --- /dev/null +++ b/liegroups/build/lib/liegroups/__init__.py @@ -0,0 +1,16 @@ +"""Special Euclidean and Special Orthogonal Lie groups.""" + +from .numpy import SO2 as SO2 +from .numpy import SE2 as SE2 +from .numpy import SO3 as SO3 +from .numpy import SE3 as SE3 + + +try: + from . import numpy + from . import torch +except: + pass + +__author__ = "Lee Clement" +__email__ = "lee.clement@robotics.utias.utoronto.ca" diff --git a/liegroups/build/lib/liegroups/_base.py b/liegroups/build/lib/liegroups/_base.py new file mode 100644 index 0000000000000000000000000000000000000000..6b2d2ab34307a27fb72faa08a9181e0ebf74eeb7 --- /dev/null +++ b/liegroups/build/lib/liegroups/_base.py @@ -0,0 +1,218 @@ +from abc import ABCMeta, abstractmethod + +# support for both python 2 and 3 +from future.utils import with_metaclass + + +class LieGroupBase(with_metaclass(ABCMeta)): + """ Common abstract base class defining basic interface for Lie groups. + Does not depend on any specific linear algebra library. + """ + + def __init__(self): + pass + + @property + @classmethod + @abstractmethod + def dim(cls): + """Dimension of the underlying representation.""" + pass + + @property + @classmethod + @abstractmethod + def dof(cls): + """Underlying degrees of freedom (i.e., dimension of the tangent space).""" + pass + + @abstractmethod + def dot(self, other): + """Multiply another group element or one or more vectors on the left. + """ + pass + + @classmethod + @abstractmethod + def exp(cls, vec): + """Exponential map for the group. + + Computes a transformation from a tangent vector. + + This is the inverse operation to log. + """ + pass + + @classmethod + @abstractmethod + def identity(cls): + """Return the identity transformation.""" + pass + + @abstractmethod + def inv(self): + """Return the inverse transformation.""" + pass + + @abstractmethod + def log(self): + """Logarithmic map for the group. + + Computes a tangent vector from a transformation. + + This is the inverse operation to exp. + """ + pass + + @abstractmethod + def normalize(self): + """Normalize the group element to ensure it is valid and + negate the effect of rounding errors. + """ + pass + + @abstractmethod + def perturb(self, vec): + """Perturb the group element on the left by a vector in its local tangent space. + """ + pass + + +class MatrixLieGroupBase(LieGroupBase): + """Common abstract base class defining basic interface for Matrix Lie Groups. + Does not depend on any specific linear algebra library. + """ + + def __repr__(self): + """Return a string representation of the transformation.""" + return "<{}.{}>\n{}".format(self.__class__.__module__, self.__class__.__name__, self.as_matrix()).replace("\n", "\n| ") + + @abstractmethod + def adjoint(self): + """Return the adjoint matrix of the transformation.""" + pass + + @abstractmethod + def as_matrix(self): + """Return the matrix representation of the transformation.""" + pass + + @classmethod + @abstractmethod + def from_matrix(cls, mat, normalize=False): + """Create a transformation from a matrix (safe, but slower).""" + pass + + @classmethod + @abstractmethod + def inv_left_jacobian(cls, vec): + """Inverse of the left Jacobian for the group.""" + pass + + @classmethod + @abstractmethod + def is_valid_matrix(cls, mat): + """Check if a matrix is a valid transformation matrix.""" + pass + + @classmethod + @abstractmethod + def left_jacobian(cls, vec): + """Left Jacobian for the group.""" + pass + + @classmethod + @abstractmethod + def vee(cls, mat): + """vee operator as defined by Barfoot. + + This is the inverse operation to wedge. + """ + pass + + @classmethod + @abstractmethod + def wedge(cls, vec): + """wedge operator as defined by Barfoot. + + This is the inverse operation to vee. + """ + pass + + +class SOMatrixBase(MatrixLieGroupBase): + """Common abstract base class for Special Orthogonal Matrix Lie Groups SO(N). + Does not depend on any specific linear algebra library. + """ + + def __init__(self, mat): + """Create a transformation from a rotation matrix (unsafe, but faster).""" + self.mat = mat + """Storage for the rotation matrix.""" + + def as_matrix(self): + """Return the matrix representation of the rotation.""" + return self.mat + + def perturb(self, phi): + """Perturb the rotation in-place on the left by a vector in its local tangent space. + + .. math:: + \\mathbf{C} \\gets \\exp(\\boldsymbol{\\phi}^\\wedge) \\mathbf{C} + """ + self.mat = self.__class__.exp(phi).dot(self).mat + + +class SEMatrixBase(MatrixLieGroupBase): + """Common abstract base class for Special Euclidean Matrix Lie Groups SE(N). + Does not depend on any specific linear algebra library. + """ + + def __init__(self, rot, trans): + """Create a transformation from a translation and a rotation (unsafe, but faster)""" + self.rot = rot + """Storage for the rotation matrix.""" + self.trans = trans + """Storage for the translation vector.""" + + @classmethod + @abstractmethod + def odot(cls, p, directional=False): + """odot operator as defined by Barfoot.""" + pass + + def perturb(self, xi): + """Perturb the transformation in-place on the left by a vector in its local tangent space. + + .. math:: + \\mathbf{T} \\gets \\exp(\\boldsymbol{\\xi}^\\wedge) \\mathbf{T} + """ + perturbed = self.__class__.exp(xi).dot(self) + self.rot = perturbed.rot + self.trans = perturbed.trans + + @property + @classmethod + @abstractmethod + def RotationType(cls): + """Rotation type.""" + pass + + +class VectorLieGroupBase(LieGroupBase): + """Common abstract base class for Lie Groups with vector parametrizations + (complex, quaternions, dual quaternions). Does not depend on any + specific linear algebra library. + """ + + def __init__(self, data): + self.data = data + + def __repr__(self): + """Return a string representation of the transformation.""" + return "<{}.{}>\n{}".format(self.__class__.__module__, self.__class__.__name__, self.data).replace("\n", "\n| ") + + @abstractmethod + def conjugate(self): + """Return the conjugate of the vector""" + pass diff --git a/liegroups/build/lib/liegroups/numpy/__init__.py b/liegroups/build/lib/liegroups/numpy/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..221d55c2bac6d4a01eea8fd0accfefd8b96c9932 --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/__init__.py @@ -0,0 +1,9 @@ +"""Numpy implementations of Special Euclidean and Special Orthogonal Lie groups.""" + +from .so2 import SO2Matrix as SO2 +from .se2 import SE2Matrix as SE2 +from .so3 import SO3Matrix as SO3 +from .se3 import SE3Matrix as SE3 + +__author__ = "Lee Clement" +__email__ = "lee.clement@robotics.utias.utoronto.ca" diff --git a/liegroups/build/lib/liegroups/numpy/_base.py b/liegroups/build/lib/liegroups/numpy/_base.py new file mode 100644 index 0000000000000000000000000000000000000000..7b98b38668e31969aa3a2d8cc181dcd3347f20dd --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/_base.py @@ -0,0 +1,172 @@ +import numpy as np + +from .. import _base + + +class SOMatrixBase(_base.SOMatrixBase): + """Implementation of methods common to SO(N) matrix lie groups using Numpy""" + + def dot(self, other): + """Multiply another rotation or one or more vectors on the left. + """ + if isinstance(other, self.__class__): + # Compound with another rotation + return self.__class__(np.dot(self.mat, other.mat)) + else: + other = np.atleast_2d(other) + + # Transform one or more 2-vectors or fail + if other.shape[1] == self.dim: + return np.squeeze(np.dot(self.mat, other.T).T) + else: + raise ValueError( + "Vector must have shape ({},) or (N,{})".format(self.dim, self.dim)) + + @classmethod + def identity(cls): + """Return the identity rotation.""" + return cls(np.identity(cls.dim)) + + def inv(self): + """Return the inverse rotation: + + .. math:: + \\mathbf{C}^{-1} = \\mathbf{C}^T + """ + return self.__class__(self.mat.T) + + @classmethod + def from_matrix(cls, mat, normalize=False): + """Create a rotation from a matrix (safe, but slower). + + Throws an error if mat is invalid and normalize=False. + If normalize=True invalid matrices will be normalized to be valid. + """ + mat_is_valid = cls.is_valid_matrix(mat) + + if mat_is_valid or normalize: + result = cls(mat) + if not mat_is_valid and normalize: + result.normalize() + else: + raise ValueError( + "Invalid rotation matrix. Use normalize=True to handle rounding errors.") + + return result + + @classmethod + def is_valid_matrix(cls, mat): + """Check if a matrix is a valid rotation matrix.""" + return mat.shape == (cls.dim, cls.dim) and \ + np.isclose(np.linalg.det(mat), 1.) and \ + np.allclose(mat.T.dot(mat), np.identity(cls.dim)) + + def normalize(self): + """Normalize the rotation matrix to ensure it is valid and + negate the effect of rounding errors. + """ + # The SVD is commonly written as a = U S V.H. + # The v returned by this function is V.H and u = U. + U, _, V = np.linalg.svd(self.mat, full_matrices=False) + + S = np.identity(self.dim) + S[self.dim - 1, self.dim - 1] = np.linalg.det(U) * np.linalg.det(V) + + self.mat = U.dot(S).dot(V) + + +class SEMatrixBase(_base.SEMatrixBase): + """Implementation of methods common to SE(N) matrix lie groups using Numpy""" + + def as_matrix(self): + """Return the matrix representation of the rotation.""" + R = self.rot.as_matrix() + t = np.reshape(self.trans, (self.dim - 1, 1)) + bottom_row = np.append(np.zeros(self.dim - 1), 1.) + return np.vstack([np.hstack([R, t]), + bottom_row]) + + def dot(self, other): + """Multiply another rotation or one or more vectors on the left. + """ + if isinstance(other, self.__class__): + # Compound with another transformation + return self.__class__(self.rot.dot(other.rot), + self.rot.dot(other.trans) + self.trans) + else: + other = np.atleast_2d(other) + + if other.shape[1] == self.dim - 1: + # Transform one or more 2-vectors + return np.squeeze(self.rot.dot(other) + self.trans) + elif other.shape[1] == self.dim: + # Transform one or more 3-vectors + return np.squeeze(self.as_matrix().dot(other.T)).T + else: + raise ValueError("Vector must have shape ({},), ({},), (N,{}) or (N,{})".format( + self.dim - 1, self.dim, self.dim - 1, self.dim)) + + @classmethod + def from_matrix(cls, mat, normalize=False): + """Create a transformation from a matrix (safe, but slower). + + Throws an error if mat is invalid and normalize=False. + If normalize=True invalid matrices will be normalized to be valid. + """ + mat_is_valid = cls.is_valid_matrix(mat) + + if mat_is_valid or normalize: + result = cls( + cls.RotationType(mat[0:cls.dim - 1, 0:cls.dim - 1]), + mat[0:cls.dim - 1, cls.dim - 1]) + if not mat_is_valid and normalize: + result.normalize() + else: + raise ValueError( + "Invalid transformation matrix. Use normalize=True to handle rounding errors.") + + return result + + @classmethod + def identity(cls): + """Return the identity transformation.""" + return cls.from_matrix(np.identity(cls.dim)) + + def inv(self): + """Return the inverse transformation: + + .. math:: + \\mathbf{T}^{-1} = + \\begin{bmatrix} + \\mathbf{C}^T & -\\mathbf{C}^T\\mathbf{r} \\\\ + \\mathbf{0}^T & 1 + \\end{bmatrix} + """ + inv_rot = self.rot.inv() + inv_trans = -(inv_rot.dot(self.trans)) + return self.__class__(inv_rot, inv_trans) + + @classmethod + def is_valid_matrix(cls, mat): + """Check if a matrix is a valid transformation matrix.""" + bottom_row = np.append(np.zeros(cls.dim - 1), 1.) + + return mat.shape == (cls.dim, cls.dim) and \ + np.array_equal(mat[cls.dim - 1, :], bottom_row) and \ + cls.RotationType.is_valid_matrix(mat[0:cls.dim - 1, 0:cls.dim - 1]) + + def normalize(self): + """Normalize the transformation matrix to ensure it is valid and + negate the effect of rounding errors. + """ + self.rot.normalize() + + +class VectorLieGroupBase(_base.VectorLieGroupBase): + """Implementation of methods common to vector-parametrized lie groups using Numpy""" + + def normalize(self): + self.data = self.data / np.linalg.norm(self.data) + + def conjugate(self): + return self.__class__(np.hstack([self.data[0], -self.data[1:]])) diff --git a/liegroups/build/lib/liegroups/numpy/se2.py b/liegroups/build/lib/liegroups/numpy/se2.py new file mode 100644 index 0000000000000000000000000000000000000000..0baa085664789eb2d9a736f238e335a19002ed76 --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/se2.py @@ -0,0 +1,206 @@ +import numpy as np + +from . import _base +from .so2 import SO2Matrix + + +class SE2Matrix(_base.SEMatrixBase): + """Homogeneous transformation matrix in :math:`SE(2)` using active (alibi) transformations. + + .. math:: + SE(2) &= \\left\\{ \\mathbf{T}= + \\begin{bmatrix} + \\mathbf{C} & \\mathbf{r} \\\\ + \\mathbf{0}^T & 1 + \\end{bmatrix} \\in \\mathbb{R}^{3 \\times 3} ~\\middle|~ \\mathbf{C} \\in SO(2), \\mathbf{r} \\in \\mathbb{R}^2 \\right\\} \\\\ + \\mathfrak{se}(2) &= \\left\\{ \\boldsymbol{\\Xi} = + \\boldsymbol{\\xi}^\\wedge \\in \\mathbb{R}^{3 \\times 3} ~\\middle|~ + \\boldsymbol{\\xi}= + \\begin{bmatrix} + \\boldsymbol{\\rho} \\\\ \\phi + \\end{bmatrix} \\in \\mathbb{R}^3, \\boldsymbol{\\rho} \\in \\mathbb{R}^2, \\phi \\in \\mathbb{R} \\right\\} + + :cvar ~liegroups.SE2.dim: Dimension of the rotation matrix. + :cvar ~liegroups.SE2.dof: Underlying degrees of freedom (i.e., dimension of the tangent space). + :ivar rot: Storage for the rotation matrix :math:`\\mathbf{C}`. + :ivar trans: Storage for the translation vector :math:`\\mathbf{r}`. + """ + dim = 3 + """Dimension of the transformation matrix.""" + dof = 3 + """Underlying degrees of freedom (i.e., dimension of the tangent space).""" + RotationType = SO2Matrix + + def adjoint(self): + """Adjoint matrix of the transformation. + + .. math:: + \\text{Ad}(\\mathbf{T}) = + \\begin{bmatrix} + \\mathbf{C} & 1^\\wedge \\mathbf{r} \\\\ + \\mathbf{0}^T & 1 + \\end{bmatrix} + \\in \\mathbb{R}^{3 \\times 3} + """ + rot_part = self.rot.as_matrix() + trans_part = np.array([self.trans[1], -self.trans[0]]).reshape((2, 1)) + return np.vstack([np.hstack([rot_part, trans_part]), + [0, 0, 1]]) + + @classmethod + def exp(cls, xi): + """Exponential map for :math:`SE(2)`, which computes a transformation from a tangent vector: + + .. math:: + \\mathbf{T}(\\boldsymbol{\\xi}) = + \\exp(\\boldsymbol{\\xi}^\\wedge) = + \\begin{bmatrix} + \\exp(\\phi ^\\wedge) & \\mathbf{J} \\boldsymbol{\\rho} \\\\ + \\mathbf{0} ^ T & 1 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE2.log`. + """ + if len(xi) != cls.dof: + raise ValueError("xi must have length {}".format(cls.dof)) + + rho = xi[0:2] + phi = xi[2] + return cls(cls.RotationType.exp(phi), + cls.RotationType.left_jacobian(phi).dot(rho)) + + @classmethod + def inv_left_jacobian(cls, xi): + """:math:`SE(2)` inverse left Jacobian. + + .. math:: + \\mathcal{J}^{-1}(\\boldsymbol{\\xi}) + """ + raise NotImplementedError + + @classmethod + def left_jacobian(cls, xi): + """:math:`SE(2)` left Jacobian. + + .. math:: + \\mathcal{J}(\\boldsymbol{\\xi}) + """ + raise NotImplementedError + + def log(self): + """Logarithmic map for :math:`SE(2)`, which computes a tangent vector from a transformation: + + .. math:: + \\boldsymbol{\\xi}(\\mathbf{T}) = + \\ln(\\mathbf{T})^\\vee = + \\begin{bmatrix} + \\mathbf{J} ^ {-1} \\mathbf{r} \\\\ + \\ln(\\boldsymbol{C}) ^\\vee + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE2.log`. + """ + phi = self.rot.log() + rho = self.RotationType.inv_left_jacobian(phi).dot(self.trans) + return np.hstack([rho, phi]) + + @classmethod + def odot(cls, p, directional=False): + """:math:`SE(2)` odot operator as defined by Barfoot. + + This is the Jacobian of a vector + + .. math:: + \\mathbf{p} = + \\begin{bmatrix} + sx \\\\ sy \\\\ sz \\\\ s + \\end{bmatrix} = + \\begin{bmatrix} + \\boldsymbol{\\epsilon} \\\\ \\eta + \\end{bmatrix} + + with respect to a perturbation in the underlying parameters of :math:`\\mathbf{T}`. + + If :math:`\\mathbf{p}` is given in Euclidean coordinates and directional=False, the missing scale value :math:`\\eta` is assumed to be 1 and the Jacobian is 2x3. If directional=True, :math:`\\eta` is assumed to be 0: + + .. math:: + \\mathbf{p}^\\odot = + \\begin{bmatrix} + \\eta \\mathbf{1} & 1^\\wedge \\boldsymbol{\\epsilon} + \\end{bmatrix} + + If :math:`\\mathbf{p}` is given in Homogeneous coordinates, the Jacobian is 3x3: + + .. math:: + \\mathbf{p}^\\odot = + \\begin{bmatrix} + \\eta \\mathbf{1} & 1^\\wedge \\boldsymbol{\\epsilon} \\\\ + \\mathbf{0}^T & 0 + \\end{bmatrix} + """ + p = np.atleast_2d(p) + result = np.zeros([p.shape[0], p.shape[1], cls.dof]) + + if p.shape[1] == cls.dim - 1: + # Assume scale parameter is 1 unless p is a direction + # vector, in which case the scale is 0 + if not directional: + result[:, 0:2, 0:2] = np.eye(2) + + result[:, 0:2, 2] = cls.RotationType.wedge(1).dot(p.T).T + + elif p.shape[1] == cls.dim: + result[:, 0:2, 0:2] = p[:, 2] * np.eye(2) + result[:, 0:2, 2] = cls.RotationType.wedge(1).dot(p[:, 0:2].T).T + + else: + raise ValueError("p must have shape ({},), ({},), (N,{}) or (N,{})".format( + cls.dim - 1, cls.dim, cls.dim - 1, cls.dim)) + + return np.squeeze(result) + + @classmethod + def vee(cls, Xi): + """:math:`SE(2)` vee operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\xi} = \\boldsymbol{\\Xi} ^\\vee + + This is the inverse operation to :meth:`~liegroups.SE2.wedge`. + """ + if Xi.ndim < 3: + Xi = np.expand_dims(Xi, axis=0) + + if Xi.shape[1:3] != (cls.dof, cls.dof): + raise ValueError("Xi must have shape ({},{}) or (N,{},{})".format( + cls.dof, cls.dof, cls.dof, cls.dof)) + + xi = np.empty([Xi.shape[0], cls.dof]) + xi[:, 0:2] = Xi[:, 0:2, 2] + xi[:, 2] = cls.RotationType.vee(Xi[:, 0:2, 0:2]) + return np.squeeze(xi) + + @classmethod + def wedge(cls, xi): + """:math:`SE(2)` wedge operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\Xi} = + \\boldsymbol{\\xi} ^\\wedge = + \\begin{bmatrix} + \\phi ^\\wedge & \\boldsymbol{\\rho} \\\\ + \\mathbf{0} ^ T & 0 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE2.vee`. + """ + xi = np.atleast_2d(xi) + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Xi = np.zeros([xi.shape[0], cls.dof, cls.dof]) + Xi[:, 0:2, 0:2] = cls.RotationType.wedge(xi[:, 2]) + Xi[:, 0:2, 2] = xi[:, 0:2] + + return np.squeeze(Xi) diff --git a/liegroups/build/lib/liegroups/numpy/se3.py b/liegroups/build/lib/liegroups/numpy/se3.py new file mode 100644 index 0000000000000000000000000000000000000000..ef9dc676371a8449d2d9d69facea7f9285a00600 --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/se3.py @@ -0,0 +1,354 @@ +import numpy as np + +from . import _base +from .so3 import SO3Matrix + + +class SE3Matrix(_base.SEMatrixBase): + """Homogeneous transformation matrix in :math:`SE(3)` using active (alibi) transformations. + + .. math:: + SE(3) &= \\left\\{ \\mathbf{T}= + \\begin{bmatrix} + \\mathbf{C} & \\mathbf{r} \\\\ + \\mathbf{0}^T & 1 + \\end{bmatrix} \\in \\mathbb{R}^{4 \\times 4} ~\\middle|~ \\mathbf{C} \\in SO(3), \\mathbf{r} \\in \\mathbb{R}^3 \\right\\} \\\\ + \\mathfrak{se}(3) &= \\left\\{ \\boldsymbol{\\Xi} = + \\boldsymbol{\\xi}^\\wedge \\in \\mathbb{R}^{4 \\times 4} ~\\middle|~ + \\boldsymbol{\\xi}= + \\begin{bmatrix} + \\boldsymbol{\\rho} \\\\ \\boldsymbol{\\phi} + \\end{bmatrix} \\in \\mathbb{R}^6, \\boldsymbol{\\rho} \\in \\mathbb{R}^3, \\boldsymbol{\\phi} \\in \\mathbb{R}^3 \\right\\} + + :cvar ~liegroups.SE2.dim: Dimension of the rotation matrix. + :cvar ~liegroups.SE2.dof: Underlying degrees of freedom (i.e., dimension of the tangent space). + :ivar rot: Storage for the rotation matrix :math:`\\mathbf{C}`. + :ivar trans: Storage for the translation vector :math:`\\mathbf{r}`. + """ + dim = 4 + """Dimension of the transformation matrix.""" + dof = 6 + """Underlying degrees of freedom (i.e., dimension of the tangent space).""" + RotationType = SO3Matrix + + def adjoint(self): + """Adjoint matrix of the transformation. + + .. math:: + \\text{Ad}(\\mathbf{T}) = + \\begin{bmatrix} + \\mathbf{C} & \\mathbf{r}^\\wedge\\mathbf{C} \\\\ + \\mathbf{0} & \\mathbf{C} + \\end{bmatrix} + \\in \\mathbb{R}^{6 \\times 6} + """ + rotmat = self.rot.as_matrix() + return np.vstack( + [np.hstack([rotmat, + self.RotationType.wedge(self.trans).dot(rotmat)]), + np.hstack([np.zeros((3, 3)), rotmat])] + ) + + @classmethod + def curlyvee(cls, Psi): + """:math:`SE(3)` curlyvee operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\xi} = + \\boldsymbol{\\Psi}^\\curlyvee + + This is the inverse operation to :meth:`~liegroups.SE3.curlywedge`. + """ + if Psi.ndim < 3: + Psi = np.expand_dims(Psi, axis=0) + + if Psi.shape[1:3] != (cls.dof, cls.dof): + raise ValueError("Psi must have shape ({},{}) or (N,{},{})".format( + cls.dof, cls.dof, cls.dof, cls.dof)) + + xi = np.empty([Psi.shape[0], cls.dof]) + xi[:, 0:3] = cls.RotationType.vee(Psi[:, 0:3, 3:6]) + xi[:, 3:6] = cls.RotationType.vee(Psi[:, 0:3, 0:3]) + + return np.squeeze(xi) + + @classmethod + def curlywedge(cls, xi): + """:math:`SE(3)` curlywedge operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\Psi} = + \\boldsymbol{\\xi}^\\curlywedge = + \\begin{bmatrix} + \\boldsymbol{\\phi}^\\wedge & \\boldsymbol{\\rho}^\\wedge \\\\ + \\mathbf{0} & \\boldsymbol{\\phi}^\\wedge + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE3.curlyvee`. + """ + xi = np.atleast_2d(xi) + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Psi = np.zeros([xi.shape[0], cls.dof, cls.dof]) + Psi[:, 0:3, 0:3] = cls.RotationType.wedge(xi[:, 3:6]) + Psi[:, 0:3, 3:6] = cls.RotationType.wedge(xi[:, 0:3]) + Psi[:, 3:6, 3:6] = Psi[:, 0:3, 0:3] + + return np.squeeze(Psi) + + @classmethod + def exp(cls, xi): + """Exponential map for :math:`SE(3)`, which computes a transformation from a tangent vector: + + .. math:: + \\mathbf{T}(\\boldsymbol{\\xi}) = + \\exp(\\boldsymbol{\\xi}^\\wedge) = + \\begin{bmatrix} + \\exp(\\boldsymbol{\\phi}^\\wedge) & \\mathbf{J} \\boldsymbol{\\rho} \\\\ + \\mathbf{0} ^ T & 1 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE3.log`. + """ + if len(xi) != cls.dof: + raise ValueError("xi must have length {}".format(cls.dof)) + + rho = xi[0:3] + phi = xi[3:6] + return cls(cls.RotationType.exp(phi), + cls.RotationType.left_jacobian(phi).dot(rho)) + + @classmethod + def left_jacobian_Q_matrix(cls, xi): + """The :math:`\\mathbf{Q}` matrix used to compute :math:`\\mathcal{J}` in :meth:`~liegroups.SE3.left_jacobian` and :math:`\\mathcal{J}^{-1}` in :meth:`~liegroups.SE3.inv_left_jacobian`. + + .. math:: + \\mathbf{Q}(\\boldsymbol{\\xi}) = + \\frac{1}{2}\\boldsymbol{\\rho}^\\wedge &+ + \\left( \\frac{\\phi - \\sin \\phi}{\\phi^3} \\right) + \\left( + \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge + + \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge + + \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge + \\right) \\\\ &+ + \\left( \\frac{\\phi^2 + 2 \\cos \\phi - 2}{2 \\phi^4} \\right) + \\left( + \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge + + \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\phi}^\\wedge - + 3 \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge + \\right) \\\\ &+ + \\left( \\frac{2 \\phi - 3 \\sin \\phi + \\phi \\cos \\phi}{2 \\phi^5} \\right) + \\left( + \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\phi}^\\wedge + + \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\phi}^\\wedge \\boldsymbol{\\rho}^\\wedge \\boldsymbol{\\phi}^\\wedge + \\right) + """ + if len(xi) != cls.dof: + raise ValueError("xi must have length {}".format(cls.dof)) + + rho = xi[0:3] # translation part + phi = xi[3:6] # rotation part + + rx = cls.RotationType.wedge(rho) + px = cls.RotationType.wedge(phi) + + ph = np.linalg.norm(phi) + ph2 = ph * ph + ph3 = ph2 * ph + ph4 = ph3 * ph + ph5 = ph4 * ph + + cph = np.cos(ph) + sph = np.sin(ph) + + m1 = 0.5 + m2 = (ph - sph) / ph3 + m3 = (0.5 * ph2 + cph - 1.) / ph4 + m4 = (ph - 1.5 * sph + 0.5 * ph * cph) / ph5 + + t1 = rx + t2 = px.dot(rx) + rx.dot(px) + px.dot(rx).dot(px) + t3 = px.dot(px).dot(rx) + rx.dot(px).dot(px) - 3. * px.dot(rx).dot(px) + t4 = px.dot(rx).dot(px).dot(px) + px.dot(px).dot(rx).dot(px) + + return m1 * t1 + m2 * t2 + m3 * t3 + m4 * t4 + + @classmethod + def inv_left_jacobian(cls, xi): + """:math:`SE(3)` inverse left Jacobian. + + .. math:: + \\mathcal{J}^{-1}(\\boldsymbol{\\xi}) = + \\begin{bmatrix} + \\mathbf{J}^{-1} & -\\mathbf{J}^{-1} \\mathbf{Q} \\mathbf{J}^{-1} \\\\ + \\mathbf{0} & \\mathbf{J}^{-1} + \\end{bmatrix} + + with :math:`\\mathbf{J}^{-1}` as in :meth:`liegroups.SO3.inv_left_jacobian` and :math:`\\mathbf{Q}` as in :meth:`~liegroups.SE3.left_jacobian_Q_matrix`. + """ + rho = xi[0:3] # translation part + phi = xi[3:6] # rotation part + + # Near |phi|==0, use first order Taylor expansion + if np.isclose(np.linalg.norm(phi), 0.): + return np.identity(cls.dof) - 0.5 * cls.curlywedge(xi) + + so3_inv_jac = cls.RotationType.inv_left_jacobian(phi) + Q_mat = cls.left_jacobian_Q_matrix(xi) + + jac = np.zeros([cls.dof, cls.dof]) + jac[0:3, 0:3] = so3_inv_jac + jac[0:3, 3:6] = -so3_inv_jac.dot(Q_mat).dot(so3_inv_jac) + jac[3:6, 3:6] = so3_inv_jac + + return jac + + @classmethod + def left_jacobian(cls, xi): + """:math:`SE(3)` left Jacobian. + + .. math:: + \\mathcal{J}(\\boldsymbol{\\xi}) = + \\begin{bmatrix} + \\mathbf{J} & \\mathbf{Q} \\\\ + \\mathbf{0} & \\mathbf{J} + \\end{bmatrix} + + with :math:`\\mathbf{J}` as in :meth:`liegroups.SO3.left_jacobian` and :math:`\\mathbf{Q}` as in :meth:`~liegroups.SE3.left_jacobian_Q_matrix`. + """ + rho = xi[0:3] # translation part + phi = xi[3:6] # rotation part + + # Near |phi|==0, use first order Taylor expansion + if np.isclose(np.linalg.norm(phi), 0.): + return np.identity(cls.dof) + 0.5 * cls.curlywedge(xi) + + so3_jac = cls.RotationType.left_jacobian(phi) + Q_mat = cls.left_jacobian_Q_matrix(xi) + + jac = np.zeros([cls.dof, cls.dof]) + jac[0:3, 0:3] = so3_jac + jac[0:3, 3:6] = Q_mat + jac[3:6, 3:6] = so3_jac + + return jac + + def log(self): + """Logarithmic map for :math:`SE(3)`, which computes a tangent vector from a transformation: + + .. math:: + \\boldsymbol{\\xi}(\\mathbf{T}) = + \\ln(\\mathbf{T})^\\vee = + \\begin{bmatrix} + \\mathbf{J} ^ {-1} \\mathbf{r} \\\\ + \\ln(\\boldsymbol{C}) ^\\vee + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE3.exp`. + """ + phi = self.RotationType.log(self.rot) + rho = self.RotationType.inv_left_jacobian(phi).dot(self.trans) + return np.hstack([rho, phi]) + + @classmethod + def odot(cls, p, directional=False): + """:math:`SE(3)` odot operator as defined by Barfoot. + + This is the Jacobian of a vector + + .. math:: + \\mathbf{p} = + \\begin{bmatrix} + sx \\\\ sy \\\\ sz \\\\ s + \\end{bmatrix} = + \\begin{bmatrix} + \\boldsymbol{\\epsilon} \\\\ \\eta + \\end{bmatrix} + + with respect to a perturbation in the underlying parameters of :math:`\\mathbf{T}`. + + If :math:`\\mathbf{p}` is given in Euclidean coordinates and directional=False, the missing scale value :math:`\\eta` is assumed to be 1 and the Jacobian is 3x6. If directional=True, :math:`\\eta` is assumed to be 0: + + .. math:: + \\mathbf{p}^\\odot = + \\begin{bmatrix} + \\eta \\mathbf{1} & -\\boldsymbol{\\epsilon}^\\wedge + \\end{bmatrix} + + If :math:`\\mathbf{p}` is given in Homogeneous coordinates, the Jacobian is 4x6: + + .. math:: + \\mathbf{p}^\\odot = + \\begin{bmatrix} + \\eta \\mathbf{1} & -\\boldsymbol{\\epsilon}^\\wedge \\\\ + \\mathbf{0}^T & \\mathbf{0}^T + \\end{bmatrix} + """ + p = np.atleast_2d(p) + result = np.zeros([p.shape[0], p.shape[1], cls.dof]) + + if p.shape[1] == cls.dim - 1: + # Assume scale parameter is 1 unless p is a direction + # ptor, in which case the scale is 0 + if not directional: + result[:, 0:3, 0:3] = np.eye(3) + + result[:, 0:3, 3:6] = cls.RotationType.wedge(-p) + + elif p.shape[1] == cls.dim: + # Broadcast magic + result[:, 0:3, 0:3] = p[:, 3][:, None, None] * np.eye(3) + result[:, 0:3, 3:6] = cls.RotationType.wedge(-p[:, 0:3]) + + else: + raise ValueError("p must have shape ({},), ({},), (N,{}) or (N,{})".format( + cls.dim - 1, cls.dim, cls.dim - 1, cls.dim)) + + return np.squeeze(result) + + @classmethod + def vee(cls, Xi): + """:math:`SE(3)` vee operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\xi} = \\boldsymbol{\\Xi} ^\\vee + + This is the inverse operation to :meth:`~liegroups.SE3.wedge`. + """ + if Xi.ndim < 3: + Xi = np.expand_dims(Xi, axis=0) + + if Xi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError("Xi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + xi = np.empty([Xi.shape[0], cls.dof]) + xi[:, 0:3] = Xi[:, 0:3, 3] + xi[:, 3:6] = cls.RotationType.vee(Xi[:, 0:3, 0:3]) + return np.squeeze(xi) + + @classmethod + def wedge(cls, xi): + """:math:`SE(3)` wedge operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\Xi} = + \\boldsymbol{\\xi} ^\\wedge = + \\begin{bmatrix} + \\boldsymbol{\\phi} ^\\wedge & \\boldsymbol{\\rho} \\\\ + \\mathbf{0} ^ T & 0 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SE2.vee`. + """ + xi = np.atleast_2d(xi) + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Xi = np.zeros([xi.shape[0], cls.dim, cls.dim]) + Xi[:, 0:3, 0:3] = cls.RotationType.wedge(xi[:, 3:6]) + Xi[:, 0:3, 3] = xi[:, 0:3] + return np.squeeze(Xi) diff --git a/liegroups/build/lib/liegroups/numpy/so2.py b/liegroups/build/lib/liegroups/numpy/so2.py new file mode 100644 index 0000000000000000000000000000000000000000..8897ec0a6064bbcea4c7a775c05cf3a16180004d --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/so2.py @@ -0,0 +1,161 @@ +import numpy as np + +from . import _base + + +class SO2Matrix(_base.SOMatrixBase): + """Rotation matrix in :math:`SO(2)` using active (alibi) transformations. + + .. math:: + SO(2) &= \\left\\{ \\mathbf{C} \\in \\mathbb{R}^{2 \\times 2} ~\\middle|~ \\mathbf{C}\\mathbf{C}^T = \\mathbf{1}, \\det \\mathbf{C} = 1 \\right\\} \\\\ + \\mathfrak{so}(2) &= \\left\\{ \\boldsymbol{\\Phi} = \\phi^\\wedge \\in \\mathbb{R}^{2 \\times 2} ~\\middle|~ \\phi \\in \\mathbb{R} \\right\\} + + :cvar ~liegroups.SO2.dim: Dimension of the rotation matrix. + :cvar ~liegroups.SO2.dof: Underlying degrees of freedom (i.e., dimension of the tangent space). + :ivar mat: Storage for the rotation matrix :math:`\\mathbf{C}`. + """ + dim = 2 + """Dimension of the transformation matrix.""" + dof = 1 + """Underlying degrees of freedom (i.e., dimension of the tangent space).""" + + def adjoint(self): + """Adjoint matrix of the transformation. + + .. math:: + \\text{Ad}(\\mathbf{C}) = 1 + """ + return 1. + + @classmethod + def exp(cls, phi): + """Exponential map for :math:`SO(2)`, which computes a transformation from a tangent vector: + + .. math:: + \\mathbf{C}(\\phi) = + \\exp(\\phi^\\wedge) = + \\cos \\phi \\mathbf{1} + \\sin \\phi 1^\\wedge = + \\begin{bmatrix} + \\cos \\phi & -\\sin \\phi \\\\ + \\sin \\phi & \\cos \\phi + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SO2.log`. + """ + c = np.cos(phi) + s = np.sin(phi) + + return cls(np.array([[c, -s], + [s, c]])) + + @classmethod + def from_angle(cls, angle_in_radians): + """Form a rotation matrix given an angle in radians. + + See :meth:`~liegroups.SO2.exp` + """ + return cls.exp(angle_in_radians) + + @classmethod + def inv_left_jacobian(cls, phi): + """:math:`SO(2)` inverse left Jacobian. + + .. math:: + \\mathbf{J}^{-1}(\\phi) = + \\begin{cases} + \\mathbf{1} - \\frac{1}{2} \\phi^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\frac{\\phi}{2} \\cot \\frac{\\phi}{2} \\mathbf{1} - + \\frac{\\phi}{2} 1^\\wedge, & \\text{otherwise} + \\end{cases} + """ + # Near phi==0, use first order Taylor expansion + if np.isclose(phi, 0.): + return np.identity(cls.dim) - 0.5 * cls.wedge(phi) + + half_angle = 0.5 * phi + cot_half_angle = 1. / np.tan(half_angle) + return half_angle * cot_half_angle * np.identity(cls.dim) - \ + half_angle * cls.wedge(1.) + + @classmethod + def left_jacobian(cls, phi): + """:math:`SO(2)` left Jacobian. + + .. math:: + \\mathbf{J}(\\phi) = + \\begin{cases} + \\mathbf{1} + \\frac{1}{2} \\phi^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\frac{\\sin \\phi}{\\phi} \\mathbf{1} - + \\frac{1 - \\cos \\phi}{\\phi} 1^\\wedge, & \\text{otherwise} + \\end{cases} + """ + # Near phi==0, use first order Taylor expansion + if np.isclose(phi, 0.): + return np.identity(cls.dim) + 0.5 * cls.wedge(phi) + + s = np.sin(phi) + c = np.cos(phi) + + return (s / phi) * np.identity(cls.dim) + \ + ((1 - c) / phi) * cls.wedge(1.) + + def log(self): + """Logarithmic map for :math:`SO(2)`, which computes a tangent vector from a transformation: + + .. math:: + \\phi(\\mathbf{C}) = + \\ln(\\mathbf{C})^\\vee = + \\text{atan2}(C_{1,0}, C_{0,0}) + + This is the inverse operation to :meth:`~liegroups.SO2.exp`. + """ + c = self.mat[0, 0] + s = self.mat[1, 0] + return np.arctan2(s, c) + + def to_angle(self): + """Recover the rotation angle in radians from the rotation matrix. + + See :meth:`~liegroups.SO2.log` + """ + return self.log() + + @classmethod + def vee(cls, Phi): + """:math:`SO(2)` vee operator as defined by Barfoot. + + .. math:: + \\phi = \\boldsymbol{\\Phi}^\\vee + + This is the inverse operation to :meth:`~liegroups.SO2.wedge`. + """ + if Phi.ndim < 3: + Phi = np.expand_dims(Phi, axis=0) + + if Phi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError( + "Phi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + return np.squeeze(Phi[:, 1, 0]) + + @classmethod + def wedge(cls, phi): + """:math:`SO(2)` wedge operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\Phi} = + \\phi^\\wedge = + \\begin{bmatrix} + 0 & -\\phi \\\\ + \\phi & 0 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SO2.vee`. + """ + phi = np.atleast_1d(phi) + + Phi = np.zeros([len(phi), cls.dim, cls.dim]) + Phi[:, 0, 1] = -phi + Phi[:, 1, 0] = phi + return np.squeeze(Phi) diff --git a/liegroups/build/lib/liegroups/numpy/so3.py b/liegroups/build/lib/liegroups/numpy/so3.py new file mode 100644 index 0000000000000000000000000000000000000000..aff0512366266a90d2d8f8ee59c2c61dc9812724 --- /dev/null +++ b/liegroups/build/lib/liegroups/numpy/so3.py @@ -0,0 +1,430 @@ +import numpy as np + +from . import _base + + +class SO3Matrix(_base.SOMatrixBase): + """Rotation matrix in :math:`SO(3)` using active (alibi) transformations. + + .. math:: + SO(3) &= \\left\\{ \\mathbf{C} \\in \\mathbb{R}^{3 \\times 3} ~\\middle|~ \\mathbf{C}\\mathbf{C}^T = \\mathbf{1}, \\det \\mathbf{C} = 1 \\right\\} \\\\ + \\mathfrak{so}(3) &= \\left\\{ \\boldsymbol{\\Phi} = \\boldsymbol{\\phi}^\\wedge \\in \\mathbb{R}^{3 \\times 3} ~\\middle|~ \\boldsymbol{\\phi} = \\phi \\mathbf{a} \\in \\mathbb{R}^3, \\phi = \\Vert \\boldsymbol{\\phi} \\Vert \\right\\} + + :cvar ~liegroups.SO3.dim: Dimension of the rotation matrix. + :cvar ~liegroups.SO3.dof: Underlying degrees of freedom (i.e., dimension of the tangent space). + :ivar mat: Storage for the rotation matrix :math:`\\mathbf{C}`. + """ + dim = 3 + """Dimension of the transformation matrix.""" + dof = 3 + """Underlying degrees of freedom (i.e., dimension of the tangent space).""" + + def adjoint(self): + """Adjoint matrix of the transformation. + + .. math:: + \\text{Ad}(\\mathbf{C}) = \\mathbf{C} + \\in \\mathbb{R}^{3 \\times 3} + """ + return self.mat + + @classmethod + def exp(cls, phi): + """Exponential map for :math:`SO(3)`, which computes a transformation from a tangent vector: + + .. math:: + \\mathbf{C}(\\boldsymbol{\\phi}) = + \\exp(\\boldsymbol{\\phi}^\\wedge) = + \\begin{cases} + \\mathbf{1} + \\boldsymbol{\\phi}^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\cos \\phi \\mathbf{1} + + (1 - \\cos \\phi) \\mathbf{a}\\mathbf{a}^T + + \\sin \\phi \\mathbf{a}^\\wedge, & \\text{otherwise} + \\end{cases} + + This is the inverse operation to :meth:`~liegroups.SO3.log`. + """ + if len(phi) != cls.dof: + raise ValueError("phi must have length 3") + + angle = np.linalg.norm(phi) + + # Near phi==0, use first order Taylor expansion + if np.isclose(angle, 0.): + return cls(np.identity(cls.dim) + cls.wedge(phi)) + + axis = phi / angle + s = np.sin(angle) + c = np.cos(angle) + + return cls(c * np.identity(cls.dim) + + (1 - c) * np.outer(axis, axis) + + s * cls.wedge(axis)) + + @classmethod + def from_quaternion(cls, quat, ordering='wxyz'): + """Form a rotation matrix from a unit length quaternion. + + Valid orderings are 'xyzw' and 'wxyz'. + + .. math:: + \\mathbf{C} = + \\begin{bmatrix} + 1 - 2 (y^2 + z^2) & 2 (xy - wz) & 2 (wy + xz) \\\\ + 2 (wz + xy) & 1 - 2 (x^2 + z^2) & 2 (yz - wx) \\\\ + 2 (xz - wy) & 2 (wx + yz) & 1 - 2 (x^2 + y^2) + \\end{bmatrix} + """ + if not np.isclose(np.linalg.norm(quat), 1.): + raise ValueError("Quaternion must be unit length") + + if ordering is 'xyzw': + qx, qy, qz, qw = quat + elif ordering is 'wxyz': + qw, qx, qy, qz = quat + else: + raise ValueError( + "Valid orderings are 'xyzw' and 'wxyz'. Got '{}'.".format(ordering)) + + # Form the matrix + qw2 = qw * qw + qx2 = qx * qx + qy2 = qy * qy + qz2 = qz * qz + + R00 = 1. - 2. * (qy2 + qz2) + R01 = 2. * (qx * qy - qw * qz) + R02 = 2. * (qw * qy + qx * qz) + + R10 = 2. * (qw * qz + qx * qy) + R11 = 1. - 2. * (qx2 + qz2) + R12 = 2. * (qy * qz - qw * qx) + + R20 = 2. * (qx * qz - qw * qy) + R21 = 2. * (qw * qx + qy * qz) + R22 = 1. - 2. * (qx2 + qy2) + + return cls(np.array([[R00, R01, R02], + [R10, R11, R12], + [R20, R21, R22]])) + + @classmethod + def from_rpy(cls, roll, pitch, yaw): + """Form a rotation matrix from RPY Euler angles :math:`(\\alpha, \\beta, \\gamma)`. + + .. math:: + \\mathbf{C} = \\mathbf{C}_z(\\gamma) \\mathbf{C}_y(\\beta) \\mathbf{C}_x(\\alpha) + """ + return cls.rotz(yaw).dot(cls.roty(pitch).dot(cls.rotx(roll))) + + @classmethod + def inv_left_jacobian(cls, phi): + """:math:`SO(3)` inverse left Jacobian. + + .. math:: + \\mathbf{J}^{-1}(\\boldsymbol{\\phi}) = + \\begin{cases} + \\mathbf{1} - \\frac{1}{2} \\boldsymbol{\\phi}^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\frac{\\phi}{2} \\cot \\frac{\\phi}{2} \\mathbf{1} + + \\left( 1 - \\frac{\\phi}{2} \\cot \\frac{\\phi}{2} \\right) \\mathbf{a}\\mathbf{a}^T - + \\frac{\\phi}{2} \\mathbf{a}^\\wedge, & \\text{otherwise} + \\end{cases} + """ + if len(phi) != cls.dof: + raise ValueError("phi must have length 3") + + angle = np.linalg.norm(phi) + + # Near phi==0, use first order Taylor expansion + if np.isclose(angle, 0.): + return np.identity(cls.dof) - 0.5 * cls.wedge(phi) + + axis = phi / angle + half_angle = 0.5 * angle + cot_half_angle = 1. / np.tan(half_angle) + + return half_angle * cot_half_angle * np.identity(cls.dof) + \ + (1 - half_angle * cot_half_angle) * np.outer(axis, axis) - \ + half_angle * cls.wedge(axis) + + @classmethod + def left_jacobian(cls, phi): + """:math:`SO(3)` left Jacobian. + + .. math:: + \\mathbf{J}(\\boldsymbol{\\phi}) = + \\begin{cases} + \\mathbf{1} + \\frac{1}{2} \\boldsymbol{\\phi}^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\frac{\\sin \\phi}{\\phi} \\mathbf{1} + + \\left(1 - \\frac{\\sin \\phi}{\\phi} \\right) \\mathbf{a}\\mathbf{a}^T + + \\frac{1 - \\cos \\phi}{\\phi} \\mathbf{a}^\\wedge, & \\text{otherwise} + \\end{cases} + """ + if len(phi) != cls.dof: + raise ValueError("phi must have length 3") + + angle = np.linalg.norm(phi) + + # Near |phi|==0, use first order Taylor expansion + if np.isclose(angle, 0.): + return np.identity(cls.dof) + 0.5 * cls.wedge(phi) + + axis = phi / angle + s = np.sin(angle) + c = np.cos(angle) + + return (s / angle) * np.identity(cls.dof) + \ + (1 - s / angle) * np.outer(axis, axis) + \ + ((1 - c) / angle) * cls.wedge(axis) + + def log(self): + """Logarithmic map for :math:`SO(3)`, which computes a tangent vector from a transformation: + + .. math:: + \\phi &= \\frac{1}{2} \\left( \\mathrm{Tr}(\\mathbf{C}) - 1 \\right) \\\\ + \\boldsymbol{\\phi}(\\mathbf{C}) &= + \\ln(\\mathbf{C})^\\vee = + \\begin{cases} + \\mathbf{1} - \\boldsymbol{\\phi}^\\wedge, & \\text{if } \\phi \\text{ is small} \\\\ + \\left( \\frac{1}{2} \\frac{\\phi}{\\sin \\phi} \\left( \\mathbf{C} - \\mathbf{C}^T \\right) \\right)^\\vee, & \\text{otherwise} + \\end{cases} + + This is the inverse operation to :meth:`~liegroups.SO3.log`. + """ + # The cosine of the rotation angle is related to the trace of C + cos_angle = 0.5 * np.trace(self.mat) - 0.5 + # Clip cos(angle) to its proper domain to avoid NaNs from rounding errors + cos_angle = np.clip(cos_angle, -1., 1.) + angle = np.arccos(cos_angle) + + # If angle is close to zero, use first-order Taylor expansion + if np.isclose(angle, 0.): + return self.vee(self.mat - np.identity(3)) + + # Otherwise take the matrix logarithm and return the rotation vector + return self.vee((0.5 * angle / np.sin(angle)) * (self.mat - self.mat.T)) + + @classmethod + def rotx(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the x-axis. + + .. math:: + \\mathbf{C}_x(\\phi) = + \\begin{bmatrix} + 1 & 0 & 0 \\\\ + 0 & \\cos \\phi & -\\sin \\phi \\\\ + 0 & \\sin \\phi & \\cos \\phi + \\end{bmatrix} + """ + c = np.cos(angle_in_radians) + s = np.sin(angle_in_radians) + + return cls(np.array([[1., 0., 0.], + [0., c, -s], + [0., s, c]])) + + @classmethod + def roty(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the y-axis. + + .. math:: + \\mathbf{C}_y(\\phi) = + \\begin{bmatrix} + \\cos \\phi & 0 & \\sin \\phi \\\\ + 0 & 1 & 0 \\\\ + \\sin \\phi & 0 & \\cos \\phi + \\end{bmatrix} + """ + c = np.cos(angle_in_radians) + s = np.sin(angle_in_radians) + + return cls(np.array([[c, 0., s], + [0., 1., 0.], + [-s, 0., c]])) + + @classmethod + def rotz(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the z-axis. + + .. math:: + \\mathbf{C}_z(\\phi) = + \\begin{bmatrix} + \\cos \\phi & -\\sin \\phi & 0 \\\\ + \\sin \\phi & \\cos \\phi & 0 \\\\ + 0 & 0 & 1 + \\end{bmatrix} + """ + c = np.cos(angle_in_radians) + s = np.sin(angle_in_radians) + + return cls(np.array([[c, -s, 0.], + [s, c, 0.], + [0., 0., 1.]])) + + def to_quaternion(self, ordering='wxyz'): + """Convert a rotation matrix to a unit length quaternion. + + Valid orderings are 'xyzw' and 'wxyz'. + """ + R = self.mat + qw = 0.5 * np.sqrt(1. + R[0, 0] + R[1, 1] + R[2, 2]) + + if np.isclose(qw, 0.): + if R[0, 0] > R[1, 1] and R[0, 0] > R[2, 2]: + d = 2. * np.sqrt(1. + R[0, 0] - R[1, 1] - R[2, 2]) + qw = (R[2, 1] - R[1, 2]) / d + qx = 0.25 * d + qy = (R[1, 0] + R[0, 1]) / d + qz = (R[0, 2] + R[2, 0]) / d + elif R[1, 1] > R[2, 2]: + d = 2. * np.sqrt(1. + R[1, 1] - R[0, 0] - R[2, 2]) + qw = (R[0, 2] - R[2, 0]) / d + qx = (R[1, 0] + R[0, 1]) / d + qy = 0.25 * d + qz = (R[2, 1] + R[1, 2]) / d + else: + d = 2. * np.sqrt(1. + R[2, 2] - R[0, 0] - R[1, 1]) + qw = (R[1, 0] - R[0, 1]) / d + qx = (R[0, 2] + R[2, 0]) / d + qy = (R[2, 1] + R[1, 2]) / d + qz = 0.25 * d + else: + d = 4. * qw + qx = (R[2, 1] - R[1, 2]) / d + qy = (R[0, 2] - R[2, 0]) / d + qz = (R[1, 0] - R[0, 1]) / d + + # Check ordering last + if ordering is 'xyzw': + quat = np.array([qx, qy, qz, qw]) + elif ordering is 'wxyz': + quat = np.array([qw, qx, qy, qz]) + else: + raise ValueError( + "Valid orderings are 'xyzw' and 'wxyz'. Got '{}'.".format(ordering)) + + return quat + + def to_rpy(self): + """Convert a rotation matrix to RPY Euler angles :math:`(\\alpha, \\beta, \\gamma)`.""" + pitch = np.arctan2(-self.mat[2, 0], + np.sqrt(self.mat[0, 0]**2 + self.mat[1, 0]**2)) + + if np.isclose(pitch, np.pi / 2.): + yaw = 0. + roll = np.arctan2(self.mat[0, 1], self.mat[1, 1]) + elif np.isclose(pitch, -np.pi / 2.): + yaw = 0. + roll = -np.arctan2(self.mat[0, 1], self.mat[1, 1]) + else: + sec_pitch = 1. / np.cos(pitch) + yaw = np.arctan2(self.mat[1, 0] * sec_pitch, + self.mat[0, 0] * sec_pitch) + roll = np.arctan2(self.mat[2, 1] * sec_pitch, + self.mat[2, 2] * sec_pitch) + + return roll, pitch, yaw + + @classmethod + def vee(cls, Phi): + """:math:`SO(3)` vee operator as defined by Barfoot. + + .. math:: + \\phi = \\boldsymbol{\\Phi}^\\vee + + This is the inverse operation to :meth:`~liegroups.SO3.wedge`. + """ + if Phi.ndim < 3: + Phi = np.expand_dims(Phi, axis=0) + + if Phi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError("Phi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + phi = np.empty([Phi.shape[0], cls.dim]) + phi[:, 0] = Phi[:, 2, 1] + phi[:, 1] = Phi[:, 0, 2] + phi[:, 2] = Phi[:, 1, 0] + return np.squeeze(phi) + + @classmethod + def wedge(cls, phi): + """:math:`SO(3)` wedge operator as defined by Barfoot. + + .. math:: + \\boldsymbol{\\Phi} = + \\boldsymbol{\\phi}^\\wedge = + \\begin{bmatrix} + 0 & -\\phi_3 & \\phi_2 \\\\ + \\phi_3 & 0 & -\\phi_1 \\\\ + -\\phi_2 & \\phi_1 & 0 + \\end{bmatrix} + + This is the inverse operation to :meth:`~liegroups.SO3.vee`. + """ + phi = np.atleast_2d(phi) + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Phi = np.zeros([phi.shape[0], cls.dim, cls.dim]) + Phi[:, 0, 1] = -phi[:, 2] + Phi[:, 1, 0] = phi[:, 2] + Phi[:, 0, 2] = phi[:, 1] + Phi[:, 2, 0] = -phi[:, 1] + Phi[:, 1, 2] = -phi[:, 0] + Phi[:, 2, 1] = phi[:, 0] + return np.squeeze(Phi) + + +class SO3Quaternion(_base.VectorLieGroupBase): + """Rotation in SO(3) using unit-length quaternions (wxyz ordering).""" + + dim = 4 + dof = 3 + + def from_array(self, arr, ordering='wxyz'): + if ordering is 'xyzw': + self.data = arr[[3, 0, 1, 2]] + elif ordering is 'wxyz': + self.data = arr + else: + raise ValueError( + "Valid orderings are 'xyzw' and 'wxyz'. Got '{}'.".format(ordering)) + + def dot(self, other): + """Multiply another rotation or one or more vectors on the left. + """ + if isinstance(other, self.__class__): + # Compound with another rotation + pv = p[1:] + qv = q[1:] + + r = np.hstack([p[0]*q[0] - np.dot(pv, qv), + p[0]*qv + q[0]*pv + np.dot(skew(pv), qv)]) + return 0 + else: + other = np.atleast_2d(other) + + # Transform one or more 2-vectors or fail + if other.shape[1] == self.dim: + return 0 + else: + raise ValueError( + "Vector must have shape ({},) or (N,{})".format(self.dim, self.dim)) + + @classmethod + def identity(cls): + """Return the identity rotation.""" + return cls(np.array([1, 0, 0, 0])) + + def inv(self): + """Return the inverse rotation: + + .. math:: + \\mathbf{C}^{-1} = \\mathbf{C}^T + """ + inv = self.conjugate() + inv.data = inv.data / np.dot(inv.data, inv.data) + + return inv diff --git a/liegroups/build/lib/liegroups/torch/__init__.py b/liegroups/build/lib/liegroups/torch/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..7ddae0ffa631053cec77f254202b5ed3a13a7a4a --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/__init__.py @@ -0,0 +1,9 @@ +"""PyTorch implementations of Special Euclidean and Special Orthogonal Lie groups.""" + +from .so2 import SO2Matrix as SO2 +from .se2 import SE2Matrix as SE2 +from .so3 import SO3Matrix as SO3 +from .se3 import SE3Matrix as SE3 + +__author__ = "Lee Clement" +__email__ = "lee.clement@robotics.utias.utoronto.ca" diff --git a/liegroups/build/lib/liegroups/torch/_base.py b/liegroups/build/lib/liegroups/torch/_base.py new file mode 100644 index 0000000000000000000000000000000000000000..cced173ee5739ac3d885ae76708433bac9d5d5a3 --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/_base.py @@ -0,0 +1,383 @@ +import torch +import numpy as np # for matrix determinant and SVD + +from .. import _base +from . import utils + + +class SOMatrixBase(_base.SOMatrixBase): + """Implementation of methods common to SO(N) matrix lie groups using PyTorch""" + + def cpu(self): + """Return a copy with the underlying tensor on the CPU.""" + return self.__class__(self.mat.cpu()) + + def cuda(self, device=None, non_blocking=False): + """Return a copy with the underlying tensor on the GPU.""" + return self.__class__(self.mat.cuda(device=device, non_blocking=non_blocking)) + + def dot(self, other): + if isinstance(other, self.__class__): + # Compound with another rotation + return self.__class__(torch.matmul(self.mat, other.mat)) + else: + if other.dim() < 2: + other = other.unsqueeze(dim=0) # vector --> matrix + if other.dim() < 3: + other = other.unsqueeze(dim=0) # matrix --> batch + + if self.mat.dim() < 3: + mat = self.mat.unsqueeze(dim=0).expand( + other.shape[0], self.dim, self.dim) # matrix --> batch + else: + mat = self.mat + if other.shape[0] == 1: + other = other.expand( + mat.shape[0], other.shape[1], other.shape[2]) + + # Transform one or more vectors or fail + if other.shape[0] != mat.shape[0]: + raise ValueError("Expected vector-batch batch size of {}, got {}".format( + mat.shape[0], other.shape[0])) + + if other.shape[2] == self.dim: + return torch.bmm(mat, other.transpose(2, 1)).transpose_(2, 1).squeeze_() + else: + raise ValueError( + "Vector or vector-batch must have shape ({},), (N,{}), or ({},N,{})".format(self.dim, self.dim, mat.shape[0], self.dim)) + + @classmethod + def from_matrix(cls, mat, normalize=False): + + mat_is_valid = cls.is_valid_matrix(mat) + + if mat_is_valid.all() or normalize: + result = cls(mat) + + if normalize: + result.normalize(inds=mat_is_valid.logical_not().nonzero(as_tuple=False)) + + return result + else: + raise ValueError( + "Invalid rotation matrix. Use normalize=True to handle rounding errors.") + + @classmethod + def from_numpy(cls, other, pin_memory=False): + """Create a torch-based copy of a numpy-based rotation.""" + mat = torch.Tensor(other.mat) + if pin_memory: + mat = mat.pin_memory() + + return cls(mat) + + @classmethod + def identity(cls, batch_size=1, copy=False): + if copy: + mat = torch.eye(cls.dim).repeat(batch_size, 1, 1) + else: + mat = torch.eye(cls.dim).expand( + batch_size, cls.dim, cls.dim).squeeze() + return cls(mat) + + def inv(self): + if self.mat.dim() < 3: + return self.__class__(self.mat.transpose(1, 0)) + else: + return self.__class__(self.mat.transpose(2, 1)) + + def is_cuda(self): + """Returns true if the underlying tensor is a CUDA tensor""" + return self.mat.is_cuda + + def is_pinned(self): + """Returns true if the underlying tensor resides in pinned memory""" + return self.mat.is_pinned() + + @classmethod + def is_valid_matrix(cls, mat): + if mat.dim() < 3: + mat = mat.unsqueeze(dim=0) + + # Check the shape + if mat.is_cuda: + shape_check = torch.cuda.BoolTensor(mat.shape[0]).fill_(False) + else: + shape_check = torch.BoolTensor(mat.shape[0]).fill_(False) + + if mat.shape[1:3] != (cls.dim, cls.dim): + return shape_check + else: + shape_check.fill_(True) + + # Determinants of each matrix in the batch should be 1 + det_check = utils.isclose(mat.__class__( + np.linalg.det(mat.detach().cpu().numpy())), 1.) + + # The transpose of each matrix in the batch should be its inverse + inv_check = utils.isclose(mat.transpose(2, 1).bmm(mat), + torch.eye(cls.dim, dtype=mat.dtype)).sum(dim=1).sum(dim=1) \ + == cls.dim * cls.dim + + return shape_check & det_check & inv_check + + def _normalize_one(self, mat): + # U, S, V = torch.svd(A) returns the singular value + # decomposition of a real matrix A of size (n x m) such that A=USV′. + # Irrespective of the original strides, the returned matrix U will + # be transposed, i.e. with strides (1, n) instead of (n, 1). + + # pytorch has native SVD function but not determinant... + # U, _, V = mat.squeeze().svd() + # S = torch.eye(self.dim) + # if U.is_cuda: + # S = S.cuda() + # S[self.dim - 1, self.dim - 1] = float(np.linalg.det(U.cpu().numpy()) * + # np.linalg.det(V.cpu().numpy())) + # mat_normalized = U.mm(S).mm(V.t_()) + + # pytorch SVD seems to be inaccurate, so just move to numpy immediately + mat_cpu = mat.detach().cpu().numpy().squeeze() + U, _, V = np.linalg.svd(mat_cpu, full_matrices=False) + S = np.eye(self.dim) + S[self.dim - 1, self.dim - 1] = np.linalg.det(U) * np.linalg.det(V) + + mat_normalized = mat.__class__(U.dot(S).dot(V)) + + mat.copy_(mat_normalized) + return mat + + def normalize(self, inds=None): + if self.mat.dim() < 3: + self._normalize_one(self.mat) + else: + if inds is None: + inds = range(self.mat.shape[0]) + + for batch_ind in inds: + # Slicing is a copy operation? + self.mat[batch_ind] = self._normalize_one(self.mat[batch_ind]) + + def pin_memory(self): + """Return a copy with the underlying tensor in pinned (page-locked) memory. Makes host-to-GPU copies faster. + + See: http://pytorch.org/docs/master/notes/cuda.html?highlight=pinned + """ + return self.__class__(self.mat.pin_memory()) + + +class SEMatrixBase(_base.SEMatrixBase): + """Implementation of methods common to SE(N) matrix lie groups using PyTorch""" + + def __init__(self, rot, trans): + super(SEMatrixBase, self).__init__(rot, trans) + + def as_matrix(self): + R = self.rot.as_matrix() + if R.dim() < 3: + R = R.unsqueeze(dim=0) + + if self.trans.dim() < 2: + t = self.trans.unsqueeze(dim=0) + else: + t = self.trans + + t = t.unsqueeze(dim=2) # N x self.dim-1 x 1 + + bottom_row = self.trans.new_zeros(self.dim) + bottom_row[-1] = 1. + bottom_row = bottom_row.unsqueeze_(dim=0).unsqueeze_( + dim=1).expand(R.shape[0], 1, self.dim) + + return torch.cat([torch.cat([R, t], dim=2), + bottom_row], dim=1).squeeze_() + + def cpu(self): + """Return a copy with the underlying tensors on the CPU.""" + return self.__class__(self.rot.cpu(), self.trans.cpu()) + + def cuda(self, device=None, non_blocking=False): + """Return a copy with the underlying tensors on the GPU.""" + return self.__class__(self.rot.cuda(device=device, non_blocking=non_blocking), + self.trans.cuda(device=device, non_blocking=non_blocking)) + + def dot(self, other): + if isinstance(other, self.__class__): + if other.trans.dim() == 2: + # vectorbatch --> matrixbatch (NxD --> Nx1xD) + other_trans = other.trans.unsqueeze(dim=1) + else: + # vector --> matrix (D --> 1xD) + other_trans = other.trans.unsqueeze(dim=0) + + # Compound with another transformation + return self.__class__(self.rot.dot(other.rot), + self.rot.dot(other_trans) + self.trans) + else: + if other.dim() < 2: + other = other.unsqueeze(dim=0) # vector --> matrix + if other.dim() < 3: + other = other.unsqueeze(dim=0) # matrix --> batch + + # Got euclidean coordinates + if other.shape[2] == self.dim - 1: + rot = self.rot.as_matrix() + trans = self.trans + + if trans.dim() < 2: + trans = trans.unsqueeze(dim=0) # vector --> vectorbatch + if trans.dim() < 3: + # vectorbatch --> matrixbatch + trans = trans.unsqueeze(dim=1) + + if rot.dim() < 3: + # matrix --> batch + rot = rot.unsqueeze(dim=0).expand( + other.shape[0], rot.shape[0], rot.shape[1]) + # matrix --> batch + trans = trans.expand( + other.shape[0], trans.shape[1], trans.shape[2]) + elif other.shape[0] == 1: + other = other.expand( + rot.shape[0], other.shape[1], other.shape[2]) + + # Transform one or more vectors or fail + if other.shape[0] != rot.shape[0]: + raise ValueError( + "Expected vector-batch batch size of {}, got {}".format(rot.shape[0], other.shape[0])) + + # rot * other + trans + return torch.baddbmm(trans.transpose(2, 1), rot, + other.transpose(2, 1) + ).transpose(2, 1).squeeze_() + + # Got homogeneous coordinates + elif other.shape[2] == self.dim: + mat = self.as_matrix() + + if mat.dim() < 3: + mat = mat.unsqueeze(dim=0).expand( + other.shape[0], self.dim, self.dim) # matrix --> batch + elif other.shape[0] == 1: + other = other.expand( + mat.shape[0], other.shape[1], other.shape[2]) + + if other.shape[0] != mat.shape[0]: + raise ValueError( + "Expected vector-batch batch size of {}, got {}".format(mat.shape[0], other.shape[0])) + + return torch.bmm(mat, other.transpose(2, 1) + ).transpose(2, 1).squeeze_() + + # Got wrong dimension + else: + if self.trans.dim() < 2: + batch_size = 1 + else: + batch_size = self.trans.shape[0] + + raise ValueError( + "Vector or vector-batch must have shape ({},), ({},), (N,{}), (N,{}), ({},N,{}), or ({},N,{})".format(self.dim - 1, self.dim, self.dim - 1, self.dim, batch_size, self.dim - 1, batch_size, self.dim)) + + @classmethod + def from_matrix(cls, mat, normalize=False): + if mat.dim() < 3: + mat = mat.unsqueeze(dim=0) + + mat_is_valid = cls.is_valid_matrix(mat) + + if mat_is_valid.all() or normalize: + rot = mat[:, 0:cls.dim - 1, 0:cls.dim - 1].squeeze() + trans = mat[:, 0:cls.dim - 1, cls.dim - 1].squeeze() + result = cls(cls.RotationType(rot), trans) + + if normalize: + result.normalize(inds=mat_is_valid.logical_not().nonzero(as_tuple=False)) + + return result + else: + raise ValueError( + "Invalid transformation matrix. Use normalize=True to handle rounding errors.") + + @classmethod + def from_numpy(cls, other, pin_memory=False): + """Create a torch-based copy of a numpy-based transformation.""" + rot = cls.RotationType.from_numpy(other.rot, pin_memory) + + trans = torch.Tensor(other.trans) + if pin_memory: + trans = torch.Tensor(other.trans).pin_memory + + return cls(rot, trans) + + @classmethod + def identity(cls, batch_size=1, copy=False): + if copy: + mat = torch.eye(cls.dim).repeat(batch_size, 1, 1) + else: + mat = torch.eye(cls.dim).expand(batch_size, cls.dim, cls.dim) + + return cls.from_matrix(mat.squeeze_()) + + def inv(self): + if self.trans.dim() == 2: + # vectorbatch --> matrixbatch (NxD --> Nx1xD) + trans = self.trans.unsqueeze(dim=1) + else: + # vector --> matrix (D --> 1xD) + trans = self.trans.unsqueeze(dim=0) + + inv_rot = self.rot.inv() + inv_trans = -(inv_rot.dot(trans)) + return self.__class__(inv_rot, inv_trans) + + def is_cuda(self): + """Returns true if the underlying tensors are CUDA tensors""" + return self.rot.is_cuda() + + def is_pinned(self): + """Returns true if the underlying tensors reside in pinned memory""" + return self.rot.is_pinned() + + @classmethod + def is_valid_matrix(cls, mat): + if mat.dim() < 3: + mat = mat.unsqueeze(dim=0) + + # Check the shape + if mat.is_cuda: + shape_check = torch.cuda.BoolTensor(mat.shape[0]).fill_(False) + else: + shape_check = torch.BoolTensor(mat.shape[0]).fill_(False) + + if mat.shape[1:3] != (cls.dim, cls.dim): + return shape_check + else: + shape_check.fill_(True) + + # Bottom row should be [zeros, 1] + bottom_row = mat.new_zeros(cls.dim) + bottom_row[-1] = 1. + bottom_check = (mat[:, cls.dim - 1, :] == bottom_row.unsqueeze_( + dim=0).expand(mat.shape[0], cls.dim)).sum(dim=1) == cls.dim + + # Check that the rotation part is valid + rot_check = cls.RotationType.is_valid_matrix( + mat[:, 0:cls.dim - 1, 0:cls.dim - 1]) + + return shape_check & bottom_check & rot_check + + def normalize(self, inds=None): + self.rot.normalize(inds) + + def pin_memory(self): + """Return a copy with the underlying tensor in pinned (page-locked) memory. Makes host-to-GPU copies faster. + + See: http://pytorch.org/docs/master/notes/cuda.html?highlight=pinned + """ + return self.__class__(self.rot.pin_memory(), self.trans.pin_memory()) + + +class VectorLieGroupBase(_base.VectorLieGroupBase): + """Implementation of methods common to vector-parametrized lie groups using PyTorch""" + pass diff --git a/liegroups/build/lib/liegroups/torch/se2.py b/liegroups/build/lib/liegroups/torch/se2.py new file mode 100644 index 0000000000000000000000000000000000000000..dbf51699887665dfdb6e9b27dd012999cb233b78 --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/se2.py @@ -0,0 +1,160 @@ +import torch + +from . import _base +from . import utils +from .so2 import SO2Matrix + + +class SE2Matrix(_base.SEMatrixBase): + """See :mod:`liegroups.SE2`""" + dim = 3 + dof = 3 + RotationType = SO2Matrix + + def adjoint(self): + rot_part = self.rot.as_matrix() + if rot_part.dim() < 3: + rot_part = rot_part.unsqueeze(dim=0) # matrix --> batch + + trans = self.trans + if trans.dim() < 2: + # vector --> vectorbatch + trans = trans.unsqueeze(dim=0) + + trans_part = trans.new_empty( + trans.shape[0], trans.shape[1], 1) + trans_part[:, 0, 0] = trans[:, 1] + trans_part[:, 1, 0] = -trans[:, 0] + + bottom_row = trans.new_zeros(self.dof) + bottom_row[-1] = 1. + bottom_row = bottom_row.unsqueeze_(dim=0).unsqueeze_( + dim=0).expand(trans.shape[0], 1, self.dof) + + return torch.cat([torch.cat([rot_part, trans_part], dim=2), + bottom_row], dim=1).squeeze_() + + @classmethod + def exp(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + rho = xi[:, 0:2] + phi = xi[:, 2] + + rot = cls.RotationType.exp(phi) + rot_jac = cls.RotationType.left_jacobian(phi) + + if rot_jac.dim() < 3: + rot_jac.unsqueeze_(dim=0) + if rho.dim() < 3: + rho.unsqueeze_(dim=2) + + trans = torch.bmm(rot_jac, rho).squeeze_() + + return cls(rot, trans) + + @classmethod + def inv_left_jacobian(cls, xi): + raise NotImplementedError + + @classmethod + def left_jacobian(cls, xi): + raise NotImplementedError + + def log(self): + phi = self.rot.log() + inv_rot_jac = self.RotationType.inv_left_jacobian(phi) + + if self.trans.dim() < 2: + trans = self.trans.unsqueeze(dim=0) + else: + trans = self.trans + + if phi.dim() < 1: + phi.unsqueeze_(dim=0) + phi.unsqueeze_(dim=1) # because phi is 1-dimensional for SE2 + + if inv_rot_jac.dim() < 3: + inv_rot_jac.unsqueeze_(dim=0) + if trans.dim() < 3: + trans = trans.unsqueeze(dim=2) + + rho = torch.bmm(inv_rot_jac, trans).squeeze_() + if rho.dim() < 2: + rho.unsqueeze_(dim=0) + + return torch.cat([rho, phi], dim=1).squeeze_() + + @classmethod + def odot(cls, p, directional=False): + if p.dim() < 2: + p = p.unsqueeze(dim=0) # vector --> vectorbatch + + result = p.__class__(p.shape[0], p.shape[1], cls.dof).zero_() + + # Got euclidean coordinates + if p.shape[1] == cls.dim - 1: + # Assume scale parameter is 1 unless p is a direction + # vector, in which case the scale is 0 + if not directional: + result[:, 0:2, 0:2] = torch.eye( + cls.RotationType.dim).unsqueeze_(dim=0).expand( + p.shape[0], cls.RotationType.dim, cls.RotationType.dim) + + result[:, 0:2, 2] = torch.mm( + cls.RotationType.wedge(p.__class__([1.])), + p.transpose(1, 0)).transpose_(1, 0) + + # Got homogeneous coordinates + elif p.shape[1] == cls.dim: + result[:, 0:2, 0:2] = \ + p[:, 2].unsqueeze_(dim=1).unsqueeze_(dim=2) * \ + torch.eye( + cls.RotationType.dim).unsqueeze_(dim=0).repeat( + p.shape[0], 1, 1) + + result[:, 0:2, 2] = torch.mm( + cls.RotationType.wedge(p.__class__([1.])), + p[:, 0:2].transpose_(1, 0)).transpose_(1, 0) + + # Got wrong dimension + else: + raise ValueError("p must have shape ({},), ({},), (N,{}) or (N,{})".format( + cls.dim - 1, cls.dim, cls.dim - 1, cls.dim)) + + return result.squeeze_() + + @classmethod + def vee(cls, Xi): + if Xi.dim() < 3: + Xi = Xi.unsqueeze(dim=0) + + if Xi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError("Xi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + xi = Xi.new_empty(Xi.shape[0], cls.dof) + xi[:, 0:2] = Xi[:, 0:2, 2] + xi[:, 2] = cls.RotationType.vee(Xi[:, 0:2, 0:2]) + + return xi.squeeze_() + + @classmethod + def wedge(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Xi = xi.new_zeros(xi.shape[0], cls.dim, cls.dim) + Xi[:, 0:2, 0:2] = cls.RotationType.wedge(xi[:, 2]) + Xi[:, 0:2, 2] = xi[:, 0:2] + + return Xi.squeeze_() diff --git a/liegroups/build/lib/liegroups/torch/se3.py b/liegroups/build/lib/liegroups/torch/se3.py new file mode 100644 index 0000000000000000000000000000000000000000..0f7d834b9cb633304326e15ca921f2807f2e1477 --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/se3.py @@ -0,0 +1,320 @@ +import torch + +from . import _base +from . import utils +from .so3 import SO3Matrix + + +class SE3Matrix(_base.SEMatrixBase): + """See :mod:`liegroups.SE3` """ + dim = 4 + dof = 6 + RotationType = SO3Matrix + + def adjoint(self): + rot = self.rot.as_matrix() + if rot.dim() < 3: + rot = rot.unsqueeze(dim=0) # matrix --> batch + + trans = self.trans + if trans.dim() < 2: + # vector --> vectorbatch + trans = trans.unsqueeze(dim=0) + + trans_wedge = self.RotationType.wedge(trans) + if trans_wedge.dim() < 3: + trans_wedge.unsqueeze_(dim=0) # matrix --> batch + + trans_wedge_bmm_rot = torch.bmm(trans_wedge, rot) + + zero_block = trans.new_empty(rot.shape).zero_() + + return torch.cat([torch.cat([rot, trans_wedge_bmm_rot], dim=2), + torch.cat([zero_block, rot], dim=2)], dim=1 + ).squeeze_() + + @classmethod + def curlyvee(cls, Psi): + if Psi.dim() < 3: + Psi = Psi.unsqueeze(dim=0) + + if Psi.shape[1:] != (cls.dof, cls.dof): + raise ValueError("Psi must have shape ({},{}) or (N,{},{})".format( + cls.dof, cls.dof, cls.dof, cls.dof)) + + xi = Psi.new_empty(Psi.shape[0], cls.dof) + xi[:, :3] = cls.RotationType.vee(Psi[:, :3, 3:]) + xi[:, 3:] = cls.RotationType.vee(Psi[:, :3, :3]) + + return xi.squeeze_() + + @classmethod + def curlywedge(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Psi = xi.new_empty(xi.shape[0], cls.dof, cls.dof).zero_() + Psi[:, :3, :3] = cls.RotationType.wedge(xi[:, 3:]) + Psi[:, :3, 3:] = cls.RotationType.wedge(xi[:, :3]) + Psi[:, 3:, 3:] = Psi[:, :3, :3] + + return Psi.squeeze_() + + @classmethod + def exp(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + rho = xi[:, :3] + phi = xi[:, 3:] + + rot = cls.RotationType.exp(phi) + rot_jac = cls.RotationType.left_jacobian(phi) + + if rot_jac.dim() < 3: + rot_jac = rot_jac.unsqueeze(dim=0) + if rho.dim() < 3: + rho = rho.unsqueeze(dim=2) + + trans = torch.bmm(rot_jac, rho).squeeze_() + + return cls(rot, trans) + + @classmethod + def left_jacobian_Q_matrix(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + rho = xi[:, :3] # translation part + phi = xi[:, 3:] # rotation part + + rx = cls.RotationType.wedge(rho) + if rx.dim() < 3: + rx.unsqueeze_(dim=0) + + px = cls.RotationType.wedge(phi) + if px.dim() < 3: + px.unsqueeze_(dim=0) + + ph = phi.norm(p=2, dim=1) + ph2 = ph * ph + ph3 = ph2 * ph + ph4 = ph3 * ph + ph5 = ph4 * ph + + cph = ph.cos() + sph = ph.sin() + + m1 = 0.5 + m2 = (ph - sph) / ph3 + m3 = (0.5 * ph2 + cph - 1.) / ph4 + m4 = (ph - 1.5 * sph + 0.5 * ph * cph) / ph5 + + m2 = m2.unsqueeze_(dim=1).unsqueeze_(dim=2).expand_as(rx) + m3 = m3.unsqueeze_(dim=1).unsqueeze_(dim=2).expand_as(rx) + m4 = m4.unsqueeze_(dim=1).unsqueeze_(dim=2).expand_as(rx) + + t1 = rx + t2 = px.bmm(rx) + rx.bmm(px) + px.bmm(rx).bmm(px) + t3 = px.bmm(px).bmm(rx) + rx.bmm(px).bmm(px) - 3. * px.bmm(rx).bmm(px) + t4 = px.bmm(rx).bmm(px).bmm(px) + px.bmm(px).bmm(rx).bmm(px) + + Q = m1 * t1 + m2 * t2 + m3 * t3 + m4 * t4 + + return Q.squeeze_() + + @classmethod + def inv_left_jacobian(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + rho = xi[:, :3] # translation part + phi = xi[:, 3:] # rotation part + + jac = phi.new_empty(phi.shape[0], cls.dof, cls.dof) + angle = phi.norm(p=2, dim=1) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + if len(small_angle_inds) > 0: + + # Create an identity matrix with a tensor type that matches the input + I = phi.new_empty(cls.dof, cls.dof) + torch.eye(cls.dof, out=I) + + jac[small_angle_inds] = \ + I.expand_as(jac[small_angle_inds]) - \ + 0.5 * cls.curlywedge(xi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + so3_inv_jac = cls.RotationType.inv_left_jacobian( + phi[large_angle_inds]) + if so3_inv_jac.dim() < 3: + so3_inv_jac.unsqueeze_(dim=0) + + Q_mat = cls.left_jacobian_Q_matrix(xi[large_angle_inds]) + if Q_mat.dim() < 3: + Q_mat.unsqueeze_(dim=0) + + zero_block = phi.new_empty(Q_mat.shape).zero_() + inv_jac_Q_inv_jac = so3_inv_jac.bmm(Q_mat).bmm(so3_inv_jac) + + jac[large_angle_inds] = torch.cat( + [torch.cat([so3_inv_jac, -inv_jac_Q_inv_jac], dim=2), + torch.cat([zero_block, so3_inv_jac], dim=2)], dim=1) + + return jac.squeeze_() + + @classmethod + def left_jacobian(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "xi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + rho = xi[:, :3] # translation part + phi = xi[:, 3:] # rotation part + + jac = phi.new_empty(phi.shape[0], cls.dof, cls.dof) + angle = phi.norm(p=2, dim=1) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + if len(small_angle_inds) > 0: + # Create an identity matrix with a tensor type that matches the input + I = phi.new_empty(cls.dof, cls.dof) + torch.eye(cls.dof, out=I) + + jac[small_angle_inds] = \ + I.expand_as(jac[small_angle_inds]) + \ + 0.5 * cls.curlywedge(xi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + so3_jac = cls.RotationType.left_jacobian(phi[large_angle_inds]) + if so3_jac.dim() < 3: + so3_jac.unsqueeze_(dim=0) + + Q_mat = cls.left_jacobian_Q_matrix(xi[large_angle_inds]) + if Q_mat.dim() < 3: + Q_mat.unsqueeze_(dim=0) + + zero_block = phi.new_empty(Q_mat.shape).zero_() + + jac[large_angle_inds] = torch.cat( + [torch.cat([so3_jac, Q_mat], dim=2), + torch.cat([zero_block, so3_jac], dim=2)], dim=1) + + return jac.squeeze_() + + def log(self): + phi = self.rot.log() + inv_rot_jac = self.RotationType.inv_left_jacobian(phi) + + if self.trans.dim() < 2: + trans = self.trans.unsqueeze(dim=0) + else: + trans = self.trans + + if inv_rot_jac.dim() < 3: + inv_rot_jac.unsqueeze_(dim=0) + if trans.dim() < 3: + trans = trans.unsqueeze(dim=2) + + rho = torch.bmm(inv_rot_jac, trans).squeeze_() + if rho.dim() < 2: + rho.unsqueeze_(dim=0) + if phi.dim() < 2: + phi.unsqueeze_(dim=0) + + return torch.cat([rho, phi], dim=1).squeeze_() + + @classmethod + def odot(cls, p, directional=False): + if p.dim() < 2: + p = p.unsqueeze(dim=0) # vector --> vectorbatch + + result = p.new_empty(p.shape[0], p.shape[1], cls.dof).zero_() + + # Got euclidean coordinates + if p.shape[1] == cls.dim - 1: + # Assume scale parameter is 1 unless p is a direction + # vector, in which case the scale is 0 + if not directional: + result[:, :3, :3] = torch.eye(3, dtype=p.dtype).unsqueeze_(dim=0).expand( + p.shape[0], 3, 3) + + result[:, :3, 3:] = cls.RotationType.wedge(-p) + + # Got homogeneous coordinates + elif p.shape[1] == cls.dim: + result[:, :3, :3] = \ + p[:, 3].unsqueeze_(dim=1).unsqueeze_(dim=2) * \ + torch.eye(3, dtype=p.dtype).unsqueeze_(dim=0).repeat( + p.shape[0], 1, 1) + + result[:, :3, 3:] = cls.RotationType.wedge(-p[:, :3]) + + # Got wrong dimension + else: + raise ValueError("p must have shape ({},), ({},), (N,{}) or (N,{})".format( + cls.dim - 1, cls.dim, cls.dim - 1, cls.dim)) + + return result.squeeze_() + + @classmethod + def vee(cls, Xi): + if Xi.dim() < 3: + Xi = Xi.unsqueeze(dim=0) + + if Xi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError("Xi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + xi = Xi.new_empty(Xi.shape[0], cls.dof) + xi[:, :3] = Xi[:, :3, 3] + xi[:, 3:] = cls.RotationType.vee(Xi[:, :3, :3]) + + return xi.squeeze_() + + @classmethod + def wedge(cls, xi): + if xi.dim() < 2: + xi = xi.unsqueeze(dim=0) + + if xi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Xi = xi.new_empty(xi.shape[0], cls.dim, cls.dim).zero_() + Xi[:, :3, :3] = cls.RotationType.wedge(xi[:, 3:]) + Xi[:, :3, 3] = xi[:, :3] + + return Xi.squeeze_() diff --git a/liegroups/build/lib/liegroups/torch/so2.py b/liegroups/build/lib/liegroups/torch/so2.py new file mode 100644 index 0000000000000000000000000000000000000000..ebd2b48cd052f3627a2d862ce227e46c66f5f4af --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/so2.py @@ -0,0 +1,157 @@ +import torch + +from . import _base +from . import utils + + +class SO2Matrix(_base.SOMatrixBase): + """See :mod:`liegroups.SO2`""" + dim = 2 + dof = 1 + + def adjoint(self): + if self.mat.dim() < 3: + return self.mat.__class__([1.]) + else: + return self.mat.__class__(self.mat.shape[0]).fill_(1.) + + @classmethod + def exp(cls, phi): + if phi.dim() < 1: + phi = phi.unsqueeze(dim=0) + + s = phi.sin() + c = phi.cos() + + mat = phi.__class__(phi.shape[0], cls.dim, cls.dim) + mat[:, 0, 0] = c + mat[:, 0, 1] = -s + mat[:, 1, 0] = s + mat[:, 1, 1] = c + + return cls(mat.squeeze_()) + + @classmethod + def from_angle(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad.""" + return cls.exp(angle_in_radians) + + @classmethod + def inv_left_jacobian(cls, phi): + """(see Barfoot/Eade).""" + if phi.dim() < 1: + phi = phi.unsqueeze(dim=0) + + jac = phi.__class__(phi.shape[0], cls.dim, cls.dim) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(phi, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(small_angle_inds) > 0: + jac[small_angle_inds] = torch.eye(cls.dim).expand( + len(small_angle_inds), cls.dim, cls.dim) \ + - 0.5 * cls.wedge(phi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = phi[large_angle_inds] + ha = 0.5 * angle # half angle + hacha = ha / ha.tan() # half angle * cot(half angle) + + ha.unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) + hacha.unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) + + A = hacha * \ + torch.eye(cls.dim).unsqueeze_( + dim=0).expand_as(jac[large_angle_inds]) + B = -ha * cls.wedge(phi.__class__([1.])) + + jac[large_angle_inds] = A + B + + return jac.squeeze_() + + @classmethod + def left_jacobian(cls, phi): + """(see Barfoot/Eade).""" + if phi.dim() < 1: + phi = phi.unsqueeze(dim=0) + + jac = phi.__class__(phi.shape[0], cls.dim, cls.dim) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(phi, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(small_angle_inds) > 0: + jac[small_angle_inds] = torch.eye(cls.dim).expand( + len(small_angle_inds), cls.dim, cls.dim) \ + + 0.5 * cls.wedge(phi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = phi[large_angle_inds] + s = angle.sin() + c = angle.cos() + + A = (s / angle).unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) * \ + torch.eye(cls.dim).unsqueeze_(dim=0).expand_as( + jac[large_angle_inds]) + B = ((1. - c) / angle).unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) * \ + cls.wedge(phi.__class__([1.])) + + jac[large_angle_inds] = A + B + + return jac.squeeze_() + + def log(self): + if self.mat.dim() < 3: + mat = self.mat.unsqueeze(dim=0) + else: + mat = self.mat + + s = mat[:, 1, 0] + c = mat[:, 0, 0] + + return torch.atan2(s, c).squeeze_() + + def to_angle(self): + """Recover the rotation angle in rad from the rotation matrix.""" + return self.log() + + @classmethod + def vee(cls, Phi): + if Phi.dim() < 3: + Phi = Phi.unsqueeze(dim=0) + + if Phi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError( + "Phi must have shape ({},{}) or (N,{},{})".format(cls.dim, cls.dim, cls.dim, cls.dim)) + + return Phi[:, 1, 0].squeeze_() + + @classmethod + def wedge(cls, phi): + if phi.dim() < 1: + phi = phi.unsqueeze(dim=0) # scalar --> vector + if phi.dim() < 2: + phi = phi.unsqueeze(dim=1) # vector --> matrix (N --> Nx1) + + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Phi = phi.new_zeros(phi.shape[0], cls.dim, cls.dim) + Phi[:, 0, 1] = -phi[:, 0] + Phi[:, 1, 0] = phi[:, 0] + return Phi.squeeze_() diff --git a/liegroups/build/lib/liegroups/torch/so3.py b/liegroups/build/lib/liegroups/torch/so3.py new file mode 100644 index 0000000000000000000000000000000000000000..1495c25d687a8403ac548d3f6771ed67c5a5db25 --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/so3.py @@ -0,0 +1,458 @@ +import torch +import numpy as np + +from . import _base +from . import utils + + +class SO3Matrix(_base.SOMatrixBase): + """See :mod:`liegroups.SO3`""" + dim = 3 + dof = 3 + + def adjoint(self): + return self.mat + + @classmethod + def exp(cls, phi): + if phi.dim() < 2: + phi = phi.unsqueeze(dim=0) + + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + mat = phi.new_empty(phi.shape[0], cls.dim, cls.dim) + angle = phi.norm(p=2, dim=1) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(small_angle_inds) > 0: + mat[small_angle_inds] = \ + torch.eye(cls.dim, dtype=phi.dtype).expand_as(mat[small_angle_inds]) + \ + cls.wedge(phi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = angle[large_angle_inds] + axis = phi[large_angle_inds] / \ + angle.unsqueeze(dim=1).expand(len(angle), cls.dim) + s = angle.sin().unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(mat[large_angle_inds]) + c = angle.cos().unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(mat[large_angle_inds]) + + A = c * torch.eye(cls.dim, dtype=phi.dtype).unsqueeze_(dim=0).expand_as( + mat[large_angle_inds]) + B = (1. - c) * utils.outer(axis, axis) + C = s * cls.wedge(axis) + + mat[large_angle_inds] = A + B + C + + return cls(mat.squeeze_()) + + @classmethod + def from_quaternion(cls, quat, ordering='wxyz'): + """Form a rotation matrix from a unit length quaternion. + + Valid orderings are 'xyzw' and 'wxyz'. + """ + if quat.dim() < 2: + quat = quat.unsqueeze(dim=0) + + if not utils.allclose(quat.norm(p=2, dim=1), 1.): + raise ValueError("Quaternions must be unit length") + + if ordering is 'xyzw': + qx = quat[:, 0] + qy = quat[:, 1] + qz = quat[:, 2] + qw = quat[:, 3] + elif ordering is 'wxyz': + qw = quat[:, 0] + qx = quat[:, 1] + qy = quat[:, 2] + qz = quat[:, 3] + else: + raise ValueError( + "Valid orderings are 'xyzw' and 'wxyz'. Got '{}'.".format(ordering)) + + # Form the matrix + mat = quat.new_empty(quat.shape[0], cls.dim, cls.dim) + + qw2 = qw * qw + qx2 = qx * qx + qy2 = qy * qy + qz2 = qz * qz + + mat[:, 0, 0] = 1. - 2. * (qy2 + qz2) + mat[:, 0, 1] = 2. * (qx * qy - qw * qz) + mat[:, 0, 2] = 2. * (qw * qy + qx * qz) + + mat[:, 1, 0] = 2. * (qw * qz + qx * qy) + mat[:, 1, 1] = 1. - 2. * (qx2 + qz2) + mat[:, 1, 2] = 2. * (qy * qz - qw * qx) + + mat[:, 2, 0] = 2. * (qx * qz - qw * qy) + mat[:, 2, 1] = 2. * (qw * qx + qy * qz) + mat[:, 2, 2] = 1. - 2. * (qx2 + qy2) + + return cls(mat.squeeze_()) + + @classmethod + def from_rpy(cls, rpy): + """Form a rotation matrix from RPY Euler angles.""" + if rpy.dim() < 2: + rpy = rpy.unsqueeze(dim=0) + + roll = rpy[:, 0] + pitch = rpy[:, 1] + yaw = rpy[:, 2] + return cls.rotz(yaw).dot(cls.roty(pitch).dot(cls.rotx(roll))) + + @classmethod + def inv_left_jacobian(cls, phi): + if phi.dim() < 2: + phi = phi.unsqueeze(dim=0) + + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + jac = phi.new_empty(phi.shape[0], cls.dof, cls.dof) + angle = phi.norm(p=2, dim=1) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + if len(small_angle_inds) > 0: + jac[small_angle_inds] = \ + torch.eye(cls.dof, dtype=phi.dtype).expand_as(jac[small_angle_inds]) - \ + 0.5 * cls.wedge(phi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = angle[large_angle_inds] + axis = phi[large_angle_inds] / \ + angle.unsqueeze(dim=1).expand(len(angle), cls.dof) + + ha = 0.5 * angle # half angle + hacha = ha / ha.tan() # half angle * cot(half angle) + + ha.unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) + hacha.unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) + + A = hacha * \ + torch.eye(cls.dof, dtype=phi.dtype).unsqueeze_( + dim=0).expand_as(jac[large_angle_inds]) + B = (1. - hacha) * utils.outer(axis, axis) + C = -ha * cls.wedge(axis) + + jac[large_angle_inds] = A + B + C + + return jac.squeeze_() + + @classmethod + def left_jacobian(cls, phi): + if phi.dim() < 2: + phi = phi.unsqueeze(dim=0) + + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + jac = phi.new_empty(phi.shape[0], cls.dof, cls.dof) + angle = phi.norm(p=2, dim=1) + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + if len(small_angle_inds) > 0: + jac[small_angle_inds] = \ + torch.eye(cls.dof, dtype=phi.dtype).expand_as(jac[small_angle_inds]) + \ + 0.5 * cls.wedge(phi[small_angle_inds]) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = angle[large_angle_inds] + axis = phi[large_angle_inds] / \ + angle.unsqueeze(dim=1).expand(len(angle), cls.dof) + s = angle.sin() + c = angle.cos() + + A = (s / angle).unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) * \ + torch.eye(cls.dof, dtype=phi.dtype).unsqueeze_(dim=0).expand_as( + jac[large_angle_inds]) + B = (1. - s / angle).unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) * \ + utils.outer(axis, axis) + C = ((1. - c) / angle).unsqueeze_(dim=1).unsqueeze_( + dim=2).expand_as(jac[large_angle_inds]) * \ + cls.wedge(axis.squeeze()) + + jac[large_angle_inds] = A + B + C + + return jac.squeeze_() + + def log(self): + if self.mat.dim() < 3: + mat = self.mat.unsqueeze(dim=0) + else: + mat = self.mat + + phi = mat.new_empty(mat.shape[0], self.dof) + + # The cosine of the rotation angle is related to the utils.trace of C + # Clamp to its proper domain to avoid NaNs from rounding errors + cos_angle = (0.5 * utils.trace(mat) - 0.5).clamp_(-1., 1.) + angle = cos_angle.acos() + + # Near phi==0, use first order Taylor expansion + small_angle_mask = utils.isclose(angle, 0.) + small_angle_inds = small_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(small_angle_inds) > 0: + phi[small_angle_inds, :] = \ + self.vee(mat[small_angle_inds] - + torch.eye(self.dim, dtype=mat.dtype).expand_as(mat[small_angle_inds])) + + # Otherwise... + large_angle_mask = small_angle_mask.logical_not() + large_angle_inds = large_angle_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(large_angle_inds) > 0: + angle = angle[large_angle_inds] + sin_angle = angle.sin() + phi[large_angle_inds, :] = \ + self.vee( + (0.5 * angle / sin_angle).unsqueeze_(dim=1).unsqueeze_(dim=1).expand_as(mat[large_angle_inds]) * + (mat[large_angle_inds] - mat[large_angle_inds].transpose(2, 1))) + + return phi.squeeze_() + + @classmethod + def rotx(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the x-axis.""" + s = angle_in_radians.sin() + c = angle_in_radians.cos() + + mat = angle_in_radians.new_empty( + angle_in_radians.shape[0], cls.dim, cls.dim).zero_() + mat[:, 0, 0] = 1. + mat[:, 1, 1] = c + mat[:, 1, 2] = -s + mat[:, 2, 1] = s + mat[:, 2, 2] = c + + return cls(mat.squeeze_()) + + @classmethod + def roty(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the y-axis.""" + s = angle_in_radians.sin() + c = angle_in_radians.cos() + + mat = angle_in_radians.new_empty( + angle_in_radians.shape[0], cls.dim, cls.dim).zero_() + mat[:, 1, 1] = 1. + mat[:, 0, 0] = c + mat[:, 0, 2] = s + mat[:, 2, 0] = -s + mat[:, 2, 2] = c + + return cls(mat.squeeze_()) + + @classmethod + def rotz(cls, angle_in_radians): + """Form a rotation matrix given an angle in rad about the z-axis.""" + s = angle_in_radians.sin() + c = angle_in_radians.cos() + + mat = angle_in_radians.new_empty( + angle_in_radians.shape[0], cls.dim, cls.dim).zero_() + mat[:, 2, 2] = 1. + mat[:, 0, 0] = c + mat[:, 0, 1] = -s + mat[:, 1, 0] = s + mat[:, 1, 1] = c + + return cls(mat.squeeze_()) + + def to_quaternion(self, ordering='wxyz'): + """Convert a rotation matrix to a unit length quaternion. + + Valid orderings are 'xyzw' and 'wxyz'. + """ + if self.mat.dim() < 3: + R = self.mat.unsqueeze(dim=0) + else: + R = self.mat + + qw = 0.5 * torch.sqrt(1. + R[:, 0, 0] + R[:, 1, 1] + R[:, 2, 2]) + qx = qw.new_empty(qw.shape) + qy = qw.new_empty(qw.shape) + qz = qw.new_empty(qw.shape) + + near_zero_mask = utils.isclose(qw, 0.) + + if sum(near_zero_mask) > 0: + cond1_mask = near_zero_mask & \ + (R[:, 0, 0] > R[:, 1, 1]).squeeze_() & \ + (R[:, 0, 0] > R[:, 2, 2]).squeeze_() + cond1_inds = cond1_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(cond1_inds) > 0: + R_cond1 = R[cond1_inds] + d = 2. * np.sqrt(1. + R_cond1[:, 0, 0] - + R_cond1[:, 1, 1] - R_cond1[:, 2, 2]) + qw[cond1_inds] = (R_cond1[:, 2, 1] - R_cond1[:, 1, 2]) / d + qx[cond1_inds] = 0.25 * d + qy[cond1_inds] = (R_cond1[:, 1, 0] + R_cond1[:, 0, 1]) / d + qz[cond1_inds] = (R_cond1[:, 0, 2] + R_cond1[:, 2, 0]) / d + + cond2_mask = near_zero_mask & (R[:, 1, 1] > R[:, 2, 2]).squeeze_() + cond2_inds = cond2_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(cond2_inds) > 0: + R_cond2 = R[cond2_inds] + d = 2. * np.sqrt(1. + R_cond2[:, 1, 1] - + R_cond2[:, 0, 0] - R_cond2[:, 2, 2]) + qw[cond2_inds] = (R_cond2[:, 0, 2] - R_cond2[:, 2, 0]) / d + qx[cond2_inds] = (R_cond2[:, 1, 0] + R_cond2[:, 0, 1]) / d + qy[cond2_inds] = 0.25 * d + qz[cond2_inds] = (R_cond2[:, 2, 1] + R_cond2[:, 1, 2]) / d + + cond3_mask = near_zero_mask & cond1_mask.logical_not() & cond2_mask.logical_not() + cond3_inds = cond3_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + if len(cond3_inds) > 0: + R_cond3 = R[cond3_inds] + d = 2. * \ + np.sqrt(1. + R_cond3[:, 2, 2] - + R_cond3[:, 0, 0] - R_cond3[:, 1, 1]) + qw[cond3_inds] = (R_cond3[:, 1, 0] - R_cond3[:, 0, 1]) / d + qx[cond3_inds] = (R_cond3[:, 0, 2] + R_cond3[:, 2, 0]) / d + qy[cond3_inds] = (R_cond3[:, 2, 1] + R_cond3[:, 1, 2]) / d + qz[cond3_inds] = 0.25 * d + + far_zero_mask = near_zero_mask.logical_not() + far_zero_inds = far_zero_mask.nonzero(as_tuple=False).squeeze_(dim=1) + if len(far_zero_inds) > 0: + R_fz = R[far_zero_inds] + d = 4. * qw[far_zero_inds] + qx[far_zero_inds] = (R_fz[:, 2, 1] - R_fz[:, 1, 2]) / d + qy[far_zero_inds] = (R_fz[:, 0, 2] - R_fz[:, 2, 0]) / d + qz[far_zero_inds] = (R_fz[:, 1, 0] - R_fz[:, 0, 1]) / d + + # Check ordering last + if ordering is 'xyzw': + quat = torch.cat([qx.unsqueeze_(dim=1), + qy.unsqueeze_(dim=1), + qz.unsqueeze_(dim=1), + qw.unsqueeze_(dim=1)], dim=1).squeeze_() + elif ordering is 'wxyz': + quat = torch.cat([qw.unsqueeze_(dim=1), + qx.unsqueeze_(dim=1), + qy.unsqueeze_(dim=1), + qz.unsqueeze_(dim=1)], dim=1).squeeze_() + else: + raise ValueError( + "Valid orderings are 'xyzw' and 'wxyz'. Got '{}'.".format(ordering)) + + return quat + + def to_rpy(self): + """Convert a rotation matrix to RPY Euler angles.""" + if self.mat.dim() < 3: + mat = self.mat.unsqueeze(dim=0) + else: + mat = self.mat + + pitch = torch.atan2(-mat[:, 2, 0], + torch.sqrt(mat[:, 0, 0]**2 + mat[:, 1, 0]**2)) + yaw = pitch.new_empty(pitch.shape) + roll = pitch.new_empty(pitch.shape) + + near_pi_over_two_mask = utils.isclose(pitch, np.pi / 2.) + near_pi_over_two_inds = near_pi_over_two_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + near_neg_pi_over_two_mask = utils.isclose(pitch, -np.pi / 2.) + near_neg_pi_over_two_inds = near_neg_pi_over_two_mask.nonzero(as_tuple=False).squeeze_(dim=1) + + remainder_inds = (near_pi_over_two_mask | + near_neg_pi_over_two_mask).logical_not().nonzero(as_tuple=False).squeeze_(dim=1) + + if len(near_pi_over_two_inds) > 0: + yaw[near_pi_over_two_inds] = 0. + roll[near_pi_over_two_inds] = torch.atan2( + mat[near_pi_over_two_inds, 0, 1], + mat[near_pi_over_two_inds, 1, 1]) + + if len(near_neg_pi_over_two_inds) > 0: + yaw[near_pi_over_two_inds] = 0. + roll[near_pi_over_two_inds] = -torch.atan2( + mat[near_pi_over_two_inds, 0, 1], + mat[near_pi_over_two_inds, 1, 1]) + + if len(remainder_inds) > 0: + sec_pitch = 1. / pitch[remainder_inds].cos() + remainder_mats = mat[remainder_inds] + yaw = torch.atan2(remainder_mats[:, 1, 0] * sec_pitch, + remainder_mats[:, 0, 0] * sec_pitch) + roll = torch.atan2(remainder_mats[:, 2, 1] * sec_pitch, + remainder_mats[:, 2, 2] * sec_pitch) + + return torch.cat([roll.unsqueeze_(dim=1), + pitch.unsqueeze_(dim=1), + yaw.unsqueeze_(dim=1)], dim=1).squeeze_() + + @classmethod + def vee(cls, Phi): + if Phi.dim() < 3: + Phi = Phi.unsqueeze(dim=0) + + if Phi.shape[1:3] != (cls.dim, cls.dim): + raise ValueError("Phi must have shape ({},{}) or (N,{},{})".format( + cls.dim, cls.dim, cls.dim, cls.dim)) + + phi = Phi.new_empty(Phi.shape[0], cls.dim) + phi[:, 0] = Phi[:, 2, 1] + phi[:, 1] = Phi[:, 0, 2] + phi[:, 2] = Phi[:, 1, 0] + return phi.squeeze_() + + @classmethod + def wedge(cls, phi): + if phi.dim() < 2: + phi = phi.unsqueeze(dim=0) + + if phi.shape[1] != cls.dof: + raise ValueError( + "phi must have shape ({},) or (N,{})".format(cls.dof, cls.dof)) + + Phi = phi.new_empty(phi.shape[0], cls.dim, cls.dim).zero_() + Phi[:, 0, 1] = -phi[:, 2] + Phi[:, 1, 0] = phi[:, 2] + Phi[:, 0, 2] = phi[:, 1] + Phi[:, 2, 0] = -phi[:, 1] + Phi[:, 1, 2] = -phi[:, 0] + Phi[:, 2, 1] = phi[:, 0] + return Phi.squeeze_() + + +class SO3Quaternion(_base.VectorLieGroupBase): + pass diff --git a/liegroups/build/lib/liegroups/torch/utils.py b/liegroups/build/lib/liegroups/torch/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..38129d01c06cb577b18ae054d5159b46a8cead36 --- /dev/null +++ b/liegroups/build/lib/liegroups/torch/utils.py @@ -0,0 +1,49 @@ +import torch + + +def allclose(mat1, mat2, tol=1e-6): + """Check if all elements of two tensors are close within some tolerance. + + Either tensor can be replaced by a scalar. + """ + return isclose(mat1, mat2, tol).all() + + +def isclose(mat1, mat2, tol=1e-6): + """Check element-wise if two tensors are close within some tolerance. + + Either tensor can be replaced by a scalar. + """ + return (mat1 - mat2).abs_().lt(tol) + + +def outer(vecs1, vecs2): + """Return the N x D x D outer products of a N x D batch of vectors, + or return the D x D outer product of two D-dimensional vectors. + """ + # Default batch size is 1 + if vecs1.dim() < 2: + vecs1 = vecs1.unsqueeze(dim=0) + + if vecs2.dim() < 2: + vecs2 = vecs2.unsqueeze(dim=0) + + if vecs1.shape[0] != vecs2.shape[0]: + raise ValueError("Got inconsistent batch sizes {} and {}".format( + vecs1.shape[0], vecs2.shape[0])) + + return torch.bmm(vecs1.unsqueeze(dim=2), + vecs2.unsqueeze(dim=2).transpose(2, 1)).squeeze_() + + +def trace(mat): + """Return the N traces of a batch of N square matrices, + or return the trace of a square matrix.""" + # Default batch size is 1 + if mat.dim() < 3: + mat = mat.unsqueeze(dim=0) + + # Element-wise multiply by identity and take the sum + tr = (torch.eye(mat.shape[1], dtype=mat.dtype) * mat).sum(dim=1).sum(dim=1) + + return tr.view(mat.shape[0]) diff --git a/liegroups/docs/Makefile b/liegroups/docs/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..5a173db0809315033d83cceaddff3e583aaa5707 --- /dev/null +++ b/liegroups/docs/Makefile @@ -0,0 +1,225 @@ +# Makefile for Sphinx documentation +# + +# You can set these variables from the command line. +SPHINXOPTS = +SPHINXBUILD = sphinx-build +PAPER = +BUILDDIR = build + +# Internal variables. +PAPEROPT_a4 = -D latex_paper_size=a4 +PAPEROPT_letter = -D latex_paper_size=letter +ALLSPHINXOPTS = -d $(BUILDDIR)/doctrees $(PAPEROPT_$(PAPER)) $(SPHINXOPTS) source +# the i18n builder cannot share the environment and doctrees with the others +I18NSPHINXOPTS = $(PAPEROPT_$(PAPER)) $(SPHINXOPTS) source + +.PHONY: help +help: + @echo "Please use \`make ' where is one of" + @echo " html to make standalone HTML files" + @echo " dirhtml to make HTML files named index.html in directories" + @echo " singlehtml to make a single large HTML file" + @echo " pickle to make pickle files" + @echo " json to make JSON files" + @echo " htmlhelp to make HTML files and a HTML help project" + @echo " qthelp to make HTML files and a qthelp project" + @echo " applehelp to make an Apple Help Book" + @echo " devhelp to make HTML files and a Devhelp project" + @echo " epub to make an epub" + @echo " epub3 to make an epub3" + @echo " latex to make LaTeX files, you can set PAPER=a4 or PAPER=letter" + @echo " latexpdf to make LaTeX files and run them through pdflatex" + @echo " latexpdfja to make LaTeX files and run them through platex/dvipdfmx" + @echo " text to make text files" + @echo " man to make manual pages" + @echo " texinfo to make Texinfo files" + @echo " info to make Texinfo files and run them through makeinfo" + @echo " gettext to make PO message catalogs" + @echo " changes to make an overview of all changed/added/deprecated items" + @echo " xml to make Docutils-native XML files" + @echo " pseudoxml to make pseudoxml-XML files for display purposes" + @echo " linkcheck to check all external links for integrity" + @echo " doctest to run all doctests embedded in the documentation (if enabled)" + @echo " coverage to run coverage check of the documentation (if enabled)" + @echo " dummy to check syntax errors of document sources" + +.PHONY: clean +clean: + rm -rf $(BUILDDIR)/* + +.PHONY: html +html: + $(SPHINXBUILD) -b html $(ALLSPHINXOPTS) $(BUILDDIR)/html + @echo + @echo "Build finished. The HTML pages are in $(BUILDDIR)/html." + +.PHONY: dirhtml +dirhtml: + $(SPHINXBUILD) -b dirhtml $(ALLSPHINXOPTS) $(BUILDDIR)/dirhtml + @echo + @echo "Build finished. The HTML pages are in $(BUILDDIR)/dirhtml." + +.PHONY: singlehtml +singlehtml: + $(SPHINXBUILD) -b singlehtml $(ALLSPHINXOPTS) $(BUILDDIR)/singlehtml + @echo + @echo "Build finished. The HTML page is in $(BUILDDIR)/singlehtml." + +.PHONY: pickle +pickle: + $(SPHINXBUILD) -b pickle $(ALLSPHINXOPTS) $(BUILDDIR)/pickle + @echo + @echo "Build finished; now you can process the pickle files." + +.PHONY: json +json: + $(SPHINXBUILD) -b json $(ALLSPHINXOPTS) $(BUILDDIR)/json + @echo + @echo "Build finished; now you can process the JSON files." + +.PHONY: htmlhelp +htmlhelp: + $(SPHINXBUILD) -b htmlhelp $(ALLSPHINXOPTS) $(BUILDDIR)/htmlhelp + @echo + @echo "Build finished; now you can run HTML Help Workshop with the" \ + ".hhp project file in $(BUILDDIR)/htmlhelp." + +.PHONY: qthelp +qthelp: + $(SPHINXBUILD) -b qthelp $(ALLSPHINXOPTS) $(BUILDDIR)/qthelp + @echo + @echo "Build finished; now you can run "qcollectiongenerator" with the" \ + ".qhcp project file in $(BUILDDIR)/qthelp, like this:" + @echo "# qcollectiongenerator $(BUILDDIR)/qthelp/liegroups.qhcp" + @echo "To view the help file:" + @echo "# assistant -collectionFile $(BUILDDIR)/qthelp/liegroups.qhc" + +.PHONY: applehelp +applehelp: + $(SPHINXBUILD) -b applehelp $(ALLSPHINXOPTS) $(BUILDDIR)/applehelp + @echo + @echo "Build finished. The help book is in $(BUILDDIR)/applehelp." + @echo "N.B. You won't be able to view it unless you put it in" \ + "~/Library/Documentation/Help or install it in your application" \ + "bundle." + +.PHONY: devhelp +devhelp: + $(SPHINXBUILD) -b devhelp $(ALLSPHINXOPTS) $(BUILDDIR)/devhelp + @echo + @echo "Build finished." + @echo "To view the help file:" + @echo "# mkdir -p $$HOME/.local/share/devhelp/liegroups" + @echo "# ln -s $(BUILDDIR)/devhelp $$HOME/.local/share/devhelp/liegroups" + @echo "# devhelp" + +.PHONY: epub +epub: + $(SPHINXBUILD) -b epub $(ALLSPHINXOPTS) $(BUILDDIR)/epub + @echo + @echo "Build finished. The epub file is in $(BUILDDIR)/epub." + +.PHONY: epub3 +epub3: + $(SPHINXBUILD) -b epub3 $(ALLSPHINXOPTS) $(BUILDDIR)/epub3 + @echo + @echo "Build finished. The epub3 file is in $(BUILDDIR)/epub3." + +.PHONY: latex +latex: + $(SPHINXBUILD) -b latex $(ALLSPHINXOPTS) $(BUILDDIR)/latex + @echo + @echo "Build finished; the LaTeX files are in $(BUILDDIR)/latex." + @echo "Run \`make' in that directory to run these through (pdf)latex" \ + "(use \`make latexpdf' here to do that automatically)." + +.PHONY: latexpdf +latexpdf: + $(SPHINXBUILD) -b latex $(ALLSPHINXOPTS) $(BUILDDIR)/latex + @echo "Running LaTeX files through pdflatex..." + $(MAKE) -C $(BUILDDIR)/latex all-pdf + @echo "pdflatex finished; the PDF files are in $(BUILDDIR)/latex." + +.PHONY: latexpdfja +latexpdfja: + $(SPHINXBUILD) -b latex $(ALLSPHINXOPTS) $(BUILDDIR)/latex + @echo "Running LaTeX files through platex and dvipdfmx..." + $(MAKE) -C $(BUILDDIR)/latex all-pdf-ja + @echo "pdflatex finished; the PDF files are in $(BUILDDIR)/latex." + +.PHONY: text +text: + $(SPHINXBUILD) -b text $(ALLSPHINXOPTS) $(BUILDDIR)/text + @echo + @echo "Build finished. The text files are in $(BUILDDIR)/text." + +.PHONY: man +man: + $(SPHINXBUILD) -b man $(ALLSPHINXOPTS) $(BUILDDIR)/man + @echo + @echo "Build finished. The manual pages are in $(BUILDDIR)/man." + +.PHONY: texinfo +texinfo: + $(SPHINXBUILD) -b texinfo $(ALLSPHINXOPTS) $(BUILDDIR)/texinfo + @echo + @echo "Build finished. The Texinfo files are in $(BUILDDIR)/texinfo." + @echo "Run \`make' in that directory to run these through makeinfo" \ + "(use \`make info' here to do that automatically)." + +.PHONY: info +info: + $(SPHINXBUILD) -b texinfo $(ALLSPHINXOPTS) $(BUILDDIR)/texinfo + @echo "Running Texinfo files through makeinfo..." + make -C $(BUILDDIR)/texinfo info + @echo "makeinfo finished; the Info files are in $(BUILDDIR)/texinfo." + +.PHONY: gettext +gettext: + $(SPHINXBUILD) -b gettext $(I18NSPHINXOPTS) $(BUILDDIR)/locale + @echo + @echo "Build finished. The message catalogs are in $(BUILDDIR)/locale." + +.PHONY: changes +changes: + $(SPHINXBUILD) -b changes $(ALLSPHINXOPTS) $(BUILDDIR)/changes + @echo + @echo "The overview file is in $(BUILDDIR)/changes." + +.PHONY: linkcheck +linkcheck: + $(SPHINXBUILD) -b linkcheck $(ALLSPHINXOPTS) $(BUILDDIR)/linkcheck + @echo + @echo "Link check complete; look for any errors in the above output " \ + "or in $(BUILDDIR)/linkcheck/output.txt." + +.PHONY: doctest +doctest: + $(SPHINXBUILD) -b doctest $(ALLSPHINXOPTS) $(BUILDDIR)/doctest + @echo "Testing of doctests in the sources finished, look at the " \ + "results in $(BUILDDIR)/doctest/output.txt." + +.PHONY: coverage +coverage: + $(SPHINXBUILD) -b coverage $(ALLSPHINXOPTS) $(BUILDDIR)/coverage + @echo "Testing of coverage in the sources finished, look at the " \ + "results in $(BUILDDIR)/coverage/python.txt." + +.PHONY: xml +xml: + $(SPHINXBUILD) -b xml $(ALLSPHINXOPTS) $(BUILDDIR)/xml + @echo + @echo "Build finished. The XML files are in $(BUILDDIR)/xml." + +.PHONY: pseudoxml +pseudoxml: + $(SPHINXBUILD) -b pseudoxml $(ALLSPHINXOPTS) $(BUILDDIR)/pseudoxml + @echo + @echo "Build finished. The pseudo-XML files are in $(BUILDDIR)/pseudoxml." + +.PHONY: dummy +dummy: + $(SPHINXBUILD) -b dummy $(ALLSPHINXOPTS) $(BUILDDIR)/dummy + @echo + @echo "Build finished. Dummy builder generates no files." diff --git a/liegroups/docs/build/doctrees/environment.pickle b/liegroups/docs/build/doctrees/environment.pickle new file mode 100644 index 0000000000000000000000000000000000000000..0a38c270ea1f737331c5e059bc5682b68f83642f --- /dev/null +++ b/liegroups/docs/build/doctrees/environment.pickle @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2969896cea4747f8d6e1dffc55b54095e97c7056b44abf6111618064b2a8608 +size 28411 diff --git a/liegroups/docs/build/doctrees/index.doctree b/liegroups/docs/build/doctrees/index.doctree new file mode 100644 index 0000000000000000000000000000000000000000..fa31bb398d7f4161c2a8ecb6c4c96d6e9116311c Binary files /dev/null and b/liegroups/docs/build/doctrees/index.doctree differ diff --git a/liegroups/docs/build/doctrees/numpy.doctree b/liegroups/docs/build/doctrees/numpy.doctree new file mode 100644 index 0000000000000000000000000000000000000000..83ba8e3b4ba06f05e3a3eeb7a72154bcd1a1d8db Binary files /dev/null and b/liegroups/docs/build/doctrees/numpy.doctree differ diff --git a/liegroups/docs/build/doctrees/torch.doctree b/liegroups/docs/build/doctrees/torch.doctree new file mode 100644 index 0000000000000000000000000000000000000000..bd836e23ce9b2a4036b0bf2d10c9a5b58be13294 Binary files /dev/null and b/liegroups/docs/build/doctrees/torch.doctree differ diff --git a/liegroups/docs/build/html/.buildinfo b/liegroups/docs/build/html/.buildinfo new file mode 100644 index 0000000000000000000000000000000000000000..426da3adb23d4671b2eb5f0bf28a84df80e3963f --- /dev/null +++ b/liegroups/docs/build/html/.buildinfo @@ -0,0 +1,4 @@ +# Sphinx build info version 1 +# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. +config: 17eb4b7752c8c4cbfb1c05ec79ac90ce +tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/liegroups/docs/build/html/_sources/index.rst.txt b/liegroups/docs/build/html/_sources/index.rst.txt new file mode 100644 index 0000000000000000000000000000000000000000..3a7771b1d238d9cac2d997c53e98d3c46b7ce64b --- /dev/null +++ b/liegroups/docs/build/html/_sources/index.rst.txt @@ -0,0 +1,14 @@ +.. liegroups documentation master file, created by + sphinx-quickstart on Thu Nov 3 18:58:59 2016. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + +================= +Lie Groups +================= + +.. toctree:: + :maxdepth: 2 + + numpy + torch diff --git a/liegroups/docs/build/html/_sources/numpy.rst.txt b/liegroups/docs/build/html/_sources/numpy.rst.txt new file mode 100644 index 0000000000000000000000000000000000000000..8c017f1cb2317ba15d9334a3d8b348ace3dd977a --- /dev/null +++ b/liegroups/docs/build/html/_sources/numpy.rst.txt @@ -0,0 +1,53 @@ +================= +liegroups +================= + +The default implementation uses numpy as the backend linear algebra library. + +SO(2) +----- +.. autoclass:: liegroups.SO2 + :members: + :inherited-members: + :undoc-members: + +.. autoclass:: liegroups.numpy.so2.SO2Matrix + :members: + :inherited-members: + :undoc-members: + +SE(2) +----- +.. autoclass:: liegroups.SE2 + :members: + :inherited-members: + :undoc-members: + +.. autoclass:: liegroups.numpy.se2.SE2Matrix + :members: + :inherited-members: + :undoc-members: + +SO(3) +----- +.. autoclass:: liegroups.SO3 + :members: + :inherited-members: + :undoc-members: + +.. autoclass:: liegroups.numpy.so3.SO3Matrix + :members: + :inherited-members: + :undoc-members: + +SE(3) +----- +.. autoclass:: liegroups.SE3 + :members: + :inherited-members: + :undoc-members: + +.. autoclass:: liegroups.numpy.se3.SE3Matrix + :members: + :inherited-members: + :undoc-members: diff --git a/liegroups/docs/build/html/_sources/torch.rst.txt b/liegroups/docs/build/html/_sources/torch.rst.txt new file mode 100644 index 0000000000000000000000000000000000000000..6a85f966ffcb35f63a1d451b79e587c9f1f2355e --- /dev/null +++ b/liegroups/docs/build/html/_sources/torch.rst.txt @@ -0,0 +1,31 @@ +================= +liegroups.torch +================= + +The PyTorch implementation uses torch.Tensor as the backend linear algebra library, which allows the user to on the GPU or CPU and integrate with other aspects of PyTorch. + +This version provides sensible options for batching the transformations themselves, as well as anything they might operate on, and is generally agnostic to the specific Tensor type (e.g., given a torch.cuda.FloatTensor as input, the output will also be a torch.cuda.FloatTensor). + +.. autoclass:: liegroups.torch.SO2 + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.so2.SO2Matrix + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.SE2 + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.se2.SE2Matrix + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.SO3 + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.so3.SO3Matrix + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.SE3 + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory + +.. autoclass:: liegroups.torch.se3.SE3Matrix + :members: cpu, cuda, from_numpy, is_cuda, is_pinned, pin_memory diff --git a/liegroups/docs/build/html/_static/ajax-loader.gif b/liegroups/docs/build/html/_static/ajax-loader.gif new file mode 100644 index 0000000000000000000000000000000000000000..61faf8cab23993bd3e1560bff0668bd628642330 Binary files /dev/null and b/liegroups/docs/build/html/_static/ajax-loader.gif differ diff --git a/liegroups/docs/build/html/_static/basic.css b/liegroups/docs/build/html/_static/basic.css new file mode 100644 index 0000000000000000000000000000000000000000..ea6972d55273ba89dd060c362ed5662aa53049dd --- /dev/null +++ b/liegroups/docs/build/html/_static/basic.css @@ -0,0 +1,764 @@ +/* + * basic.css + * ~~~~~~~~~ + * + * Sphinx stylesheet -- basic theme. + * + * :copyright: Copyright 2007-2019 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +/* -- main layout ----------------------------------------------------------- */ + +div.clearer { + clear: both; +} + +/* -- relbar ---------------------------------------------------------------- */ + +div.related { + width: 100%; + font-size: 90%; +} + +div.related h3 { + display: none; +} + +div.related ul { + margin: 0; + padding: 0 0 0 10px; + list-style: none; +} + +div.related li { + display: inline; +} + +div.related li.right { + float: right; + margin-right: 5px; +} + +/* -- sidebar --------------------------------------------------------------- */ + +div.sphinxsidebarwrapper { + padding: 10px 5px 0 10px; +} + +div.sphinxsidebar { + float: left; + width: 230px; + margin-left: -100%; + font-size: 90%; + word-wrap: break-word; + overflow-wrap : break-word; +} + +div.sphinxsidebar ul { + list-style: none; +} + +div.sphinxsidebar ul ul, +div.sphinxsidebar ul.want-points { + margin-left: 20px; + list-style: square; +} + +div.sphinxsidebar ul ul { + margin-top: 0; + margin-bottom: 0; +} + +div.sphinxsidebar form { + margin-top: 10px; +} + +div.sphinxsidebar input { + border: 1px solid #98dbcc; + font-family: sans-serif; + font-size: 1em; +} + +div.sphinxsidebar #searchbox form.search { + overflow: hidden; +} + +div.sphinxsidebar #searchbox input[type="text"] { + float: left; + width: 80%; + padding: 0.25em; + box-sizing: border-box; +} + +div.sphinxsidebar #searchbox input[type="submit"] { + float: left; + width: 20%; + border-left: none; + padding: 0.25em; + box-sizing: border-box; +} + + +img { + border: 0; + max-width: 100%; +} + +/* -- search page ----------------------------------------------------------- */ + +ul.search { + margin: 10px 0 0 20px; + padding: 0; +} + +ul.search li { + padding: 5px 0 5px 20px; + background-image: url(file.png); + background-repeat: no-repeat; + background-position: 0 7px; +} + +ul.search li a { + font-weight: bold; +} + +ul.search li div.context { + color: #888; + margin: 2px 0 0 30px; + text-align: left; +} + +ul.keywordmatches li.goodmatch a { + font-weight: bold; +} + +/* -- index page ------------------------------------------------------------ */ + +table.contentstable { + width: 90%; + margin-left: auto; + margin-right: auto; +} + +table.contentstable p.biglink { + line-height: 150%; +} + +a.biglink { + font-size: 1.3em; +} + +span.linkdescr { + font-style: italic; + padding-top: 5px; + font-size: 90%; +} + +/* -- general index --------------------------------------------------------- */ + +table.indextable { + width: 100%; +} + +table.indextable td { + text-align: left; + vertical-align: top; +} + +table.indextable ul { + margin-top: 0; + margin-bottom: 0; + list-style-type: none; +} + +table.indextable > tbody > tr > td > ul { + padding-left: 0em; +} + +table.indextable tr.pcap { + height: 10px; +} + +table.indextable tr.cap { + margin-top: 10px; + background-color: #f2f2f2; +} + +img.toggler { + margin-right: 3px; + margin-top: 3px; + cursor: pointer; +} + +div.modindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +div.genindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +/* -- domain module index --------------------------------------------------- */ + +table.modindextable td { + padding: 2px; + border-collapse: collapse; +} + +/* -- general body styles --------------------------------------------------- */ + +div.body { + min-width: 450px; + max-width: 800px; +} + +div.body p, div.body dd, div.body li, div.body blockquote { + -moz-hyphens: auto; + -ms-hyphens: auto; + -webkit-hyphens: auto; + hyphens: auto; +} + +a.headerlink { + visibility: hidden; +} + +a.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, +h4:hover > a.headerlink, +h5:hover > a.headerlink, +h6:hover > a.headerlink, +dt:hover > a.headerlink, +caption:hover > a.headerlink, +p.caption:hover > a.headerlink, +div.code-block-caption:hover > a.headerlink { + visibility: visible; +} + +div.body p.caption { + text-align: inherit; +} + +div.body td { + text-align: left; +} + +.first { + margin-top: 0 !important; +} + +p.rubric { + margin-top: 30px; + font-weight: bold; +} + +img.align-left, .figure.align-left, object.align-left { + clear: left; + float: left; + margin-right: 1em; +} + +img.align-right, .figure.align-right, object.align-right { + clear: right; + float: right; + margin-left: 1em; +} + +img.align-center, .figure.align-center, object.align-center { + display: block; + margin-left: auto; + margin-right: auto; +} + +img.align-default, .figure.align-default { + display: block; + margin-left: auto; + margin-right: auto; +} + +.align-left { + text-align: left; +} + +.align-center { + text-align: center; +} + +.align-default { + text-align: center; +} + +.align-right { + text-align: right; +} + +/* -- sidebars -------------------------------------------------------------- */ + +div.sidebar { + margin: 0 0 0.5em 1em; + border: 1px solid #ddb; + padding: 7px 7px 0 7px; + background-color: #ffe; + width: 40%; + float: right; +} + +p.sidebar-title { + font-weight: bold; +} + +/* -- topics ---------------------------------------------------------------- */ + +div.topic { + border: 1px solid #ccc; + padding: 7px 7px 0 7px; + margin: 10px 0 10px 0; +} + +p.topic-title { + font-size: 1.1em; + font-weight: bold; + margin-top: 10px; +} + +/* -- admonitions ----------------------------------------------------------- */ + +div.admonition { + margin-top: 10px; + margin-bottom: 10px; + padding: 7px; +} + +div.admonition dt { + font-weight: bold; +} + +div.admonition dl { + margin-bottom: 0; +} + +p.admonition-title { + margin: 0px 10px 5px 0px; + font-weight: bold; +} + +div.body p.centered { + text-align: center; + margin-top: 25px; +} + +/* -- tables ---------------------------------------------------------------- */ + +table.docutils { + border: 0; + border-collapse: collapse; +} + +table.align-center { + margin-left: auto; + margin-right: auto; +} + +table.align-default { + margin-left: auto; + margin-right: auto; +} + +table caption span.caption-number { + font-style: italic; +} + +table caption span.caption-text { +} + +table.docutils td, table.docutils th { + padding: 1px 8px 1px 5px; + border-top: 0; + border-left: 0; + border-right: 0; + border-bottom: 1px solid #aaa; +} + +table.footnote td, table.footnote th { + border: 0 !important; +} + +th { + text-align: left; + padding-right: 5px; +} + +table.citation { + border-left: solid 1px gray; + margin-left: 1px; +} + +table.citation td { + border-bottom: none; +} + +th > p:first-child, +td > p:first-child { + margin-top: 0px; +} + +th > p:last-child, +td > p:last-child { + margin-bottom: 0px; +} + +/* -- figures --------------------------------------------------------------- */ + +div.figure { + margin: 0.5em; + padding: 0.5em; +} + +div.figure p.caption { + padding: 0.3em; +} + +div.figure p.caption span.caption-number { + font-style: italic; +} + +div.figure p.caption span.caption-text { +} + +/* -- field list styles ----------------------------------------------------- */ + +table.field-list td, table.field-list th { + border: 0 !important; +} + +.field-list ul { + margin: 0; + padding-left: 1em; +} + +.field-list p { + margin: 0; +} + +.field-name { + -moz-hyphens: manual; + -ms-hyphens: manual; + -webkit-hyphens: manual; + hyphens: manual; +} + +/* -- hlist styles ---------------------------------------------------------- */ + +table.hlist td { + vertical-align: top; +} + + +/* -- other body styles ----------------------------------------------------- */ + +ol.arabic { + list-style: decimal; +} + +ol.loweralpha { + list-style: lower-alpha; +} + +ol.upperalpha { + list-style: upper-alpha; +} + +ol.lowerroman { + list-style: lower-roman; +} + +ol.upperroman { + list-style: upper-roman; +} + +li > p:first-child { + margin-top: 0px; +} + +li > p:last-child { + margin-bottom: 0px; +} + +dl.footnote > dt, +dl.citation > dt { + float: left; +} + +dl.footnote > dd, +dl.citation > dd { + margin-bottom: 0em; +} + +dl.footnote > dd:after, +dl.citation > dd:after { + content: ""; + clear: both; +} + +dl.field-list { + display: grid; + grid-template-columns: fit-content(30%) auto; +} + +dl.field-list > dt { + font-weight: bold; + word-break: break-word; + padding-left: 0.5em; + padding-right: 5px; +} + +dl.field-list > dt:after { + content: ":"; +} + +dl.field-list > dd { + padding-left: 0.5em; + margin-top: 0em; + margin-left: 0em; + margin-bottom: 0em; +} + +dl { + margin-bottom: 15px; +} + +dd > p:first-child { + margin-top: 0px; +} + +dd ul, dd table { + margin-bottom: 10px; +} + +dd { + margin-top: 3px; + margin-bottom: 10px; + margin-left: 30px; +} + +dt:target, span.highlighted { + background-color: #fbe54e; +} + +rect.highlighted { + fill: #fbe54e; +} + +dl.glossary dt { + font-weight: bold; + font-size: 1.1em; +} + +.optional { + font-size: 1.3em; +} + +.sig-paren { + font-size: larger; +} + +.versionmodified { + font-style: italic; +} + +.system-message { + background-color: #fda; + padding: 5px; + border: 3px solid red; +} + +.footnote:target { + background-color: #ffa; +} + +.line-block { + display: block; + margin-top: 1em; + margin-bottom: 1em; +} + +.line-block .line-block { + margin-top: 0; + margin-bottom: 0; + margin-left: 1.5em; +} + +.guilabel, .menuselection { + font-family: sans-serif; +} + +.accelerator { + text-decoration: underline; +} + +.classifier { + font-style: oblique; +} + +.classifier:before { + font-style: normal; + margin: 0.5em; + content: ":"; +} + +abbr, acronym { + border-bottom: dotted 1px; + cursor: help; +} + +/* -- code displays --------------------------------------------------------- */ + +pre { + overflow: auto; + overflow-y: hidden; /* fixes display issues on Chrome browsers */ +} + +span.pre { + -moz-hyphens: none; + -ms-hyphens: none; + -webkit-hyphens: none; + hyphens: none; +} + +td.linenos pre { + padding: 5px 0px; + border: 0; + background-color: transparent; + color: #aaa; +} + +table.highlighttable { + margin-left: 0.5em; +} + +table.highlighttable td { + padding: 0 0.5em 0 0.5em; +} + +div.code-block-caption { + padding: 2px 5px; + font-size: small; +} + +div.code-block-caption code { + background-color: transparent; +} + +div.code-block-caption + div > div.highlight > pre { + margin-top: 0; +} + +div.code-block-caption span.caption-number { + padding: 0.1em 0.3em; + font-style: italic; +} + +div.code-block-caption span.caption-text { +} + +div.literal-block-wrapper { + 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; +} + +code.xref, a code { + background-color: transparent; + font-weight: bold; +} + +h1 code, h2 code, h3 code, h4 code, h5 code, h6 code { + background-color: transparent; +} + +.viewcode-link { + float: right; +} + +.viewcode-back { + float: right; + font-family: sans-serif; +} + +div.viewcode-block:target { + margin: -1px -10px; + padding: 0 10px; +} + +/* -- math display ---------------------------------------------------------- */ + +img.math { + vertical-align: middle; +} + +div.body div.math p { + text-align: center; +} + +span.eqno { + float: right; +} + +span.eqno a.headerlink { + position: relative; + left: 0px; + z-index: 1; +} + +div.math:hover a.headerlink { + visibility: visible; +} + +/* -- printout stylesheet --------------------------------------------------- */ + +@media print { + div.document, + div.documentwrapper, + div.bodywrapper { + margin: 0 !important; + width: 100%; + } + + div.sphinxsidebar, + div.related, + div.footer, + #top-link { + display: none; + } +} \ No newline at end of file diff --git a/liegroups/docs/build/html/_static/comment-bright.png b/liegroups/docs/build/html/_static/comment-bright.png new file mode 100644 index 0000000000000000000000000000000000000000..15e27edb12ac25701ac0ac21b97b52bb4e45415e Binary files /dev/null and b/liegroups/docs/build/html/_static/comment-bright.png differ diff --git a/liegroups/docs/build/html/_static/comment-close.png b/liegroups/docs/build/html/_static/comment-close.png new file mode 100644 index 0000000000000000000000000000000000000000..4d91bcf57de866a901a89a2a68c0f36af1114841 Binary files /dev/null and b/liegroups/docs/build/html/_static/comment-close.png differ diff --git a/liegroups/docs/build/html/_static/comment.png b/liegroups/docs/build/html/_static/comment.png new file mode 100644 index 0000000000000000000000000000000000000000..dfbc0cbd512bdeefcb1984c99d8e577efb77f006 Binary files /dev/null and b/liegroups/docs/build/html/_static/comment.png differ diff --git a/liegroups/docs/build/html/_static/css/badge_only.css b/liegroups/docs/build/html/_static/css/badge_only.css new file mode 100644 index 0000000000000000000000000000000000000000..3c33cef5450e1a6e12a4e33928cf2bdcdc4db2e0 --- /dev/null +++ b/liegroups/docs/build/html/_static/css/badge_only.css @@ -0,0 +1 @@ +.fa:before{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}@font-face{font-family:FontAwesome;font-weight:normal;font-style:normal;src:url("../fonts/fontawesome-webfont.eot");src:url("../fonts/fontawesome-webfont.eot?#iefix") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff") format("woff"),url("../fonts/fontawesome-webfont.ttf") format("truetype"),url("../fonts/fontawesome-webfont.svg#FontAwesome") format("svg")}.fa:before{display:inline-block;font-family:FontAwesome;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa{display:inline-block;text-decoration:inherit}li .fa{display:inline-block}li .fa-large:before,li .fa-large:before{width:1.875em}ul.fas{list-style-type:none;margin-left:2em;text-indent:-0.8em}ul.fas li .fa{width:.8em}ul.fas li .fa-large:before,ul.fas li .fa-large:before{vertical-align:baseline}.fa-book:before{content:""}.icon-book:before{content:""}.fa-caret-down:before{content:""}.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.icon-caret-up:before{content:""}.fa-caret-left:before{content:""}.icon-caret-left:before{content:""}.fa-caret-right:before{content:""}.icon-caret-right:before{content:""}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa{color:#fcfcfc}.rst-versions .rst-current-version .fa-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%;overflow-y:scroll}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px;max-height:90%}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}} diff --git a/liegroups/docs/build/html/_static/css/theme.css b/liegroups/docs/build/html/_static/css/theme.css new file mode 100644 index 0000000000000000000000000000000000000000..aed8cef0668288648615f650e93e648e00e8c4d0 --- /dev/null +++ b/liegroups/docs/build/html/_static/css/theme.css @@ -0,0 +1,6 @@ +/* sphinx_rtd_theme version 0.4.3 | MIT license */ +/* Built 20190212 16:02 */ +*{-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}[hidden]{display:none}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}body{margin:0}a:hover,a:active{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}blockquote{margin:0}dfn{font-style:italic}ins{background:#ff9;color:#000;text-decoration:none}mark{background:#ff0;color:#000;font-style:italic;font-weight:bold}pre,code,.rst-content tt,.rst-content code,kbd,samp{font-family:monospace,serif;_font-family:"courier new",monospace;font-size:1em}pre{white-space:pre}q{quotes:none}q:before,q:after{content:"";content:none}small{font-size:85%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}ul,ol,dl{margin:0;padding:0;list-style:none;list-style-image:none}li{list-style:none}dd{margin:0}img{border:0;-ms-interpolation-mode:bicubic;vertical-align:middle;max-width:100%}svg:not(:root){overflow:hidden}figure{margin:0}form{margin:0}fieldset{border:0;margin:0;padding:0}label{cursor:pointer}legend{border:0;*margin-left:-7px;padding:0;white-space:normal}button,input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}button,input{line-height:normal}button,input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button;*overflow:visible}button[disabled],input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{box-sizing:border-box;padding:0;*width:13px;*height:13px}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-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}textarea{overflow:auto;vertical-align:top;resize:vertical}table{border-collapse:collapse;border-spacing:0}td{vertical-align:top}.chromeframe{margin:.2em 0;background:#ccc;color:#000;padding:.2em 0}.ir{display:block;border:0;text-indent:-999em;overflow:hidden;background-color:transparent;background-repeat:no-repeat;text-align:left;direction:ltr;*line-height:0}.ir br{display:none}.hidden{display:none !important;visibility:hidden}.visuallyhidden{border:0;clip:rect(0 0 0 0);height:1px;margin:-1px;overflow:hidden;padding:0;position:absolute;width:1px}.visuallyhidden.focusable:active,.visuallyhidden.focusable:focus{clip:auto;height:auto;margin:0;overflow:visible;position:static;width:auto}.invisible{visibility:hidden}.relative{position:relative}big,small{font-size:100%}@media print{html,body,section{background:none !important}*{box-shadow:none !important;text-shadow:none !important;filter:none !important;-ms-filter:none !important}a,a:visited{text-decoration:underline}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{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,.rst-content .toctree-wrapper p.caption,h3{orphans:3;widows:3}h2,.rst-content .toctree-wrapper p.caption,h3{page-break-after:avoid}}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content .code-block-caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition,.btn,input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"],select,textarea,.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a,.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a,.wy-nav-top a{-webkit-font-smoothing:antialiased}.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;content:""}.clearfix:after{clear:both}/*! + * Font Awesome 4.7.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.7.0");src:url("../fonts/fontawesome-webfont.eot?#iefix&v=4.7.0") format("embedded-opentype"),url("../fonts/fontawesome-webfont.woff2?v=4.7.0") format("woff2"),url("../fonts/fontawesome-webfont.woff?v=4.7.0") format("woff"),url("../fonts/fontawesome-webfont.ttf?v=4.7.0") format("truetype"),url("../fonts/fontawesome-webfont.svg?v=4.7.0#fontawesomeregular") format("svg");font-weight:normal;font-style:normal}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content .code-block-caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon{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}.fa-lg{font-size:1.3333333333em;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.2857142857em;text-align:center}.fa-ul{padding-left:0;margin-left:2.1428571429em;list-style-type:none}.fa-ul>li{position:relative}.fa-li{position:absolute;left:-2.1428571429em;width:2.1428571429em;top:.1428571429em;text-align:center}.fa-li.fa-lg{left:-1.8571428571em}.fa-border{padding:.2em .25em .15em;border:solid 0.08em #eee;border-radius:.1em}.fa-pull-left{float:left}.fa-pull-right{float:right}.fa.fa-pull-left,.wy-menu-vertical li span.fa-pull-left.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-left.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-left.toctree-expand,.rst-content .fa-pull-left.admonition-title,.rst-content h1 .fa-pull-left.headerlink,.rst-content h2 .fa-pull-left.headerlink,.rst-content h3 .fa-pull-left.headerlink,.rst-content h4 .fa-pull-left.headerlink,.rst-content h5 .fa-pull-left.headerlink,.rst-content h6 .fa-pull-left.headerlink,.rst-content dl dt .fa-pull-left.headerlink,.rst-content p.caption .fa-pull-left.headerlink,.rst-content table>caption .fa-pull-left.headerlink,.rst-content .code-block-caption .fa-pull-left.headerlink,.rst-content tt.download span.fa-pull-left:first-child,.rst-content code.download span.fa-pull-left:first-child,.fa-pull-left.icon{margin-right:.3em}.fa.fa-pull-right,.wy-menu-vertical li span.fa-pull-right.toctree-expand,.wy-menu-vertical li.on a span.fa-pull-right.toctree-expand,.wy-menu-vertical li.current>a span.fa-pull-right.toctree-expand,.rst-content .fa-pull-right.admonition-title,.rst-content h1 .fa-pull-right.headerlink,.rst-content h2 .fa-pull-right.headerlink,.rst-content h3 .fa-pull-right.headerlink,.rst-content h4 .fa-pull-right.headerlink,.rst-content h5 .fa-pull-right.headerlink,.rst-content h6 .fa-pull-right.headerlink,.rst-content dl dt .fa-pull-right.headerlink,.rst-content p.caption .fa-pull-right.headerlink,.rst-content table>caption .fa-pull-right.headerlink,.rst-content .code-block-caption .fa-pull-right.headerlink,.rst-content tt.download span.fa-pull-right:first-child,.rst-content code.download span.fa-pull-right:first-child,.fa-pull-right.icon{margin-left:.3em}.pull-right{float:right}.pull-left{float:left}.fa.pull-left,.wy-menu-vertical li span.pull-left.toctree-expand,.wy-menu-vertical li.on a span.pull-left.toctree-expand,.wy-menu-vertical li.current>a span.pull-left.toctree-expand,.rst-content .pull-left.admonition-title,.rst-content h1 .pull-left.headerlink,.rst-content h2 .pull-left.headerlink,.rst-content h3 .pull-left.headerlink,.rst-content h4 .pull-left.headerlink,.rst-content h5 .pull-left.headerlink,.rst-content h6 .pull-left.headerlink,.rst-content dl dt .pull-left.headerlink,.rst-content p.caption .pull-left.headerlink,.rst-content table>caption .pull-left.headerlink,.rst-content .code-block-caption .pull-left.headerlink,.rst-content tt.download span.pull-left:first-child,.rst-content code.download span.pull-left:first-child,.pull-left.icon{margin-right:.3em}.fa.pull-right,.wy-menu-vertical li span.pull-right.toctree-expand,.wy-menu-vertical li.on a span.pull-right.toctree-expand,.wy-menu-vertical li.current>a span.pull-right.toctree-expand,.rst-content .pull-right.admonition-title,.rst-content h1 .pull-right.headerlink,.rst-content h2 .pull-right.headerlink,.rst-content h3 .pull-right.headerlink,.rst-content h4 .pull-right.headerlink,.rst-content h5 .pull-right.headerlink,.rst-content h6 .pull-right.headerlink,.rst-content dl dt .pull-right.headerlink,.rst-content p.caption .pull-right.headerlink,.rst-content table>caption .pull-right.headerlink,.rst-content .code-block-caption .pull-right.headerlink,.rst-content tt.download span.pull-right:first-child,.rst-content code.download span.pull-right:first-child,.pull-right.icon{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{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=1)";-webkit-transform:rotate(90deg);-ms-transform:rotate(90deg);transform:rotate(90deg)}.fa-rotate-180{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=2)";-webkit-transform:rotate(180deg);-ms-transform:rotate(180deg);transform:rotate(180deg)}.fa-rotate-270{-ms-filter:"progid:DXImageTransform.Microsoft.BasicImage(rotation=3)";-webkit-transform:rotate(270deg);-ms-transform:rotate(270deg);transform:rotate(270deg)}.fa-flip-horizontal{-ms-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{-ms-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:""}.fa-music:before{content:""}.fa-search:before,.icon-search:before{content:""}.fa-envelope-o:before{content:""}.fa-heart:before{content:""}.fa-star:before{content:""}.fa-star-o:before{content:""}.fa-user:before{content:""}.fa-film:before{content:""}.fa-th-large:before{content:""}.fa-th:before{content:""}.fa-th-list:before{content:""}.fa-check:before{content:""}.fa-remove:before,.fa-close:before,.fa-times:before{content:""}.fa-search-plus:before{content:""}.fa-search-minus:before{content:""}.fa-power-off:before{content:""}.fa-signal:before{content:""}.fa-gear:before,.fa-cog:before{content:""}.fa-trash-o:before{content:""}.fa-home:before,.icon-home:before{content:""}.fa-file-o:before{content:""}.fa-clock-o:before{content:""}.fa-road:before{content:""}.fa-download:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{content:""}.fa-arrow-circle-o-down:before{content:""}.fa-arrow-circle-o-up:before{content:""}.fa-inbox:before{content:""}.fa-play-circle-o:before{content:""}.fa-rotate-right:before,.fa-repeat:before{content:""}.fa-refresh:before{content:""}.fa-list-alt:before{content:""}.fa-lock:before{content:""}.fa-flag:before{content:""}.fa-headphones:before{content:""}.fa-volume-off:before{content:""}.fa-volume-down:before{content:""}.fa-volume-up:before{content:""}.fa-qrcode:before{content:""}.fa-barcode:before{content:""}.fa-tag:before{content:""}.fa-tags:before{content:""}.fa-book:before,.icon-book:before{content:""}.fa-bookmark:before{content:""}.fa-print:before{content:""}.fa-camera:before{content:""}.fa-font:before{content:""}.fa-bold:before{content:""}.fa-italic:before{content:""}.fa-text-height:before{content:""}.fa-text-width:before{content:""}.fa-align-left:before{content:""}.fa-align-center:before{content:""}.fa-align-right:before{content:""}.fa-align-justify:before{content:""}.fa-list:before{content:""}.fa-dedent:before,.fa-outdent:before{content:""}.fa-indent:before{content:""}.fa-video-camera:before{content:""}.fa-photo:before,.fa-image:before,.fa-picture-o:before{content:""}.fa-pencil:before{content:""}.fa-map-marker:before{content:""}.fa-adjust:before{content:""}.fa-tint:before{content:""}.fa-edit:before,.fa-pencil-square-o:before{content:""}.fa-share-square-o:before{content:""}.fa-check-square-o:before{content:""}.fa-arrows:before{content:""}.fa-step-backward:before{content:""}.fa-fast-backward:before{content:""}.fa-backward:before{content:""}.fa-play:before{content:""}.fa-pause:before{content:""}.fa-stop:before{content:""}.fa-forward:before{content:""}.fa-fast-forward:before{content:""}.fa-step-forward:before{content:""}.fa-eject:before{content:""}.fa-chevron-left:before{content:""}.fa-chevron-right:before{content:""}.fa-plus-circle:before{content:""}.fa-minus-circle:before{content:""}.fa-times-circle:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before{content:""}.fa-check-circle:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before{content:""}.fa-question-circle:before{content:""}.fa-info-circle:before{content:""}.fa-crosshairs:before{content:""}.fa-times-circle-o:before{content:""}.fa-check-circle-o:before{content:""}.fa-ban:before{content:""}.fa-arrow-left:before{content:""}.fa-arrow-right:before{content:""}.fa-arrow-up:before{content:""}.fa-arrow-down:before{content:""}.fa-mail-forward:before,.fa-share:before{content:""}.fa-expand:before{content:""}.fa-compress:before{content:""}.fa-plus:before{content:""}.fa-minus:before{content:""}.fa-asterisk:before{content:""}.fa-exclamation-circle:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before,.rst-content .admonition-title:before{content:""}.fa-gift:before{content:""}.fa-leaf:before{content:""}.fa-fire:before,.icon-fire:before{content:""}.fa-eye:before{content:""}.fa-eye-slash:before{content:""}.fa-warning:before,.fa-exclamation-triangle:before{content:""}.fa-plane:before{content:""}.fa-calendar:before{content:""}.fa-random:before{content:""}.fa-comment:before{content:""}.fa-magnet:before{content:""}.fa-chevron-up:before{content:""}.fa-chevron-down:before{content:""}.fa-retweet:before{content:""}.fa-shopping-cart:before{content:""}.fa-folder:before{content:""}.fa-folder-open:before{content:""}.fa-arrows-v:before{content:""}.fa-arrows-h:before{content:""}.fa-bar-chart-o:before,.fa-bar-chart:before{content:""}.fa-twitter-square:before{content:""}.fa-facebook-square:before{content:""}.fa-camera-retro:before{content:""}.fa-key:before{content:""}.fa-gears:before,.fa-cogs:before{content:""}.fa-comments:before{content:""}.fa-thumbs-o-up:before{content:""}.fa-thumbs-o-down:before{content:""}.fa-star-half:before{content:""}.fa-heart-o:before{content:""}.fa-sign-out:before{content:""}.fa-linkedin-square:before{content:""}.fa-thumb-tack:before{content:""}.fa-external-link:before{content:""}.fa-sign-in:before{content:""}.fa-trophy:before{content:""}.fa-github-square:before{content:""}.fa-upload:before{content:""}.fa-lemon-o:before{content:""}.fa-phone:before{content:""}.fa-square-o:before{content:""}.fa-bookmark-o:before{content:""}.fa-phone-square:before{content:""}.fa-twitter:before{content:""}.fa-facebook-f:before,.fa-facebook:before{content:""}.fa-github:before,.icon-github:before{content:""}.fa-unlock:before{content:""}.fa-credit-card:before{content:""}.fa-feed:before,.fa-rss:before{content:""}.fa-hdd-o:before{content:""}.fa-bullhorn:before{content:""}.fa-bell:before{content:""}.fa-certificate:before{content:""}.fa-hand-o-right:before{content:""}.fa-hand-o-left:before{content:""}.fa-hand-o-up:before{content:""}.fa-hand-o-down:before{content:""}.fa-arrow-circle-left:before,.icon-circle-arrow-left:before{content:""}.fa-arrow-circle-right:before,.icon-circle-arrow-right:before{content:""}.fa-arrow-circle-up:before{content:""}.fa-arrow-circle-down:before{content:""}.fa-globe:before{content:""}.fa-wrench:before{content:""}.fa-tasks:before{content:""}.fa-filter:before{content:""}.fa-briefcase:before{content:""}.fa-arrows-alt:before{content:""}.fa-group:before,.fa-users:before{content:""}.fa-chain:before,.fa-link:before,.icon-link:before{content:""}.fa-cloud:before{content:""}.fa-flask:before{content:""}.fa-cut:before,.fa-scissors:before{content:""}.fa-copy:before,.fa-files-o:before{content:""}.fa-paperclip:before{content:""}.fa-save:before,.fa-floppy-o:before{content:""}.fa-square:before{content:""}.fa-navicon:before,.fa-reorder:before,.fa-bars:before{content:""}.fa-list-ul:before{content:""}.fa-list-ol:before{content:""}.fa-strikethrough:before{content:""}.fa-underline:before{content:""}.fa-table:before{content:""}.fa-magic:before{content:""}.fa-truck:before{content:""}.fa-pinterest:before{content:""}.fa-pinterest-square:before{content:""}.fa-google-plus-square:before{content:""}.fa-google-plus:before{content:""}.fa-money:before{content:""}.fa-caret-down:before,.wy-dropdown .caret:before,.icon-caret-down:before{content:""}.fa-caret-up:before{content:""}.fa-caret-left:before{content:""}.fa-caret-right:before{content:""}.fa-columns:before{content:""}.fa-unsorted:before,.fa-sort:before{content:""}.fa-sort-down:before,.fa-sort-desc:before{content:""}.fa-sort-up:before,.fa-sort-asc:before{content:""}.fa-envelope:before{content:""}.fa-linkedin:before{content:""}.fa-rotate-left:before,.fa-undo:before{content:""}.fa-legal:before,.fa-gavel:before{content:""}.fa-dashboard:before,.fa-tachometer:before{content:""}.fa-comment-o:before{content:""}.fa-comments-o:before{content:""}.fa-flash:before,.fa-bolt:before{content:""}.fa-sitemap:before{content:""}.fa-umbrella:before{content:""}.fa-paste:before,.fa-clipboard:before{content:""}.fa-lightbulb-o:before{content:""}.fa-exchange:before{content:""}.fa-cloud-download:before{content:""}.fa-cloud-upload:before{content:""}.fa-user-md:before{content:""}.fa-stethoscope:before{content:""}.fa-suitcase:before{content:""}.fa-bell-o:before{content:""}.fa-coffee:before{content:""}.fa-cutlery:before{content:""}.fa-file-text-o:before{content:""}.fa-building-o:before{content:""}.fa-hospital-o:before{content:""}.fa-ambulance:before{content:""}.fa-medkit:before{content:""}.fa-fighter-jet:before{content:""}.fa-beer:before{content:""}.fa-h-square:before{content:""}.fa-plus-square:before{content:""}.fa-angle-double-left:before{content:""}.fa-angle-double-right:before{content:""}.fa-angle-double-up:before{content:""}.fa-angle-double-down:before{content:""}.fa-angle-left:before{content:""}.fa-angle-right:before{content:""}.fa-angle-up:before{content:""}.fa-angle-down:before{content:""}.fa-desktop:before{content:""}.fa-laptop:before{content:""}.fa-tablet:before{content:""}.fa-mobile-phone:before,.fa-mobile:before{content:""}.fa-circle-o:before{content:""}.fa-quote-left:before{content:""}.fa-quote-right:before{content:""}.fa-spinner:before{content:""}.fa-circle:before{content:""}.fa-mail-reply:before,.fa-reply:before{content:""}.fa-github-alt:before{content:""}.fa-folder-o:before{content:""}.fa-folder-open-o:before{content:""}.fa-smile-o:before{content:""}.fa-frown-o:before{content:""}.fa-meh-o:before{content:""}.fa-gamepad:before{content:""}.fa-keyboard-o:before{content:""}.fa-flag-o:before{content:""}.fa-flag-checkered:before{content:""}.fa-terminal:before{content:""}.fa-code:before{content:""}.fa-mail-reply-all:before,.fa-reply-all:before{content:""}.fa-star-half-empty:before,.fa-star-half-full:before,.fa-star-half-o:before{content:""}.fa-location-arrow:before{content:""}.fa-crop:before{content:""}.fa-code-fork:before{content:""}.fa-unlink:before,.fa-chain-broken:before{content:""}.fa-question:before{content:""}.fa-info:before{content:""}.fa-exclamation:before{content:""}.fa-superscript:before{content:""}.fa-subscript:before{content:""}.fa-eraser:before{content:""}.fa-puzzle-piece:before{content:""}.fa-microphone:before{content:""}.fa-microphone-slash:before{content:""}.fa-shield:before{content:""}.fa-calendar-o:before{content:""}.fa-fire-extinguisher:before{content:""}.fa-rocket:before{content:""}.fa-maxcdn:before{content:""}.fa-chevron-circle-left:before{content:""}.fa-chevron-circle-right:before{content:""}.fa-chevron-circle-up:before{content:""}.fa-chevron-circle-down:before{content:""}.fa-html5:before{content:""}.fa-css3:before{content:""}.fa-anchor:before{content:""}.fa-unlock-alt:before{content:""}.fa-bullseye:before{content:""}.fa-ellipsis-h:before{content:""}.fa-ellipsis-v:before{content:""}.fa-rss-square:before{content:""}.fa-play-circle:before{content:""}.fa-ticket:before{content:""}.fa-minus-square:before{content:""}.fa-minus-square-o:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before{content:""}.fa-level-up:before{content:""}.fa-level-down:before{content:""}.fa-check-square:before{content:""}.fa-pencil-square:before{content:""}.fa-external-link-square:before{content:""}.fa-share-square:before{content:""}.fa-compass:before{content:""}.fa-toggle-down:before,.fa-caret-square-o-down:before{content:""}.fa-toggle-up:before,.fa-caret-square-o-up:before{content:""}.fa-toggle-right:before,.fa-caret-square-o-right:before{content:""}.fa-euro:before,.fa-eur:before{content:""}.fa-gbp:before{content:""}.fa-dollar:before,.fa-usd:before{content:""}.fa-rupee:before,.fa-inr:before{content:""}.fa-cny:before,.fa-rmb:before,.fa-yen:before,.fa-jpy:before{content:""}.fa-ruble:before,.fa-rouble:before,.fa-rub:before{content:""}.fa-won:before,.fa-krw:before{content:""}.fa-bitcoin:before,.fa-btc:before{content:""}.fa-file:before{content:""}.fa-file-text:before{content:""}.fa-sort-alpha-asc:before{content:""}.fa-sort-alpha-desc:before{content:""}.fa-sort-amount-asc:before{content:""}.fa-sort-amount-desc:before{content:""}.fa-sort-numeric-asc:before{content:""}.fa-sort-numeric-desc:before{content:""}.fa-thumbs-up:before{content:""}.fa-thumbs-down:before{content:""}.fa-youtube-square:before{content:""}.fa-youtube:before{content:""}.fa-xing:before{content:""}.fa-xing-square:before{content:""}.fa-youtube-play:before{content:""}.fa-dropbox:before{content:""}.fa-stack-overflow:before{content:""}.fa-instagram:before{content:""}.fa-flickr:before{content:""}.fa-adn:before{content:""}.fa-bitbucket:before,.icon-bitbucket:before{content:""}.fa-bitbucket-square:before{content:""}.fa-tumblr:before{content:""}.fa-tumblr-square:before{content:""}.fa-long-arrow-down:before{content:""}.fa-long-arrow-up:before{content:""}.fa-long-arrow-left:before{content:""}.fa-long-arrow-right:before{content:""}.fa-apple:before{content:""}.fa-windows:before{content:""}.fa-android:before{content:""}.fa-linux:before{content:""}.fa-dribbble:before{content:""}.fa-skype:before{content:""}.fa-foursquare:before{content:""}.fa-trello:before{content:""}.fa-female:before{content:""}.fa-male:before{content:""}.fa-gittip:before,.fa-gratipay:before{content:""}.fa-sun-o:before{content:""}.fa-moon-o:before{content:""}.fa-archive:before{content:""}.fa-bug:before{content:""}.fa-vk:before{content:""}.fa-weibo:before{content:""}.fa-renren:before{content:""}.fa-pagelines:before{content:""}.fa-stack-exchange:before{content:""}.fa-arrow-circle-o-right:before{content:""}.fa-arrow-circle-o-left:before{content:""}.fa-toggle-left:before,.fa-caret-square-o-left:before{content:""}.fa-dot-circle-o:before{content:""}.fa-wheelchair:before{content:""}.fa-vimeo-square:before{content:""}.fa-turkish-lira:before,.fa-try:before{content:""}.fa-plus-square-o:before,.wy-menu-vertical li span.toctree-expand:before{content:""}.fa-space-shuttle:before{content:""}.fa-slack:before{content:""}.fa-envelope-square:before{content:""}.fa-wordpress:before{content:""}.fa-openid:before{content:""}.fa-institution:before,.fa-bank:before,.fa-university:before{content:""}.fa-mortar-board:before,.fa-graduation-cap:before{content:""}.fa-yahoo:before{content:""}.fa-google:before{content:""}.fa-reddit:before{content:""}.fa-reddit-square:before{content:""}.fa-stumbleupon-circle:before{content:""}.fa-stumbleupon:before{content:""}.fa-delicious:before{content:""}.fa-digg:before{content:""}.fa-pied-piper-pp:before{content:""}.fa-pied-piper-alt:before{content:""}.fa-drupal:before{content:""}.fa-joomla:before{content:""}.fa-language:before{content:""}.fa-fax:before{content:""}.fa-building:before{content:""}.fa-child:before{content:""}.fa-paw:before{content:""}.fa-spoon:before{content:""}.fa-cube:before{content:""}.fa-cubes:before{content:""}.fa-behance:before{content:""}.fa-behance-square:before{content:""}.fa-steam:before{content:""}.fa-steam-square:before{content:""}.fa-recycle:before{content:""}.fa-automobile:before,.fa-car:before{content:""}.fa-cab:before,.fa-taxi:before{content:""}.fa-tree:before{content:""}.fa-spotify:before{content:""}.fa-deviantart:before{content:""}.fa-soundcloud:before{content:""}.fa-database:before{content:""}.fa-file-pdf-o:before{content:""}.fa-file-word-o:before{content:""}.fa-file-excel-o:before{content:""}.fa-file-powerpoint-o:before{content:""}.fa-file-photo-o:before,.fa-file-picture-o:before,.fa-file-image-o:before{content:""}.fa-file-zip-o:before,.fa-file-archive-o:before{content:""}.fa-file-sound-o:before,.fa-file-audio-o:before{content:""}.fa-file-movie-o:before,.fa-file-video-o:before{content:""}.fa-file-code-o:before{content:""}.fa-vine:before{content:""}.fa-codepen:before{content:""}.fa-jsfiddle:before{content:""}.fa-life-bouy:before,.fa-life-buoy:before,.fa-life-saver:before,.fa-support:before,.fa-life-ring:before{content:""}.fa-circle-o-notch:before{content:""}.fa-ra:before,.fa-resistance:before,.fa-rebel:before{content:""}.fa-ge:before,.fa-empire:before{content:""}.fa-git-square:before{content:""}.fa-git:before{content:""}.fa-y-combinator-square:before,.fa-yc-square:before,.fa-hacker-news:before{content:""}.fa-tencent-weibo:before{content:""}.fa-qq:before{content:""}.fa-wechat:before,.fa-weixin:before{content:""}.fa-send:before,.fa-paper-plane:before{content:""}.fa-send-o:before,.fa-paper-plane-o:before{content:""}.fa-history:before{content:""}.fa-circle-thin:before{content:""}.fa-header:before{content:""}.fa-paragraph:before{content:""}.fa-sliders:before{content:""}.fa-share-alt:before{content:""}.fa-share-alt-square:before{content:""}.fa-bomb:before{content:""}.fa-soccer-ball-o:before,.fa-futbol-o:before{content:""}.fa-tty:before{content:""}.fa-binoculars:before{content:""}.fa-plug:before{content:""}.fa-slideshare:before{content:""}.fa-twitch:before{content:""}.fa-yelp:before{content:""}.fa-newspaper-o:before{content:""}.fa-wifi:before{content:""}.fa-calculator:before{content:""}.fa-paypal:before{content:""}.fa-google-wallet:before{content:""}.fa-cc-visa:before{content:""}.fa-cc-mastercard:before{content:""}.fa-cc-discover:before{content:""}.fa-cc-amex:before{content:""}.fa-cc-paypal:before{content:""}.fa-cc-stripe:before{content:""}.fa-bell-slash:before{content:""}.fa-bell-slash-o:before{content:""}.fa-trash:before{content:""}.fa-copyright:before{content:""}.fa-at:before{content:""}.fa-eyedropper:before{content:""}.fa-paint-brush:before{content:""}.fa-birthday-cake:before{content:""}.fa-area-chart:before{content:""}.fa-pie-chart:before{content:""}.fa-line-chart:before{content:""}.fa-lastfm:before{content:""}.fa-lastfm-square:before{content:""}.fa-toggle-off:before{content:""}.fa-toggle-on:before{content:""}.fa-bicycle:before{content:""}.fa-bus:before{content:""}.fa-ioxhost:before{content:""}.fa-angellist:before{content:""}.fa-cc:before{content:""}.fa-shekel:before,.fa-sheqel:before,.fa-ils:before{content:""}.fa-meanpath:before{content:""}.fa-buysellads:before{content:""}.fa-connectdevelop:before{content:""}.fa-dashcube:before{content:""}.fa-forumbee:before{content:""}.fa-leanpub:before{content:""}.fa-sellsy:before{content:""}.fa-shirtsinbulk:before{content:""}.fa-simplybuilt:before{content:""}.fa-skyatlas:before{content:""}.fa-cart-plus:before{content:""}.fa-cart-arrow-down:before{content:""}.fa-diamond:before{content:""}.fa-ship:before{content:""}.fa-user-secret:before{content:""}.fa-motorcycle:before{content:""}.fa-street-view:before{content:""}.fa-heartbeat:before{content:""}.fa-venus:before{content:""}.fa-mars:before{content:""}.fa-mercury:before{content:""}.fa-intersex:before,.fa-transgender:before{content:""}.fa-transgender-alt:before{content:""}.fa-venus-double:before{content:""}.fa-mars-double:before{content:""}.fa-venus-mars:before{content:""}.fa-mars-stroke:before{content:""}.fa-mars-stroke-v:before{content:""}.fa-mars-stroke-h:before{content:""}.fa-neuter:before{content:""}.fa-genderless:before{content:""}.fa-facebook-official:before{content:""}.fa-pinterest-p:before{content:""}.fa-whatsapp:before{content:""}.fa-server:before{content:""}.fa-user-plus:before{content:""}.fa-user-times:before{content:""}.fa-hotel:before,.fa-bed:before{content:""}.fa-viacoin:before{content:""}.fa-train:before{content:""}.fa-subway:before{content:""}.fa-medium:before{content:""}.fa-yc:before,.fa-y-combinator:before{content:""}.fa-optin-monster:before{content:""}.fa-opencart:before{content:""}.fa-expeditedssl:before{content:""}.fa-battery-4:before,.fa-battery:before,.fa-battery-full:before{content:""}.fa-battery-3:before,.fa-battery-three-quarters:before{content:""}.fa-battery-2:before,.fa-battery-half:before{content:""}.fa-battery-1:before,.fa-battery-quarter:before{content:""}.fa-battery-0:before,.fa-battery-empty:before{content:""}.fa-mouse-pointer:before{content:""}.fa-i-cursor:before{content:""}.fa-object-group:before{content:""}.fa-object-ungroup:before{content:""}.fa-sticky-note:before{content:""}.fa-sticky-note-o:before{content:""}.fa-cc-jcb:before{content:""}.fa-cc-diners-club:before{content:""}.fa-clone:before{content:""}.fa-balance-scale:before{content:""}.fa-hourglass-o:before{content:""}.fa-hourglass-1:before,.fa-hourglass-start:before{content:""}.fa-hourglass-2:before,.fa-hourglass-half:before{content:""}.fa-hourglass-3:before,.fa-hourglass-end:before{content:""}.fa-hourglass:before{content:""}.fa-hand-grab-o:before,.fa-hand-rock-o:before{content:""}.fa-hand-stop-o:before,.fa-hand-paper-o:before{content:""}.fa-hand-scissors-o:before{content:""}.fa-hand-lizard-o:before{content:""}.fa-hand-spock-o:before{content:""}.fa-hand-pointer-o:before{content:""}.fa-hand-peace-o:before{content:""}.fa-trademark:before{content:""}.fa-registered:before{content:""}.fa-creative-commons:before{content:""}.fa-gg:before{content:""}.fa-gg-circle:before{content:""}.fa-tripadvisor:before{content:""}.fa-odnoklassniki:before{content:""}.fa-odnoklassniki-square:before{content:""}.fa-get-pocket:before{content:""}.fa-wikipedia-w:before{content:""}.fa-safari:before{content:""}.fa-chrome:before{content:""}.fa-firefox:before{content:""}.fa-opera:before{content:""}.fa-internet-explorer:before{content:""}.fa-tv:before,.fa-television:before{content:""}.fa-contao:before{content:""}.fa-500px:before{content:""}.fa-amazon:before{content:""}.fa-calendar-plus-o:before{content:""}.fa-calendar-minus-o:before{content:""}.fa-calendar-times-o:before{content:""}.fa-calendar-check-o:before{content:""}.fa-industry:before{content:""}.fa-map-pin:before{content:""}.fa-map-signs:before{content:""}.fa-map-o:before{content:""}.fa-map:before{content:""}.fa-commenting:before{content:""}.fa-commenting-o:before{content:""}.fa-houzz:before{content:""}.fa-vimeo:before{content:""}.fa-black-tie:before{content:""}.fa-fonticons:before{content:""}.fa-reddit-alien:before{content:""}.fa-edge:before{content:""}.fa-credit-card-alt:before{content:""}.fa-codiepie:before{content:""}.fa-modx:before{content:""}.fa-fort-awesome:before{content:""}.fa-usb:before{content:""}.fa-product-hunt:before{content:""}.fa-mixcloud:before{content:""}.fa-scribd:before{content:""}.fa-pause-circle:before{content:""}.fa-pause-circle-o:before{content:""}.fa-stop-circle:before{content:""}.fa-stop-circle-o:before{content:""}.fa-shopping-bag:before{content:""}.fa-shopping-basket:before{content:""}.fa-hashtag:before{content:""}.fa-bluetooth:before{content:""}.fa-bluetooth-b:before{content:""}.fa-percent:before{content:""}.fa-gitlab:before,.icon-gitlab:before{content:""}.fa-wpbeginner:before{content:""}.fa-wpforms:before{content:""}.fa-envira:before{content:""}.fa-universal-access:before{content:""}.fa-wheelchair-alt:before{content:""}.fa-question-circle-o:before{content:""}.fa-blind:before{content:""}.fa-audio-description:before{content:""}.fa-volume-control-phone:before{content:""}.fa-braille:before{content:""}.fa-assistive-listening-systems:before{content:""}.fa-asl-interpreting:before,.fa-american-sign-language-interpreting:before{content:""}.fa-deafness:before,.fa-hard-of-hearing:before,.fa-deaf:before{content:""}.fa-glide:before{content:""}.fa-glide-g:before{content:""}.fa-signing:before,.fa-sign-language:before{content:""}.fa-low-vision:before{content:""}.fa-viadeo:before{content:""}.fa-viadeo-square:before{content:""}.fa-snapchat:before{content:""}.fa-snapchat-ghost:before{content:""}.fa-snapchat-square:before{content:""}.fa-pied-piper:before{content:""}.fa-first-order:before{content:""}.fa-yoast:before{content:""}.fa-themeisle:before{content:""}.fa-google-plus-circle:before,.fa-google-plus-official:before{content:""}.fa-fa:before,.fa-font-awesome:before{content:""}.fa-handshake-o:before{content:""}.fa-envelope-open:before{content:""}.fa-envelope-open-o:before{content:""}.fa-linode:before{content:""}.fa-address-book:before{content:""}.fa-address-book-o:before{content:""}.fa-vcard:before,.fa-address-card:before{content:""}.fa-vcard-o:before,.fa-address-card-o:before{content:""}.fa-user-circle:before{content:""}.fa-user-circle-o:before{content:""}.fa-user-o:before{content:""}.fa-id-badge:before{content:""}.fa-drivers-license:before,.fa-id-card:before{content:""}.fa-drivers-license-o:before,.fa-id-card-o:before{content:""}.fa-quora:before{content:""}.fa-free-code-camp:before{content:""}.fa-telegram:before{content:""}.fa-thermometer-4:before,.fa-thermometer:before,.fa-thermometer-full:before{content:""}.fa-thermometer-3:before,.fa-thermometer-three-quarters:before{content:""}.fa-thermometer-2:before,.fa-thermometer-half:before{content:""}.fa-thermometer-1:before,.fa-thermometer-quarter:before{content:""}.fa-thermometer-0:before,.fa-thermometer-empty:before{content:""}.fa-shower:before{content:""}.fa-bathtub:before,.fa-s15:before,.fa-bath:before{content:""}.fa-podcast:before{content:""}.fa-window-maximize:before{content:""}.fa-window-minimize:before{content:""}.fa-window-restore:before{content:""}.fa-times-rectangle:before,.fa-window-close:before{content:""}.fa-times-rectangle-o:before,.fa-window-close-o:before{content:""}.fa-bandcamp:before{content:""}.fa-grav:before{content:""}.fa-etsy:before{content:""}.fa-imdb:before{content:""}.fa-ravelry:before{content:""}.fa-eercast:before{content:""}.fa-microchip:before{content:""}.fa-snowflake-o:before{content:""}.fa-superpowers:before{content:""}.fa-wpexplorer:before{content:""}.fa-meetup:before{content:""}.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}.fa,.wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,.rst-content .admonition-title,.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content .code-block-caption .headerlink,.rst-content tt.download span:first-child,.rst-content code.download span:first-child,.icon,.wy-dropdown .caret,.wy-inline-validate.wy-inline-validate-success .wy-input-context,.wy-inline-validate.wy-inline-validate-danger .wy-input-context,.wy-inline-validate.wy-inline-validate-warning .wy-input-context,.wy-inline-validate.wy-inline-validate-info .wy-input-context{font-family:inherit}.fa:before,.wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li.on a span.toctree-expand:before,.wy-menu-vertical li.current>a span.toctree-expand:before,.rst-content .admonition-title:before,.rst-content h1 .headerlink:before,.rst-content h2 .headerlink:before,.rst-content h3 .headerlink:before,.rst-content h4 .headerlink:before,.rst-content h5 .headerlink:before,.rst-content h6 .headerlink:before,.rst-content dl dt .headerlink:before,.rst-content p.caption .headerlink:before,.rst-content table>caption .headerlink:before,.rst-content .code-block-caption .headerlink:before,.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before,.icon:before,.wy-dropdown .caret:before,.wy-inline-validate.wy-inline-validate-success .wy-input-context:before,.wy-inline-validate.wy-inline-validate-danger .wy-input-context:before,.wy-inline-validate.wy-inline-validate-warning .wy-input-context:before,.wy-inline-validate.wy-inline-validate-info .wy-input-context:before{font-family:"FontAwesome";display:inline-block;font-style:normal;font-weight:normal;line-height:1;text-decoration:inherit}a .fa,a .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li a span.toctree-expand,.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand,a .rst-content .admonition-title,.rst-content a .admonition-title,a .rst-content h1 .headerlink,.rst-content h1 a .headerlink,a .rst-content h2 .headerlink,.rst-content h2 a .headerlink,a .rst-content h3 .headerlink,.rst-content h3 a .headerlink,a .rst-content h4 .headerlink,.rst-content h4 a .headerlink,a .rst-content h5 .headerlink,.rst-content h5 a .headerlink,a .rst-content h6 .headerlink,.rst-content h6 a .headerlink,a .rst-content dl dt .headerlink,.rst-content dl dt a .headerlink,a .rst-content p.caption .headerlink,.rst-content p.caption a .headerlink,a .rst-content table>caption .headerlink,.rst-content table>caption a .headerlink,a .rst-content .code-block-caption .headerlink,.rst-content .code-block-caption a .headerlink,a .rst-content tt.download span:first-child,.rst-content tt.download a span:first-child,a .rst-content code.download span:first-child,.rst-content code.download a span:first-child,a .icon{display:inline-block;text-decoration:inherit}.btn .fa,.btn .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .btn span.toctree-expand,.btn .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .btn span.toctree-expand,.btn .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .btn span.toctree-expand,.btn .rst-content .admonition-title,.rst-content .btn .admonition-title,.btn .rst-content h1 .headerlink,.rst-content h1 .btn .headerlink,.btn .rst-content h2 .headerlink,.rst-content h2 .btn .headerlink,.btn .rst-content h3 .headerlink,.rst-content h3 .btn .headerlink,.btn .rst-content h4 .headerlink,.rst-content h4 .btn .headerlink,.btn .rst-content h5 .headerlink,.rst-content h5 .btn .headerlink,.btn .rst-content h6 .headerlink,.rst-content h6 .btn .headerlink,.btn .rst-content dl dt .headerlink,.rst-content dl dt .btn .headerlink,.btn .rst-content p.caption .headerlink,.rst-content p.caption .btn .headerlink,.btn .rst-content table>caption .headerlink,.rst-content table>caption .btn .headerlink,.btn .rst-content .code-block-caption .headerlink,.rst-content .code-block-caption .btn .headerlink,.btn .rst-content tt.download span:first-child,.rst-content tt.download .btn span:first-child,.btn .rst-content code.download span:first-child,.rst-content code.download .btn span:first-child,.btn .icon,.nav .fa,.nav .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .nav span.toctree-expand,.nav .wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.on a .nav span.toctree-expand,.nav .wy-menu-vertical li.current>a span.toctree-expand,.wy-menu-vertical li.current>a .nav span.toctree-expand,.nav .rst-content .admonition-title,.rst-content .nav .admonition-title,.nav .rst-content h1 .headerlink,.rst-content h1 .nav .headerlink,.nav .rst-content h2 .headerlink,.rst-content h2 .nav .headerlink,.nav .rst-content h3 .headerlink,.rst-content h3 .nav .headerlink,.nav .rst-content h4 .headerlink,.rst-content h4 .nav .headerlink,.nav .rst-content h5 .headerlink,.rst-content h5 .nav .headerlink,.nav .rst-content h6 .headerlink,.rst-content h6 .nav .headerlink,.nav .rst-content dl dt .headerlink,.rst-content dl dt .nav .headerlink,.nav .rst-content p.caption .headerlink,.rst-content p.caption .nav .headerlink,.nav .rst-content table>caption .headerlink,.rst-content table>caption .nav .headerlink,.nav .rst-content .code-block-caption .headerlink,.rst-content .code-block-caption .nav .headerlink,.nav .rst-content tt.download span:first-child,.rst-content tt.download .nav span:first-child,.nav .rst-content code.download span:first-child,.rst-content code.download .nav span:first-child,.nav .icon{display:inline}.btn .fa.fa-large,.btn .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .btn span.fa-large.toctree-expand,.btn .rst-content .fa-large.admonition-title,.rst-content .btn .fa-large.admonition-title,.btn .rst-content h1 .fa-large.headerlink,.rst-content h1 .btn .fa-large.headerlink,.btn .rst-content h2 .fa-large.headerlink,.rst-content h2 .btn .fa-large.headerlink,.btn .rst-content h3 .fa-large.headerlink,.rst-content h3 .btn .fa-large.headerlink,.btn .rst-content h4 .fa-large.headerlink,.rst-content h4 .btn .fa-large.headerlink,.btn .rst-content h5 .fa-large.headerlink,.rst-content h5 .btn .fa-large.headerlink,.btn .rst-content h6 .fa-large.headerlink,.rst-content h6 .btn .fa-large.headerlink,.btn .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .btn .fa-large.headerlink,.btn .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .btn .fa-large.headerlink,.btn .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .btn .fa-large.headerlink,.btn .rst-content .code-block-caption .fa-large.headerlink,.rst-content .code-block-caption .btn .fa-large.headerlink,.btn .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .btn span.fa-large:first-child,.btn .rst-content code.download span.fa-large:first-child,.rst-content code.download .btn span.fa-large:first-child,.btn .fa-large.icon,.nav .fa.fa-large,.nav .wy-menu-vertical li span.fa-large.toctree-expand,.wy-menu-vertical li .nav span.fa-large.toctree-expand,.nav .rst-content .fa-large.admonition-title,.rst-content .nav .fa-large.admonition-title,.nav .rst-content h1 .fa-large.headerlink,.rst-content h1 .nav .fa-large.headerlink,.nav .rst-content h2 .fa-large.headerlink,.rst-content h2 .nav .fa-large.headerlink,.nav .rst-content h3 .fa-large.headerlink,.rst-content h3 .nav .fa-large.headerlink,.nav .rst-content h4 .fa-large.headerlink,.rst-content h4 .nav .fa-large.headerlink,.nav .rst-content h5 .fa-large.headerlink,.rst-content h5 .nav .fa-large.headerlink,.nav .rst-content h6 .fa-large.headerlink,.rst-content h6 .nav .fa-large.headerlink,.nav .rst-content dl dt .fa-large.headerlink,.rst-content dl dt .nav .fa-large.headerlink,.nav .rst-content p.caption .fa-large.headerlink,.rst-content p.caption .nav .fa-large.headerlink,.nav .rst-content table>caption .fa-large.headerlink,.rst-content table>caption .nav .fa-large.headerlink,.nav .rst-content .code-block-caption .fa-large.headerlink,.rst-content .code-block-caption .nav .fa-large.headerlink,.nav .rst-content tt.download span.fa-large:first-child,.rst-content tt.download .nav span.fa-large:first-child,.nav .rst-content code.download span.fa-large:first-child,.rst-content code.download .nav span.fa-large:first-child,.nav .fa-large.icon{line-height:.9em}.btn .fa.fa-spin,.btn .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .btn span.fa-spin.toctree-expand,.btn .rst-content .fa-spin.admonition-title,.rst-content .btn .fa-spin.admonition-title,.btn .rst-content h1 .fa-spin.headerlink,.rst-content h1 .btn .fa-spin.headerlink,.btn .rst-content h2 .fa-spin.headerlink,.rst-content h2 .btn .fa-spin.headerlink,.btn .rst-content h3 .fa-spin.headerlink,.rst-content h3 .btn .fa-spin.headerlink,.btn .rst-content h4 .fa-spin.headerlink,.rst-content h4 .btn .fa-spin.headerlink,.btn .rst-content h5 .fa-spin.headerlink,.rst-content h5 .btn .fa-spin.headerlink,.btn .rst-content h6 .fa-spin.headerlink,.rst-content h6 .btn .fa-spin.headerlink,.btn .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .btn .fa-spin.headerlink,.btn .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .btn .fa-spin.headerlink,.btn .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .btn .fa-spin.headerlink,.btn .rst-content .code-block-caption .fa-spin.headerlink,.rst-content .code-block-caption .btn .fa-spin.headerlink,.btn .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .btn span.fa-spin:first-child,.btn .rst-content code.download span.fa-spin:first-child,.rst-content code.download .btn span.fa-spin:first-child,.btn .fa-spin.icon,.nav .fa.fa-spin,.nav .wy-menu-vertical li span.fa-spin.toctree-expand,.wy-menu-vertical li .nav span.fa-spin.toctree-expand,.nav .rst-content .fa-spin.admonition-title,.rst-content .nav .fa-spin.admonition-title,.nav .rst-content h1 .fa-spin.headerlink,.rst-content h1 .nav .fa-spin.headerlink,.nav .rst-content h2 .fa-spin.headerlink,.rst-content h2 .nav .fa-spin.headerlink,.nav .rst-content h3 .fa-spin.headerlink,.rst-content h3 .nav .fa-spin.headerlink,.nav .rst-content h4 .fa-spin.headerlink,.rst-content h4 .nav .fa-spin.headerlink,.nav .rst-content h5 .fa-spin.headerlink,.rst-content h5 .nav .fa-spin.headerlink,.nav .rst-content h6 .fa-spin.headerlink,.rst-content h6 .nav .fa-spin.headerlink,.nav .rst-content dl dt .fa-spin.headerlink,.rst-content dl dt .nav .fa-spin.headerlink,.nav .rst-content p.caption .fa-spin.headerlink,.rst-content p.caption .nav .fa-spin.headerlink,.nav .rst-content table>caption .fa-spin.headerlink,.rst-content table>caption .nav .fa-spin.headerlink,.nav .rst-content .code-block-caption .fa-spin.headerlink,.rst-content .code-block-caption .nav .fa-spin.headerlink,.nav .rst-content tt.download span.fa-spin:first-child,.rst-content tt.download .nav span.fa-spin:first-child,.nav .rst-content code.download span.fa-spin:first-child,.rst-content code.download .nav span.fa-spin:first-child,.nav .fa-spin.icon{display:inline-block}.btn.fa:before,.wy-menu-vertical li span.btn.toctree-expand:before,.rst-content .btn.admonition-title:before,.rst-content h1 .btn.headerlink:before,.rst-content h2 .btn.headerlink:before,.rst-content h3 .btn.headerlink:before,.rst-content h4 .btn.headerlink:before,.rst-content h5 .btn.headerlink:before,.rst-content h6 .btn.headerlink:before,.rst-content dl dt .btn.headerlink:before,.rst-content p.caption .btn.headerlink:before,.rst-content table>caption .btn.headerlink:before,.rst-content .code-block-caption .btn.headerlink:before,.rst-content tt.download span.btn:first-child:before,.rst-content code.download span.btn:first-child:before,.btn.icon:before{opacity:.5;-webkit-transition:opacity .05s ease-in;-moz-transition:opacity .05s ease-in;transition:opacity .05s ease-in}.btn.fa:hover:before,.wy-menu-vertical li span.btn.toctree-expand:hover:before,.rst-content .btn.admonition-title:hover:before,.rst-content h1 .btn.headerlink:hover:before,.rst-content h2 .btn.headerlink:hover:before,.rst-content h3 .btn.headerlink:hover:before,.rst-content h4 .btn.headerlink:hover:before,.rst-content h5 .btn.headerlink:hover:before,.rst-content h6 .btn.headerlink:hover:before,.rst-content dl dt .btn.headerlink:hover:before,.rst-content p.caption .btn.headerlink:hover:before,.rst-content table>caption .btn.headerlink:hover:before,.rst-content .code-block-caption .btn.headerlink:hover:before,.rst-content tt.download span.btn:first-child:hover:before,.rst-content code.download span.btn:first-child:hover:before,.btn.icon:hover:before{opacity:1}.btn-mini .fa:before,.btn-mini .wy-menu-vertical li span.toctree-expand:before,.wy-menu-vertical li .btn-mini span.toctree-expand:before,.btn-mini .rst-content .admonition-title:before,.rst-content .btn-mini .admonition-title:before,.btn-mini .rst-content h1 .headerlink:before,.rst-content h1 .btn-mini .headerlink:before,.btn-mini .rst-content h2 .headerlink:before,.rst-content h2 .btn-mini .headerlink:before,.btn-mini .rst-content h3 .headerlink:before,.rst-content h3 .btn-mini .headerlink:before,.btn-mini .rst-content h4 .headerlink:before,.rst-content h4 .btn-mini .headerlink:before,.btn-mini .rst-content h5 .headerlink:before,.rst-content h5 .btn-mini .headerlink:before,.btn-mini .rst-content h6 .headerlink:before,.rst-content h6 .btn-mini .headerlink:before,.btn-mini .rst-content dl dt .headerlink:before,.rst-content dl dt .btn-mini .headerlink:before,.btn-mini .rst-content p.caption .headerlink:before,.rst-content p.caption .btn-mini .headerlink:before,.btn-mini .rst-content table>caption .headerlink:before,.rst-content table>caption .btn-mini .headerlink:before,.btn-mini .rst-content .code-block-caption .headerlink:before,.rst-content .code-block-caption .btn-mini .headerlink:before,.btn-mini .rst-content tt.download span:first-child:before,.rst-content tt.download .btn-mini span:first-child:before,.btn-mini .rst-content code.download span:first-child:before,.rst-content code.download .btn-mini span:first-child:before,.btn-mini .icon:before{font-size:14px;vertical-align:-15%}.wy-alert,.rst-content .note,.rst-content .attention,.rst-content .caution,.rst-content .danger,.rst-content .error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .warning,.rst-content .seealso,.rst-content .admonition-todo,.rst-content .admonition{padding:12px;line-height:24px;margin-bottom:24px;background:#e7f2fa}.wy-alert-title,.rst-content .admonition-title{color:#fff;font-weight:bold;display:block;color:#fff;background:#6ab0de;margin:-12px;padding:6px 12px;margin-bottom:12px}.wy-alert.wy-alert-danger,.rst-content .wy-alert-danger.note,.rst-content .wy-alert-danger.attention,.rst-content .wy-alert-danger.caution,.rst-content .danger,.rst-content .error,.rst-content .wy-alert-danger.hint,.rst-content .wy-alert-danger.important,.rst-content .wy-alert-danger.tip,.rst-content .wy-alert-danger.warning,.rst-content .wy-alert-danger.seealso,.rst-content .wy-alert-danger.admonition-todo,.rst-content .wy-alert-danger.admonition{background:#fdf3f2}.wy-alert.wy-alert-danger .wy-alert-title,.rst-content .wy-alert-danger.note .wy-alert-title,.rst-content .wy-alert-danger.attention .wy-alert-title,.rst-content .wy-alert-danger.caution .wy-alert-title,.rst-content .danger .wy-alert-title,.rst-content .error .wy-alert-title,.rst-content .wy-alert-danger.hint .wy-alert-title,.rst-content .wy-alert-danger.important .wy-alert-title,.rst-content .wy-alert-danger.tip .wy-alert-title,.rst-content .wy-alert-danger.warning .wy-alert-title,.rst-content .wy-alert-danger.seealso .wy-alert-title,.rst-content .wy-alert-danger.admonition-todo .wy-alert-title,.rst-content .wy-alert-danger.admonition .wy-alert-title,.wy-alert.wy-alert-danger .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-danger .admonition-title,.rst-content .wy-alert-danger.note .admonition-title,.rst-content .wy-alert-danger.attention .admonition-title,.rst-content .wy-alert-danger.caution .admonition-title,.rst-content .danger .admonition-title,.rst-content .error .admonition-title,.rst-content .wy-alert-danger.hint .admonition-title,.rst-content .wy-alert-danger.important .admonition-title,.rst-content .wy-alert-danger.tip .admonition-title,.rst-content .wy-alert-danger.warning .admonition-title,.rst-content .wy-alert-danger.seealso .admonition-title,.rst-content .wy-alert-danger.admonition-todo .admonition-title,.rst-content .wy-alert-danger.admonition .admonition-title{background:#f29f97}.wy-alert.wy-alert-warning,.rst-content .wy-alert-warning.note,.rst-content .attention,.rst-content .caution,.rst-content .wy-alert-warning.danger,.rst-content .wy-alert-warning.error,.rst-content .wy-alert-warning.hint,.rst-content .wy-alert-warning.important,.rst-content .wy-alert-warning.tip,.rst-content .warning,.rst-content .wy-alert-warning.seealso,.rst-content .admonition-todo,.rst-content .wy-alert-warning.admonition{background:#ffedcc}.wy-alert.wy-alert-warning .wy-alert-title,.rst-content .wy-alert-warning.note .wy-alert-title,.rst-content .attention .wy-alert-title,.rst-content .caution .wy-alert-title,.rst-content .wy-alert-warning.danger .wy-alert-title,.rst-content .wy-alert-warning.error .wy-alert-title,.rst-content .wy-alert-warning.hint .wy-alert-title,.rst-content .wy-alert-warning.important .wy-alert-title,.rst-content .wy-alert-warning.tip .wy-alert-title,.rst-content .warning .wy-alert-title,.rst-content .wy-alert-warning.seealso .wy-alert-title,.rst-content .admonition-todo .wy-alert-title,.rst-content .wy-alert-warning.admonition .wy-alert-title,.wy-alert.wy-alert-warning .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-warning .admonition-title,.rst-content .wy-alert-warning.note .admonition-title,.rst-content .attention .admonition-title,.rst-content .caution .admonition-title,.rst-content .wy-alert-warning.danger .admonition-title,.rst-content .wy-alert-warning.error .admonition-title,.rst-content .wy-alert-warning.hint .admonition-title,.rst-content .wy-alert-warning.important .admonition-title,.rst-content .wy-alert-warning.tip .admonition-title,.rst-content .warning .admonition-title,.rst-content .wy-alert-warning.seealso .admonition-title,.rst-content .admonition-todo .admonition-title,.rst-content .wy-alert-warning.admonition .admonition-title{background:#f0b37e}.wy-alert.wy-alert-info,.rst-content .note,.rst-content .wy-alert-info.attention,.rst-content .wy-alert-info.caution,.rst-content .wy-alert-info.danger,.rst-content .wy-alert-info.error,.rst-content .wy-alert-info.hint,.rst-content .wy-alert-info.important,.rst-content .wy-alert-info.tip,.rst-content .wy-alert-info.warning,.rst-content .seealso,.rst-content .wy-alert-info.admonition-todo,.rst-content .wy-alert-info.admonition{background:#e7f2fa}.wy-alert.wy-alert-info .wy-alert-title,.rst-content .note .wy-alert-title,.rst-content .wy-alert-info.attention .wy-alert-title,.rst-content .wy-alert-info.caution .wy-alert-title,.rst-content .wy-alert-info.danger .wy-alert-title,.rst-content .wy-alert-info.error .wy-alert-title,.rst-content .wy-alert-info.hint .wy-alert-title,.rst-content .wy-alert-info.important .wy-alert-title,.rst-content .wy-alert-info.tip .wy-alert-title,.rst-content .wy-alert-info.warning .wy-alert-title,.rst-content .seealso .wy-alert-title,.rst-content .wy-alert-info.admonition-todo .wy-alert-title,.rst-content .wy-alert-info.admonition .wy-alert-title,.wy-alert.wy-alert-info .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-info .admonition-title,.rst-content .note .admonition-title,.rst-content .wy-alert-info.attention .admonition-title,.rst-content .wy-alert-info.caution .admonition-title,.rst-content .wy-alert-info.danger .admonition-title,.rst-content .wy-alert-info.error .admonition-title,.rst-content .wy-alert-info.hint .admonition-title,.rst-content .wy-alert-info.important .admonition-title,.rst-content .wy-alert-info.tip .admonition-title,.rst-content .wy-alert-info.warning .admonition-title,.rst-content .seealso .admonition-title,.rst-content .wy-alert-info.admonition-todo .admonition-title,.rst-content .wy-alert-info.admonition .admonition-title{background:#6ab0de}.wy-alert.wy-alert-success,.rst-content .wy-alert-success.note,.rst-content .wy-alert-success.attention,.rst-content .wy-alert-success.caution,.rst-content .wy-alert-success.danger,.rst-content .wy-alert-success.error,.rst-content .hint,.rst-content .important,.rst-content .tip,.rst-content .wy-alert-success.warning,.rst-content .wy-alert-success.seealso,.rst-content .wy-alert-success.admonition-todo,.rst-content .wy-alert-success.admonition{background:#dbfaf4}.wy-alert.wy-alert-success .wy-alert-title,.rst-content .wy-alert-success.note .wy-alert-title,.rst-content .wy-alert-success.attention .wy-alert-title,.rst-content .wy-alert-success.caution .wy-alert-title,.rst-content .wy-alert-success.danger .wy-alert-title,.rst-content .wy-alert-success.error .wy-alert-title,.rst-content .hint .wy-alert-title,.rst-content .important .wy-alert-title,.rst-content .tip .wy-alert-title,.rst-content .wy-alert-success.warning .wy-alert-title,.rst-content .wy-alert-success.seealso .wy-alert-title,.rst-content .wy-alert-success.admonition-todo .wy-alert-title,.rst-content .wy-alert-success.admonition .wy-alert-title,.wy-alert.wy-alert-success .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-success .admonition-title,.rst-content .wy-alert-success.note .admonition-title,.rst-content .wy-alert-success.attention .admonition-title,.rst-content .wy-alert-success.caution .admonition-title,.rst-content .wy-alert-success.danger .admonition-title,.rst-content .wy-alert-success.error .admonition-title,.rst-content .hint .admonition-title,.rst-content .important .admonition-title,.rst-content .tip .admonition-title,.rst-content .wy-alert-success.warning .admonition-title,.rst-content .wy-alert-success.seealso .admonition-title,.rst-content .wy-alert-success.admonition-todo .admonition-title,.rst-content .wy-alert-success.admonition .admonition-title{background:#1abc9c}.wy-alert.wy-alert-neutral,.rst-content .wy-alert-neutral.note,.rst-content .wy-alert-neutral.attention,.rst-content .wy-alert-neutral.caution,.rst-content .wy-alert-neutral.danger,.rst-content .wy-alert-neutral.error,.rst-content .wy-alert-neutral.hint,.rst-content .wy-alert-neutral.important,.rst-content .wy-alert-neutral.tip,.rst-content .wy-alert-neutral.warning,.rst-content .wy-alert-neutral.seealso,.rst-content .wy-alert-neutral.admonition-todo,.rst-content .wy-alert-neutral.admonition{background:#f3f6f6}.wy-alert.wy-alert-neutral .wy-alert-title,.rst-content .wy-alert-neutral.note .wy-alert-title,.rst-content .wy-alert-neutral.attention .wy-alert-title,.rst-content .wy-alert-neutral.caution .wy-alert-title,.rst-content .wy-alert-neutral.danger .wy-alert-title,.rst-content .wy-alert-neutral.error .wy-alert-title,.rst-content .wy-alert-neutral.hint .wy-alert-title,.rst-content .wy-alert-neutral.important .wy-alert-title,.rst-content .wy-alert-neutral.tip .wy-alert-title,.rst-content .wy-alert-neutral.warning .wy-alert-title,.rst-content .wy-alert-neutral.seealso .wy-alert-title,.rst-content .wy-alert-neutral.admonition-todo .wy-alert-title,.rst-content .wy-alert-neutral.admonition .wy-alert-title,.wy-alert.wy-alert-neutral .rst-content .admonition-title,.rst-content .wy-alert.wy-alert-neutral .admonition-title,.rst-content .wy-alert-neutral.note .admonition-title,.rst-content .wy-alert-neutral.attention .admonition-title,.rst-content .wy-alert-neutral.caution .admonition-title,.rst-content .wy-alert-neutral.danger .admonition-title,.rst-content .wy-alert-neutral.error .admonition-title,.rst-content .wy-alert-neutral.hint .admonition-title,.rst-content .wy-alert-neutral.important .admonition-title,.rst-content .wy-alert-neutral.tip .admonition-title,.rst-content .wy-alert-neutral.warning .admonition-title,.rst-content .wy-alert-neutral.seealso .admonition-title,.rst-content .wy-alert-neutral.admonition-todo .admonition-title,.rst-content .wy-alert-neutral.admonition .admonition-title{color:#404040;background:#e1e4e5}.wy-alert.wy-alert-neutral a,.rst-content .wy-alert-neutral.note a,.rst-content .wy-alert-neutral.attention a,.rst-content .wy-alert-neutral.caution a,.rst-content .wy-alert-neutral.danger a,.rst-content .wy-alert-neutral.error a,.rst-content .wy-alert-neutral.hint a,.rst-content .wy-alert-neutral.important a,.rst-content .wy-alert-neutral.tip a,.rst-content .wy-alert-neutral.warning a,.rst-content .wy-alert-neutral.seealso a,.rst-content .wy-alert-neutral.admonition-todo a,.rst-content .wy-alert-neutral.admonition a{color:#2980B9}.wy-alert p:last-child,.rst-content .note p:last-child,.rst-content .attention p:last-child,.rst-content .caution p:last-child,.rst-content .danger p:last-child,.rst-content .error p:last-child,.rst-content .hint p:last-child,.rst-content .important p:last-child,.rst-content .tip p:last-child,.rst-content .warning p:last-child,.rst-content .seealso p:last-child,.rst-content .admonition-todo p:last-child,.rst-content .admonition p:last-child{margin-bottom:0}.wy-tray-container{position:fixed;bottom:0px;left:0;z-index:600}.wy-tray-container li{display:block;width:300px;background:transparent;color:#fff;text-align:center;box-shadow:0 5px 5px 0 rgba(0,0,0,0.1);padding:0 24px;min-width:20%;opacity:0;height:0;line-height:56px;overflow:hidden;-webkit-transition:all .3s ease-in;-moz-transition:all .3s ease-in;transition:all .3s ease-in}.wy-tray-container li.wy-tray-item-success{background:#27AE60}.wy-tray-container li.wy-tray-item-info{background:#2980B9}.wy-tray-container li.wy-tray-item-warning{background:#E67E22}.wy-tray-container li.wy-tray-item-danger{background:#E74C3C}.wy-tray-container li.on{opacity:1;height:56px}@media screen and (max-width: 768px){.wy-tray-container{bottom:auto;top:0;width:100%}.wy-tray-container li{width:100%}}button{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle;cursor:pointer;line-height:normal;-webkit-appearance:button;*overflow:visible}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}button[disabled]{cursor:default}.btn{display:inline-block;border-radius:2px;line-height:normal;white-space:nowrap;text-align:center;cursor:pointer;font-size:100%;padding:6px 12px 8px 12px;color:#fff;border:1px solid rgba(0,0,0,0.1);background-color:#27AE60;text-decoration:none;font-weight:normal;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:0px 1px 2px -1px rgba(255,255,255,0.5) inset,0px -2px 0px 0px rgba(0,0,0,0.1) inset;outline-none:false;vertical-align:middle;*display:inline;zoom:1;-webkit-user-drag:none;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;-webkit-transition:all .1s linear;-moz-transition:all .1s linear;transition:all .1s linear}.btn-hover{background:#2e8ece;color:#fff}.btn:hover{background:#2cc36b;color:#fff}.btn:focus{background:#2cc36b;outline:0}.btn:active{box-shadow:0px -1px 0px 0px rgba(0,0,0,0.05) inset,0px 2px 0px 0px rgba(0,0,0,0.1) inset;padding:8px 12px 6px 12px}.btn:visited{color:#fff}.btn:disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn-disabled:hover,.btn-disabled:focus,.btn-disabled:active{background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled = false);filter:alpha(opacity=40);opacity:.4;cursor:not-allowed;box-shadow:none}.btn::-moz-focus-inner{padding:0;border:0}.btn-small{font-size:80%}.btn-info{background-color:#2980B9 !important}.btn-info:hover{background-color:#2e8ece !important}.btn-neutral{background-color:#f3f6f6 !important;color:#404040 !important}.btn-neutral:hover{background-color:#e5ebeb !important;color:#404040}.btn-neutral:visited{color:#404040 !important}.btn-success{background-color:#27AE60 !important}.btn-success:hover{background-color:#295 !important}.btn-danger{background-color:#E74C3C !important}.btn-danger:hover{background-color:#ea6153 !important}.btn-warning{background-color:#E67E22 !important}.btn-warning:hover{background-color:#e98b39 !important}.btn-invert{background-color:#222}.btn-invert:hover{background-color:#2f2f2f !important}.btn-link{background-color:transparent !important;color:#2980B9;box-shadow:none;border-color:transparent !important}.btn-link:hover{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:active{background-color:transparent !important;color:#409ad5 !important;box-shadow:none}.btn-link:visited{color:#9B59B6}.wy-btn-group .btn,.wy-control .btn{vertical-align:middle}.wy-btn-group{margin-bottom:24px;*zoom:1}.wy-btn-group:before,.wy-btn-group:after{display:table;content:""}.wy-btn-group:after{clear:both}.wy-dropdown{position:relative;display:inline-block}.wy-dropdown-active .wy-dropdown-menu{display:block}.wy-dropdown-menu{position:absolute;left:0;display:none;float:left;top:100%;min-width:100%;background:#fcfcfc;z-index:100;border:solid 1px #cfd7dd;box-shadow:0 2px 2px 0 rgba(0,0,0,0.1);padding:12px}.wy-dropdown-menu>dd>a{display:block;clear:both;color:#404040;white-space:nowrap;font-size:90%;padding:0 12px;cursor:pointer}.wy-dropdown-menu>dd>a:hover{background:#2980B9;color:#fff}.wy-dropdown-menu>dd.divider{border-top:solid 1px #cfd7dd;margin:6px 0}.wy-dropdown-menu>dd.search{padding-bottom:12px}.wy-dropdown-menu>dd.search input[type="search"]{width:100%}.wy-dropdown-menu>dd.call-to-action{background:#e3e3e3;text-transform:uppercase;font-weight:500;font-size:80%}.wy-dropdown-menu>dd.call-to-action:hover{background:#e3e3e3}.wy-dropdown-menu>dd.call-to-action .btn{color:#fff}.wy-dropdown.wy-dropdown-up .wy-dropdown-menu{bottom:100%;top:auto;left:auto;right:0}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu{background:#fcfcfc;margin-top:2px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a{padding:6px 12px}.wy-dropdown.wy-dropdown-bubble .wy-dropdown-menu a:hover{background:#2980B9;color:#fff}.wy-dropdown.wy-dropdown-left .wy-dropdown-menu{right:0;left:auto;text-align:right}.wy-dropdown-arrow:before{content:" ";border-bottom:5px solid #f5f5f5;border-left:5px solid transparent;border-right:5px solid transparent;position:absolute;display:block;top:-4px;left:50%;margin-left:-3px}.wy-dropdown-arrow.wy-dropdown-arrow-left:before{left:11px}.wy-form-stacked select{display:block}.wy-form-aligned input,.wy-form-aligned textarea,.wy-form-aligned select,.wy-form-aligned .wy-help-inline,.wy-form-aligned label{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-form-aligned .wy-control-group>label{display:inline-block;vertical-align:middle;width:10em;margin:6px 12px 0 0;float:left}.wy-form-aligned .wy-control{float:left}.wy-form-aligned .wy-control label{display:block}.wy-form-aligned .wy-control select{margin-top:6px}fieldset{border:0;margin:0;padding:0}legend{display:block;width:100%;border:0;padding:0;white-space:normal;margin-bottom:24px;font-size:150%;*margin-left:-7px}label{display:block;margin:0 0 .3125em 0;color:#333;font-size:90%}input,select,textarea{font-size:100%;margin:0;vertical-align:baseline;*vertical-align:middle}.wy-control-group{margin-bottom:24px;*zoom:1;max-width:68em;margin-left:auto;margin-right:auto;*zoom:1}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group:before,.wy-control-group:after{display:table;content:""}.wy-control-group:after{clear:both}.wy-control-group.wy-control-group-required>label:after{content:" *";color:#E74C3C}.wy-control-group .wy-form-full,.wy-control-group .wy-form-halves,.wy-control-group .wy-form-thirds{padding-bottom:12px}.wy-control-group .wy-form-full select,.wy-control-group .wy-form-halves select,.wy-control-group .wy-form-thirds select{width:100%}.wy-control-group .wy-form-full input[type="text"],.wy-control-group .wy-form-full input[type="password"],.wy-control-group .wy-form-full input[type="email"],.wy-control-group .wy-form-full input[type="url"],.wy-control-group .wy-form-full input[type="date"],.wy-control-group .wy-form-full input[type="month"],.wy-control-group .wy-form-full input[type="time"],.wy-control-group .wy-form-full input[type="datetime"],.wy-control-group .wy-form-full input[type="datetime-local"],.wy-control-group .wy-form-full input[type="week"],.wy-control-group .wy-form-full input[type="number"],.wy-control-group .wy-form-full input[type="search"],.wy-control-group .wy-form-full input[type="tel"],.wy-control-group .wy-form-full input[type="color"],.wy-control-group .wy-form-halves input[type="text"],.wy-control-group .wy-form-halves input[type="password"],.wy-control-group .wy-form-halves input[type="email"],.wy-control-group .wy-form-halves input[type="url"],.wy-control-group .wy-form-halves input[type="date"],.wy-control-group .wy-form-halves input[type="month"],.wy-control-group .wy-form-halves input[type="time"],.wy-control-group .wy-form-halves input[type="datetime"],.wy-control-group .wy-form-halves input[type="datetime-local"],.wy-control-group .wy-form-halves input[type="week"],.wy-control-group .wy-form-halves input[type="number"],.wy-control-group .wy-form-halves input[type="search"],.wy-control-group .wy-form-halves input[type="tel"],.wy-control-group .wy-form-halves input[type="color"],.wy-control-group .wy-form-thirds input[type="text"],.wy-control-group .wy-form-thirds input[type="password"],.wy-control-group .wy-form-thirds input[type="email"],.wy-control-group .wy-form-thirds input[type="url"],.wy-control-group .wy-form-thirds input[type="date"],.wy-control-group .wy-form-thirds input[type="month"],.wy-control-group .wy-form-thirds input[type="time"],.wy-control-group .wy-form-thirds input[type="datetime"],.wy-control-group .wy-form-thirds input[type="datetime-local"],.wy-control-group .wy-form-thirds input[type="week"],.wy-control-group .wy-form-thirds input[type="number"],.wy-control-group .wy-form-thirds input[type="search"],.wy-control-group .wy-form-thirds input[type="tel"],.wy-control-group .wy-form-thirds input[type="color"]{width:100%}.wy-control-group .wy-form-full{float:left;display:block;margin-right:2.3576515979%;width:100%;margin-right:0}.wy-control-group .wy-form-full:last-child{margin-right:0}.wy-control-group .wy-form-halves{float:left;display:block;margin-right:2.3576515979%;width:48.821174201%}.wy-control-group .wy-form-halves:last-child{margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n){margin-right:0}.wy-control-group .wy-form-halves:nth-of-type(2n+1){clear:left}.wy-control-group .wy-form-thirds{float:left;display:block;margin-right:2.3576515979%;width:31.7615656014%}.wy-control-group .wy-form-thirds:last-child{margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n){margin-right:0}.wy-control-group .wy-form-thirds:nth-of-type(3n+1){clear:left}.wy-control-group.wy-control-group-no-input .wy-control{margin:6px 0 0 0;font-size:90%}.wy-control-no-input{display:inline-block;margin:6px 0 0 0;font-size:90%}.wy-control-group.fluid-input input[type="text"],.wy-control-group.fluid-input input[type="password"],.wy-control-group.fluid-input input[type="email"],.wy-control-group.fluid-input input[type="url"],.wy-control-group.fluid-input input[type="date"],.wy-control-group.fluid-input input[type="month"],.wy-control-group.fluid-input input[type="time"],.wy-control-group.fluid-input input[type="datetime"],.wy-control-group.fluid-input input[type="datetime-local"],.wy-control-group.fluid-input input[type="week"],.wy-control-group.fluid-input input[type="number"],.wy-control-group.fluid-input input[type="search"],.wy-control-group.fluid-input input[type="tel"],.wy-control-group.fluid-input input[type="color"]{width:100%}.wy-form-message-inline{display:inline-block;padding-left:.3em;color:#666;vertical-align:middle;font-size:90%}.wy-form-message{display:block;color:#999;font-size:70%;margin-top:.3125em;font-style:italic}.wy-form-message p{font-size:inherit;font-style:italic;margin-bottom:6px}.wy-form-message p:last-child{margin-bottom:0}input{line-height:normal}input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;*overflow:visible}input[type="text"],input[type="password"],input[type="email"],input[type="url"],input[type="date"],input[type="month"],input[type="time"],input[type="datetime"],input[type="datetime-local"],input[type="week"],input[type="number"],input[type="search"],input[type="tel"],input[type="color"]{-webkit-appearance:none;padding:6px;display:inline-block;border:1px solid #ccc;font-size:80%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;box-shadow:inset 0 1px 3px #ddd;border-radius:0;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}input[type="datetime-local"]{padding:.34375em .625em}input[disabled]{cursor:default}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0;margin-right:.3125em;*height:13px;*width:13px}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}input[type="text"]:focus,input[type="password"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus{outline:0;outline:thin dotted \9;border-color:#333}input.no-focus:focus{border-color:#ccc !important}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:1px auto #129FEA}input[type="text"][disabled],input[type="password"][disabled],input[type="email"][disabled],input[type="url"][disabled],input[type="date"][disabled],input[type="month"][disabled],input[type="time"][disabled],input[type="datetime"][disabled],input[type="datetime-local"][disabled],input[type="week"][disabled],input[type="number"][disabled],input[type="search"][disabled],input[type="tel"][disabled],input[type="color"][disabled]{cursor:not-allowed;background-color:#fafafa}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#E74C3C;border:1px solid #E74C3C}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#E74C3C}input[type="file"]:focus:invalid:focus,input[type="radio"]:focus:invalid:focus,input[type="checkbox"]:focus:invalid:focus{outline-color:#E74C3C}input.wy-input-large{padding:12px;font-size:100%}textarea{overflow:auto;vertical-align:top;width:100%;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif}select,textarea{padding:.5em .625em;display:inline-block;border:1px solid #ccc;font-size:80%;box-shadow:inset 0 1px 3px #ddd;-webkit-transition:border .3s linear;-moz-transition:border .3s linear;transition:border .3s linear}select{border:1px solid #ccc;background-color:#fff}select[multiple]{height:auto}select:focus,textarea:focus{outline:0}select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#fafafa}input[type="radio"][disabled],input[type="checkbox"][disabled]{cursor:not-allowed}.wy-checkbox,.wy-radio{margin:6px 0;color:#404040;display:block}.wy-checkbox input,.wy-radio input{vertical-align:baseline}.wy-form-message-inline{display:inline-block;*display:inline;*zoom:1;vertical-align:middle}.wy-input-prefix,.wy-input-suffix{white-space:nowrap;padding:6px}.wy-input-prefix .wy-input-context,.wy-input-suffix .wy-input-context{line-height:27px;padding:0 8px;display:inline-block;font-size:80%;background-color:#f3f6f6;border:solid 1px #ccc;color:#999}.wy-input-suffix .wy-input-context{border-left:0}.wy-input-prefix .wy-input-context{border-right:0}.wy-switch{position:relative;display:block;height:24px;margin-top:12px;cursor:pointer}.wy-switch:before{position:absolute;content:"";display:block;left:0;top:0;width:36px;height:12px;border-radius:4px;background:#ccc;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch:after{position:absolute;content:"";display:block;width:18px;height:18px;border-radius:4px;background:#999;left:-3px;top:-3px;-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.wy-switch span{position:absolute;left:48px;display:block;font-size:12px;color:#ccc;line-height:1}.wy-switch.active:before{background:#1e8449}.wy-switch.active:after{left:24px;background:#27AE60}.wy-switch.disabled{cursor:not-allowed;opacity:.8}.wy-control-group.wy-control-group-error .wy-form-message,.wy-control-group.wy-control-group-error>label{color:#E74C3C}.wy-control-group.wy-control-group-error input[type="text"],.wy-control-group.wy-control-group-error input[type="password"],.wy-control-group.wy-control-group-error input[type="email"],.wy-control-group.wy-control-group-error input[type="url"],.wy-control-group.wy-control-group-error input[type="date"],.wy-control-group.wy-control-group-error input[type="month"],.wy-control-group.wy-control-group-error input[type="time"],.wy-control-group.wy-control-group-error input[type="datetime"],.wy-control-group.wy-control-group-error input[type="datetime-local"],.wy-control-group.wy-control-group-error input[type="week"],.wy-control-group.wy-control-group-error input[type="number"],.wy-control-group.wy-control-group-error input[type="search"],.wy-control-group.wy-control-group-error input[type="tel"],.wy-control-group.wy-control-group-error input[type="color"]{border:solid 1px #E74C3C}.wy-control-group.wy-control-group-error textarea{border:solid 1px #E74C3C}.wy-inline-validate{white-space:nowrap}.wy-inline-validate .wy-input-context{padding:.5em .625em;display:inline-block;font-size:80%}.wy-inline-validate.wy-inline-validate-success .wy-input-context{color:#27AE60}.wy-inline-validate.wy-inline-validate-danger .wy-input-context{color:#E74C3C}.wy-inline-validate.wy-inline-validate-warning .wy-input-context{color:#E67E22}.wy-inline-validate.wy-inline-validate-info .wy-input-context{color:#2980B9}.rotate-90{-webkit-transform:rotate(90deg);-moz-transform:rotate(90deg);-ms-transform:rotate(90deg);-o-transform:rotate(90deg);transform:rotate(90deg)}.rotate-180{-webkit-transform:rotate(180deg);-moz-transform:rotate(180deg);-ms-transform:rotate(180deg);-o-transform:rotate(180deg);transform:rotate(180deg)}.rotate-270{-webkit-transform:rotate(270deg);-moz-transform:rotate(270deg);-ms-transform:rotate(270deg);-o-transform:rotate(270deg);transform:rotate(270deg)}.mirror{-webkit-transform:scaleX(-1);-moz-transform:scaleX(-1);-ms-transform:scaleX(-1);-o-transform:scaleX(-1);transform:scaleX(-1)}.mirror.rotate-90{-webkit-transform:scaleX(-1) rotate(90deg);-moz-transform:scaleX(-1) rotate(90deg);-ms-transform:scaleX(-1) rotate(90deg);-o-transform:scaleX(-1) rotate(90deg);transform:scaleX(-1) rotate(90deg)}.mirror.rotate-180{-webkit-transform:scaleX(-1) rotate(180deg);-moz-transform:scaleX(-1) rotate(180deg);-ms-transform:scaleX(-1) rotate(180deg);-o-transform:scaleX(-1) rotate(180deg);transform:scaleX(-1) rotate(180deg)}.mirror.rotate-270{-webkit-transform:scaleX(-1) rotate(270deg);-moz-transform:scaleX(-1) rotate(270deg);-ms-transform:scaleX(-1) rotate(270deg);-o-transform:scaleX(-1) rotate(270deg);transform:scaleX(-1) rotate(270deg)}@media only screen and (max-width: 480px){.wy-form button[type="submit"]{margin:.7em 0 0}.wy-form input[type="text"],.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:.3em;display:block}.wy-form label{margin-bottom:.3em;display:block}.wy-form input[type="password"],.wy-form input[type="email"],.wy-form input[type="url"],.wy-form input[type="date"],.wy-form input[type="month"],.wy-form input[type="time"],.wy-form input[type="datetime"],.wy-form input[type="datetime-local"],.wy-form input[type="week"],.wy-form input[type="number"],.wy-form input[type="search"],.wy-form input[type="tel"],.wy-form input[type="color"]{margin-bottom:0}.wy-form-aligned .wy-control-group label{margin-bottom:.3em;text-align:left;display:block;width:100%}.wy-form-aligned .wy-control{margin:1.5em 0 0 0}.wy-form .wy-help-inline,.wy-form-message-inline,.wy-form-message{display:block;font-size:80%;padding:6px 0}}@media screen and (max-width: 768px){.tablet-hide{display:none}}@media screen and (max-width: 480px){.mobile-hide{display:none}}.float-left{float:left}.float-right{float:right}.full-width{width:100%}.wy-table,.rst-content table.docutils,.rst-content table.field-list{border-collapse:collapse;border-spacing:0;empty-cells:show;margin-bottom:24px}.wy-table caption,.rst-content table.docutils caption,.rst-content table.field-list caption{color:#000;font:italic 85%/1 arial,sans-serif;padding:1em 0;text-align:center}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td,.wy-table th,.rst-content table.docutils th,.rst-content table.field-list th{font-size:90%;margin:0;overflow:visible;padding:8px 16px}.wy-table td:first-child,.rst-content table.docutils td:first-child,.rst-content table.field-list td:first-child,.wy-table th:first-child,.rst-content table.docutils th:first-child,.rst-content table.field-list th:first-child{border-left-width:0}.wy-table thead,.rst-content table.docutils thead,.rst-content table.field-list thead{color:#000;text-align:left;vertical-align:bottom;white-space:nowrap}.wy-table thead th,.rst-content table.docutils thead th,.rst-content table.field-list thead th{font-weight:bold;border-bottom:solid 2px #e1e4e5}.wy-table td,.rst-content table.docutils td,.rst-content table.field-list td{background-color:transparent;vertical-align:middle}.wy-table td p,.rst-content table.docutils td p,.rst-content table.field-list td p{line-height:18px}.wy-table td p:last-child,.rst-content table.docutils td p:last-child,.rst-content table.field-list td p:last-child{margin-bottom:0}.wy-table .wy-table-cell-min,.rst-content table.docutils .wy-table-cell-min,.rst-content table.field-list .wy-table-cell-min{width:1%;padding-right:0}.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox],.wy-table .wy-table-cell-min input[type=checkbox],.rst-content table.docutils .wy-table-cell-min input[type=checkbox],.rst-content table.field-list .wy-table-cell-min input[type=checkbox]{margin:0}.wy-table-secondary{color:gray;font-size:90%}.wy-table-tertiary{color:gray;font-size:80%}.wy-table-odd td,.wy-table-striped tr:nth-child(2n-1) td,.rst-content table.docutils:not(.field-list) tr:nth-child(2n-1) td{background-color:#f3f6f6}.wy-table-backed{background-color:#f3f6f6}.wy-table-bordered-all,.rst-content table.docutils{border:1px solid #e1e4e5}.wy-table-bordered-all td,.rst-content table.docutils td{border-bottom:1px solid #e1e4e5;border-left:1px solid #e1e4e5}.wy-table-bordered-all tbody>tr:last-child td,.rst-content table.docutils tbody>tr:last-child td{border-bottom-width:0}.wy-table-bordered{border:1px solid #e1e4e5}.wy-table-bordered-rows td{border-bottom:1px solid #e1e4e5}.wy-table-bordered-rows tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-horizontal td,.wy-table-horizontal th{border-width:0 0 1px 0;border-bottom:1px solid #e1e4e5}.wy-table-horizontal tbody>tr:last-child td{border-bottom-width:0}.wy-table-responsive{margin-bottom:24px;max-width:100%;overflow:auto}.wy-table-responsive table{margin-bottom:0 !important}.wy-table-responsive table td,.wy-table-responsive table th{white-space:nowrap}a{color:#2980B9;text-decoration:none;cursor:pointer}a:hover{color:#3091d1}a:visited{color:#9B59B6}html{height:100%;overflow-x:hidden}body{font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;font-weight:normal;color:#404040;min-height:100%;overflow-x:hidden;background:#edf0f2}.wy-text-left{text-align:left}.wy-text-center{text-align:center}.wy-text-right{text-align:right}.wy-text-large{font-size:120%}.wy-text-normal{font-size:100%}.wy-text-small,small{font-size:80%}.wy-text-strike{text-decoration:line-through}.wy-text-warning{color:#E67E22 !important}a.wy-text-warning:hover{color:#eb9950 !important}.wy-text-info{color:#2980B9 !important}a.wy-text-info:hover{color:#409ad5 !important}.wy-text-success{color:#27AE60 !important}a.wy-text-success:hover{color:#36d278 !important}.wy-text-danger{color:#E74C3C !important}a.wy-text-danger:hover{color:#ed7669 !important}.wy-text-neutral{color:#404040 !important}a.wy-text-neutral:hover{color:#595959 !important}h1,h2,.rst-content .toctree-wrapper p.caption,h3,h4,h5,h6,legend{margin-top:0;font-weight:700;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif}p{line-height:24px;margin:0;font-size:16px;margin-bottom:24px}h1{font-size:175%}h2,.rst-content .toctree-wrapper p.caption{font-size:150%}h3{font-size:125%}h4{font-size:115%}h5{font-size:110%}h6{font-size:100%}hr{display:block;height:1px;border:0;border-top:1px solid #e1e4e5;margin:24px 0;padding:0}code,.rst-content tt,.rst-content code{white-space:nowrap;max-width:100%;background:#fff;border:solid 1px #e1e4e5;font-size:75%;padding:0 5px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;color:#E74C3C;overflow-x:auto}code.code-large,.rst-content tt.code-large{font-size:90%}.wy-plain-list-disc,.rst-content .section ul,.rst-content .toctree-wrapper ul,article ul{list-style:disc;line-height:24px;margin-bottom:24px}.wy-plain-list-disc li,.rst-content .section ul li,.rst-content .toctree-wrapper ul li,article ul li{list-style:disc;margin-left:24px}.wy-plain-list-disc li p:last-child,.rst-content .section ul li p:last-child,.rst-content .toctree-wrapper ul li p:last-child,article ul li p:last-child{margin-bottom:0}.wy-plain-list-disc li ul,.rst-content .section ul li ul,.rst-content .toctree-wrapper ul li ul,article ul li ul{margin-bottom:0}.wy-plain-list-disc li li,.rst-content .section ul li li,.rst-content .toctree-wrapper ul li li,article ul li li{list-style:circle}.wy-plain-list-disc li li li,.rst-content .section ul li li li,.rst-content .toctree-wrapper ul li li li,article ul li li li{list-style:square}.wy-plain-list-disc li ol li,.rst-content .section ul li ol li,.rst-content .toctree-wrapper ul li ol li,article ul li ol li{list-style:decimal}.wy-plain-list-decimal,.rst-content .section ol,.rst-content ol.arabic,article ol{list-style:decimal;line-height:24px;margin-bottom:24px}.wy-plain-list-decimal li,.rst-content .section ol li,.rst-content ol.arabic li,article ol li{list-style:decimal;margin-left:24px}.wy-plain-list-decimal li p:last-child,.rst-content .section ol li p:last-child,.rst-content ol.arabic li p:last-child,article ol li p:last-child{margin-bottom:0}.wy-plain-list-decimal li ul,.rst-content .section ol li ul,.rst-content ol.arabic li ul,article ol li ul{margin-bottom:0}.wy-plain-list-decimal li ul li,.rst-content .section ol li ul li,.rst-content ol.arabic li ul li,article ol li ul li{list-style:disc}.wy-breadcrumbs{*zoom:1}.wy-breadcrumbs:before,.wy-breadcrumbs:after{display:table;content:""}.wy-breadcrumbs:after{clear:both}.wy-breadcrumbs li{display:inline-block}.wy-breadcrumbs li.wy-breadcrumbs-aside{float:right}.wy-breadcrumbs li a{display:inline-block;padding:5px}.wy-breadcrumbs li a:first-child{padding-left:0}.wy-breadcrumbs li code,.wy-breadcrumbs li .rst-content tt,.rst-content .wy-breadcrumbs li tt{padding:5px;border:none;background:none}.wy-breadcrumbs li code.literal,.wy-breadcrumbs li .rst-content tt.literal,.rst-content .wy-breadcrumbs li tt.literal{color:#404040}.wy-breadcrumbs-extra{margin-bottom:0;color:#b3b3b3;font-size:80%;display:inline-block}@media screen and (max-width: 480px){.wy-breadcrumbs-extra{display:none}.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}@media print{.wy-breadcrumbs li.wy-breadcrumbs-aside{display:none}}html{font-size:16px}.wy-affix{position:fixed;top:1.618em}.wy-menu a:hover{text-decoration:none}.wy-menu-horiz{*zoom:1}.wy-menu-horiz:before,.wy-menu-horiz:after{display:table;content:""}.wy-menu-horiz:after{clear:both}.wy-menu-horiz ul,.wy-menu-horiz li{display:inline-block}.wy-menu-horiz li:hover{background:rgba(255,255,255,0.1)}.wy-menu-horiz li.divide-left{border-left:solid 1px #404040}.wy-menu-horiz li.divide-right{border-right:solid 1px #404040}.wy-menu-horiz a{height:32px;display:inline-block;line-height:32px;padding:0 16px}.wy-menu-vertical{width:300px}.wy-menu-vertical header,.wy-menu-vertical p.caption{color:#3a7ca8;height:32px;display:inline-block;line-height:32px;padding:0 1.618em;margin:12px 0 0 0;display:block;font-weight:bold;text-transform:uppercase;font-size:85%;white-space:nowrap}.wy-menu-vertical ul{margin-bottom:0}.wy-menu-vertical li.divide-top{border-top:solid 1px #404040}.wy-menu-vertical li.divide-bottom{border-bottom:solid 1px #404040}.wy-menu-vertical li.current{background:#e3e3e3}.wy-menu-vertical li.current a{color:gray;border-right:solid 1px #c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.current a:hover{background:#d6d6d6}.wy-menu-vertical li code,.wy-menu-vertical li .rst-content tt,.rst-content .wy-menu-vertical li tt{border:none;background:inherit;color:inherit;padding-left:0;padding-right:0}.wy-menu-vertical li span.toctree-expand{display:block;float:left;margin-left:-1.2em;font-size:.8em;line-height:1.6em;color:#4d4d4d}.wy-menu-vertical li.on a,.wy-menu-vertical li.current>a{color:#404040;padding:.4045em 1.618em;font-weight:bold;position:relative;background:#fcfcfc;border:none;padding-left:1.618em -4px}.wy-menu-vertical li.on a:hover,.wy-menu-vertical li.current>a:hover{background:#fcfcfc}.wy-menu-vertical li.on a:hover span.toctree-expand,.wy-menu-vertical li.current>a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.on a span.toctree-expand,.wy-menu-vertical li.current>a span.toctree-expand{display:block;font-size:.8em;line-height:1.6em;color:#333}.wy-menu-vertical li.toctree-l1.current>a{border-bottom:solid 1px #c9c9c9;border-top:solid 1px #c9c9c9}.wy-menu-vertical li.toctree-l2 a,.wy-menu-vertical li.toctree-l3 a,.wy-menu-vertical li.toctree-l4 a{color:#404040}.wy-menu-vertical li.toctree-l1.current li.toctree-l2>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3>ul{display:none}.wy-menu-vertical li.toctree-l1.current li.toctree-l2.current>ul,.wy-menu-vertical li.toctree-l2.current li.toctree-l3.current>ul{display:block}.wy-menu-vertical li.toctree-l2.current>a{background:#c9c9c9;padding:.4045em 2.427em}.wy-menu-vertical li.toctree-l2.current li.toctree-l3>a{display:block;background:#c9c9c9;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l2 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l2 span.toctree-expand{color:#a3a3a3}.wy-menu-vertical li.toctree-l3{font-size:.9em}.wy-menu-vertical li.toctree-l3.current>a{background:#bdbdbd;padding:.4045em 4.045em}.wy-menu-vertical li.toctree-l3.current li.toctree-l4>a{display:block;background:#bdbdbd;padding:.4045em 5.663em}.wy-menu-vertical li.toctree-l3 a:hover span.toctree-expand{color:gray}.wy-menu-vertical li.toctree-l3 span.toctree-expand{color:#969696}.wy-menu-vertical li.toctree-l4{font-size:.9em}.wy-menu-vertical li.current ul{display:block}.wy-menu-vertical li ul{margin-bottom:0;display:none}.wy-menu-vertical li ul li a{margin-bottom:0;color:#d9d9d9;font-weight:normal}.wy-menu-vertical a{display:inline-block;line-height:18px;padding:.4045em 1.618em;display:block;position:relative;font-size:90%;color:#d9d9d9}.wy-menu-vertical a:hover{background-color:#4e4a4a;cursor:pointer}.wy-menu-vertical a:hover span.toctree-expand{color:#d9d9d9}.wy-menu-vertical a:active{background-color:#2980B9;cursor:pointer;color:#fff}.wy-menu-vertical a:active span.toctree-expand{color:#fff}.wy-side-nav-search{display:block;width:300px;padding:.809em;margin-bottom:.809em;z-index:200;background-color:#2980B9;text-align:center;padding:.809em;display:block;color:#fcfcfc;margin-bottom:.809em}.wy-side-nav-search input[type=text]{width:100%;border-radius:50px;padding:6px 12px;border-color:#2472a4}.wy-side-nav-search img{display:block;margin:auto auto .809em auto;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-side-nav-search>a,.wy-side-nav-search .wy-dropdown>a{color:#fcfcfc;font-size:100%;font-weight:bold;display:inline-block;padding:4px 6px;margin-bottom:.809em}.wy-side-nav-search>a:hover,.wy-side-nav-search .wy-dropdown>a:hover{background:rgba(255,255,255,0.1)}.wy-side-nav-search>a img.logo,.wy-side-nav-search .wy-dropdown>a img.logo{display:block;margin:0 auto;height:auto;width:auto;border-radius:0;max-width:100%;background:transparent}.wy-side-nav-search>a.icon img.logo,.wy-side-nav-search .wy-dropdown>a.icon img.logo{margin-top:.85em}.wy-side-nav-search>div.version{margin-top:-.4045em;margin-bottom:.809em;font-weight:normal;color:rgba(255,255,255,0.3)}.wy-nav .wy-menu-vertical header{color:#2980B9}.wy-nav .wy-menu-vertical a{color:#b3b3b3}.wy-nav .wy-menu-vertical a:hover{background-color:#2980B9;color:#fff}[data-menu-wrap]{-webkit-transition:all .2s ease-in;-moz-transition:all .2s ease-in;transition:all .2s ease-in;position:absolute;opacity:1;width:100%;opacity:0}[data-menu-wrap].move-center{left:0;right:auto;opacity:1}[data-menu-wrap].move-left{right:auto;left:-100%;opacity:0}[data-menu-wrap].move-right{right:-100%;left:auto;opacity:0}.wy-body-for-nav{background:#fcfcfc}.wy-grid-for-nav{position:absolute;width:100%;height:100%}.wy-nav-side{position:fixed;top:0;bottom:0;left:0;padding-bottom:2em;width:300px;overflow-x:hidden;overflow-y:hidden;min-height:100%;color:#9b9b9b;background:#343131;z-index:200}.wy-side-scroll{width:320px;position:relative;overflow-x:hidden;overflow-y:scroll;height:100%}.wy-nav-top{display:none;background:#2980B9;color:#fff;padding:.4045em .809em;position:relative;line-height:50px;text-align:center;font-size:100%;*zoom:1}.wy-nav-top:before,.wy-nav-top:after{display:table;content:""}.wy-nav-top:after{clear:both}.wy-nav-top a{color:#fff;font-weight:bold}.wy-nav-top img{margin-right:12px;height:45px;width:45px;background-color:#2980B9;padding:5px;border-radius:100%}.wy-nav-top i{font-size:30px;float:left;cursor:pointer;padding-top:inherit}.wy-nav-content-wrap{margin-left:300px;background:#fcfcfc;min-height:100%}.wy-nav-content{padding:1.618em 3.236em;height:100%;max-width:800px;margin:auto}.wy-body-mask{position:fixed;width:100%;height:100%;background:rgba(0,0,0,0.2);display:none;z-index:499}.wy-body-mask.on{display:block}footer{color:gray}footer p{margin-bottom:12px}footer span.commit code,footer span.commit .rst-content tt,.rst-content footer span.commit tt{padding:0px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:1em;background:none;border:none;color:gray}.rst-footer-buttons{*zoom:1}.rst-footer-buttons:before,.rst-footer-buttons:after{width:100%}.rst-footer-buttons:before,.rst-footer-buttons:after{display:table;content:""}.rst-footer-buttons:after{clear:both}.rst-breadcrumbs-buttons{margin-top:12px;*zoom:1}.rst-breadcrumbs-buttons:before,.rst-breadcrumbs-buttons:after{display:table;content:""}.rst-breadcrumbs-buttons:after{clear:both}#search-results .search li{margin-bottom:24px;border-bottom:solid 1px #e1e4e5;padding-bottom:24px}#search-results .search li:first-child{border-top:solid 1px #e1e4e5;padding-top:24px}#search-results .search li a{font-size:120%;margin-bottom:12px;display:inline-block}#search-results .context{color:gray;font-size:90%}.genindextable li>ul{margin-left:24px}@media screen and (max-width: 768px){.wy-body-for-nav{background:#fcfcfc}.wy-nav-top{display:block}.wy-nav-side{left:-300px}.wy-nav-side.shift{width:85%;left:0}.wy-side-scroll{width:auto}.wy-side-nav-search{width:auto}.wy-menu.wy-menu-vertical{width:auto}.wy-nav-content-wrap{margin-left:0}.wy-nav-content-wrap .wy-nav-content{padding:1.618em}.wy-nav-content-wrap.shift{position:fixed;min-width:100%;left:85%;top:0;height:100%;overflow:hidden}}@media screen and (min-width: 1100px){.wy-nav-content-wrap{background:rgba(0,0,0,0.05)}.wy-nav-content{margin:0;background:#fcfcfc}}@media print{.rst-versions,footer,.wy-nav-side{display:none}.wy-nav-content-wrap{margin-left:0}}.rst-versions{position:fixed;bottom:0;left:0;width:300px;color:#fcfcfc;background:#1f1d1d;font-family:"Lato","proxima-nova","Helvetica Neue",Arial,sans-serif;z-index:400}.rst-versions a{color:#2980B9;text-decoration:none}.rst-versions .rst-badge-small{display:none}.rst-versions .rst-current-version{padding:12px;background-color:#272525;display:block;text-align:right;font-size:90%;cursor:pointer;color:#27AE60;*zoom:1}.rst-versions .rst-current-version:before,.rst-versions .rst-current-version:after{display:table;content:""}.rst-versions .rst-current-version:after{clear:both}.rst-versions .rst-current-version .fa,.rst-versions .rst-current-version .wy-menu-vertical li span.toctree-expand,.wy-menu-vertical li .rst-versions .rst-current-version span.toctree-expand,.rst-versions .rst-current-version .rst-content .admonition-title,.rst-content .rst-versions .rst-current-version .admonition-title,.rst-versions .rst-current-version .rst-content h1 .headerlink,.rst-content h1 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h2 .headerlink,.rst-content h2 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h3 .headerlink,.rst-content h3 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h4 .headerlink,.rst-content h4 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h5 .headerlink,.rst-content h5 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content h6 .headerlink,.rst-content h6 .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content dl dt .headerlink,.rst-content dl dt .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content p.caption .headerlink,.rst-content p.caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content table>caption .headerlink,.rst-content table>caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content .code-block-caption .headerlink,.rst-content .code-block-caption .rst-versions .rst-current-version .headerlink,.rst-versions .rst-current-version .rst-content tt.download span:first-child,.rst-content tt.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .rst-content code.download span:first-child,.rst-content code.download .rst-versions .rst-current-version span:first-child,.rst-versions .rst-current-version .icon{color:#fcfcfc}.rst-versions .rst-current-version .fa-book,.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version .icon-book{float:left}.rst-versions .rst-current-version.rst-out-of-date{background-color:#E74C3C;color:#fff}.rst-versions .rst-current-version.rst-active-old-version{background-color:#F1C40F;color:#000}.rst-versions.shift-up{height:auto;max-height:100%;overflow-y:scroll}.rst-versions.shift-up .rst-other-versions{display:block}.rst-versions .rst-other-versions{font-size:90%;padding:12px;color:gray;display:none}.rst-versions .rst-other-versions hr{display:block;height:1px;border:0;margin:20px 0;padding:0;border-top:solid 1px #413d3d}.rst-versions .rst-other-versions dd{display:inline-block;margin:0}.rst-versions .rst-other-versions dd a{display:inline-block;padding:6px;color:#fcfcfc}.rst-versions.rst-badge{width:auto;bottom:20px;right:20px;left:auto;border:none;max-width:300px;max-height:90%}.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge .fa-book,.rst-versions.rst-badge .icon-book{float:none}.rst-versions.rst-badge.shift-up .rst-current-version{text-align:right}.rst-versions.rst-badge.shift-up .rst-current-version .fa-book,.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge.shift-up .rst-current-version .icon-book{float:left}.rst-versions.rst-badge .rst-current-version{width:auto;height:30px;line-height:30px;padding:0 6px;display:block;text-align:center}@media screen and (max-width: 768px){.rst-versions{width:85%;display:none}.rst-versions.shift{display:block}}.rst-content img{max-width:100%;height:auto}.rst-content div.figure{margin-bottom:24px}.rst-content div.figure p.caption{font-style:italic}.rst-content div.figure p:last-child.caption{margin-bottom:0px}.rst-content div.figure.align-center{text-align:center}.rst-content .section>img,.rst-content .section>a>img{margin-bottom:24px}.rst-content abbr[title]{text-decoration:none}.rst-content.style-external-links a.reference.external:after{font-family:FontAwesome;content:"";color:#b3b3b3;vertical-align:super;font-size:60%;margin:0 .2em}.rst-content blockquote{margin-left:24px;line-height:24px;margin-bottom:24px}.rst-content pre.literal-block{white-space:pre;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;display:block;overflow:auto}.rst-content pre.literal-block,.rst-content div[class^='highlight']{border:1px solid #e1e4e5;overflow-x:auto;margin:1px 0 24px 0}.rst-content pre.literal-block div[class^='highlight'],.rst-content div[class^='highlight'] div[class^='highlight']{padding:0px;border:none;margin:0}.rst-content div[class^='highlight'] td.code{width:100%}.rst-content .linenodiv pre{border-right:solid 1px #e6e9ea;margin:0;padding:12px 12px;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;user-select:none;pointer-events:none}.rst-content div[class^='highlight'] pre{white-space:pre;margin:0;padding:12px 12px;display:block;overflow:auto}.rst-content div[class^='highlight'] pre .hll{display:block;margin:0 -12px;padding:0 12px}.rst-content pre.literal-block,.rst-content div[class^='highlight'] pre,.rst-content .linenodiv pre{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;font-size:12px;line-height:1.4}.rst-content .code-block-caption{font-style:italic;font-size:85%;line-height:1;padding:1em 0;text-align:center}@media print{.rst-content .codeblock,.rst-content div[class^='highlight'],.rst-content div[class^='highlight'] pre{white-space:pre-wrap}}.rst-content .note .last,.rst-content .attention .last,.rst-content .caution .last,.rst-content .danger .last,.rst-content .error .last,.rst-content .hint .last,.rst-content .important .last,.rst-content .tip .last,.rst-content .warning .last,.rst-content .seealso .last,.rst-content .admonition-todo .last,.rst-content .admonition .last{margin-bottom:0}.rst-content .admonition-title:before{margin-right:4px}.rst-content .admonition table{border-color:rgba(0,0,0,0.1)}.rst-content .admonition table td,.rst-content .admonition table th{background:transparent !important;border-color:rgba(0,0,0,0.1) !important}.rst-content .section ol.loweralpha,.rst-content .section ol.loweralpha li{list-style:lower-alpha}.rst-content .section ol.upperalpha,.rst-content .section ol.upperalpha li{list-style:upper-alpha}.rst-content .section ol p,.rst-content .section ul p{margin-bottom:12px}.rst-content .section ol p:last-child,.rst-content .section ul p:last-child{margin-bottom:24px}.rst-content .line-block{margin-left:0px;margin-bottom:24px;line-height:24px}.rst-content .line-block .line-block{margin-left:24px;margin-bottom:0px}.rst-content .topic-title{font-weight:bold;margin-bottom:12px}.rst-content .toc-backref{color:#404040}.rst-content .align-right{float:right;margin:0px 0px 24px 24px}.rst-content .align-left{float:left;margin:0px 24px 24px 0px}.rst-content .align-center{margin:auto}.rst-content .align-center:not(table){display:block}.rst-content h1 .headerlink,.rst-content h2 .headerlink,.rst-content .toctree-wrapper p.caption .headerlink,.rst-content h3 .headerlink,.rst-content h4 .headerlink,.rst-content h5 .headerlink,.rst-content h6 .headerlink,.rst-content dl dt .headerlink,.rst-content p.caption .headerlink,.rst-content table>caption .headerlink,.rst-content .code-block-caption .headerlink{visibility:hidden;font-size:14px}.rst-content h1 .headerlink:after,.rst-content h2 .headerlink:after,.rst-content .toctree-wrapper p.caption .headerlink:after,.rst-content h3 .headerlink:after,.rst-content h4 .headerlink:after,.rst-content h5 .headerlink:after,.rst-content h6 .headerlink:after,.rst-content dl dt .headerlink:after,.rst-content p.caption .headerlink:after,.rst-content table>caption .headerlink:after,.rst-content .code-block-caption .headerlink:after{content:"";font-family:FontAwesome}.rst-content h1:hover .headerlink:after,.rst-content h2:hover .headerlink:after,.rst-content .toctree-wrapper p.caption:hover .headerlink:after,.rst-content h3:hover .headerlink:after,.rst-content h4:hover .headerlink:after,.rst-content h5:hover .headerlink:after,.rst-content h6:hover .headerlink:after,.rst-content dl dt:hover .headerlink:after,.rst-content p.caption:hover .headerlink:after,.rst-content table>caption:hover .headerlink:after,.rst-content .code-block-caption:hover .headerlink:after{visibility:visible}.rst-content table>caption .headerlink:after{font-size:12px}.rst-content .centered{text-align:center}.rst-content .sidebar{float:right;width:40%;display:block;margin:0 0 24px 24px;padding:24px;background:#f3f6f6;border:solid 1px #e1e4e5}.rst-content .sidebar p,.rst-content .sidebar ul,.rst-content .sidebar dl{font-size:90%}.rst-content .sidebar .last{margin-bottom:0}.rst-content .sidebar .sidebar-title{display:block;font-family:"Roboto Slab","ff-tisa-web-pro","Georgia",Arial,sans-serif;font-weight:bold;background:#e1e4e5;padding:6px 12px;margin:-24px;margin-bottom:24px;font-size:100%}.rst-content .highlighted{background:#F1C40F;display:inline-block;font-weight:bold;padding:0 6px}.rst-content .footnote-reference,.rst-content .citation-reference{vertical-align:baseline;position:relative;top:-0.4em;line-height:0;font-size:90%}.rst-content table.docutils.citation,.rst-content table.docutils.footnote{background:none;border:none;color:gray}.rst-content table.docutils.citation td,.rst-content table.docutils.citation tr,.rst-content table.docutils.footnote td,.rst-content table.docutils.footnote tr{border:none;background-color:transparent !important;white-space:normal}.rst-content table.docutils.citation td.label,.rst-content table.docutils.footnote td.label{padding-left:0;padding-right:0;vertical-align:top}.rst-content table.docutils.citation tt,.rst-content table.docutils.citation code,.rst-content table.docutils.footnote tt,.rst-content table.docutils.footnote code{color:#555}.rst-content .wy-table-responsive.citation,.rst-content .wy-table-responsive.footnote{margin-bottom:0}.rst-content .wy-table-responsive.citation+:not(.citation),.rst-content .wy-table-responsive.footnote+:not(.footnote){margin-top:24px}.rst-content .wy-table-responsive.citation:last-child,.rst-content .wy-table-responsive.footnote:last-child{margin-bottom:24px}.rst-content table.docutils th{border-color:#e1e4e5}.rst-content table.docutils td .last,.rst-content table.docutils td .last :last-child{margin-bottom:0}.rst-content table.field-list{border:none}.rst-content table.field-list td{border:none}.rst-content table.field-list td p{font-size:inherit;line-height:inherit}.rst-content table.field-list td>strong{display:inline-block}.rst-content table.field-list .field-name{padding-right:10px;text-align:left;white-space:nowrap}.rst-content table.field-list .field-body{text-align:left}.rst-content tt,.rst-content tt,.rst-content code{color:#000;font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace;padding:2px 5px}.rst-content tt big,.rst-content tt em,.rst-content tt big,.rst-content code big,.rst-content tt em,.rst-content code em{font-size:100% !important;line-height:normal}.rst-content tt.literal,.rst-content tt.literal,.rst-content code.literal{color:#E74C3C}.rst-content tt.xref,a .rst-content tt,.rst-content tt.xref,.rst-content code.xref,a .rst-content tt,a .rst-content code{font-weight:bold;color:#404040}.rst-content pre,.rst-content kbd,.rst-content samp{font-family:SFMono-Regular,Menlo,Monaco,Consolas,"Liberation Mono","Courier New",Courier,monospace}.rst-content a tt,.rst-content a tt,.rst-content a code{color:#2980B9}.rst-content dl{margin-bottom:24px}.rst-content dl dt{font-weight:bold;margin-bottom:12px}.rst-content dl p,.rst-content dl table,.rst-content dl ul,.rst-content dl ol{margin-bottom:12px !important}.rst-content dl dd{margin:0 0 12px 24px;line-height:24px}.rst-content dl:not(.docutils){margin-bottom:24px}.rst-content dl:not(.docutils) dt{display:table;margin:6px 0;font-size:90%;line-height:normal;background:#e7f2fa;color:#2980B9;border-top:solid 3px #6ab0de;padding:6px;position:relative}.rst-content dl:not(.docutils) dt:before{color:#6ab0de}.rst-content dl:not(.docutils) dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dl dt{margin-bottom:6px;border:none;border-left:solid 3px #ccc;background:#f0f0f0;color:#555}.rst-content dl:not(.docutils) dl dt .headerlink{color:#404040;font-size:100% !important}.rst-content dl:not(.docutils) dt:first-child{margin-top:0}.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) tt,.rst-content dl:not(.docutils) code{font-weight:bold}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname,.rst-content dl:not(.docutils) tt.descclassname,.rst-content dl:not(.docutils) code.descclassname{background-color:transparent;border:none;padding:0;font-size:100% !important}.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) tt.descname,.rst-content dl:not(.docutils) code.descname{font-weight:bold}.rst-content dl:not(.docutils) .optional{display:inline-block;padding:0 4px;color:#000;font-weight:bold}.rst-content dl:not(.docutils) .property{display:inline-block;padding-right:8px}.rst-content .viewcode-link,.rst-content .viewcode-back{display:inline-block;color:#27AE60;font-size:80%;padding-left:24px}.rst-content .viewcode-back{display:block;float:right}.rst-content p.rubric{margin-bottom:12px;font-weight:bold}.rst-content tt.download,.rst-content code.download{background:inherit;padding:inherit;font-weight:normal;font-family:inherit;font-size:inherit;color:inherit;border:inherit;white-space:inherit}.rst-content tt.download span:first-child,.rst-content code.download span:first-child{-webkit-font-smoothing:subpixel-antialiased}.rst-content tt.download span:first-child:before,.rst-content code.download span:first-child:before{margin-right:4px}.rst-content .guilabel{border:1px solid #7fbbe3;background:#e7f2fa;font-size:80%;font-weight:700;border-radius:4px;padding:2.4px 6px;margin:auto 2px}.rst-content .versionmodified{font-style:italic}@media screen and (max-width: 480px){.rst-content .sidebar{width:100%}}span[id*='MathJax-Span']{color:#404040}.math{text-align:center}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-regular.eot");src:url("../fonts/Lato/lato-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-regular.woff2") format("woff2"),url("../fonts/Lato/lato-regular.woff") format("woff"),url("../fonts/Lato/lato-regular.ttf") format("truetype");font-weight:400;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bold.eot");src:url("../fonts/Lato/lato-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bold.woff2") format("woff2"),url("../fonts/Lato/lato-bold.woff") format("woff"),url("../fonts/Lato/lato-bold.ttf") format("truetype");font-weight:700;font-style:normal}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-bolditalic.eot");src:url("../fonts/Lato/lato-bolditalic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-bolditalic.woff2") format("woff2"),url("../fonts/Lato/lato-bolditalic.woff") format("woff"),url("../fonts/Lato/lato-bolditalic.ttf") format("truetype");font-weight:700;font-style:italic}@font-face{font-family:"Lato";src:url("../fonts/Lato/lato-italic.eot");src:url("../fonts/Lato/lato-italic.eot?#iefix") format("embedded-opentype"),url("../fonts/Lato/lato-italic.woff2") format("woff2"),url("../fonts/Lato/lato-italic.woff") format("woff"),url("../fonts/Lato/lato-italic.ttf") format("truetype");font-weight:400;font-style:italic}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:400;src:url("../fonts/RobotoSlab/roboto-slab.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-regular.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-regular.ttf") format("truetype")}@font-face{font-family:"Roboto Slab";font-style:normal;font-weight:700;src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot");src:url("../fonts/RobotoSlab/roboto-slab-v7-bold.eot?#iefix") format("embedded-opentype"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff2") format("woff2"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.woff") format("woff"),url("../fonts/RobotoSlab/roboto-slab-v7-bold.ttf") format("truetype")} diff --git a/liegroups/docs/build/html/_static/doctools.js b/liegroups/docs/build/html/_static/doctools.js new file mode 100644 index 0000000000000000000000000000000000000000..b33f87fcb249ea9b0e0a07fa9c5f2595ea925709 --- /dev/null +++ b/liegroups/docs/build/html/_static/doctools.js @@ -0,0 +1,314 @@ +/* + * doctools.js + * ~~~~~~~~~~~ + * + * Sphinx JavaScript utilities for all documentation. + * + * :copyright: Copyright 2007-2019 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]; + } + 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(); + } + }, + + /** + * i18n support + */ + TRANSLATIONS : {}, + PLURAL_EXPR : function(n) { return 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)]; + }, + + 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; + }, + + /** + * 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); + }); + }, + + /** + * workaround a firefox stupidity + * see: https://bugzilla.mozilla.org/show_bug.cgi?id=645075 + */ + fixFirefoxAnchorBug : function() { + if (document.location.hash && $.browser.mozilla) + window.setTimeout(function() { + document.location.href += ''; + }, 10); + }, + + /** + * highlight the search words provided in the url in the text + */ + 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'); + } + 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); + }, + + initOnKeyListeners: function() { + $(document).keyup(function(event) { + var activeElementType = document.activeElement.tagName; + // don't navigate when in search box or textarea + if (activeElementType !== 'TEXTAREA' && activeElementType !== 'INPUT' && activeElementType !== 'SELECT') { + switch (event.keyCode) { + case 37: // left + var prevHref = $('link[rel="prev"]').prop('href'); + if (prevHref) { + window.location.href = prevHref; + return false; + } + case 39: // right + var nextHref = $('link[rel="next"]').prop('href'); + if (nextHref) { + window.location.href = nextHref; + return false; + } + } + } + }); + } +}; + +// quick alias for translations +_ = Documentation.gettext; + +$(document).ready(function() { + Documentation.init(); +}); diff --git a/liegroups/docs/build/html/_static/documentation_options.js b/liegroups/docs/build/html/_static/documentation_options.js new file mode 100644 index 0000000000000000000000000000000000000000..e2b498f862df40fb8052dfc03bb1510f121dbf75 --- /dev/null +++ b/liegroups/docs/build/html/_static/documentation_options.js @@ -0,0 +1,10 @@ +var DOCUMENTATION_OPTIONS = { + URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), + VERSION: '1.1.0', + LANGUAGE: 'None', + COLLAPSE_INDEX: false, + FILE_SUFFIX: '.html', + HAS_SOURCE: true, + SOURCELINK_SUFFIX: '.txt', + NAVIGATION_WITH_KEYS: false +}; \ No newline at end of file diff --git a/liegroups/docs/build/html/_static/down-pressed.png b/liegroups/docs/build/html/_static/down-pressed.png new file mode 100644 index 0000000000000000000000000000000000000000..5756c8cad8854722893dc70b9eb4bb0400343a39 Binary files /dev/null and b/liegroups/docs/build/html/_static/down-pressed.png differ diff --git a/liegroups/docs/build/html/_static/down.png b/liegroups/docs/build/html/_static/down.png new file mode 100644 index 0000000000000000000000000000000000000000..1b3bdad2ceffae91cee61b32f3295f9bbe646e48 Binary files /dev/null and b/liegroups/docs/build/html/_static/down.png differ diff --git a/liegroups/docs/build/html/_static/file.png b/liegroups/docs/build/html/_static/file.png new file mode 100644 index 0000000000000000000000000000000000000000..a858a410e4faa62ce324d814e4b816fff83a6fb3 Binary files /dev/null and b/liegroups/docs/build/html/_static/file.png differ diff --git a/liegroups/docs/build/html/_static/fonts/Inconsolata-Bold.ttf b/liegroups/docs/build/html/_static/fonts/Inconsolata-Bold.ttf new file mode 100644 index 0000000000000000000000000000000000000000..809c1f5828f86235347019a50e78b4b486a6a045 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Inconsolata-Bold.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Inconsolata-Regular.ttf b/liegroups/docs/build/html/_static/fonts/Inconsolata-Regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..fc981ce7ad6c42d2384f0ef74b73174b9302ee65 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Inconsolata-Regular.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Inconsolata.ttf b/liegroups/docs/build/html/_static/fonts/Inconsolata.ttf new file mode 100644 index 0000000000000000000000000000000000000000..4b8a36d249a05a0fe1575dc3d96ef7079dba6b07 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Inconsolata.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato-Bold.ttf b/liegroups/docs/build/html/_static/fonts/Lato-Bold.ttf new file mode 100644 index 0000000000000000000000000000000000000000..1d23c7066e095b5bff2c373d4064dc4f33659783 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato-Bold.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato-Regular.ttf b/liegroups/docs/build/html/_static/fonts/Lato-Regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..0f3d0f837d24834b9b5b0a6b735459c56f5e75c3 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato-Regular.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.eot b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.eot new file mode 100644 index 0000000000000000000000000000000000000000..3361183a419c188282a8545eaa8d8e298b8ffaab Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.ttf b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.ttf new file mode 100644 index 0000000000000000000000000000000000000000..29f691d5ed0c2d3d224423bb0288e6bd59292511 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff new file mode 100644 index 0000000000000000000000000000000000000000..c6dff51f063cc732fdb5fe786a8966de85f4ebec Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff2 b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..bb195043cfc07fa52741c6144d7378b5ba8be4c5 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bold.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.eot b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.eot new file mode 100644 index 0000000000000000000000000000000000000000..3d4154936b42522fac84900c689a901ac12875c0 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.ttf b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.ttf new file mode 100644 index 0000000000000000000000000000000000000000..f402040b3e5360b90f3a12ca2afab2cd7244e16f Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff new file mode 100644 index 0000000000000000000000000000000000000000..88ad05b9ff413055b4d4e89dd3eec1c193fa20c6 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff2 b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..c4e3d804b57b625b16a36d767bfca6bbf63d414e Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-bolditalic.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.eot b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.eot new file mode 100644 index 0000000000000000000000000000000000000000..3f826421a1d97b09797fad3d781a666a39eb45c9 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.ttf b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.ttf new file mode 100644 index 0000000000000000000000000000000000000000..b4bfc9b24aa993977662352c881c6e42f99f77e0 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff new file mode 100644 index 0000000000000000000000000000000000000000..76114bc03362242c3325ecda6ce6d02bb737880f Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff2 b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..3404f37e2e312757841abe20343588a7740768ca Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-italic.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.eot b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.eot new file mode 100644 index 0000000000000000000000000000000000000000..11e3f2a5f0f9b8c7ef6affae8c543d20f7c112be Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.ttf b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..74decd9ebb8d805201934266b3bda6a9d5831024 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff new file mode 100644 index 0000000000000000000000000000000000000000..ae1307ff5f4c48678621c240f8972d5a6e20b22c Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff2 b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..3bf9843328a6359b6bd06e50010319c63da0d717 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/Lato/lato-regular.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab-Bold.ttf b/liegroups/docs/build/html/_static/fonts/RobotoSlab-Bold.ttf new file mode 100644 index 0000000000000000000000000000000000000000..df5d1df2730433013f41bf2698cbe249b075aa02 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab-Bold.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab-Regular.ttf b/liegroups/docs/build/html/_static/fonts/RobotoSlab-Regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..eb52a7907362cc3392eb74892883f5d9e260b638 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab-Regular.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.eot b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.eot new file mode 100644 index 0000000000000000000000000000000000000000..79dc8efed3447d6588baa2bb74122d56f3500038 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.ttf b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.ttf new file mode 100644 index 0000000000000000000000000000000000000000..df5d1df2730433013f41bf2698cbe249b075aa02 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff new file mode 100644 index 0000000000000000000000000000000000000000..6cb60000181dbd348963953ac8ac54afb46c63d5 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff2 b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..7059e23142aae3d8bad6067fc734a6cffec779c9 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-bold.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.eot b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.eot new file mode 100644 index 0000000000000000000000000000000000000000..2f7ca78a1eb34f0f98feb07ab1231d077b248940 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.ttf b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..eb52a7907362cc3392eb74892883f5d9e260b638 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff new file mode 100644 index 0000000000000000000000000000000000000000..f815f63f99da80ad2be69e4021023ec2981eaea0 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff2 b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..f2c76e5bda18a9842e24cd60d8787257da215ca7 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/RobotoSlab/roboto-slab-v7-regular.woff2 differ diff --git a/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.eot b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.eot new file mode 100644 index 0000000000000000000000000000000000000000..e9f60ca953f93e35eab4108bd414bc02ddcf3928 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.eot differ diff --git a/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.svg b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.svg new file mode 100644 index 0000000000000000000000000000000000000000..855c845e538b65548118279537a04eab2ec6ef0d --- /dev/null +++ b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.svg @@ -0,0 +1,2671 @@ + + + + +Created by FontForge 20120731 at Mon Oct 24 17:37:40 2016 + By ,,, +Copyright Dave Gandy 2016. All rights reserved. + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.ttf b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.ttf new file mode 100644 index 0000000000000000000000000000000000000000..35acda2fa1196aad98c2adf4378a7611dd713aa3 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.ttf differ diff --git a/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff new file mode 100644 index 0000000000000000000000000000000000000000..400014a4b06eee3d0c0d54402a47ab2601b2862b Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff differ diff --git a/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff2 b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff2 new file mode 100644 index 0000000000000000000000000000000000000000..4d13fc60404b91e398a37200c4a77b645cfd9586 Binary files /dev/null and b/liegroups/docs/build/html/_static/fonts/fontawesome-webfont.woff2 differ diff --git a/liegroups/docs/build/html/_static/jquery-3.1.0.js b/liegroups/docs/build/html/_static/jquery-3.1.0.js new file mode 100644 index 0000000000000000000000000000000000000000..f2fc2747874e38d72f12812ed38418bc21935608 --- /dev/null +++ b/liegroups/docs/build/html/_static/jquery-3.1.0.js @@ -0,0 +1,10074 @@ +/*eslint-disable no-unused-vars*/ +/*! + * jQuery JavaScript Library v3.1.0 + * https://jquery.com/ + * + * Includes Sizzle.js + * https://sizzlejs.com/ + * + * Copyright jQuery Foundation and other contributors + * Released under the MIT license + * https://jquery.org/license + * + * Date: 2016-07-07T21:44Z + */ +( function( global, factory ) { + + "use strict"; + + if ( typeof module === "object" && typeof module.exports === "object" ) { + + // For CommonJS and CommonJS-like environments where a proper `window` + // is present, execute the factory and get jQuery. + // For environments that do not have a `window` with a `document` + // (such as Node.js), expose a factory as module.exports. + // This accentuates the need for the creation of a real `window`. + // e.g. var jQuery = require("jquery")(window); + // See ticket #14549 for more info. + module.exports = global.document ? + factory( global, true ) : + function( w ) { + if ( !w.document ) { + throw new Error( "jQuery requires a window with a document" ); + } + return factory( w ); + }; + } else { + factory( global ); + } + +// Pass this if window is not defined yet +} )( typeof window !== "undefined" ? window : this, function( window, noGlobal ) { + +// Edge <= 12 - 13+, Firefox <=18 - 45+, IE 10 - 11, Safari 5.1 - 9+, iOS 6 - 9.1 +// throw exceptions when non-strict code (e.g., ASP.NET 4.5) accesses strict mode +// arguments.callee.caller (trac-13335). But as of jQuery 3.0 (2016), strict mode should be common +// enough that all such attempts are guarded in a try block. +"use strict"; + +var arr = []; + +var document = window.document; + +var getProto = Object.getPrototypeOf; + +var slice = arr.slice; + +var concat = arr.concat; + +var push = arr.push; + +var indexOf = arr.indexOf; + +var class2type = {}; + +var toString = class2type.toString; + +var hasOwn = class2type.hasOwnProperty; + +var fnToString = hasOwn.toString; + +var ObjectFunctionString = fnToString.call( Object ); + +var support = {}; + + + + function DOMEval( code, doc ) { + doc = doc || document; + + var script = doc.createElement( "script" ); + + script.text = code; + doc.head.appendChild( script ).parentNode.removeChild( script ); + } +/* global Symbol */ +// Defining this global in .eslintrc would create a danger of using the global +// unguarded in another place, it seems safer to define global only for this module + + + +var + version = "3.1.0", + + // Define a local copy of jQuery + jQuery = function( selector, context ) { + + // 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, + + // Matches dashed string for camelizing + rmsPrefix = /^-ms-/, + rdashAlpha = /-([a-z])/g, + + // Used by jQuery.camelCase as callback to replace() + fcamelCase = function( all, letter ) { + return letter.toUpperCase(); + }; + +jQuery.fn = jQuery.prototype = { + + // The current version of jQuery being used + jquery: version, + + constructor: jQuery, + + // The default length of a jQuery object is 0 + length: 0, + + toArray: function() { + return slice.call( this ); + }, + + // Get the Nth element in the matched element set OR + // Get the whole matched element set as a clean array + get: function( num ) { + return num != null ? + + // Return just the one element from the set + ( num < 0 ? this[ num + this.length ] : this[ num ] ) : + + // Return all the elements in a clean array + slice.call( this ); + }, + + // Take an array of elements and push it onto the stack + // (returning the new matched element set) + pushStack: function( elems ) { + + // Build a new jQuery matched element set + var ret = jQuery.merge( this.constructor(), elems ); + + // Add the old object onto the stack (as a reference) + ret.prevObject = this; + + // Return the newly-formed element set + return ret; + }, + + // Execute a callback for every element in the matched set. + each: function( callback ) { + return jQuery.each( this, callback ); + }, + + map: function( callback ) { + return this.pushStack( jQuery.map( this, function( elem, i ) { + return callback.call( elem, i, elem ); + } ) ); + }, + + slice: function() { + return this.pushStack( slice.apply( this, arguments ) ); + }, + + first: function() { + return this.eq( 0 ); + }, + + last: function() { + return this.eq( -1 ); + }, + + eq: function( i ) { + var len = this.length, + j = +i + ( i < 0 ? len : 0 ); + return this.pushStack( j >= 0 && j < len ? [ this[ j ] ] : [] ); + }, + + end: function() { + return this.prevObject || this.constructor(); + }, + + // For internal use only. + // Behaves like an Array's method, not like a jQuery method. + push: push, + sort: arr.sort, + splice: arr.splice +}; + +jQuery.extend = jQuery.fn.extend = function() { + var options, name, src, copy, copyIsArray, clone, + target = arguments[ 0 ] || {}, + i = 1, + length = arguments.length, + deep = false; + + // Handle a deep copy situation + if ( typeof target === "boolean" ) { + deep = target; + + // Skip the boolean and the target + target = arguments[ i ] || {}; + i++; + } + + // Handle case when target is a string or something (possible in deep copy) + if ( typeof target !== "object" && !jQuery.isFunction( target ) ) { + target = {}; + } + + // Extend jQuery itself if only one argument is passed + if ( i === length ) { + target = this; + i--; + } + + for ( ; i < length; i++ ) { + + // Only deal with non-null/undefined values + if ( ( options = arguments[ i ] ) != null ) { + + // Extend the base object + for ( name in options ) { + src = target[ name ]; + copy = options[ name ]; + + // Prevent never-ending loop + if ( target === copy ) { + continue; + } + + // Recurse if we're merging plain objects or arrays + if ( deep && copy && ( jQuery.isPlainObject( copy ) || + ( copyIsArray = jQuery.isArray( copy ) ) ) ) { + + if ( copyIsArray ) { + copyIsArray = false; + clone = src && jQuery.isArray( src ) ? src : []; + + } else { + clone = src && jQuery.isPlainObject( src ) ? src : {}; + } + + // Never move original objects, clone them + target[ name ] = jQuery.extend( deep, clone, copy ); + + // Don't bring in undefined values + } else if ( copy !== undefined ) { + target[ name ] = copy; + } + } + } + } + + // Return the modified object + return target; +}; + +jQuery.extend( { + + // Unique for each copy of jQuery on the page + expando: "jQuery" + ( version + Math.random() ).replace( /\D/g, "" ), + + // Assume jQuery is ready without the ready module + isReady: true, + + error: function( msg ) { + throw new Error( msg ); + }, + + noop: function() {}, + + isFunction: function( obj ) { + return jQuery.type( obj ) === "function"; + }, + + isArray: Array.isArray, + + isWindow: function( obj ) { + return obj != null && obj === obj.window; + }, + + isNumeric: function( obj ) { + + // As of jQuery 3.0, isNumeric is limited to + // strings and numbers (primitives or objects) + // that can be coerced to finite numbers (gh-2662) + var type = jQuery.type( obj ); + return ( type === "number" || type === "string" ) && + + // parseFloat NaNs numeric-cast false positives ("") + // ...but misinterprets leading-number strings, particularly hex literals ("0x...") + // subtraction forces infinities to NaN + !isNaN( obj - parseFloat( obj ) ); + }, + + isPlainObject: function( obj ) { + var proto, Ctor; + + // Detect obvious negatives + // Use toString instead of jQuery.type to catch host objects + if ( !obj || toString.call( obj ) !== "[object Object]" ) { + return false; + } + + proto = getProto( obj ); + + // Objects with no prototype (e.g., `Object.create( null )`) are plain + if ( !proto ) { + return true; + } + + // Objects with prototype are plain iff they were constructed by a global Object function + Ctor = hasOwn.call( proto, "constructor" ) && proto.constructor; + return typeof Ctor === "function" && fnToString.call( Ctor ) === ObjectFunctionString; + }, + + isEmptyObject: function( obj ) { + + /* eslint-disable no-unused-vars */ + // See https://github.com/eslint/eslint/issues/6125 + var name; + + for ( name in obj ) { + return false; + } + return true; + }, + + type: function( obj ) { + if ( obj == null ) { + return obj + ""; + } + + // Support: Android <=2.3 only (functionish RegExp) + return typeof obj === "object" || typeof obj === "function" ? + class2type[ toString.call( obj ) ] || "object" : + typeof obj; + }, + + // Evaluates a script in a global context + globalEval: function( code ) { + DOMEval( code ); + }, + + // Convert dashed to camelCase; used by the css and data modules + // Support: IE <=9 - 11, Edge 12 - 13 + // Microsoft forgot to hump their vendor prefix (#9572) + camelCase: function( string ) { + return string.replace( rmsPrefix, "ms-" ).replace( rdashAlpha, fcamelCase ); + }, + + nodeName: function( elem, name ) { + return elem.nodeName && elem.nodeName.toLowerCase() === name.toLowerCase(); + }, + + each: function( obj, callback ) { + var length, i = 0; + + if ( isArrayLike( obj ) ) { + length = obj.length; + for ( ; i < length; i++ ) { + if ( callback.call( obj[ i ], i, obj[ i ] ) === false ) { + break; + } + } + } else { + for ( i in obj ) { + if ( callback.call( obj[ i ], i, obj[ i ] ) === false ) { + break; + } + } + } + + 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 || []; + + if ( arr != null ) { + if ( isArrayLike( Object( arr ) ) ) { + jQuery.merge( ret, + typeof arr === "string" ? + [ arr ] : arr + ); + } else { + push.call( ret, arr ); + } + } + + return ret; + }, + + inArray: function( elem, arr, i ) { + return arr == null ? -1 : indexOf.call( arr, elem, i ); + }, + + // Support: Android <=4.0 only, PhantomJS 1 only + // push.apply(_, arraylike) throws on ancient WebKit + merge: function( first, second ) { + var len = +second.length, + j = 0, + i = first.length; + + for ( ; j < len; j++ ) { + first[ i++ ] = second[ j ]; + } + + first.length = i; + + return first; + }, + + grep: function( elems, callback, invert ) { + var callbackInverse, + matches = [], + i = 0, + length = elems.length, + callbackExpect = !invert; + + // Go through the array, only saving the items + // that pass the validator function + for ( ; i < length; i++ ) { + callbackInverse = !callback( elems[ i ], i ); + if ( callbackInverse !== callbackExpect ) { + matches.push( elems[ i ] ); + } + } + + return matches; + }, + + // arg is for internal usage only + map: function( elems, callback, arg ) { + var length, value, + i = 0, + ret = []; + + // Go through the array, translating each of the items to their new values + if ( isArrayLike( elems ) ) { + length = elems.length; + for ( ; i < length; i++ ) { + value = callback( elems[ i ], i, arg ); + + if ( value != null ) { + ret.push( value ); + } + } + + // Go through every key on the object, + } else { + for ( i in elems ) { + value = callback( elems[ i ], i, arg ); + + if ( value != null ) { + ret.push( value ); + } + } + } + + // Flatten any nested arrays + return concat.apply( [], ret ); + }, + + // A global GUID counter for objects + guid: 1, + + // Bind a function to a context, optionally partially applying any + // arguments. + proxy: function( fn, context ) { + var tmp, args, proxy; + + if ( typeof context === "string" ) { + tmp = fn[ context ]; + context = fn; + fn = tmp; + } + + // Quick check to determine if target is callable, in the spec + // this throws a TypeError, but we will just return undefined. + if ( !jQuery.isFunction( fn ) ) { + return undefined; + } + + // Simulated bind + args = slice.call( arguments, 2 ); + proxy = function() { + return fn.apply( context || this, args.concat( slice.call( arguments ) ) ); + }; + + // Set the guid of unique handler to the same of original handler, so it can be removed + proxy.guid = fn.guid = fn.guid || jQuery.guid++; + + return proxy; + }, + + now: Date.now, + + // jQuery.support is not used in Core but other projects attach their + // properties to it so it needs to exist. + support: support +} ); + +if ( typeof Symbol === "function" ) { + jQuery.fn[ Symbol.iterator ] = arr[ Symbol.iterator ]; +} + +// 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 isArrayLike( obj ) { + + // Support: real iOS 8.2 only (not reproducible in simulator) + // `in` check used to prevent JIT error (gh-2145) + // hasOwn isn't used here due to false negatives + // regarding Nodelist length in IE + var length = !!obj && "length" in obj && obj.length, + type = jQuery.type( obj ); + + if ( type === "function" || jQuery.isWindow( obj ) ) { + return false; + } + + return type === "array" || length === 0 || + typeof length === "number" && length > 0 && ( length - 1 ) in obj; +} +var Sizzle = +/*! + * Sizzle CSS Selector Engine v2.3.0 + * https://sizzlejs.com/ + * + * Copyright jQuery Foundation and other contributors + * Released under the MIT license + * http://jquery.org/license + * + * Date: 2016-01-04 + */ +(function( window ) { + +var i, + support, + Expr, + getText, + isXML, + tokenize, + compile, + select, + outermostContext, + sortInput, + hasDuplicate, + + // Local document vars + setDocument, + document, + docElem, + documentIsHTML, + rbuggyQSA, + rbuggyMatches, + matches, + contains, + + // Instance-specific data + expando = "sizzle" + 1 * new Date(), + preferredDoc = window.document, + dirruns = 0, + done = 0, + classCache = createCache(), + tokenCache = createCache(), + compilerCache = createCache(), + sortOrder = function( a, b ) { + if ( a === b ) { + hasDuplicate = true; + } + return 0; + }, + + // Instance methods + hasOwn = ({}).hasOwnProperty, + arr = [], + pop = arr.pop, + push_native = 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 ) { + return i; + } + } + return -1; + }, + + 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])+", + + // 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 + + "*\\]", + + 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" ), + + rcomma = new RegExp( "^" + whitespace + "*," + whitespace + "*" ), + rcombinators = new RegExp( "^" + whitespace + "*([>+~]|" + whitespace + ")" + whitespace + "*" ), + + rattributeQuotes = new RegExp( "=" + whitespace + "*([^\\]'\"]*?)" + whitespace + "*\\]", "g" ), + + rpseudo = new RegExp( pseudos ), + ridentifier = new RegExp( "^" + identifier + "$" ), + + matchExpr = { + "ID": new RegExp( "^#(" + identifier + ")" ), + "CLASS": new RegExp( "^\\.(" + identifier + ")" ), + "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" ), + "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" ) + }, + + rinputs = /^(?:input|select|textarea|button)$/i, + rheader = /^h\d$/i, + + rnative = /^[^{]+\{\s*\[native \w/, + + // Easily-parseable/retrievable ID or TAG or CLASS selectors + rquickExpr = /^(?:#([\w-]+)|(\w+)|\.([\w-]+))$/, + + rsibling = /[+~]/, + + // 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 : + high < 0 ? + // BMP codepoint + String.fromCharCode( high + 0x10000 ) : + // Supplemental Plane codepoint (surrogate pair) + String.fromCharCode( high >> 10 | 0xD800, high & 0x3FF | 0xDC00 ); + }, + + // CSS string/identifier serialization + // https://drafts.csswg.org/cssom/#common-serializing-idioms + rcssescape = /([\0-\x1f\x7f]|^-?\d)|^-$|[^\x80-\uFFFF\w-]/g, + fcssescape = function( ch, asCodePoint ) { + if ( asCodePoint ) { + + // U+0000 NULL becomes U+FFFD REPLACEMENT CHARACTER + if ( ch === "\0" ) { + return "\uFFFD"; + } + + // Control characters and (dependent upon position) numbers get escaped as code points + return ch.slice( 0, -1 ) + "\\" + ch.charCodeAt( ch.length - 1 ).toString( 16 ) + " "; + } + + // Other potentially-special ASCII characters get backslash-escaped + return "\\" + ch; + }, + + // Used for iframes + // See setDocument() + // Removing the function wrapper causes a "Permission Denied" + // error in IE + unloadHandler = function() { + setDocument(); + }, + + disabledAncestor = addCombinator( + function( elem ) { + return elem.disabled === true; + }, + { dir: "parentNode", next: "legend" } + ); + +// Optimize for push.apply( _, NodeList ) +try { + push.apply( + (arr = slice.call( preferredDoc.childNodes )), + preferredDoc.childNodes + ); + // Support: Android<4.0 + // Detect silently failing push.apply + 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) ); + } : + + // Support: IE<9 + // Otherwise append directly + function( target, els ) { + var j = target.length, + i = 0; + // Can't trust NodeList.length + while ( (target[j++] = els[i++]) ) {} + target.length = j - 1; + } + }; +} + +function Sizzle( selector, context, results, seed ) { + var m, i, elem, nid, match, groups, newSelector, + newContext = context && context.ownerDocument, + + // nodeType defaults to 9, since context defaults to document + nodeType = context ? context.nodeType : 9; + + results = results || []; + + // Return early from calls with invalid selector or context + if ( typeof selector !== "string" || !selector || + nodeType !== 1 && nodeType !== 9 && nodeType !== 11 ) { + + return results; + } + + // Try to shortcut find operations (as opposed to filters) in HTML documents + if ( !seed ) { + + if ( ( context ? context.ownerDocument || context : preferredDoc ) !== document ) { + 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 )) ) { + + // ID selector + if ( (m = match[1]) ) { + + // Document context + if ( nodeType === 9 ) { + if ( (elem = context.getElementById( m )) ) { + + // Support: IE, Opera, Webkit + // TODO: identify versions + // getElementById can match elements by name instead of ID + if ( elem.id === m ) { + results.push( elem ); + return results; + } + } else { + return results; + } + + // Element context + } else { + + // Support: IE, Opera, Webkit + // TODO: identify versions + // getElementById can match elements by name instead of ID + if ( newContext && (elem = newContext.getElementById( m )) && + contains( context, elem ) && + elem.id === m ) { + + results.push( elem ); + return results; + } + } + + // Type selector + } else if ( match[2] ) { + push.apply( results, context.getElementsByTagName( selector ) ); + return results; + + // Class selector + } else if ( (m = match[3]) && support.getElementsByClassName && + context.getElementsByClassName ) { + + push.apply( results, context.getElementsByClassName( m ) ); + return results; + } + } + + // Take advantage of querySelectorAll + if ( support.qsa && + !compilerCache[ selector + " " ] && + (!rbuggyQSA || !rbuggyQSA.test( selector )) ) { + + if ( nodeType !== 1 ) { + newContext = context; + newSelector = selector; + + // qSA looks outside Element context, which is not what we want + // Thanks to Andrew Dupont for this workaround technique + // Support: IE <=8 + // Exclude object elements + } else if ( context.nodeName.toLowerCase() !== "object" ) { + + // 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] ); + } + newSelector = groups.join( "," ); + + // Expand context for sibling selectors + newContext = rsibling.test( selector ) && testContext( context.parentNode ) || + context; + } + + if ( newSelector ) { + try { + push.apply( results, + newContext.querySelectorAll( newSelector ) + ); + return results; + } catch ( qsaError ) { + } finally { + if ( nid === expando ) { + context.removeAttribute( "id" ); + } + } + } + } + } + } + + // All others + return select( selector.replace( rtrim, "$1" ), context, results, seed ); +} + +/** + * Create key-value caches of limited size + * @returns {function(string, object)} Returns the Object data after storing it on itself with + * property name the (space-suffixed) string and (if the cache is larger than Expr.cacheLength) + * deleting the oldest entry + */ +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; +} + +/** + * Mark a function for special use by Sizzle + * @param {Function} fn The function to mark + */ +function markFunction( fn ) { + fn[ expando ] = true; + return fn; +} + +/** + * Support testing using an element + * @param {Function} fn Passed the created element and returns a boolean result + */ +function assert( fn ) { + var el = document.createElement("fieldset"); + + try { + return !!fn( el ); + } catch (e) { + return false; + } finally { + // Remove from its parent by default + if ( el.parentNode ) { + el.parentNode.removeChild( el ); + } + // release memory in IE + el = null; + } +} + +/** + * Adds the same handler for all of the specified attrs + * @param {String} attrs Pipe-separated list of attributes + * @param {Function} handler The method that will be applied + */ +function addHandle( attrs, handler ) { + var arr = attrs.split("|"), + i = arr.length; + + while ( i-- ) { + Expr.attrHandle[ arr[i] ] = handler; + } +} + +/** + * Checks document order of two siblings + * @param {Element} a + * @param {Element} b + * @returns {Number} Returns less than 0 if a precedes b, greater than 0 if a follows b + */ +function siblingCheck( a, b ) { + var cur = b && a, + diff = cur && a.nodeType === 1 && b.nodeType === 1 && + a.sourceIndex - b.sourceIndex; + + // Use IE sourceIndex if available on both nodes + if ( diff ) { + return diff; + } + + // Check if b follows a + if ( cur ) { + while ( (cur = cur.nextSibling) ) { + if ( cur === b ) { + return -1; + } + } + } + + return a ? 1 : -1; +} + +/** + * Returns a function to use in pseudos for input types + * @param {String} type + */ +function createInputPseudo( type ) { + return function( elem ) { + var name = elem.nodeName.toLowerCase(); + return name === "input" && elem.type === type; + }; +} + +/** + * Returns a function to use in pseudos for buttons + * @param {String} type + */ +function createButtonPseudo( type ) { + return function( elem ) { + var name = elem.nodeName.toLowerCase(); + return (name === "input" || name === "button") && elem.type === type; + }; +} + +/** + * Returns a function to use in pseudos for :enabled/:disabled + * @param {Boolean} disabled true for :disabled; false for :enabled + */ +function createDisabledPseudo( disabled ) { + // Known :disabled false positives: + // IE: *[disabled]:not(button, input, select, textarea, optgroup, option, menuitem, fieldset) + // not IE: fieldset[disabled] > legend:nth-of-type(n+2) :can-disable + return function( elem ) { + + // Check form elements and option elements for explicit disabling + return "label" in elem && elem.disabled === disabled || + "form" in elem && elem.disabled === disabled || + + // Check non-disabled form elements for fieldset[disabled] ancestors + "form" in elem && elem.disabled === false && ( + // Support: IE6-11+ + // Ancestry is covered for us + elem.isDisabled === disabled || + + // Otherwise, assume any non-