生成对抗网络(Generative Adversarial Networks, GAN)

时间:2023-03-10 06:00:20
生成对抗网络(Generative Adversarial Networks, GAN)

生成对抗网络(Generative Adversarial Networks, GAN)是一种深度学习模型,是近年来复杂分布上无监督学习最具前景的学习方法之一。

GAN 主要包括了两个部分,即生成器 generator 与判别器 discriminator。生成器主要用来学习真实图像分布从而让自身生成的图像更加真实,以骗过判别器。判别器则需要对接收的图片进行真假判别。在整个过程中,生成器努力地让生成的图像更加真实,而判别器则努力地去识别出图像的真假,这个过程相当于一个二人博弈,随着时间的推移,生成器和判别器在不断地进行对抗,最终两个网络达到了一个动态均衡:生成器生成的图像接近于真实图像分布,而判别器识别不出真假图像,对于给定图像的预测为真的概率基本接近 0.5(相当于随机猜测类别)。

生成对抗网络(Generative Adversarial Networks, GAN)

这就是GAN的基本思想,其实并不难理解。但是,回归到神经网络本身,怎么去实现这种思想才是关键,我认为,进一步地,我认为如何定义损失函数才是关键。下图为GAN原论文中的损失函数公式:

生成对抗网络(Generative Adversarial Networks, GAN)

我们来说说这个公式:

  • 整个式子由两项构成。x表示真实图片,z表示输入G网络的噪声,而G(z)表示G网络生成的图片。

  • D(x)表示D网络判断真实图片是否真实的概率(因为x就是真实的,所以对于D来说,这个值越接近1越好)。而D(G(z))是D网络判断G生成的图片的是否真实的概率。

  • G的目的:上面提到过,D(G(z))是D网络判断G生成的图片是否真实的概率,G应该希望自己生成的图片“越接近真实越好”。也就是说,G希望D(G(z))尽可能得大,这时V(D, G)会变小。因此我们看到式子的最前面的记号是min_G。

  • D的目的:D的能力越强,D(x)应该越大,D(G(x))应该越小。这时V(D,G)会变大。因此式子对于D来说是求最大(max_D)

接下来,我们通过代码来实际感受生成式对抗网络GAN。代码使用Python3.8+tensorflow2.3.1实现,数据集为mnist手写数字识别数据集。

In [1]:
import tensorflow as tf
from tensorflow import keras
from tensorflow.keras import layers
import matplotlib.pyplot as plt
%matplotlib inline
import numpy as np
import glob
import os
In [2]:
tf.__version__
Out[2]:
'2.3.1'

加载数据,我们只使用训练集即可,忽略测试集:

In [3]:
(train_images, train_labels), (_, _) = tf.keras.datasets.mnist.load_data()
In [4]:
train_images = train_images.reshape(train_images.shape[0], 28, 28, 1).astype('float32') # 将数据转换为图像模式——单通道,然后转换数据类型为float32。

当数据值在0周围时,激活函数效果更加,所以,我们最好进行数据归一化:

In [5]:
train_images = (train_images- 127.5) / 127.5  # 数据归一化
In [6]:
batch_size = 256
buffer_size = 60000
In [7]:
datasets = tf.data.Dataset.from_tensor_slices(train_images) # tensorflow原生方法存储数据
In [8]:
datasets = datasets.shuffle(buffer_size).batch(batch_size) # 打乱数据顺序,分批成簇
In [10]:
train_images.shape
Out[10]:
(60000, 28, 28, 1)

现在,我们先定义一个生成器模型,模型网络中,我们使用最原始的全连接网络:

In [11]:
def generator_model():
model = keras.Sequential()
model.add(layers.Dense(256, input_shape=(100,), use_bias=False))
model.add(layers.BatchNormalization())
model.add(layers.LeakyReLU()) model.add(layers.Dense(512, use_bias=False))
model.add(layers.BatchNormalization())
model.add(layers.LeakyReLU()) model.add(layers.Dense(28*28*1, use_bias=False, activation='tanh'))
model.add(layers.BatchNormalization()) model.add(layers.Reshape((28, 28, 1))) return model

判别器模型好理解,就是一个简单的全连接判别式网络:

In [12]:
def discriminator_model():
model = keras.Sequential()
model.add(layers.Flatten()) model.add(layers.Dense(512, use_bias=False))
model.add(layers.BatchNormalization())
model.add(layers.LeakyReLU()) model.add(layers.Dense(256, use_bias=False))
model.add(layers.BatchNormalization())
model.add(layers.LeakyReLU()) model.add(layers.Dense(1)) return model

定义损失计算方式,在GAN网络中使用的是交叉熵损失函数:

In [13]:
cross_entropy = tf.keras.losses.BinaryCrossentropy(from_logits=True)

损失函数得分为两个部分,一个是计算判别器的损失,一个是计算生成器的损失。其中,判别器损失也分为两个部分,一个是计算对真实图片的损失计算,在这一部分,我们期望模型能判别为真实图片,也就是越靠近1越好,一个是计算对判别器的损失计算,在这一部分,我么希望判别器能将图像判别为假,也就是结果越靠近0越好:

In [14]:
# 生成器损失计算。
def discriminator_loss(real_out, fake_out):
real_loss = cross_entropy(tf.ones_like(real_out), real_out)
fake_loss = cross_entropy(tf.zeros_like(fake_out), fake_out)
return real_loss + fake_loss
In [15]:
# 判别器损失计算
def generator_loss(fake_out):
fake_loss = cross_entropy(tf.ones_like(fake_out), fake_out)
return fake_loss

定义优化器:

In [16]:
generator_opt = tf.keras.optimizers.Adam(1e-4)
discriminator_opt = tf.keras.optimizers.Adam(1e-4)
In [17]:
epochs = 160
noise_dim = 100 # 每个噪声100维度
generate_image_num = 16 # 生成16个随机噪声
seed = tf.random.normal([generate_image_num, noise_dim]) # 16个随机噪声,用于可视化输出训练过程中的效果展示
In [18]:
generator = generator_model()
discriminator = discriminator_model()

训练过程中的每一轮迭代,计算梯度,反向传播:

In [19]:
def train_step(images):
noise = tf.random.normal([batch_size, noise_dim])
with tf.GradientTape() as gen_tape, tf.GradientTape() as disc_tape:
real_out = discriminator(images, training=True)
gen_image = generator(noise, training=True)
fake_out = discriminator(gen_image, training=True) gen_loss = generator_loss(fake_out)
disc_loss = discriminator_loss(real_out, fake_out)
gradient_gen = gen_tape.gradient(gen_loss, generator.trainable_variables)
gradient_disc = disc_tape.gradient(disc_loss, discriminator.trainable_variables) generator_opt.apply_gradients(zip(gradient_gen, generator.trainable_variables))
discriminator_opt.apply_gradients(zip(gradient_disc, discriminator.trainable_variables))

我们再定义可视化函数:

In [20]:
def genetate_plot_images(gen_model, test_noise):
pre_images = gen_model(test_noise, training=False)
fig = plt.figure(figsize=(32, 128))
for i in range(pre_images.shape[0]):
plt.subplot(1, 16, i+1)
plt.imshow((pre_images[i, :, :, 0] + 1)/2, cmap='gray')
plt.axis('off')
plt.show()

真实开始训练:

In [21]:
def train(dataset, epochs):
for epoch in range(epochs): for image_batch in dataset:
train_step(image_batch)
if epoch % 20 == 0:
print('---------------------------------------------------------------------------epoch:%s-----------------------------------------------------------------------------'%(epoch+1))
genetate_plot_images(generator, seed)
print('---------------------------------------------------------------------------epoch:%s-----------------------------------------------------------------------------'%(epoch+1))
genetate_plot_images(generator, seed)
In [22]:
train(datasets, epochs)
---------------------------------------------------------------------------epoch:1-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:21-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:41-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:61-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:81-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:101-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:121-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:141-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)
---------------------------------------------------------------------------epoch:160-----------------------------------------------------------------------------
生成对抗网络(Generative Adversarial Networks, GAN)

html { font-family: sans-serif; -ms-text-size-adjust: 100%; -webkit-text-size-adjust: 100% }
body { margin: 0 }
article, aside, details, figcaption, figure, footer, header, hgroup, main, menu, nav, section, summary { display: block }
audio, canvas, progress, video { display: inline-block; vertical-align: baseline }
audio:not([controls]) { display: none; height: 0 }
[hidden], template { display: none }
a { background-color: rgba(0, 0, 0, 0) }
a:active, a:hover { outline: 0 }
abbr[title] { border-bottom: 1px dotted }
b, strong { font-weight: bold }
dfn { font-style: italic }
h1 { font-size: 2em; margin: 0.67em 0 }
mark { background: rgba(255, 255, 0, 1); color: rgba(0, 0, 0, 1) }
small { font-size: 80% }
sub, sup { font-size: 75%; line-height: 0; position: relative; vertical-align: baseline }
sup { top: -0.5em }
sub { bottom: -0.25em }
img { border: 0 }
svg:not(:root) { overflow: hidden }
figure { margin: 1em 40px }
hr { box-sizing: content-box; height: 0 }
pre { overflow: auto }
code, kbd, pre, samp { font-family: monospace, monospace; font-size: 1em }
button, input, optgroup, select, textarea { color: inherit; margin: 0 }
button { overflow: visible }
button, select { text-transform: none }
button, html input[type="button"], input[type="reset"], input[type="submit"] { -webkit-appearance: button; cursor: pointer }
button[disabled], html input[disabled] { cursor: default }
{ border: 0; padding: 0 }
input { line-height: normal }
input[type="checkbox"], input[type="radio"] { box-sizing: border-box; padding: 0 }
{ height: auto }
input[type="search"] { -webkit-appearance: textfield; box-sizing: content-box }
{ -webkit-appearance: none }
fieldset { border: 1px solid rgba(192, 192, 192, 1); margin: 0 2px; padding: 0.35em 0.625em 0.75em }
legend { border: 0; padding: 0 }
textarea { overflow: auto }
optgroup { font-weight: bold }
table { border-collapse: collapse; border-spacing: 0 }
td, th { padding: 0 }
@media print { *, *:before, *:after { background: rgba(0, 0, 0, 0) !important; box-shadow: none !important; text-shadow: none !important } a, a:visited { text-decoration: underline } a[href]:after { content: " (" attr(href) ")" } abbr[title]:after { content: " (" attr(title) ")" } a[href^="#"]:after, a[href^="javascript:"]:after { content: "" } pre, blockquote { border: 1px solid rgba(153, 153, 153, 1); page-break-inside: avoid } thead { display: table-header-group } tr, img { page-break-inside: avoid } img { max-width: 100% !important } p, h2, h3 { orphans: 3; widows: 3 } h2, h3 { page-break-after: avoid } .navbar { display: none } .btn>.caret, .dropup>.btn>.caret { border-top-color: rgba(0, 0, 0, 1) !important } .label { border: 1px solid rgba(0, 0, 0, 1) } .table { border-collapse: collapse !important } .table td, .table th { background-color: rgba(255, 255, 255, 1) !important } .table-bordered th, .table-bordered td { border: 1px solid rgba(221, 221, 221, 1) !important } }
@font-face { font-family: "Glyphicons Halflings"; src: url("../components/bootstrap/fonts/glyphicons-halflings-regular.eot?#iefix") format("embedded-opentype"), url("../components/bootstrap/fonts/glyphicons-halflings-regular.woff2") format("woff2"), url("../components/bootstrap/fonts/glyphicons-halflings-regular.woff") format("woff"), url("../components/bootstrap/fonts/glyphicons-halflings-regular.ttf") format("truetype"), url("../components/bootstrap/fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular") format("svg") }
.glyphicon { position: relative; top: 1px; display: inline-block; font-family: "Glyphicons Halflings"; font-style: normal; font-weight: normal; line-height: 1; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale }
.glyphicon-asterisk:before { content: "*" }
.glyphicon-plus:before { content: "+" }
.glyphicon-euro:before, .glyphicon-eur:before { content: "€" }
.glyphicon-minus:before { content: "−" }
.glyphicon-cloud:before { content: "" }
.glyphicon-envelope:before { content: "" }
.glyphicon-pencil:before { content: "" }
.glyphicon-glass:before { content: "" }
.glyphicon-music:before { content: "" }
.glyphicon-search:before { content: "" }
.glyphicon-heart:before { content: "" }
.glyphicon-star:before { content: "" }
.glyphicon-star-empty:before { content: "" }
.glyphicon-user:before { content: "" }
.glyphicon-film:before { content: "" }
.glyphicon-th-large:before { content: "" }
.glyphicon-th:before { content: "" }
.glyphicon-th-list:before { content: "" }
.glyphicon-ok:before { content: "" }
.glyphicon-remove:before { content: "" }
.glyphicon-zoom-in:before { content: "" }
.glyphicon-zoom-out:before { content: "" }
.glyphicon-off:before { content: "" }
.glyphicon-signal:before { content: "" }
.glyphicon-cog:before { content: "" }
.glyphicon-trash:before { content: "" }
.glyphicon-home:before { content: "" }
.glyphicon-file:before { content: "" }
.glyphicon-time:before { content: "" }
.glyphicon-road:before { content: "" }
.glyphicon-download-alt:before { content: "" }
.glyphicon-download:before { content: "" }
.glyphicon-upload:before { content: "" }
.glyphicon-inbox:before { content: "" }
.glyphicon-play-circle:before { content: "" }
.glyphicon-repeat:before { content: "" }
.glyphicon-refresh:before { content: "" }
.glyphicon-list-alt:before { content: "" }
.glyphicon-lock:before { content: "" }
.glyphicon-flag:before { content: "" }
.glyphicon-headphones:before { content: "" }
.glyphicon-volume-off:before { content: "" }
.glyphicon-volume-down:before { content: "" }
.glyphicon-volume-up:before { content: "" }
.glyphicon-qrcode:before { content: "" }
.glyphicon-barcode:before { content: "" }
.glyphicon-tag:before { content: "" }
.glyphicon-tags:before { content: "" }
.glyphicon-book:before { content: "" }
.glyphicon-bookmark:before { content: "" }
.glyphicon-print:before { content: "" }
.glyphicon-camera:before { content: "" }
.glyphicon-font:before { content: "" }
.glyphicon-bold:before { content: "" }
.glyphicon-italic:before { content: "" }
.glyphicon-text-height:before { content: "" }
.glyphicon-text-width:before { content: "" }
.glyphicon-align-left:before { content: "" }
.glyphicon-align-center:before { content: "" }
.glyphicon-align-right:before { content: "" }
.glyphicon-align-justify:before { content: "" }
.glyphicon-list:before { content: "" }
.glyphicon-indent-left:before { content: "" }
.glyphicon-indent-right:before { content: "" }
.glyphicon-facetime-video:before { content: "" }
.glyphicon-picture:before { content: "" }
.glyphicon-map-marker:before { content: "" }
.glyphicon-adjust:before { content: "" }
.glyphicon-tint:before { content: "" }
.glyphicon-edit:before { content: "" }
.glyphicon-share:before { content: "" }
.glyphicon-check:before { content: "" }
.glyphicon-move:before { content: "" }
.glyphicon-step-backward:before { content: "" }
.glyphicon-fast-backward:before { content: "" }
.glyphicon-backward:before { content: "" }
.glyphicon-play:before { content: "" }
.glyphicon-pause:before { content: "" }
.glyphicon-stop:before { content: "" }
.glyphicon-forward:before { content: "" }
.glyphicon-fast-forward:before { content: "" }
.glyphicon-step-forward:before { content: "" }
.glyphicon-eject:before { content: "" }
.glyphicon-chevron-left:before { content: "" }
.glyphicon-chevron-right:before { content: "" }
.glyphicon-plus-sign:before { content: "" }
.glyphicon-minus-sign:before { content: "" }
.glyphicon-remove-sign:before { content: "" }
.glyphicon-ok-sign:before { content: "" }
.glyphicon-question-sign:before { content: "" }
.glyphicon-info-sign:before { content: "" }
.glyphicon-screenshot:before { content: "" }
.glyphicon-remove-circle:before { content: "" }
.glyphicon-ok-circle:before { content: "" }
.glyphicon-ban-circle:before { content: "" }
.glyphicon-arrow-left:before { content: "" }
.glyphicon-arrow-right:before { content: "" }
.glyphicon-arrow-up:before { content: "" }
.glyphicon-arrow-down:before { content: "" }
.glyphicon-share-alt:before { content: "" }
.glyphicon-resize-full:before { content: "" }
.glyphicon-resize-small:before { content: "" }
.glyphicon-exclamation-sign:before { content: "" }
.glyphicon-gift:before { content: "" }
.glyphicon-leaf:before { content: "" }
.glyphicon-fire:before { content: "" }
.glyphicon-eye-open:before { content: "" }
.glyphicon-eye-close:before { content: "" }
.glyphicon-warning-sign:before { content: "" }
.glyphicon-plane:before { content: "" }
.glyphicon-calendar:before { content: "" }
.glyphicon-random:before { content: "" }
.glyphicon-comment:before { content: "" }
.glyphicon-magnet:before { content: "" }
.glyphicon-chevron-up:before { content: "" }
.glyphicon-chevron-down:before { content: "" }
.glyphicon-retweet:before { content: "" }
.glyphicon-shopping-cart:before { content: "" }
.glyphicon-folder-close:before { content: "" }
.glyphicon-folder-open:before { content: "" }
.glyphicon-resize-vertical:before { content: "" }
.glyphicon-resize-horizontal:before { content: "" }
.glyphicon-hdd:before { content: "" }
.glyphicon-bullhorn:before { content: "" }
.glyphicon-bell:before { content: "" }
.glyphicon-certificate:before { content: "" }
.glyphicon-thumbs-up:before { content: "" }
.glyphicon-thumbs-down:before { content: "" }
.glyphicon-hand-right:before { content: "" }
.glyphicon-hand-left:before { content: "" }
.glyphicon-hand-up:before { content: "" }
.glyphicon-hand-down:before { content: "" }
.glyphicon-circle-arrow-right:before { content: "" }
.glyphicon-circle-arrow-left:before { content: "" }
.glyphicon-circle-arrow-up:before { content: "" }
.glyphicon-circle-arrow-down:before { content: "" }
.glyphicon-globe:before { content: "" }
.glyphicon-wrench:before { content: "" }
.glyphicon-tasks:before { content: "" }
.glyphicon-filter:before { content: "" }
.glyphicon-briefcase:before { content: "" }
.glyphicon-fullscreen:before { content: "" }
.glyphicon-dashboard:before { content: "" }
.glyphicon-paperclip:before { content: "" }
.glyphicon-heart-empty:before { content: "" }
.glyphicon-link:before { content: "" }
.glyphicon-phone:before { content: "" }
.glyphicon-pushpin:before { content: "" }
.glyphicon-usd:before { content: "" }
.glyphicon-gbp:before { content: "" }
.glyphicon-sort:before { content: "" }
.glyphicon-sort-by-alphabet:before { content: "" }
.glyphicon-sort-by-alphabet-alt:before { content: "" }
.glyphicon-sort-by-order:before { content: "" }
.glyphicon-sort-by-order-alt:before { content: "" }
.glyphicon-sort-by-attributes:before { content: "" }
.glyphicon-sort-by-attributes-alt:before { content: "" }
.glyphicon-unchecked:before { content: "" }
.glyphicon-expand:before { content: "" }
.glyphicon-collapse-down:before { content: "" }
.glyphicon-collapse-up:before { content: "" }
.glyphicon-log-in:before { content: "" }
.glyphicon-flash:before { content: "" }
.glyphicon-log-out:before { content: "" }
.glyphicon-new-window:before { content: "" }
.glyphicon-record:before { content: "" }
.glyphicon-save:before { content: "" }
.glyphicon-open:before { content: "" }
.glyphicon-saved:before { content: "" }
.glyphicon-import:before { content: "" }
.glyphicon-export:before { content: "" }
.glyphicon-send:before { content: "" }
.glyphicon-floppy-disk:before { content: "" }
.glyphicon-floppy-saved:before { content: "" }
.glyphicon-floppy-remove:before { content: "" }
.glyphicon-floppy-save:before { content: "" }
.glyphicon-floppy-open:before { content: "" }
.glyphicon-credit-card:before { content: "" }
.glyphicon-transfer:before { content: "" }
.glyphicon-cutlery:before { content: "" }
.glyphicon-header:before { content: "" }
.glyphicon-compressed:before { content: "" }
.glyphicon-earphone:before { content: "" }
.glyphicon-phone-alt:before { content: "" }
.glyphicon-tower:before { content: "" }
.glyphicon-stats:before { content: "" }
.glyphicon-sd-video:before { content: "" }
.glyphicon-hd-video:before { content: "" }
.glyphicon-subtitles:before { content: "" }
.glyphicon-sound-stereo:before { content: "" }
.glyphicon-sound-dolby:before { content: "" }
.glyphicon-sound-5-1:before { content: "" }
.glyphicon-sound-6-1:before { content: "" }
.glyphicon-sound-7-1:before { content: "" }
.glyphicon-copyright-mark:before { content: "" }
.glyphicon-registration-mark:before { content: "" }
.glyphicon-cloud-download:before { content: "" }
.glyphicon-cloud-upload:before { content: "" }
.glyphicon-tree-conifer:before { content: "" }
.glyphicon-tree-deciduous:before { content: "" }
.glyphicon-cd:before { content: "" }
.glyphicon-save-file:before { content: "" }
.glyphicon-open-file:before { content: "" }
.glyphicon-level-up:before { content: "" }
.glyphicon-copy:before { content: "" }
.glyphicon-paste:before { content: "" }
.glyphicon-alert:before { content: "" }
.glyphicon-equalizer:before { content: "" }
.glyphicon-king:before { content: "" }
.glyphicon-queen:before { content: "" }
.glyphicon-pawn:before { content: "" }
.glyphicon-bishop:before { content: "" }
.glyphicon-knight:before { content: "" }
.glyphicon-baby-formula:before { content: "" }
.glyphicon-tent:before { content: "" }
.glyphicon-blackboard:before { content: "" }
.glyphicon-bed:before { content: "" }
.glyphicon-apple:before { content: "" }
.glyphicon-erase:before { content: "" }
.glyphicon-hourglass:before { content: "" }
.glyphicon-lamp:before { content: "" }
.glyphicon-duplicate:before { content: "" }
.glyphicon-piggy-bank:before { content: "" }
.glyphicon-scissors:before { content: "" }
.glyphicon-bitcoin:before { content: "" }
.glyphicon-btc:before { content: "" }
.glyphicon-xbt:before { content: "" }
.glyphicon-yen:before { content: "¥" }
.glyphicon-jpy:before { content: "¥" }
.glyphicon-ruble:before { content: "₽" }
.glyphicon-rub:before { content: "₽" }
.glyphicon-scale:before { content: "" }
.glyphicon-ice-lolly:before { content: "" }
.glyphicon-ice-lolly-tasted:before { content: "" }
.glyphicon-education:before { content: "" }
.glyphicon-option-horizontal:before { content: "" }
.glyphicon-option-vertical:before { content: "" }
.glyphicon-menu-hamburger:before { content: "" }
.glyphicon-modal-window:before { content: "" }
.glyphicon-oil:before { content: "" }
.glyphicon-grain:before { content: "" }
.glyphicon-sunglasses:before { content: "" }
.glyphicon-text-size:before { content: "" }
.glyphicon-text-color:before { content: "" }
.glyphicon-text-background:before { content: "" }
.glyphicon-object-align-top:before { content: "" }
.glyphicon-object-align-bottom:before { content: "" }
.glyphicon-object-align-horizontal:before { content: "" }
.glyphicon-object-align-left:before { content: "" }
.glyphicon-object-align-vertical:before { content: "" }
.glyphicon-object-align-right:before { content: "" }
.glyphicon-triangle-right:before { content: "" }
.glyphicon-triangle-left:before { content: "" }
.glyphicon-triangle-bottom:before { content: "" }
.glyphicon-triangle-top:before { content: "" }
.glyphicon-console:before { content: "" }
.glyphicon-superscript:before { content: "" }
.glyphicon-subscript:before { content: "" }
.glyphicon-menu-left:before { content: "" }
.glyphicon-menu-right:before { content: "" }
.glyphicon-menu-down:before { content: "" }
.glyphicon-menu-up:before { content: "" }
* { -webkit-box-sizing: border-box; -moz-box-sizing: border-box; box-sizing: border-box }
*:before, *:after { -webkit-box-sizing: border-box; -moz-box-sizing: border-box; box-sizing: border-box }
html { font-size: 10px; -webkit-tap-highlight-color: rgba(0, 0, 0, 0) }
body { font-family: "Helvetica Neue", Helvetica, Arial, sans-serif; font-size: 13px; line-height: 1.42857143; color: rgba(0, 0, 0, 1); background-color: rgba(255, 255, 255, 1) }
input, button, select, textarea { font-family: inherit; font-size: inherit; line-height: inherit }
a { color: rgba(51, 122, 183, 1); text-decoration: none }
a:hover, a:focus { color: rgba(35, 82, 124, 1); text-decoration: underline }
a:focus { outline-offset: -2px }
figure { margin: 0 }
img { vertical-align: middle }
.img-responsive, .thumbnail>img, .thumbnail a>img, .carousel-inner>.item>img, .carousel-inner>.item>a>img { display: block; max-width: 100%; height: auto }
.img-rounded { border-radius: 3px }
.img-thumbnail { padding: 4px; line-height: 1.42857143; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(221, 221, 221, 1); border-radius: 2px; -webkit-transition: all 0.2s ease-in-out; -o-transition: all 0.2s ease-in-out; transition: all 0.2s ease-in-out; display: inline-block; max-width: 100%; height: auto }
.img-circle { border-radius: 50% }
hr { margin-top: 18px; margin-bottom: 18px; border-top: 1px solid rgba(238, 238, 238, 1); border-right: 0; border-bottom: 0; border-left: 0 }
.sr-only { position: absolute; width: 1px; height: 1px; margin: -1px; padding: 0; overflow: hidden; clip: rect(0, 0, 0, 0); border: 0 }
.sr-only-focusable:active, .sr-only-focusable:focus { position: static; width: auto; height: auto; margin: 0; overflow: visible; clip: auto }
[role="button"] { cursor: pointer }
h1, h2, h3, h4, h5, h6, .h1, .h2, .h3, .h4, .h5, .h6 { font-family: inherit; font-weight: 500; line-height: 1.1; color: inherit }
h1 small, h2 small, h3 small, h4 small, h5 small, h6 small, .h1 small, .h2 small, .h3 small, .h4 small, .h5 small, .h6 small, h1 .small, h2 .small, h3 .small, h4 .small, h5 .small, h6 .small, .h1 .small, .h2 .small, .h3 .small, .h4 .small, .h5 .small, .h6 .small { font-weight: normal; line-height: 1; color: rgba(119, 119, 119, 1) }
h1, .h1, h2, .h2, h3, .h3 { margin-top: 18px; margin-bottom: 9px }
h1 small, .h1 small, h2 small, .h2 small, h3 small, .h3 small, h1 .small, .h1 .small, h2 .small, .h2 .small, h3 .small, .h3 .small { font-size: 65% }
h4, .h4, h5, .h5, h6, .h6 { margin-top: 9px; margin-bottom: 9px }
h4 small, .h4 small, h5 small, .h5 small, h6 small, .h6 small, h4 .small, .h4 .small, h5 .small, .h5 .small, h6 .small, .h6 .small { font-size: 75% }
h1, .h1 { font-size: 33px }
h2, .h2 { font-size: 27px }
h3, .h3 { font-size: 23px }
h4, .h4 { font-size: 17px }
h5, .h5 { font-size: 13px }
h6, .h6 { font-size: 12px }
p { margin: 0 0 9px }
.lead { margin-bottom: 18px; font-size: 14px; font-weight: 300; line-height: 1.4 }
@media (min-width: 768px) { .lead { font-size: 19.5px } }
small, .small { font-size: 92% }
mark, .mark { background-color: rgba(252, 248, 227, 1); padding: 0.2em }
.text-left { text-align: left }
.text-right { text-align: right }
.text-center { text-align: center }
.text-justify { text-align: justify }
.text-nowrap { white-space: nowrap }
.text-lowercase { text-transform: lowercase }
.text-uppercase { text-transform: uppercase }
.text-capitalize { text-transform: capitalize }
.text-muted { color: rgba(119, 119, 119, 1) }
.text-primary { color: rgba(51, 122, 183, 1) }
a.text-primary:hover, a.text-primary:focus { color: rgba(40, 96, 144, 1) }
.text-success { color: rgba(60, 118, 61, 1) }
a.text-success:hover, a.text-success:focus { color: rgba(43, 84, 44, 1) }
.text-info { color: rgba(49, 112, 143, 1) }
a.text-info:hover, a.text-info:focus { color: rgba(36, 82, 105, 1) }
.text-warning { color: rgba(138, 109, 59, 1) }
a.text-warning:hover, a.text-warning:focus { color: rgba(102, 81, 44, 1) }
.text-danger { color: rgba(169, 68, 66, 1) }
a.text-danger:hover, a.text-danger:focus { color: rgba(132, 53, 52, 1) }
.bg-primary { color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1) }
a.bg-primary:hover, a.bg-primary:focus { background-color: rgba(40, 96, 144, 1) }
.bg-success { background-color: rgba(223, 240, 216, 1) }
a.bg-success:hover, a.bg-success:focus { background-color: rgba(193, 226, 179, 1) }
.bg-info { background-color: rgba(217, 237, 247, 1) }
a.bg-info:hover, a.bg-info:focus { background-color: rgba(175, 217, 238, 1) }
.bg-warning { background-color: rgba(252, 248, 227, 1) }
a.bg-warning:hover, a.bg-warning:focus { background-color: rgba(247, 236, 181, 1) }
.bg-danger { background-color: rgba(242, 222, 222, 1) }
a.bg-danger:hover, a.bg-danger:focus { background-color: rgba(228, 185, 185, 1) }
.page-header { padding-bottom: 8px; margin: 36px 0 18px; border-bottom: 1px solid rgba(238, 238, 238, 1) }
ul, ol { margin-top: 0; margin-bottom: 9px }
ul ul, ol ul, ul ol, ol ol { margin-bottom: 0 }
.list-unstyled { padding-left: 0; list-style: none }
.list-inline { padding-left: 0; list-style: none; margin-left: -5px }
.list-inline>li { display: inline-block; padding-left: 5px; padding-right: 5px }
dl { margin-top: 0; margin-bottom: 18px }
dt, dd { line-height: 1.42857143 }
dt { font-weight: bold }
dd { margin-left: 0 }
@media (min-width: 541px) { .dl-horizontal dt { float: left; width: 160px; clear: left; text-align: right; overflow: hidden; text-overflow: ellipsis; white-space: nowrap } .dl-horizontal dd { margin-left: 180px } }
abbr[title], abbr[data-original-title] { cursor: help; border-bottom: 1px dotted rgba(119, 119, 119, 1) }
.initialism { font-size: 90%; text-transform: uppercase }
blockquote { padding: 9px 18px; margin: 0 0 18px; font-size: inherit; border-left: 5px solid rgba(238, 238, 238, 1) }
blockquote p:last-child, blockquote ul:last-child, blockquote ol:last-child { margin-bottom: 0 }
blockquote footer, blockquote small, blockquote .small { display: block; font-size: 80%; line-height: 1.42857143; color: rgba(119, 119, 119, 1) }
blockquote footer:before, blockquote small:before, blockquote .small:before { content: "— " }
.blockquote-reverse, blockquote.pull-right { padding-right: 15px; padding-left: 0; border-right: 5px solid rgba(238, 238, 238, 1); border-left: 0; text-align: right }
.blockquote-reverse footer:before, blockquote.pull-right footer:before, .blockquote-reverse small:before, blockquote.pull-right small:before, .blockquote-reverse .small:before, blockquote.pull-right .small:before { content: "" }
.blockquote-reverse footer:after, blockquote.pull-right footer:after, .blockquote-reverse small:after, blockquote.pull-right small:after, .blockquote-reverse .small:after, blockquote.pull-right .small:after { content: " —" }
address { margin-bottom: 18px; font-style: normal; line-height: 1.42857143 }
code, kbd, pre, samp { font-family: monospace }
code { padding: 2px 4px; font-size: 90%; color: rgba(199, 37, 78, 1); background-color: rgba(249, 242, 244, 1); border-radius: 2px }
kbd { padding: 2px 4px; font-size: 90%; color: rgba(136, 136, 136, 1); background-color: rgba(0, 0, 0, 0); border-radius: 1px; box-shadow: inset 0 -1px rgba(0, 0, 0, 0.25) }
kbd kbd { padding: 0; font-size: 100%; font-weight: bold; box-shadow: none }
pre { display: block; padding: 8.5px; margin: 0 0 9px; font-size: 12px; line-height: 1.42857143; word-break: break-all; word-wrap: break-word; color: rgba(51, 51, 51, 1); background-color: rgba(245, 245, 245, 1); border: 1px solid rgba(204, 204, 204, 1); border-radius: 2px }
pre code { padding: 0; font-size: inherit; color: inherit; white-space: pre-wrap; background-color: rgba(0, 0, 0, 0); border-radius: 0 }
.pre-scrollable { max-height: 340px; overflow-y: scroll }
.container { margin-right: auto; margin-left: auto; padding-left: 0; padding-right: 0 }
@media (min-width: 768px) { .container { width: 768px } }
@media (min-width: 992px) { .container { width: 940px } }
@media (min-width: 1200px) { .container { width: 1140px } }
.container-fluid { margin-right: auto; margin-left: auto; padding-left: 0; padding-right: 0 }
.row { margin-left: 0; margin-right: 0 }
.col-xs-1, .col-sm-1, .col-md-1, .col-lg-1, .col-xs-2, .col-sm-2, .col-md-2, .col-lg-2, .col-xs-3, .col-sm-3, .col-md-3, .col-lg-3, .col-xs-4, .col-sm-4, .col-md-4, .col-lg-4, .col-xs-5, .col-sm-5, .col-md-5, .col-lg-5, .col-xs-6, .col-sm-6, .col-md-6, .col-lg-6, .col-xs-7, .col-sm-7, .col-md-7, .col-lg-7, .col-xs-8, .col-sm-8, .col-md-8, .col-lg-8, .col-xs-9, .col-sm-9, .col-md-9, .col-lg-9, .col-xs-10, .col-sm-10, .col-md-10, .col-lg-10, .col-xs-11, .col-sm-11, .col-md-11, .col-lg-11, .col-xs-12, .col-sm-12, .col-md-12, .col-lg-12 { position: relative; min-height: 1px; padding-left: 0; padding-right: 0 }
.col-xs-1, .col-xs-2, .col-xs-3, .col-xs-4, .col-xs-5, .col-xs-6, .col-xs-7, .col-xs-8, .col-xs-9, .col-xs-10, .col-xs-11, .col-xs-12 { float: left }
.col-xs-12 { width: 100% }
.col-xs-11 { width: 91.66666667% }
.col-xs-10 { width: 83.33333333% }
.col-xs-9 { width: 75% }
.col-xs-8 { width: 66.66666667% }
.col-xs-7 { width: 58.33333333% }
.col-xs-6 { width: 50% }
.col-xs-5 { width: 41.66666667% }
.col-xs-4 { width: 33.33333333% }
.col-xs-3 { width: 25% }
.col-xs-2 { width: 16.66666667% }
.col-xs-1 { width: 8.33333333% }
.col-xs-pull-12 { right: 100% }
.col-xs-pull-11 { right: 91.66666667% }
.col-xs-pull-10 { right: 83.33333333% }
.col-xs-pull-9 { right: 75% }
.col-xs-pull-8 { right: 66.66666667% }
.col-xs-pull-7 { right: 58.33333333% }
.col-xs-pull-6 { right: 50% }
.col-xs-pull-5 { right: 41.66666667% }
.col-xs-pull-4 { right: 33.33333333% }
.col-xs-pull-3 { right: 25% }
.col-xs-pull-2 { right: 16.66666667% }
.col-xs-pull-1 { right: 8.33333333% }
.col-xs-pull-0 { right: auto }
.col-xs-push-12 { left: 100% }
.col-xs-push-11 { left: 91.66666667% }
.col-xs-push-10 { left: 83.33333333% }
.col-xs-push-9 { left: 75% }
.col-xs-push-8 { left: 66.66666667% }
.col-xs-push-7 { left: 58.33333333% }
.col-xs-push-6 { left: 50% }
.col-xs-push-5 { left: 41.66666667% }
.col-xs-push-4 { left: 33.33333333% }
.col-xs-push-3 { left: 25% }
.col-xs-push-2 { left: 16.66666667% }
.col-xs-push-1 { left: 8.33333333% }
.col-xs-push-0 { left: auto }
.col-xs-offset-12 { margin-left: 100% }
.col-xs-offset-11 { margin-left: 91.66666667% }
.col-xs-offset-10 { margin-left: 83.33333333% }
.col-xs-offset-9 { margin-left: 75% }
.col-xs-offset-8 { margin-left: 66.66666667% }
.col-xs-offset-7 { margin-left: 58.33333333% }
.col-xs-offset-6 { margin-left: 50% }
.col-xs-offset-5 { margin-left: 41.66666667% }
.col-xs-offset-4 { margin-left: 33.33333333% }
.col-xs-offset-3 { margin-left: 25% }
.col-xs-offset-2 { margin-left: 16.66666667% }
.col-xs-offset-1 { margin-left: 8.33333333% }
.col-xs-offset-0 { margin-left: 0 }
@media (min-width: 768px) { .col-sm-1, .col-sm-2, .col-sm-3, .col-sm-4, .col-sm-5, .col-sm-6, .col-sm-7, .col-sm-8, .col-sm-9, .col-sm-10, .col-sm-11, .col-sm-12 { float: left } .col-sm-12 { width: 100% } .col-sm-11 { width: 91.66666667% } .col-sm-10 { width: 83.33333333% } .col-sm-9 { width: 75% } .col-sm-8 { width: 66.66666667% } .col-sm-7 { width: 58.33333333% } .col-sm-6 { width: 50% } .col-sm-5 { width: 41.66666667% } .col-sm-4 { width: 33.33333333% } .col-sm-3 { width: 25% } .col-sm-2 { width: 16.66666667% } .col-sm-1 { width: 8.33333333% } .col-sm-pull-12 { right: 100% } .col-sm-pull-11 { right: 91.66666667% } .col-sm-pull-10 { right: 83.33333333% } .col-sm-pull-9 { right: 75% } .col-sm-pull-8 { right: 66.66666667% } .col-sm-pull-7 { right: 58.33333333% } .col-sm-pull-6 { right: 50% } .col-sm-pull-5 { right: 41.66666667% } .col-sm-pull-4 { right: 33.33333333% } .col-sm-pull-3 { right: 25% } .col-sm-pull-2 { right: 16.66666667% } .col-sm-pull-1 { right: 8.33333333% } .col-sm-pull-0 { right: auto } .col-sm-push-12 { left: 100% } .col-sm-push-11 { left: 91.66666667% } .col-sm-push-10 { left: 83.33333333% } .col-sm-push-9 { left: 75% } .col-sm-push-8 { left: 66.66666667% } .col-sm-push-7 { left: 58.33333333% } .col-sm-push-6 { left: 50% } .col-sm-push-5 { left: 41.66666667% } .col-sm-push-4 { left: 33.33333333% } .col-sm-push-3 { left: 25% } .col-sm-push-2 { left: 16.66666667% } .col-sm-push-1 { left: 8.33333333% } .col-sm-push-0 { left: auto } .col-sm-offset-12 { margin-left: 100% } .col-sm-offset-11 { margin-left: 91.66666667% } .col-sm-offset-10 { margin-left: 83.33333333% } .col-sm-offset-9 { margin-left: 75% } .col-sm-offset-8 { margin-left: 66.66666667% } .col-sm-offset-7 { margin-left: 58.33333333% } .col-sm-offset-6 { margin-left: 50% } .col-sm-offset-5 { margin-left: 41.66666667% } .col-sm-offset-4 { margin-left: 33.33333333% } .col-sm-offset-3 { margin-left: 25% } .col-sm-offset-2 { margin-left: 16.66666667% } .col-sm-offset-1 { margin-left: 8.33333333% } .col-sm-offset-0 { margin-left: 0 } }
@media (min-width: 992px) { .col-md-1, .col-md-2, .col-md-3, .col-md-4, .col-md-5, .col-md-6, .col-md-7, .col-md-8, .col-md-9, .col-md-10, .col-md-11, .col-md-12 { float: left } .col-md-12 { width: 100% } .col-md-11 { width: 91.66666667% } .col-md-10 { width: 83.33333333% } .col-md-9 { width: 75% } .col-md-8 { width: 66.66666667% } .col-md-7 { width: 58.33333333% } .col-md-6 { width: 50% } .col-md-5 { width: 41.66666667% } .col-md-4 { width: 33.33333333% } .col-md-3 { width: 25% } .col-md-2 { width: 16.66666667% } .col-md-1 { width: 8.33333333% } .col-md-pull-12 { right: 100% } .col-md-pull-11 { right: 91.66666667% } .col-md-pull-10 { right: 83.33333333% } .col-md-pull-9 { right: 75% } .col-md-pull-8 { right: 66.66666667% } .col-md-pull-7 { right: 58.33333333% } .col-md-pull-6 { right: 50% } .col-md-pull-5 { right: 41.66666667% } .col-md-pull-4 { right: 33.33333333% } .col-md-pull-3 { right: 25% } .col-md-pull-2 { right: 16.66666667% } .col-md-pull-1 { right: 8.33333333% } .col-md-pull-0 { right: auto } .col-md-push-12 { left: 100% } .col-md-push-11 { left: 91.66666667% } .col-md-push-10 { left: 83.33333333% } .col-md-push-9 { left: 75% } .col-md-push-8 { left: 66.66666667% } .col-md-push-7 { left: 58.33333333% } .col-md-push-6 { left: 50% } .col-md-push-5 { left: 41.66666667% } .col-md-push-4 { left: 33.33333333% } .col-md-push-3 { left: 25% } .col-md-push-2 { left: 16.66666667% } .col-md-push-1 { left: 8.33333333% } .col-md-push-0 { left: auto } .col-md-offset-12 { margin-left: 100% } .col-md-offset-11 { margin-left: 91.66666667% } .col-md-offset-10 { margin-left: 83.33333333% } .col-md-offset-9 { margin-left: 75% } .col-md-offset-8 { margin-left: 66.66666667% } .col-md-offset-7 { margin-left: 58.33333333% } .col-md-offset-6 { margin-left: 50% } .col-md-offset-5 { margin-left: 41.66666667% } .col-md-offset-4 { margin-left: 33.33333333% } .col-md-offset-3 { margin-left: 25% } .col-md-offset-2 { margin-left: 16.66666667% } .col-md-offset-1 { margin-left: 8.33333333% } .col-md-offset-0 { margin-left: 0 } }
@media (min-width: 1200px) { .col-lg-1, .col-lg-2, .col-lg-3, .col-lg-4, .col-lg-5, .col-lg-6, .col-lg-7, .col-lg-8, .col-lg-9, .col-lg-10, .col-lg-11, .col-lg-12 { float: left } .col-lg-12 { width: 100% } .col-lg-11 { width: 91.66666667% } .col-lg-10 { width: 83.33333333% } .col-lg-9 { width: 75% } .col-lg-8 { width: 66.66666667% } .col-lg-7 { width: 58.33333333% } .col-lg-6 { width: 50% } .col-lg-5 { width: 41.66666667% } .col-lg-4 { width: 33.33333333% } .col-lg-3 { width: 25% } .col-lg-2 { width: 16.66666667% } .col-lg-1 { width: 8.33333333% } .col-lg-pull-12 { right: 100% } .col-lg-pull-11 { right: 91.66666667% } .col-lg-pull-10 { right: 83.33333333% } .col-lg-pull-9 { right: 75% } .col-lg-pull-8 { right: 66.66666667% } .col-lg-pull-7 { right: 58.33333333% } .col-lg-pull-6 { right: 50% } .col-lg-pull-5 { right: 41.66666667% } .col-lg-pull-4 { right: 33.33333333% } .col-lg-pull-3 { right: 25% } .col-lg-pull-2 { right: 16.66666667% } .col-lg-pull-1 { right: 8.33333333% } .col-lg-pull-0 { right: auto } .col-lg-push-12 { left: 100% } .col-lg-push-11 { left: 91.66666667% } .col-lg-push-10 { left: 83.33333333% } .col-lg-push-9 { left: 75% } .col-lg-push-8 { left: 66.66666667% } .col-lg-push-7 { left: 58.33333333% } .col-lg-push-6 { left: 50% } .col-lg-push-5 { left: 41.66666667% } .col-lg-push-4 { left: 33.33333333% } .col-lg-push-3 { left: 25% } .col-lg-push-2 { left: 16.66666667% } .col-lg-push-1 { left: 8.33333333% } .col-lg-push-0 { left: auto } .col-lg-offset-12 { margin-left: 100% } .col-lg-offset-11 { margin-left: 91.66666667% } .col-lg-offset-10 { margin-left: 83.33333333% } .col-lg-offset-9 { margin-left: 75% } .col-lg-offset-8 { margin-left: 66.66666667% } .col-lg-offset-7 { margin-left: 58.33333333% } .col-lg-offset-6 { margin-left: 50% } .col-lg-offset-5 { margin-left: 41.66666667% } .col-lg-offset-4 { margin-left: 33.33333333% } .col-lg-offset-3 { margin-left: 25% } .col-lg-offset-2 { margin-left: 16.66666667% } .col-lg-offset-1 { margin-left: 8.33333333% } .col-lg-offset-0 { margin-left: 0 } }
table { background-color: rgba(0, 0, 0, 0) }
caption { padding-top: 8px; padding-bottom: 8px; color: rgba(119, 119, 119, 1); text-align: left }
th { text-align: left }
.table { width: 100%; max-width: 100%; margin-bottom: 18px }
.table>thead>tr>th, .table>tbody>tr>th, .table>tfoot>tr>th, .table>thead>tr>td, .table>tbody>tr>td, .table>tfoot>tr>td { padding: 8px; line-height: 1.42857143; vertical-align: top; border-top: 1px solid rgba(221, 221, 221, 1) }
.table>thead>tr>th { vertical-align: bottom; border-bottom: 2px solid rgba(221, 221, 221, 1) }
.table>caption+thead>tr:first-child>th, .table>colgroup+thead>tr:first-child>th, .table>thead:first-child>tr:first-child>th, .table>caption+thead>tr:first-child>td, .table>colgroup+thead>tr:first-child>td, .table>thead:first-child>tr:first-child>td { border-top: 0 }
.table>tbody+tbody { border-top: 2px solid rgba(221, 221, 221, 1) }
.table .table { background-color: rgba(255, 255, 255, 1) }
.table-condensed>thead>tr>th, .table-condensed>tbody>tr>th, .table-condensed>tfoot>tr>th, .table-condensed>thead>tr>td, .table-condensed>tbody>tr>td, .table-condensed>tfoot>tr>td { padding: 5px }
.table-bordered { border: 1px solid rgba(221, 221, 221, 1) }
.table-bordered>thead>tr>th, .table-bordered>tbody>tr>th, .table-bordered>tfoot>tr>th, .table-bordered>thead>tr>td, .table-bordered>tbody>tr>td, .table-bordered>tfoot>tr>td { border: 1px solid rgba(221, 221, 221, 1) }
.table-bordered>thead>tr>th, .table-bordered>thead>tr>td { border-bottom-width: 2px }
.table-striped>tbody>tr:nth-of-type(2n+1) { background-color: rgba(249, 249, 249, 1) }
.table-hover>tbody>tr:hover { background-color: rgba(245, 245, 245, 1) }
table col[class*="col-"] { position: static; float: none; display: table-column }
table td[class*="col-"], table th[class*="col-"] { position: static; float: none; display: table-cell }
.table>thead>tr>td.active, .table>tbody>tr>td.active, .table>tfoot>tr>td.active, .table>thead>tr>th.active, .table>tbody>tr>th.active, .table>tfoot>tr>th.active, .table>thead>tr.active>td, .table>tbody>tr.active>td, .table>tfoot>tr.active>td, .table>thead>tr.active>th, .table>tbody>tr.active>th, .table>tfoot>tr.active>th { background-color: rgba(245, 245, 245, 1) }
.table-hover>tbody>tr>td.active:hover, .table-hover>tbody>tr>th.active:hover, .table-hover>tbody>tr.active:hover>td, .table-hover>tbody>tr:hover>.active, .table-hover>tbody>tr.active:hover>th { background-color: rgba(232, 232, 232, 1) }
.table>thead>tr>td.success, .table>tbody>tr>td.success, .table>tfoot>tr>td.success, .table>thead>tr>th.success, .table>tbody>tr>th.success, .table>tfoot>tr>th.success, .table>thead>tr.success>td, .table>tbody>tr.success>td, .table>tfoot>tr.success>td, .table>thead>tr.success>th, .table>tbody>tr.success>th, .table>tfoot>tr.success>th { background-color: rgba(223, 240, 216, 1) }
.table-hover>tbody>tr>td.success:hover, .table-hover>tbody>tr>th.success:hover, .table-hover>tbody>tr.success:hover>td, .table-hover>tbody>tr:hover>.success, .table-hover>tbody>tr.success:hover>th { background-color: rgba(208, 233, 198, 1) }
.table>thead>tr>td.info, .table>tbody>tr>td.info, .table>tfoot>tr>td.info, .table>thead>tr>th.info, .table>tbody>tr>th.info, .table>tfoot>tr>th.info, .table>thead>tr.info>td, .table>tbody>tr.info>td, .table>tfoot>tr.info>td, .table>thead>tr.info>th, .table>tbody>tr.info>th, .table>tfoot>tr.info>th { background-color: rgba(217, 237, 247, 1) }
.table-hover>tbody>tr>td.info:hover, .table-hover>tbody>tr>th.info:hover, .table-hover>tbody>tr.info:hover>td, .table-hover>tbody>tr:hover>.info, .table-hover>tbody>tr.info:hover>th { background-color: rgba(196, 227, 243, 1) }
.table>thead>tr>td.warning, .table>tbody>tr>td.warning, .table>tfoot>tr>td.warning, .table>thead>tr>th.warning, .table>tbody>tr>th.warning, .table>tfoot>tr>th.warning, .table>thead>tr.warning>td, .table>tbody>tr.warning>td, .table>tfoot>tr.warning>td, .table>thead>tr.warning>th, .table>tbody>tr.warning>th, .table>tfoot>tr.warning>th { background-color: rgba(252, 248, 227, 1) }
.table-hover>tbody>tr>td.warning:hover, .table-hover>tbody>tr>th.warning:hover, .table-hover>tbody>tr.warning:hover>td, .table-hover>tbody>tr:hover>.warning, .table-hover>tbody>tr.warning:hover>th { background-color: rgba(250, 242, 204, 1) }
.table>thead>tr>td.danger, .table>tbody>tr>td.danger, .table>tfoot>tr>td.danger, .table>thead>tr>th.danger, .table>tbody>tr>th.danger, .table>tfoot>tr>th.danger, .table>thead>tr.danger>td, .table>tbody>tr.danger>td, .table>tfoot>tr.danger>td, .table>thead>tr.danger>th, .table>tbody>tr.danger>th, .table>tfoot>tr.danger>th { background-color: rgba(242, 222, 222, 1) }
.table-hover>tbody>tr>td.danger:hover, .table-hover>tbody>tr>th.danger:hover, .table-hover>tbody>tr.danger:hover>td, .table-hover>tbody>tr:hover>.danger, .table-hover>tbody>tr.danger:hover>th { background-color: rgba(235, 204, 204, 1) }
.table-responsive { overflow-x: auto; min-height: 0.01% }
@media screen and (max-width: 767px) { .table-responsive { width: 100%; margin-bottom: 13.5px; overflow-y: hidden; -ms-overflow-style: -ms-autohiding-scrollbar; border: 1px solid rgba(221, 221, 221, 1) } .table-responsive>.table { margin-bottom: 0 } .table-responsive>.table>thead>tr>th, .table-responsive>.table>tbody>tr>th, .table-responsive>.table>tfoot>tr>th, .table-responsive>.table>thead>tr>td, .table-responsive>.table>tbody>tr>td, .table-responsive>.table>tfoot>tr>td { white-space: nowrap } .table-responsive>.table-bordered { border: 0 } .table-responsive>.table-bordered>thead>tr>th:first-child, .table-responsive>.table-bordered>tbody>tr>th:first-child, .table-responsive>.table-bordered>tfoot>tr>th:first-child, .table-responsive>.table-bordered>thead>tr>td:first-child, .table-responsive>.table-bordered>tbody>tr>td:first-child, .table-responsive>.table-bordered>tfoot>tr>td:first-child { border-left: 0 } .table-responsive>.table-bordered>thead>tr>th:last-child, .table-responsive>.table-bordered>tbody>tr>th:last-child, .table-responsive>.table-bordered>tfoot>tr>th:last-child, .table-responsive>.table-bordered>thead>tr>td:last-child, .table-responsive>.table-bordered>tbody>tr>td:last-child, .table-responsive>.table-bordered>tfoot>tr>td:last-child { border-right: 0 } .table-responsive>.table-bordered>tbody>tr:last-child>th, .table-responsive>.table-bordered>tfoot>tr:last-child>th, .table-responsive>.table-bordered>tbody>tr:last-child>td, .table-responsive>.table-bordered>tfoot>tr:last-child>td { border-bottom: 0 } }
fieldset { padding: 0; margin: 0; border: 0; min-width: 0 }
legend { display: block; width: 100%; padding: 0; margin-bottom: 18px; font-size: 19.5px; line-height: inherit; color: rgba(51, 51, 51, 1); border-top: 0; border-right: 0; border-bottom: 1px solid rgba(229, 229, 229, 1); border-left: 0 }
label { display: inline-block; max-width: 100%; margin-bottom: 5px; font-weight: bold }
input[type="search"] { -webkit-box-sizing: border-box; -moz-box-sizing: border-box; box-sizing: border-box }
input[type="radio"], input[type="checkbox"] { margin-top: ; margin-right: 0; margin-bottom: 0; margin-left: 0; line-height: normal }
input[type="file"] { display: block }
input[type="range"] { display: block; width: 100% }
select[multiple], select[size] { height: auto }
input[type="file"]:focus, input[type="radio"]:focus, input[type="checkbox"]:focus { outline-offset: -2px }
output { display: block; padding-top: 7px; font-size: 13px; line-height: 1.42857143; color: rgba(85, 85, 85, 1) }
.form-control { display: block; width: 100%; height: 32px; padding: 6px 12px; font-size: 13px; line-height: 1.42857143; color: rgba(85, 85, 85, 1); background-color: rgba(255, 255, 255, 1); background-image: none; border: 1px solid rgba(204, 204, 204, 1); border-radius: 2px; -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07); -webkit-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; -o-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; transition: border-color 0.15s ease-in-out, box-shadow 0.15s ease-in-out }
.form-control:focus { border-color: rgba(102, 175, 233, 1); outline: 0; -webkit-box-shadow: inset 0 1px 1px rgba(0,0,0,.075), 0 0 8px rgba(102, 175, 233, 0.6); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 8px rgba(102, 175, 233, 0.6) }
{ color: rgba(153, 153, 153, 1); opacity: 1 }
{ color: rgba(153, 153, 153, 1) }
{ color: rgba(153, 153, 153, 1) }
{ border: 0; background-color: rgba(0, 0, 0, 0) }
.form-control[disabled], .form-control[readonly], fieldset[disabled] .form-control { background-color: rgba(238, 238, 238, 1); opacity: 1 }
.form-control[disabled], fieldset[disabled] .form-control { cursor: not-allowed }
textarea.form-control { height: auto }
input[type="search"] { -webkit-appearance: none }
@media screen and (-webkit-min-device-pixel-ratio: 0) { input[type="date"].form-control, input[type="time"].form-control, input[type="datetime-local"].form-control, input[type="month"].form-control { line-height: 32px } input[type="date"].input-sm, input[type="time"].input-sm, input[type="datetime-local"].input-sm, input[type="month"].input-sm, .input-group-sm input[type="date"], .input-group-sm input[type="time"], .input-group-sm input[type="datetime-local"], .input-group-sm input[type="month"] { line-height: 30px } input[type="date"].input-lg, input[type="time"].input-lg, input[type="datetime-local"].input-lg, input[type="month"].input-lg, .input-group-lg input[type="date"], .input-group-lg input[type="time"], .input-group-lg input[type="datetime-local"], .input-group-lg input[type="month"] { line-height: 45px } }
.form-group { margin-bottom: 15px }
.radio, .checkbox { position: relative; display: block; margin-top: 10px; margin-bottom: 10px }
.radio label, .checkbox label { min-height: 18px; padding-left: 20px; margin-bottom: 0; font-weight: normal; cursor: pointer }
.radio input[type="radio"], .radio-inline input[type="radio"], .checkbox input[type="checkbox"], .checkbox-inline input[type="checkbox"] { position: absolute; margin-left: -20px }
.radio+.radio, .checkbox+.checkbox { margin-top: -5px }
.radio-inline, .checkbox-inline { position: relative; display: inline-block; padding-left: 20px; margin-bottom: 0; vertical-align: middle; font-weight: normal; cursor: pointer }
.radio-inline+.radio-inline, .checkbox-inline+.checkbox-inline { margin-top: 0; margin-left: 10px }
input[type="radio"][disabled], input[type="checkbox"][disabled], input[type="radio"].disabled, input[type="checkbox"].disabled, fieldset[disabled] input[type="radio"], fieldset[disabled] input[type="checkbox"] { cursor: not-allowed }
.radio-inline.disabled, .checkbox-inline.disabled, fieldset[disabled] .radio-inline, fieldset[disabled] .checkbox-inline { cursor: not-allowed }
.radio.disabled label, .checkbox.disabled label, fieldset[disabled] .radio label, fieldset[disabled] .checkbox label { cursor: not-allowed }
.form-control-static { padding-top: 7px; padding-bottom: 7px; margin-bottom: 0; min-height: 31px }
.form-control-static.input-lg, .form-control-static.input-sm { padding-left: 0; padding-right: 0 }
.input-sm { height: 30px; padding: 5px 10px; font-size: 12px; line-height: 1.5; border-radius: 1px }
select.input-sm { height: 30px; line-height: 30px }
textarea.input-sm, select[multiple].input-sm { height: auto }
.form-group-sm .form-control { height: 30px; padding: 5px 10px; font-size: 12px; line-height: 1.5; border-radius: 1px }
.form-group-sm select.form-control { height: 30px; line-height: 30px }
.form-group-sm textarea.form-control, .form-group-sm select[multiple].form-control { height: auto }
.form-group-sm .form-control-static { height: 30px; min-height: 30px; padding: 6px 10px; font-size: 12px; line-height: 1.5 }
.input-lg { height: 45px; padding: 10px 16px; font-size: 17px; line-height: 1.3333333; border-radius: 3px }
select.input-lg { height: 45px; line-height: 45px }
textarea.input-lg, select[multiple].input-lg { height: auto }
.form-group-lg .form-control { height: 45px; padding: 10px 16px; font-size: 17px; line-height: 1.3333333; border-radius: 3px }
.form-group-lg select.form-control { height: 45px; line-height: 45px }
.form-group-lg textarea.form-control, .form-group-lg select[multiple].form-control { height: auto }
.form-group-lg .form-control-static { height: 45px; min-height: 35px; padding: 11px 16px; font-size: 17px; line-height: 1.3333333 }
.has-feedback { position: relative }
.has-feedback .form-control { padding-right: 40px }
.form-control-feedback { position: absolute; top: 0; right: 0; z-index: 2; display: block; width: 32px; height: 32px; line-height: 32px; text-align: center; pointer-events: none }
.input-lg+.form-control-feedback, .input-group-lg+.form-control-feedback, .form-group-lg .form-control+.form-control-feedback { width: 45px; height: 45px; line-height: 45px }
.input-sm+.form-control-feedback, .input-group-sm+.form-control-feedback, .form-group-sm .form-control+.form-control-feedback { width: 30px; height: 30px; line-height: 30px }
.has-success .help-block, .has-success .control-label, .has-success .radio, .has-success .checkbox, .has-success .radio-inline, .has-success .checkbox-inline, .has-success.radio label, .has-success.checkbox label, .has-success.radio-inline label, .has-success.checkbox-inline label { color: rgba(60, 118, 61, 1) }
.has-success .form-control { border-color: rgba(60, 118, 61, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07) }
.has-success .form-control:focus { border-color: rgba(43, 84, 44, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075), 0 0 6px #67b168; box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 6px rgba(103, 177, 104, 1) }
.has-success .input-group-addon { color: rgba(60, 118, 61, 1); border-color: rgba(60, 118, 61, 1); background-color: rgba(223, 240, 216, 1) }
.has-success .form-control-feedback { color: rgba(60, 118, 61, 1) }
.has-warning .help-block, .has-warning .control-label, .has-warning .radio, .has-warning .checkbox, .has-warning .radio-inline, .has-warning .checkbox-inline, .has-warning.radio label, .has-warning.checkbox label, .has-warning.radio-inline label, .has-warning.checkbox-inline label { color: rgba(138, 109, 59, 1) }
.has-warning .form-control { border-color: rgba(138, 109, 59, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07) }
.has-warning .form-control:focus { border-color: rgba(102, 81, 44, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075), 0 0 6px #c0a16b; box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 6px rgba(192, 161, 107, 1) }
.has-warning .input-group-addon { color: rgba(138, 109, 59, 1); border-color: rgba(138, 109, 59, 1); background-color: rgba(252, 248, 227, 1) }
.has-warning .form-control-feedback { color: rgba(138, 109, 59, 1) }
.has-error .help-block, .has-error .control-label, .has-error .radio, .has-error .checkbox, .has-error .radio-inline, .has-error .checkbox-inline, .has-error.radio label, .has-error.checkbox label, .has-error.radio-inline label, .has-error.checkbox-inline label { color: rgba(169, 68, 66, 1) }
.has-error .form-control { border-color: rgba(169, 68, 66, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07) }
.has-error .form-control:focus { border-color: rgba(132, 53, 52, 1); -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075), 0 0 6px #ce8483; box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 6px rgba(206, 132, 131, 1) }
.has-error .input-group-addon { color: rgba(169, 68, 66, 1); border-color: rgba(169, 68, 66, 1); background-color: rgba(242, 222, 222, 1) }
.has-error .form-control-feedback { color: rgba(169, 68, 66, 1) }
.has-feedback label~.form-control-feedback { top: 23px }
.has-feedback label.sr-only~.form-control-feedback { top: 0 }
.help-block { display: block; margin-top: 5px; margin-bottom: 10px; color: rgba(64, 64, 64, 1) }
@media (min-width: 768px) { .form-inline .form-group { display: inline-block; margin-bottom: 0; vertical-align: middle } .form-inline .form-control { display: inline-block; width: auto; vertical-align: middle } .form-inline .form-control-static { display: inline-block } .form-inline .input-group { display: inline-table; vertical-align: middle } .form-inline .input-group .input-group-addon, .form-inline .input-group .input-group-btn, .form-inline .input-group .form-control { width: auto } .form-inline .input-group>.form-control { width: 100% } .form-inline .control-label { margin-bottom: 0; vertical-align: middle } .form-inline .radio, .form-inline .checkbox { display: inline-block; margin-top: 0; margin-bottom: 0; vertical-align: middle } .form-inline .radio label, .form-inline .checkbox label { padding-left: 0 } .form-inline .radio input[type="radio"], .form-inline .checkbox input[type="checkbox"] { position: relative; margin-left: 0 } .form-inline .has-feedback .form-control-feedback { top: 0 } }
.form-horizontal .radio, .form-horizontal .checkbox, .form-horizontal .radio-inline, .form-horizontal .checkbox-inline { margin-top: 0; margin-bottom: 0; padding-top: 7px }
.form-horizontal .radio, .form-horizontal .checkbox { min-height: 25px }
.form-horizontal .form-group { margin-left: 0; margin-right: 0 }
@media (min-width: 768px) { .form-horizontal .control-label { text-align: right; margin-bottom: 0; padding-top: 7px } }
.form-horizontal .has-feedback .form-control-feedback { right: 0 }
@media (min-width: 768px) { .form-horizontal .form-group-lg .control-label { padding-top: 11px; font-size: 17px } }
@media (min-width: 768px) { .form-horizontal .form-group-sm .control-label { padding-top: 6px; font-size: 12px } }
.btn { display: inline-block; margin-bottom: 0; font-weight: normal; text-align: center; vertical-align: middle; touch-action: manipulation; cursor: pointer; background-image: none; border: 1px solid rgba(0, 0, 0, 0); white-space: nowrap; padding: 6px 12px; font-size: 13px; line-height: 1.42857143; border-radius: 2px; -webkit-user-select: none; -moz-user-select: none; -ms-user-select: none; user-select: none }
.btn:focus, .btn:active:focus, .btn.active:focus, .btn.focus, .btn:active.focus, .btn.active.focus { outline-offset: -2px }
.btn:hover, .btn:focus, .btn.focus { color: rgba(51, 51, 51, 1); text-decoration: none }
.btn:active, .btn.active { outline: 0; background-image: none; -webkit-box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.125); box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.13) }
.btn.disabled, .btn[disabled], fieldset[disabled] .btn { cursor: not-allowed; opacity: 0.65; filter: alpha(opacity=65); -webkit-box-shadow: none; box-shadow: none }
a.btn.disabled, fieldset[disabled] a.btn { pointer-events: none }
.btn-default { color: rgba(51, 51, 51, 1); background-color: rgba(255, 255, 255, 1); border-color: rgba(204, 204, 204, 1) }
.btn-default:focus, .btn-default.focus { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(140, 140, 140, 1) }
.btn-default:hover { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
.btn-default:active, .btn-default.active, .open>.dropdown-toggle.btn-default { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
.btn-default:active:hover, .btn-default.active:hover, .open>.dropdown-toggle.btn-default:hover, .btn-default:active:focus, .btn-default.active:focus, .open>.dropdown-toggle.btn-default:focus, .btn-default:active.focus, .btn-default.active.focus, .open>.dropdown-toggle.btn-default.focus { color: rgba(51, 51, 51, 1); background-color: rgba(212, 212, 212, 1); border-color: rgba(140, 140, 140, 1) }
.btn-default:active, .btn-default.active, .open>.dropdown-toggle.btn-default { background-image: none }
.btn-default.disabled:hover, .btn-default[disabled]:hover, fieldset[disabled] .btn-default:hover, .btn-default.disabled:focus, .btn-default[disabled]:focus, fieldset[disabled] .btn-default:focus, .btn-default.disabled.focus, .btn-default[disabled].focus, fieldset[disabled] .btn-default.focus { background-color: rgba(255, 255, 255, 1); border-color: rgba(204, 204, 204, 1) }
.btn-default .badge { color: rgba(255, 255, 255, 1); background-color: rgba(51, 51, 51, 1) }
.btn-primary { color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1); border-color: rgba(46, 109, 164, 1) }
.btn-primary:focus, .btn-primary.focus { color: rgba(255, 255, 255, 1); background-color: rgba(40, 96, 144, 1); border-color: rgba(18, 43, 64, 1) }
.btn-primary:hover { color: rgba(255, 255, 255, 1); background-color: rgba(40, 96, 144, 1); border-color: rgba(32, 77, 116, 1) }
.btn-primary:active, .btn-primary.active, .open>.dropdown-toggle.btn-primary { color: rgba(255, 255, 255, 1); background-color: rgba(40, 96, 144, 1); border-color: rgba(32, 77, 116, 1) }
.btn-primary:active:hover, .btn-primary.active:hover, .open>.dropdown-toggle.btn-primary:hover, .btn-primary:active:focus, .btn-primary.active:focus, .open>.dropdown-toggle.btn-primary:focus, .btn-primary:active.focus, .btn-primary.active.focus, .open>.dropdown-toggle.btn-primary.focus { color: rgba(255, 255, 255, 1); background-color: rgba(32, 77, 116, 1); border-color: rgba(18, 43, 64, 1) }
.btn-primary:active, .btn-primary.active, .open>.dropdown-toggle.btn-primary { background-image: none }
.btn-primary.disabled:hover, .btn-primary[disabled]:hover, fieldset[disabled] .btn-primary:hover, .btn-primary.disabled:focus, .btn-primary[disabled]:focus, fieldset[disabled] .btn-primary:focus, .btn-primary.disabled.focus, .btn-primary[disabled].focus, fieldset[disabled] .btn-primary.focus { background-color: rgba(51, 122, 183, 1); border-color: rgba(46, 109, 164, 1) }
.btn-primary .badge { color: rgba(51, 122, 183, 1); background-color: rgba(255, 255, 255, 1) }
.btn-success { color: rgba(255, 255, 255, 1); background-color: rgba(92, 184, 92, 1); border-color: rgba(76, 174, 76, 1) }
.btn-success:focus, .btn-success.focus { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(37, 86, 37, 1) }
.btn-success:hover { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(57, 132, 57, 1) }
.btn-success:active, .btn-success.active, .open>.dropdown-toggle.btn-success { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(57, 132, 57, 1) }
.btn-success:active:hover, .btn-success.active:hover, .open>.dropdown-toggle.btn-success:hover, .btn-success:active:focus, .btn-success.active:focus, .open>.dropdown-toggle.btn-success:focus, .btn-success:active.focus, .btn-success.active.focus, .open>.dropdown-toggle.btn-success.focus { color: rgba(255, 255, 255, 1); background-color: rgba(57, 132, 57, 1); border-color: rgba(37, 86, 37, 1) }
.btn-success:active, .btn-success.active, .open>.dropdown-toggle.btn-success { background-image: none }
.btn-success.disabled:hover, .btn-success[disabled]:hover, fieldset[disabled] .btn-success:hover, .btn-success.disabled:focus, .btn-success[disabled]:focus, fieldset[disabled] .btn-success:focus, .btn-success.disabled.focus, .btn-success[disabled].focus, fieldset[disabled] .btn-success.focus { background-color: rgba(92, 184, 92, 1); border-color: rgba(76, 174, 76, 1) }
.btn-success .badge { color: rgba(92, 184, 92, 1); background-color: rgba(255, 255, 255, 1) }
.btn-info { color: rgba(255, 255, 255, 1); background-color: rgba(91, 192, 222, 1); border-color: rgba(70, 184, 218, 1) }
.btn-info:focus, .btn-info.focus { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(27, 109, 133, 1) }
.btn-info:hover { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(38, 154, 188, 1) }
.btn-info:active, .btn-info.active, .open>.dropdown-toggle.btn-info { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(38, 154, 188, 1) }
.btn-info:active:hover, .btn-info.active:hover, .open>.dropdown-toggle.btn-info:hover, .btn-info:active:focus, .btn-info.active:focus, .open>.dropdown-toggle.btn-info:focus, .btn-info:active.focus, .btn-info.active.focus, .open>.dropdown-toggle.btn-info.focus { color: rgba(255, 255, 255, 1); background-color: rgba(38, 154, 188, 1); border-color: rgba(27, 109, 133, 1) }
.btn-info:active, .btn-info.active, .open>.dropdown-toggle.btn-info { background-image: none }
.btn-info.disabled:hover, .btn-info[disabled]:hover, fieldset[disabled] .btn-info:hover, .btn-info.disabled:focus, .btn-info[disabled]:focus, fieldset[disabled] .btn-info:focus, .btn-info.disabled.focus, .btn-info[disabled].focus, fieldset[disabled] .btn-info.focus { background-color: rgba(91, 192, 222, 1); border-color: rgba(70, 184, 218, 1) }
.btn-info .badge { color: rgba(91, 192, 222, 1); background-color: rgba(255, 255, 255, 1) }
.btn-warning { color: rgba(255, 255, 255, 1); background-color: rgba(240, 173, 78, 1); border-color: rgba(238, 162, 54, 1) }
.btn-warning:focus, .btn-warning.focus { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(152, 95, 13, 1) }
.btn-warning:hover { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(213, 133, 18, 1) }
.btn-warning:active, .btn-warning.active, .open>.dropdown-toggle.btn-warning { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(213, 133, 18, 1) }
.btn-warning:active:hover, .btn-warning.active:hover, .open>.dropdown-toggle.btn-warning:hover, .btn-warning:active:focus, .btn-warning.active:focus, .open>.dropdown-toggle.btn-warning:focus, .btn-warning:active.focus, .btn-warning.active.focus, .open>.dropdown-toggle.btn-warning.focus { color: rgba(255, 255, 255, 1); background-color: rgba(213, 133, 18, 1); border-color: rgba(152, 95, 13, 1) }
.btn-warning:active, .btn-warning.active, .open>.dropdown-toggle.btn-warning { background-image: none }
.btn-warning.disabled:hover, .btn-warning[disabled]:hover, fieldset[disabled] .btn-warning:hover, .btn-warning.disabled:focus, .btn-warning[disabled]:focus, fieldset[disabled] .btn-warning:focus, .btn-warning.disabled.focus, .btn-warning[disabled].focus, fieldset[disabled] .btn-warning.focus { background-color: rgba(240, 173, 78, 1); border-color: rgba(238, 162, 54, 1) }
.btn-warning .badge { color: rgba(240, 173, 78, 1); background-color: rgba(255, 255, 255, 1) }
.btn-danger { color: rgba(255, 255, 255, 1); background-color: rgba(217, 83, 79, 1); border-color: rgba(212, 63, 58, 1) }
.btn-danger:focus, .btn-danger.focus { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(118, 28, 25, 1) }
.btn-danger:hover { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(172, 41, 37, 1) }
.btn-danger:active, .btn-danger.active, .open>.dropdown-toggle.btn-danger { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(172, 41, 37, 1) }
.btn-danger:active:hover, .btn-danger.active:hover, .open>.dropdown-toggle.btn-danger:hover, .btn-danger:active:focus, .btn-danger.active:focus, .open>.dropdown-toggle.btn-danger:focus, .btn-danger:active.focus, .btn-danger.active.focus, .open>.dropdown-toggle.btn-danger.focus { color: rgba(255, 255, 255, 1); background-color: rgba(172, 41, 37, 1); border-color: rgba(118, 28, 25, 1) }
.btn-danger:active, .btn-danger.active, .open>.dropdown-toggle.btn-danger { background-image: none }
.btn-danger.disabled:hover, .btn-danger[disabled]:hover, fieldset[disabled] .btn-danger:hover, .btn-danger.disabled:focus, .btn-danger[disabled]:focus, fieldset[disabled] .btn-danger:focus, .btn-danger.disabled.focus, .btn-danger[disabled].focus, fieldset[disabled] .btn-danger.focus { background-color: rgba(217, 83, 79, 1); border-color: rgba(212, 63, 58, 1) }
.btn-danger .badge { color: rgba(217, 83, 79, 1); background-color: rgba(255, 255, 255, 1) }
.btn-link { color: rgba(51, 122, 183, 1); font-weight: normal; border-radius: 0 }
.btn-link, .btn-link:active, .btn-link.active, .btn-link[disabled], fieldset[disabled] .btn-link { background-color: rgba(0, 0, 0, 0); -webkit-box-shadow: none; box-shadow: none }
.btn-link, .btn-link:hover, .btn-link:focus, .btn-link:active { border-color: rgba(0, 0, 0, 0) }
.btn-link:hover, .btn-link:focus { color: rgba(35, 82, 124, 1); text-decoration: underline; background-color: rgba(0, 0, 0, 0) }
.btn-link[disabled]:hover, fieldset[disabled] .btn-link:hover, .btn-link[disabled]:focus, fieldset[disabled] .btn-link:focus { color: rgba(119, 119, 119, 1); text-decoration: none }
.btn-lg, .btn-group-lg>.btn { padding: 10px 16px; font-size: 17px; line-height: 1.3333333; border-radius: 3px }
.btn-sm, .btn-group-sm>.btn { padding: 5px 10px; font-size: 12px; line-height: 1.5; border-radius: 1px }
.btn-xs, .btn-group-xs>.btn { padding: 1px 5px; font-size: 12px; line-height: 1.5; border-radius: 1px }
.btn-block { display: block; width: 100% }
.btn-block+.btn-block { margin-top: 5px }
input[type="submit"].btn-block, input[type="reset"].btn-block, input[type="button"].btn-block { width: 100% }
.fade { opacity: 0; -webkit-transition: opacity 0.15s linear; -o-transition: opacity 0.15s linear; transition: opacity 0.15s linear }
.fade.in { opacity: 1 }
.collapse { display: none }
.collapse.in { display: block }
tr.collapse.in { display: table-row }
tbody.collapse.in { display: table-row-group }
.collapsing { position: relative; height: 0; overflow: hidden; -webkit-transition-property: height, visibility; transition-property: height, visibility; -webkit-transition-duration: 0.35s; transition-duration: 0.35s; -webkit-transition-timing-function: ease; transition-timing-function: ease }
.caret { display: inline-block; width: 0; height: 0; margin-left: 2px; vertical-align: middle; border-top: 4px dashed; border-right: 4px solid rgba(0, 0, 0, 0); border-left: 4px solid rgba(0, 0, 0, 0) }
.dropup, .dropdown { position: relative }
.dropdown-toggle:focus { outline: 0 }
.dropdown-menu { position: absolute; top: 100%; left: 0; z-index: 1000; display: none; float: left; min-width: 160px; padding: 5px 0; margin: 2px 0 0; list-style: none; font-size: 13px; text-align: left; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(0, 0, 0, 0.15); border-radius: 2px; -webkit-box-shadow: 0 6px 12px rgba(0, 0, 0, 0.175); box-shadow: 0 6px 12px rgba(0, 0, 0, 0.17); background-clip: padding-box }
.dropdown-menu.pull-right { right: 0; left: auto }
.dropdown-menu .divider { height: 1px; margin: 8px 0; overflow: hidden; background-color: rgba(229, 229, 229, 1) }
.dropdown-menu>li>a { display: block; padding: 3px 20px; clear: both; font-weight: normal; line-height: 1.42857143; color: rgba(51, 51, 51, 1); white-space: nowrap }
.dropdown-menu>li>a:hover, .dropdown-menu>li>a:focus { text-decoration: none; color: rgba(38, 38, 38, 1); background-color: rgba(245, 245, 245, 1) }
.dropdown-menu>.active>a, .dropdown-menu>.active>a:hover, .dropdown-menu>.active>a:focus { color: rgba(255, 255, 255, 1); text-decoration: none; outline: 0; background-color: rgba(51, 122, 183, 1) }
.dropdown-menu>.disabled>a, .dropdown-menu>.disabled>a:hover, .dropdown-menu>.disabled>a:focus { color: rgba(119, 119, 119, 1) }
.dropdown-menu>.disabled>a:hover, .dropdown-menu>.disabled>a:focus { text-decoration: none; background-color: rgba(0, 0, 0, 0); background-image: none; filter: progid:DXImageTransform.Microsoft.gradient(enabled = false); cursor: not-allowed }
.open>.dropdown-menu { display: block }
.open>a { outline: 0 }
.dropdown-menu-right { left: auto; right: 0 }
.dropdown-menu-left { left: 0; right: auto }
.dropdown-header { display: block; padding: 3px 20px; font-size: 12px; line-height: 1.42857143; color: rgba(119, 119, 119, 1); white-space: nowrap }
.dropdown-backdrop { position: fixed; left: 0; right: 0; bottom: 0; top: 0; z-index: 990 }
.pull-right>.dropdown-menu { right: 0; left: auto }
.dropup .caret, .navbar-fixed-bottom .dropdown .caret { border-top: 0; border-bottom: 4px dashed; content: "" }
.dropup .dropdown-menu, .navbar-fixed-bottom .dropdown .dropdown-menu { top: auto; bottom: 100%; margin-bottom: 2px }
@media (min-width: 541px) { .navbar-right .dropdown-menu { left: auto; right: 0 } .navbar-right .dropdown-menu-left { left: 0; right: auto } }
.btn-group, .btn-group-vertical { position: relative; display: inline-block; vertical-align: middle }
.btn-group>.btn, .btn-group-vertical>.btn { position: relative; float: left }
.btn-group>.btn:hover, .btn-group-vertical>.btn:hover, .btn-group>.btn:focus, .btn-group-vertical>.btn:focus, .btn-group>.btn:active, .btn-group-vertical>.btn:active, .btn-group>.btn.active, .btn-group-vertical>.btn.active { z-index: 2 }
.btn-group .btn+.btn, .btn-group .btn+.btn-group, .btn-group .btn-group+.btn, .btn-group .btn-group+.btn-group { margin-left: -1px }
.btn-toolbar { margin-left: -5px }
.btn-toolbar .btn, .btn-toolbar .btn-group, .btn-toolbar .input-group { float: left }
.btn-toolbar>.btn, .btn-toolbar>.btn-group, .btn-toolbar>.input-group { margin-left: 5px }
.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle) { border-radius: 0 }
.btn-group>.btn:first-child { margin-left: 0 }
.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle) { border-bottom-right-radius: 0; border-top-right-radius: 0 }
.btn-group>.btn:last-child:not(:first-child), .btn-group>.dropdown-toggle:not(:first-child) { border-bottom-left-radius: 0; border-top-left-radius: 0 }
.btn-group>.btn-group { float: left }
.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn { border-radius: 0 }
.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child, .btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle { border-bottom-right-radius: 0; border-top-right-radius: 0 }
.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child { border-bottom-left-radius: 0; border-top-left-radius: 0 }
.btn-group .dropdown-toggle:active, .btn-group.open .dropdown-toggle { outline: 0 }
.btn-group>.btn+.dropdown-toggle { padding-left: 8px; padding-right: 8px }
.btn-group>.btn-lg+.dropdown-toggle { padding-left: 12px; padding-right: 12px }
.btn-group.open .dropdown-toggle { -webkit-box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.125); box-shadow: inset 0 3px 5px rgba(0, 0, 0, 0.13) }
.btn-group.open .dropdown-toggle.btn-link { -webkit-box-shadow: none; box-shadow: none }
.btn .caret { margin-left: 0 }
.btn-lg .caret { border-width: 5px 5px 0 }
.dropup .btn-lg .caret { border-width: 0 5px 5px }
.btn-group-vertical>.btn, .btn-group-vertical>.btn-group, .btn-group-vertical>.btn-group>.btn { display: block; float: none; width: 100%; max-width: 100% }
.btn-group-vertical>.btn-group>.btn { float: none }
.btn-group-vertical>.btn+.btn, .btn-group-vertical>.btn+.btn-group, .btn-group-vertical>.btn-group+.btn, .btn-group-vertical>.btn-group+.btn-group { margin-top: -1px; margin-left: 0 }
.btn-group-vertical>.btn:not(:first-child):not(:last-child) { border-radius: 0 }
.btn-group-vertical>.btn:first-child:not(:last-child) { border-radius: 2px 2px 0 0 }
.btn-group-vertical>.btn:last-child:not(:first-child) { border-radius: 0 0 2px 2px }
.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn { border-radius: 0 }
.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child, .btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle { border-bottom-right-radius: 0; border-bottom-left-radius: 0 }
.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child { border-top-right-radius: 0; border-top-left-radius: 0 }
.btn-group-justified { display: table; width: 100%; table-layout: fixed; border-collapse: separate }
.btn-group-justified>.btn, .btn-group-justified>.btn-group { float: none; display: table-cell; width: 1% }
.btn-group-justified>.btn-group .btn { width: 100% }
.btn-group-justified>.btn-group .dropdown-menu { left: auto }
[data-toggle="buttons"]>.btn input[type="radio"], [data-toggle="buttons"]>.btn-group>.btn input[type="radio"], [data-toggle="buttons"]>.btn input[type="checkbox"], [data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"] { position: absolute; clip: rect(0, 0, 0, 0); pointer-events: none }
.input-group { position: relative; display: table; border-collapse: separate }
.input-group[class*="col-"] { float: none; padding-left: 0; padding-right: 0 }
.input-group .form-control { position: relative; z-index: 2; float: left; width: 100%; margin-bottom: 0 }
.input-group .form-control:focus { z-index: 3 }
.input-group-lg>.form-control, .input-group-lg>.input-group-addon, .input-group-lg>.input-group-btn>.btn { height: 45px; padding: 10px 16px; font-size: 17px; line-height: 1.3333333; border-radius: 3px }
select.input-group-lg>.form-control, select.input-group-lg>.input-group-addon, select.input-group-lg>.input-group-btn>.btn { height: 45px; line-height: 45px }
textarea.input-group-lg>.form-control, textarea.input-group-lg>.input-group-addon, textarea.input-group-lg>.input-group-btn>.btn, select[multiple].input-group-lg>.form-control, select[multiple].input-group-lg>.input-group-addon, select[multiple].input-group-lg>.input-group-btn>.btn { height: auto }
.input-group-sm>.form-control, .input-group-sm>.input-group-addon, .input-group-sm>.input-group-btn>.btn { height: 30px; padding: 5px 10px; font-size: 12px; line-height: 1.5; border-radius: 1px }
select.input-group-sm>.form-control, select.input-group-sm>.input-group-addon, select.input-group-sm>.input-group-btn>.btn { height: 30px; line-height: 30px }
textarea.input-group-sm>.form-control, textarea.input-group-sm>.input-group-addon, textarea.input-group-sm>.input-group-btn>.btn, select[multiple].input-group-sm>.form-control, select[multiple].input-group-sm>.input-group-addon, select[multiple].input-group-sm>.input-group-btn>.btn { height: auto }
.input-group-addon, .input-group-btn, .input-group .form-control { display: table-cell }
.input-group-addon:not(:first-child):not(:last-child), .input-group-btn:not(:first-child):not(:last-child), .input-group .form-control:not(:first-child):not(:last-child) { border-radius: 0 }
.input-group-addon, .input-group-btn { width: 1%; white-space: nowrap; vertical-align: middle }
.input-group-addon { padding: 6px 12px; font-size: 13px; font-weight: normal; line-height: 1; color: rgba(85, 85, 85, 1); text-align: center; background-color: rgba(238, 238, 238, 1); border: 1px solid rgba(204, 204, 204, 1); border-radius: 2px }
.input-group-addon.input-sm { padding: 5px 10px; font-size: 12px; border-radius: 1px }
.input-group-addon.input-lg { padding: 10px 16px; font-size: 17px; border-radius: 3px }
.input-group-addon input[type="radio"], .input-group-addon input[type="checkbox"] { margin-top: 0 }
.input-group .form-control:first-child, .input-group-addon:first-child, .input-group-btn:first-child>.btn, .input-group-btn:first-child>.btn-group>.btn, .input-group-btn:first-child>.dropdown-toggle, .input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle), .input-group-btn:last-child>.btn-group:not(:last-child)>.btn { border-bottom-right-radius: 0; border-top-right-radius: 0 }
.input-group-addon:first-child { border-right: 0 }
.input-group .form-control:last-child, .input-group-addon:last-child, .input-group-btn:last-child>.btn, .input-group-btn:last-child>.btn-group>.btn, .input-group-btn:last-child>.dropdown-toggle, .input-group-btn:first-child>.btn:not(:first-child), .input-group-btn:first-child>.btn-group:not(:first-child)>.btn { border-bottom-left-radius: 0; border-top-left-radius: 0 }
.input-group-addon:last-child { border-left: 0 }
.input-group-btn { position: relative; font-size: 0; white-space: nowrap }
.input-group-btn>.btn { position: relative }
.input-group-btn>.btn+.btn { margin-left: -1px }
.input-group-btn>.btn:hover, .input-group-btn>.btn:focus, .input-group-btn>.btn:active { z-index: 2 }
.input-group-btn:first-child>.btn, .input-group-btn:first-child>.btn-group { margin-right: -1px }
.input-group-btn:last-child>.btn, .input-group-btn:last-child>.btn-group { z-index: 2; margin-left: -1px }
.nav { margin-bottom: 0; padding-left: 0; list-style: none }
.nav>li { position: relative; display: block }
.nav>li>a { position: relative; display: block; padding: 10px 15px }
.nav>li>a:hover, .nav>li>a:focus { text-decoration: none; background-color: rgba(238, 238, 238, 1) }
.nav>li.disabled>a { color: rgba(119, 119, 119, 1) }
.nav>li.disabled>a:hover, .nav>li.disabled>a:focus { color: rgba(119, 119, 119, 1); text-decoration: none; background-color: rgba(0, 0, 0, 0); cursor: not-allowed }
.nav .open>a, .nav .open>a:hover, .nav .open>a:focus { background-color: rgba(238, 238, 238, 1); border-color: rgba(51, 122, 183, 1) }
.nav .nav-divider { height: 1px; margin: 8px 0; overflow: hidden; background-color: rgba(229, 229, 229, 1) }
.nav>li>a>img { max-width: none }
.nav-tabs { border-bottom: 1px solid rgba(221, 221, 221, 1) }
.nav-tabs>li { float: left; margin-bottom: -1px }
.nav-tabs>li>a { margin-right: 2px; line-height: 1.42857143; border: 1px solid rgba(0, 0, 0, 0); border-radius: 2px 2px 0 0 }
.nav-tabs>li>a:hover { border-color: rgba(238, 238, 238, 1) rgba(238, 238, 238, 1) rgba(221, 221, 221, 1) }
.nav-tabs>li.active>a, .nav-tabs>li.active>a:hover, .nav-tabs>li.active>a:focus { color: rgba(85, 85, 85, 1); background-color: rgba(255, 255, 255, 1); border-top: 1px solid rgba(221, 221, 221, 1); border-right: 1px solid rgba(221, 221, 221, 1); border-bottom: 1px solid rgba(0, 0, 0, 0); border-left: 1px solid rgba(221, 221, 221, 1); cursor: default }
.nav-tabs.nav-justified { width: 100%; border-bottom: 0 }
.nav-tabs.nav-justified>li { float: none }
.nav-tabs.nav-justified>li>a { text-align: center; margin-bottom: 5px }
.nav-tabs.nav-justified>.dropdown .dropdown-menu { top: auto; left: auto }
@media (min-width: 768px) { .nav-tabs.nav-justified>li { display: table-cell; width: 1% } .nav-tabs.nav-justified>li>a { margin-bottom: 0 } }
.nav-tabs.nav-justified>li>a { margin-right: 0; border-radius: 2px }
.nav-tabs.nav-justified>.active>a, .nav-tabs.nav-justified>.active>a:hover, .nav-tabs.nav-justified>.active>a:focus { border: 1px solid rgba(221, 221, 221, 1) }
@media (min-width: 768px) { .nav-tabs.nav-justified>li>a { border-bottom: 1px solid rgba(221, 221, 221, 1); border-radius: 2px 2px 0 0 } .nav-tabs.nav-justified>.active>a, .nav-tabs.nav-justified>.active>a:hover, .nav-tabs.nav-justified>.active>a:focus { border-bottom-color: rgba(255, 255, 255, 1) } }
.nav-pills>li { float: left }
.nav-pills>li>a { border-radius: 2px }
.nav-pills>li+li { margin-left: 2px }
.nav-pills>li.active>a, .nav-pills>li.active>a:hover, .nav-pills>li.active>a:focus { color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1) }
.nav-stacked>li { float: none }
.nav-stacked>li+li { margin-top: 2px; margin-left: 0 }
.nav-justified { width: 100% }
.nav-justified>li { float: none }
.nav-justified>li>a { text-align: center; margin-bottom: 5px }
.nav-justified>.dropdown .dropdown-menu { top: auto; left: auto }
@media (min-width: 768px) { .nav-justified>li { display: table-cell; width: 1% } .nav-justified>li>a { margin-bottom: 0 } }
.nav-tabs-justified { border-bottom: 0 }
.nav-tabs-justified>li>a { margin-right: 0; border-radius: 2px }
.nav-tabs-justified>.active>a, .nav-tabs-justified>.active>a:hover, .nav-tabs-justified>.active>a:focus { border: 1px solid rgba(221, 221, 221, 1) }
@media (min-width: 768px) { .nav-tabs-justified>li>a { border-bottom: 1px solid rgba(221, 221, 221, 1); border-radius: 2px 2px 0 0 } .nav-tabs-justified>.active>a, .nav-tabs-justified>.active>a:hover, .nav-tabs-justified>.active>a:focus { border-bottom-color: rgba(255, 255, 255, 1) } }
.tab-content>.tab-pane { display: none }
.tab-content>.active { display: block }
.nav-tabs .dropdown-menu { margin-top: -1px; border-top-right-radius: 0; border-top-left-radius: 0 }
.navbar { position: relative; min-height: 30px; margin-bottom: 18px; border: 1px solid rgba(0, 0, 0, 0) }
@media (min-width: 541px) { .navbar { border-radius: 2px } }
@media (min-width: 541px) { .navbar-header { float: left } }
.navbar-collapse { overflow-x: visible; padding-right: 0; padding-left: 0; border-top: 1px solid rgba(0, 0, 0, 0); box-shadow: inset 0 1px rgba(255, 255, 255, 0.1); -webkit-overflow-scrolling: touch }
.navbar-collapse.in { overflow-y: auto }
@media (min-width: 541px) { .navbar-collapse { width: auto; border-top: 0; box-shadow: none } .navbar-collapse.collapse { display: block !important; height: auto !important; padding-bottom: 0; overflow: visible !important } .navbar-collapse.in { overflow-y: visible } .navbar-fixed-top .navbar-collapse, .navbar-static-top .navbar-collapse, .navbar-fixed-bottom .navbar-collapse { padding-left: 0; padding-right: 0 } }
.navbar-fixed-top .navbar-collapse, .navbar-fixed-bottom .navbar-collapse { max-height: 340px }
@media (max-device-width: 540px) and (orientation: landscape) { .navbar-fixed-top .navbar-collapse, .navbar-fixed-bottom .navbar-collapse { max-height: 200px } }
.container>.navbar-header, .container-fluid>.navbar-header, .container>.navbar-collapse, .container-fluid>.navbar-collapse { margin-right: 0; margin-left: 0 }
@media (min-width: 541px) { .container>.navbar-header, .container-fluid>.navbar-header, .container>.navbar-collapse, .container-fluid>.navbar-collapse { margin-right: 0; margin-left: 0 } }
.navbar-static-top { z-index: 1000; border-width: 0 0 1px }
@media (min-width: 541px) { .navbar-static-top { border-radius: 0 } }
.navbar-fixed-top, .navbar-fixed-bottom { position: fixed; right: 0; left: 0; z-index: 1030 }
@media (min-width: 541px) { .navbar-fixed-top, .navbar-fixed-bottom { border-radius: 0 } }
.navbar-fixed-top { top: 0; border-width: 0 0 1px }
.navbar-fixed-bottom { bottom: 0; margin-bottom: 0; border-width: 1px 0 0 }
.navbar-brand { float: left; padding: 6px 0; font-size: 17px; line-height: 18px; height: 30px }
.navbar-brand:hover, .navbar-brand:focus { text-decoration: none }
.navbar-brand>img { display: block }
@media (min-width: 541px) { .navbar>.container .navbar-brand, .navbar>.container-fluid .navbar-brand { margin-left: 0 } }
.navbar-toggle { position: relative; float: right; margin-right: 0; padding: 9px 10px; margin-top: -2px; margin-bottom: -2px; background-color: rgba(0, 0, 0, 0); background-image: none; border: 1px solid rgba(0, 0, 0, 0); border-radius: 2px }
.navbar-toggle:focus { outline: 0 }
.navbar-toggle .icon-bar { display: block; width: 22px; height: 2px; border-radius: 1px }
.navbar-toggle .icon-bar+.icon-bar { margin-top: 4px }
@media (min-width: 541px) { .navbar-toggle { display: none } }
.navbar-nav { margin: 3px 0 }
.navbar-nav>li>a { padding-top: 10px; padding-bottom: 10px; line-height: 18px }
@media (max-width: 540px) { .navbar-nav .open .dropdown-menu { position: static; float: none; width: auto; margin-top: 0; background-color: rgba(0, 0, 0, 0); border: 0; box-shadow: none } .navbar-nav .open .dropdown-menu>li>a, .navbar-nav .open .dropdown-menu .dropdown-header { padding: 5px 15px 5px 25px } .navbar-nav .open .dropdown-menu>li>a { line-height: 18px } .navbar-nav .open .dropdown-menu>li>a:hover, .navbar-nav .open .dropdown-menu>li>a:focus { background-image: none } }
@media (min-width: 541px) { .navbar-nav { float: left; margin: 0 } .navbar-nav>li { float: left } .navbar-nav>li>a { padding-top: 6px; padding-bottom: 6px } }
.navbar-form { margin: -1px 0; padding: 10px 0; border-top: 1px solid rgba(0, 0, 0, 0); border-bottom: 1px solid rgba(0, 0, 0, 0); -webkit-box-shadow: inset 0 1px 0 rgba(255, 255, 255, 0.1), 0 1px 0 rgba(255, 255, 255, 0.1); box-shadow: inset 0 1px rgba(255, 255, 255, 0.1), 0 1px rgba(255, 255, 255, 0.1) }
@media (min-width: 768px) { .navbar-form .form-group { display: inline-block; margin-bottom: 0; vertical-align: middle } .navbar-form .form-control { display: inline-block; width: auto; vertical-align: middle } .navbar-form .form-control-static { display: inline-block } .navbar-form .input-group { display: inline-table; vertical-align: middle } .navbar-form .input-group .input-group-addon, .navbar-form .input-group .input-group-btn, .navbar-form .input-group .form-control { width: auto } .navbar-form .input-group>.form-control { width: 100% } .navbar-form .control-label { margin-bottom: 0; vertical-align: middle } .navbar-form .radio, .navbar-form .checkbox { display: inline-block; margin-top: 0; margin-bottom: 0; vertical-align: middle } .navbar-form .radio label, .navbar-form .checkbox label { padding-left: 0 } .navbar-form .radio input[type="radio"], .navbar-form .checkbox input[type="checkbox"] { position: relative; margin-left: 0 } .navbar-form .has-feedback .form-control-feedback { top: 0 } }
@media (max-width: 540px) { .navbar-form .form-group { margin-bottom: 5px } .navbar-form .form-group:last-child { margin-bottom: 0 } }
@media (min-width: 541px) { .navbar-form { width: auto; border: 0; margin-left: 0; margin-right: 0; padding-top: 0; padding-bottom: 0; -webkit-box-shadow: none; box-shadow: none } }
.navbar-nav>li>.dropdown-menu { margin-top: 0; border-top-right-radius: 0; border-top-left-radius: 0 }
.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu { margin-bottom: 0; border-radius: 2px 2px 0 0 }
.navbar-btn { margin-top: -1px; margin-bottom: -1px }
.navbar-btn.btn-sm { margin-top: 0; margin-bottom: 0 }
.navbar-btn.btn-xs { margin-top: 4px; margin-bottom: 4px }
.navbar-text { margin-top: 6px; margin-bottom: 6px }
@media (min-width: 541px) { .navbar-text { float: left; margin-left: 0; margin-right: 0 } }
@media (min-width: 541px) { .navbar-left { float: left } .navbar-right { float: right; margin-right: 0 } .navbar-right~.navbar-right { margin-right: 0 } }
.navbar-default { background-color: rgba(248, 248, 248, 1); border-color: rgba(231, 231, 231, 1) }
.navbar-default .navbar-brand { color: rgba(119, 119, 119, 1) }
.navbar-default .navbar-brand:hover, .navbar-default .navbar-brand:focus { color: rgba(94, 94, 94, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-default .navbar-text { color: rgba(119, 119, 119, 1) }
.navbar-default .navbar-nav>li>a { color: rgba(119, 119, 119, 1) }
.navbar-default .navbar-nav>li>a:hover, .navbar-default .navbar-nav>li>a:focus { color: rgba(51, 51, 51, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-default .navbar-nav>.active>a, .navbar-default .navbar-nav>.active>a:hover, .navbar-default .navbar-nav>.active>a:focus { color: rgba(85, 85, 85, 1); background-color: rgba(231, 231, 231, 1) }
.navbar-default .navbar-nav>.disabled>a, .navbar-default .navbar-nav>.disabled>a:hover, .navbar-default .navbar-nav>.disabled>a:focus { color: rgba(204, 204, 204, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-default .navbar-toggle { border-color: rgba(221, 221, 221, 1) }
.navbar-default .navbar-toggle:hover, .navbar-default .navbar-toggle:focus { background-color: rgba(221, 221, 221, 1) }
.navbar-default .navbar-toggle .icon-bar { background-color: rgba(136, 136, 136, 1) }
.navbar-default .navbar-collapse, .navbar-default .navbar-form { border-color: rgba(231, 231, 231, 1) }
.navbar-default .navbar-nav>.open>a, .navbar-default .navbar-nav>.open>a:hover, .navbar-default .navbar-nav>.open>a:focus { background-color: rgba(231, 231, 231, 1); color: rgba(85, 85, 85, 1) }
@media (max-width: 540px) { .navbar-default .navbar-nav .open .dropdown-menu>li>a { color: rgba(119, 119, 119, 1) } .navbar-default .navbar-nav .open .dropdown-menu>li>a:hover, .navbar-default .navbar-nav .open .dropdown-menu>li>a:focus { color: rgba(51, 51, 51, 1); background-color: rgba(0, 0, 0, 0) } .navbar-default .navbar-nav .open .dropdown-menu>.active>a, .navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover, .navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus { color: rgba(85, 85, 85, 1); background-color: rgba(231, 231, 231, 1) } .navbar-default .navbar-nav .open .dropdown-menu>.disabled>a, .navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover, .navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus { color: rgba(204, 204, 204, 1); background-color: rgba(0, 0, 0, 0) } }
.navbar-default .navbar-link { color: rgba(119, 119, 119, 1) }
.navbar-default .navbar-link:hover { color: rgba(51, 51, 51, 1) }
.navbar-default .btn-link { color: rgba(119, 119, 119, 1) }
.navbar-default .btn-link:hover, .navbar-default .btn-link:focus { color: rgba(51, 51, 51, 1) }
.navbar-default .btn-link[disabled]:hover, fieldset[disabled] .navbar-default .btn-link:hover, .navbar-default .btn-link[disabled]:focus, fieldset[disabled] .navbar-default .btn-link:focus { color: rgba(204, 204, 204, 1) }
.navbar-inverse { background-color: rgba(34, 34, 34, 1); border-color: rgba(8, 8, 8, 1) }
.navbar-inverse .navbar-brand { color: rgba(157, 157, 157, 1) }
.navbar-inverse .navbar-brand:hover, .navbar-inverse .navbar-brand:focus { color: rgba(255, 255, 255, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-inverse .navbar-text { color: rgba(157, 157, 157, 1) }
.navbar-inverse .navbar-nav>li>a { color: rgba(157, 157, 157, 1) }
.navbar-inverse .navbar-nav>li>a:hover, .navbar-inverse .navbar-nav>li>a:focus { color: rgba(255, 255, 255, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-inverse .navbar-nav>.active>a, .navbar-inverse .navbar-nav>.active>a:hover, .navbar-inverse .navbar-nav>.active>a:focus { color: rgba(255, 255, 255, 1); background-color: rgba(8, 8, 8, 1) }
.navbar-inverse .navbar-nav>.disabled>a, .navbar-inverse .navbar-nav>.disabled>a:hover, .navbar-inverse .navbar-nav>.disabled>a:focus { color: rgba(68, 68, 68, 1); background-color: rgba(0, 0, 0, 0) }
.navbar-inverse .navbar-toggle { border-color: rgba(51, 51, 51, 1) }
.navbar-inverse .navbar-toggle:hover, .navbar-inverse .navbar-toggle:focus { background-color: rgba(51, 51, 51, 1) }
.navbar-inverse .navbar-toggle .icon-bar { background-color: rgba(255, 255, 255, 1) }
.navbar-inverse .navbar-collapse, .navbar-inverse .navbar-form { border-color: rgba(16, 16, 16, 1) }
.navbar-inverse .navbar-nav>.open>a, .navbar-inverse .navbar-nav>.open>a:hover, .navbar-inverse .navbar-nav>.open>a:focus { background-color: rgba(8, 8, 8, 1); color: rgba(255, 255, 255, 1) }
@media (max-width: 540px) { .navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header { border-color: rgba(8, 8, 8, 1) } .navbar-inverse .navbar-nav .open .dropdown-menu .divider { background-color: rgba(8, 8, 8, 1) } .navbar-inverse .navbar-nav .open .dropdown-menu>li>a { color: rgba(157, 157, 157, 1) } .navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover, .navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus { color: rgba(255, 255, 255, 1); background-color: rgba(0, 0, 0, 0) } .navbar-inverse .navbar-nav .open .dropdown-menu>.active>a, .navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover, .navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus { color: rgba(255, 255, 255, 1); background-color: rgba(8, 8, 8, 1) } .navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a, .navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover, .navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus { color: rgba(68, 68, 68, 1); background-color: rgba(0, 0, 0, 0) } }
.navbar-inverse .navbar-link { color: rgba(157, 157, 157, 1) }
.navbar-inverse .navbar-link:hover { color: rgba(255, 255, 255, 1) }
.navbar-inverse .btn-link { color: rgba(157, 157, 157, 1) }
.navbar-inverse .btn-link:hover, .navbar-inverse .btn-link:focus { color: rgba(255, 255, 255, 1) }
.navbar-inverse .btn-link[disabled]:hover, fieldset[disabled] .navbar-inverse .btn-link:hover, .navbar-inverse .btn-link[disabled]:focus, fieldset[disabled] .navbar-inverse .btn-link:focus { color: rgba(68, 68, 68, 1) }
.breadcrumb { padding: 8px 15px; margin-bottom: 18px; list-style: none; background-color: rgba(245, 245, 245, 1); border-radius: 2px }
.breadcrumb>li { display: inline-block }
.breadcrumb>li+li:before { content: "/ "; padding: 0 5px; color: rgba(94, 94, 94, 1) }
.breadcrumb>.active { color: rgba(119, 119, 119, 1) }
.pagination { display: inline-block; padding-left: 0; margin: 18px 0; border-radius: 2px }
.pagination>li { display: inline }
.pagination>li>a, .pagination>li>span { position: relative; float: left; padding: 6px 12px; line-height: 1.42857143; text-decoration: none; color: rgba(51, 122, 183, 1); background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(221, 221, 221, 1); margin-left: -1px }
.pagination>li:first-child>a, .pagination>li:first-child>span { margin-left: 0; border-bottom-left-radius: 2px; border-top-left-radius: 2px }
.pagination>li:last-child>a, .pagination>li:last-child>span { border-bottom-right-radius: 2px; border-top-right-radius: 2px }
.pagination>li>a:hover, .pagination>li>span:hover, .pagination>li>a:focus, .pagination>li>span:focus { z-index: 2; color: rgba(35, 82, 124, 1); background-color: rgba(238, 238, 238, 1); border-color: rgba(221, 221, 221, 1) }
.pagination>.active>a, .pagination>.active>span, .pagination>.active>a:hover, .pagination>.active>span:hover, .pagination>.active>a:focus, .pagination>.active>span:focus { z-index: 3; color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1); border-color: rgba(51, 122, 183, 1); cursor: default }
.pagination>.disabled>span, .pagination>.disabled>span:hover, .pagination>.disabled>span:focus, .pagination>.disabled>a, .pagination>.disabled>a:hover, .pagination>.disabled>a:focus { color: rgba(119, 119, 119, 1); background-color: rgba(255, 255, 255, 1); border-color: rgba(221, 221, 221, 1); cursor: not-allowed }
.pagination-lg>li>a, .pagination-lg>li>span { padding: 10px 16px; font-size: 17px; line-height: 1.3333333 }
.pagination-lg>li:first-child>a, .pagination-lg>li:first-child>span { border-bottom-left-radius: 3px; border-top-left-radius: 3px }
.pagination-lg>li:last-child>a, .pagination-lg>li:last-child>span { border-bottom-right-radius: 3px; border-top-right-radius: 3px }
.pagination-sm>li>a, .pagination-sm>li>span { padding: 5px 10px; font-size: 12px; line-height: 1.5 }
.pagination-sm>li:first-child>a, .pagination-sm>li:first-child>span { border-bottom-left-radius: 1px; border-top-left-radius: 1px }
.pagination-sm>li:last-child>a, .pagination-sm>li:last-child>span { border-bottom-right-radius: 1px; border-top-right-radius: 1px }
.pager { padding-left: 0; margin: 18px 0; list-style: none; text-align: center }
.pager li { display: inline }
.pager li>a, .pager li>span { display: inline-block; padding: 5px 14px; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(221, 221, 221, 1); border-radius: 15px }
.pager li>a:hover, .pager li>a:focus { text-decoration: none; background-color: rgba(238, 238, 238, 1) }
.pager .next>a, .pager .next>span { float: right }
.pager .previous>a, .pager .previous>span { float: left }
.pager .disabled>a, .pager .disabled>a:hover, .pager .disabled>a:focus, .pager .disabled>span { color: rgba(119, 119, 119, 1); background-color: rgba(255, 255, 255, 1); cursor: not-allowed }
.label { display: inline; padding: 0.2em 0.6em 0.3em; font-size: 75%; font-weight: bold; line-height: 1; color: rgba(255, 255, 255, 1); text-align: center; white-space: nowrap; vertical-align: baseline; border-radius: 0.25em }
a.label:hover, a.label:focus { color: rgba(255, 255, 255, 1); text-decoration: none; cursor: pointer }
.label:empty { display: none }
.btn .label { position: relative; top: -1px }
.label-default { background-color: rgba(119, 119, 119, 1) }
.label-default[href]:hover, .label-default[href]:focus { background-color: rgba(94, 94, 94, 1) }
.label-primary { background-color: rgba(51, 122, 183, 1) }
.label-primary[href]:hover, .label-primary[href]:focus { background-color: rgba(40, 96, 144, 1) }
.label-success { background-color: rgba(92, 184, 92, 1) }
.label-success[href]:hover, .label-success[href]:focus { background-color: rgba(68, 157, 68, 1) }
.label-info { background-color: rgba(91, 192, 222, 1) }
.label-info[href]:hover, .label-info[href]:focus { background-color: rgba(49, 176, 213, 1) }
.label-warning { background-color: rgba(240, 173, 78, 1) }
.label-warning[href]:hover, .label-warning[href]:focus { background-color: rgba(236, 151, 31, 1) }
.label-danger { background-color: rgba(217, 83, 79, 1) }
.label-danger[href]:hover, .label-danger[href]:focus { background-color: rgba(201, 48, 44, 1) }
.badge { display: inline-block; min-width: 10px; padding: 3px 7px; font-size: 12px; font-weight: bold; color: rgba(255, 255, 255, 1); line-height: 1; vertical-align: middle; white-space: nowrap; text-align: center; background-color: rgba(119, 119, 119, 1); border-radius: 10px }
.badge:empty { display: none }
.btn .badge { position: relative; top: -1px }
.btn-xs .badge, .btn-group-xs>.btn .badge { top: 0; padding: 1px 5px }
a.badge:hover, a.badge:focus { color: rgba(255, 255, 255, 1); text-decoration: none; cursor: pointer }
.list-group-item.active>.badge, .nav-pills>.active>a>.badge { color: rgba(51, 122, 183, 1); background-color: rgba(255, 255, 255, 1) }
.list-group-item>.badge { float: right }
.list-group-item>.badge+.badge { margin-right: 5px }
.nav-pills>li>a>.badge { margin-left: 3px }
.jumbotron { padding-top: 30px; padding-bottom: 30px; margin-bottom: 30px; color: inherit; background-color: rgba(238, 238, 238, 1) }
.jumbotron h1, .jumbotron .h1 { color: inherit }
.jumbotron p { margin-bottom: 15px; font-size: 20px; font-weight: 200 }
.jumbotron>hr { border-top-color: rgba(213, 213, 213, 1) }
.container .jumbotron, .container-fluid .jumbotron { border-radius: 3px; padding-left: 0; padding-right: 0 }
.jumbotron .container { max-width: 100% }
@media screen and (min-width: 768px) { .jumbotron { padding-top: 48px; padding-bottom: 48px } .container .jumbotron, .container-fluid .jumbotron { padding-left: 60px; padding-right: 60px } .jumbotron h1, .jumbotron .h1 { font-size: 59px } }
.thumbnail { display: block; padding: 4px; margin-bottom: 18px; line-height: 1.42857143; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(221, 221, 221, 1); border-radius: 2px; -webkit-transition: border 0.2s ease-in-out; -o-transition: border 0.2s ease-in-out; transition: border 0.2s ease-in-out }
.thumbnail>img, .thumbnail a>img { margin-left: auto; margin-right: auto }
a.thumbnail:hover, a.thumbnail:focus, a.thumbnail.active { border-color: rgba(51, 122, 183, 1) }
.thumbnail .caption { padding: 9px; color: rgba(0, 0, 0, 1) }
.alert { padding: 15px; margin-bottom: 18px; border: 1px solid rgba(0, 0, 0, 0); border-radius: 2px }
.alert h4 { margin-top: 0; color: inherit }
.alert .alert-link { font-weight: bold }
.alert>p, .alert>ul { margin-bottom: 0 }
.alert>p+p { margin-top: 5px }
.alert-dismissable, .alert-dismissible { padding-right: 35px }
.alert-dismissable .close, .alert-dismissible .close { position: relative; top: -2px; right: -21px; color: inherit }
.alert-success { background-color: rgba(223, 240, 216, 1); border-color: rgba(214, 233, 198, 1); color: rgba(60, 118, 61, 1) }
.alert-success hr { border-top-color: rgba(201, 226, 179, 1) }
.alert-success .alert-link { color: rgba(43, 84, 44, 1) }
.alert-info { background-color: rgba(217, 237, 247, 1); border-color: rgba(188, 232, 241, 1); color: rgba(49, 112, 143, 1) }
.alert-info hr { border-top-color: rgba(166, 225, 236, 1) }
.alert-info .alert-link { color: rgba(36, 82, 105, 1) }
.alert-warning { background-color: rgba(252, 248, 227, 1); border-color: rgba(250, 235, 204, 1); color: rgba(138, 109, 59, 1) }
.alert-warning hr { border-top-color: rgba(247, 225, 181, 1) }
.alert-warning .alert-link { color: rgba(102, 81, 44, 1) }
.alert-danger { background-color: rgba(242, 222, 222, 1); border-color: rgba(235, 204, 209, 1); color: rgba(169, 68, 66, 1) }
.alert-danger hr { border-top-color: rgba(228, 185, 192, 1) }
.alert-danger .alert-link { color: rgba(132, 53, 52, 1) }
@-webkit-keyframes progress-bar-stripes {
from {
background-position: 40px 0;
}
to {
background-position: 0 0;
}
}
@keyframes progress-bar-stripes { 0% { background-position: 40px 0 } 100% { background-position: left top } }
.progress { overflow: hidden; height: 18px; margin-bottom: 18px; background-color: rgba(245, 245, 245, 1); border-radius: 2px; -webkit-box-shadow: inset 0 1px 2px rgba(0, 0, 0, 0.1); box-shadow: inset 0 1px 2px rgba(0, 0, 0, 0.1) }
.progress-bar { float: left; width: 0; height: 100%; font-size: 12px; line-height: 18px; color: rgba(255, 255, 255, 1); text-align: center; background-color: rgba(51, 122, 183, 1); -webkit-box-shadow: inset 0 -1px 0 rgba(0, 0, 0, 0.15); box-shadow: inset 0 -1px rgba(0, 0, 0, 0.15); -webkit-transition: width 0.6s ease; -o-transition: width 0.6s ease; transition: width 0.6s ease }
.progress-striped .progress-bar, .progress-bar-striped { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, rgba(0, 0, 0, 0) 25%, rgba(0, 0, 0, 0) 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, rgba(0, 0, 0, 0) 75%, rgba(0, 0, 0, 0)); background-size: 40px 40px }
.progress.active .progress-bar, .progress-bar.active { -webkit-animation: progress-bar-stripes 2s linear infinite; -o-animation: progress-bar-stripes 2s linear infinite; animation: 2s linear infinite progress-bar-stripes }
.progress-bar-success { background-color: rgba(92, 184, 92, 1) }
.progress-striped .progress-bar-success { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, rgba(0, 0, 0, 0) 25%, rgba(0, 0, 0, 0) 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, rgba(0, 0, 0, 0) 75%, rgba(0, 0, 0, 0)) }
.progress-bar-info { background-color: rgba(91, 192, 222, 1) }
.progress-striped .progress-bar-info { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, rgba(0, 0, 0, 0) 25%, rgba(0, 0, 0, 0) 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, rgba(0, 0, 0, 0) 75%, rgba(0, 0, 0, 0)) }
.progress-bar-warning { background-color: rgba(240, 173, 78, 1) }
.progress-striped .progress-bar-warning { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, rgba(0, 0, 0, 0) 25%, rgba(0, 0, 0, 0) 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, rgba(0, 0, 0, 0) 75%, rgba(0, 0, 0, 0)) }
.progress-bar-danger { background-color: rgba(217, 83, 79, 1) }
.progress-striped .progress-bar-danger { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, rgba(0, 0, 0, 0) 25%, rgba(0, 0, 0, 0) 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, rgba(0, 0, 0, 0) 75%, rgba(0, 0, 0, 0)) }
.media { margin-top: 15px }
.media:first-child { margin-top: 0 }
.media, .media-body { zoom: 1; overflow: hidden }
.media-body { width: 10000px }
.media-object { display: block }
.media-object.img-thumbnail { max-width: none }
.media-right, .media>.pull-right { padding-left: 10px }
.media-left, .media>.pull-left { padding-right: 10px }
.media-left, .media-right, .media-body { display: table-cell; vertical-align: top }
.media-middle { vertical-align: middle }
.media-bottom { vertical-align: bottom }
.media-heading { margin-top: 0; margin-bottom: 5px }
.media-list { padding-left: 0; list-style: none }
.list-group { margin-bottom: 20px; padding-left: 0 }
.list-group-item { position: relative; display: block; padding: 10px 15px; margin-bottom: -1px; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(221, 221, 221, 1) }
.list-group-item:first-child { border-top-right-radius: 2px; border-top-left-radius: 2px }
.list-group-item:last-child { margin-bottom: 0; border-bottom-right-radius: 2px; border-bottom-left-radius: 2px }
a.list-group-item, button.list-group-item { color: rgba(85, 85, 85, 1) }
a.list-group-item .list-group-item-heading, button.list-group-item .list-group-item-heading { color: rgba(51, 51, 51, 1) }
a.list-group-item:hover, button.list-group-item:hover, a.list-group-item:focus, button.list-group-item:focus { text-decoration: none; color: rgba(85, 85, 85, 1); background-color: rgba(245, 245, 245, 1) }
button.list-group-item { width: 100%; text-align: left }
.list-group-item.disabled, .list-group-item.disabled:hover, .list-group-item.disabled:focus { background-color: rgba(238, 238, 238, 1); color: rgba(119, 119, 119, 1); cursor: not-allowed }
.list-group-item.disabled .list-group-item-heading, .list-group-item.disabled:hover .list-group-item-heading, .list-group-item.disabled:focus .list-group-item-heading { color: inherit }
.list-group-item.disabled .list-group-item-text, .list-group-item.disabled:hover .list-group-item-text, .list-group-item.disabled:focus .list-group-item-text { color: rgba(119, 119, 119, 1) }
.list-group-item.active, .list-group-item.active:hover, .list-group-item.active:focus { z-index: 2; color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1); border-color: rgba(51, 122, 183, 1) }
.list-group-item.active .list-group-item-heading, .list-group-item.active:hover .list-group-item-heading, .list-group-item.active:focus .list-group-item-heading, .list-group-item.active .list-group-item-heading>small, .list-group-item.active:hover .list-group-item-heading>small, .list-group-item.active:focus .list-group-item-heading>small, .list-group-item.active .list-group-item-heading>.small, .list-group-item.active:hover .list-group-item-heading>.small, .list-group-item.active:focus .list-group-item-heading>.small { color: inherit }
.list-group-item.active .list-group-item-text, .list-group-item.active:hover .list-group-item-text, .list-group-item.active:focus .list-group-item-text { color: rgba(199, 221, 239, 1) }
.list-group-item-success { color: rgba(60, 118, 61, 1); background-color: rgba(223, 240, 216, 1) }
a.list-group-item-success, button.list-group-item-success { color: rgba(60, 118, 61, 1) }
a.list-group-item-success .list-group-item-heading, button.list-group-item-success .list-group-item-heading { color: inherit }
a.list-group-item-success:hover, button.list-group-item-success:hover, a.list-group-item-success:focus, button.list-group-item-success:focus { color: rgba(60, 118, 61, 1); background-color: rgba(208, 233, 198, 1) }
a.list-group-item-success.active, button.list-group-item-success.active, a.list-group-item-success.active:hover, button.list-group-item-success.active:hover, a.list-group-item-success.active:focus, button.list-group-item-success.active:focus { color: rgba(255, 255, 255, 1); background-color: rgba(60, 118, 61, 1); border-color: rgba(60, 118, 61, 1) }
.list-group-item-info { color: rgba(49, 112, 143, 1); background-color: rgba(217, 237, 247, 1) }
a.list-group-item-info, button.list-group-item-info { color: rgba(49, 112, 143, 1) }
a.list-group-item-info .list-group-item-heading, button.list-group-item-info .list-group-item-heading { color: inherit }
a.list-group-item-info:hover, button.list-group-item-info:hover, a.list-group-item-info:focus, button.list-group-item-info:focus { color: rgba(49, 112, 143, 1); background-color: rgba(196, 227, 243, 1) }
a.list-group-item-info.active, button.list-group-item-info.active, a.list-group-item-info.active:hover, button.list-group-item-info.active:hover, a.list-group-item-info.active:focus, button.list-group-item-info.active:focus { color: rgba(255, 255, 255, 1); background-color: rgba(49, 112, 143, 1); border-color: rgba(49, 112, 143, 1) }
.list-group-item-warning { color: rgba(138, 109, 59, 1); background-color: rgba(252, 248, 227, 1) }
a.list-group-item-warning, button.list-group-item-warning { color: rgba(138, 109, 59, 1) }
a.list-group-item-warning .list-group-item-heading, button.list-group-item-warning .list-group-item-heading { color: inherit }
a.list-group-item-warning:hover, button.list-group-item-warning:hover, a.list-group-item-warning:focus, button.list-group-item-warning:focus { color: rgba(138, 109, 59, 1); background-color: rgba(250, 242, 204, 1) }
a.list-group-item-warning.active, button.list-group-item-warning.active, a.list-group-item-warning.active:hover, button.list-group-item-warning.active:hover, a.list-group-item-warning.active:focus, button.list-group-item-warning.active:focus { color: rgba(255, 255, 255, 1); background-color: rgba(138, 109, 59, 1); border-color: rgba(138, 109, 59, 1) }
.list-group-item-danger { color: rgba(169, 68, 66, 1); background-color: rgba(242, 222, 222, 1) }
a.list-group-item-danger, button.list-group-item-danger { color: rgba(169, 68, 66, 1) }
a.list-group-item-danger .list-group-item-heading, button.list-group-item-danger .list-group-item-heading { color: inherit }
a.list-group-item-danger:hover, button.list-group-item-danger:hover, a.list-group-item-danger:focus, button.list-group-item-danger:focus { color: rgba(169, 68, 66, 1); background-color: rgba(235, 204, 204, 1) }
a.list-group-item-danger.active, button.list-group-item-danger.active, a.list-group-item-danger.active:hover, button.list-group-item-danger.active:hover, a.list-group-item-danger.active:focus, button.list-group-item-danger.active:focus { color: rgba(255, 255, 255, 1); background-color: rgba(169, 68, 66, 1); border-color: rgba(169, 68, 66, 1) }
.list-group-item-heading { margin-top: 0; margin-bottom: 5px }
.list-group-item-text { margin-bottom: 0; line-height: 1.3 }
.panel { margin-bottom: 18px; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(0, 0, 0, 0); border-radius: 2px; -webkit-box-shadow: 0 1px 1px rgba(0, 0, 0, 0.05); box-shadow: 0 1px 1px rgba(0, 0, 0, 0.05) }
.panel-body { padding: 15px }
.panel-heading { padding: 10px 15px; border-bottom: 1px solid rgba(0, 0, 0, 0); border-top-right-radius: 1px; border-top-left-radius: 1px }
.panel-heading>.dropdown .dropdown-toggle { color: inherit }
.panel-title { margin-top: 0; margin-bottom: 0; font-size: 15px; color: inherit }
.panel-title>a, .panel-title>small, .panel-title>.small, .panel-title>small>a, .panel-title>.small>a { color: inherit }
.panel-footer { padding: 10px 15px; background-color: rgba(245, 245, 245, 1); border-top: 1px solid rgba(221, 221, 221, 1); border-bottom-right-radius: 1px; border-bottom-left-radius: 1px }
.panel>.list-group, .panel>.panel-collapse>.list-group { margin-bottom: 0 }
.panel>.list-group .list-group-item, .panel>.panel-collapse>.list-group .list-group-item { border-width: 1px 0; border-radius: 0 }
.panel>.list-group:first-child .list-group-item:first-child, .panel>.panel-collapse>.list-group:first-child .list-group-item:first-child { border-top: 0; border-top-right-radius: 1px; border-top-left-radius: 1px }
.panel>.list-group:last-child .list-group-item:last-child, .panel>.panel-collapse>.list-group:last-child .list-group-item:last-child { border-bottom: 0; border-bottom-right-radius: 1px; border-bottom-left-radius: 1px }
.panel>.panel-heading+.panel-collapse>.list-group .list-group-item:first-child { border-top-right-radius: 0; border-top-left-radius: 0 }
.panel-heading+.list-group .list-group-item:first-child { border-top-width: 0 }
.list-group+.panel-footer { border-top-width: 0 }
.panel>.table, .panel>.table-responsive>.table, .panel>.panel-collapse>.table { margin-bottom: 0 }
.panel>.table caption, .panel>.table-responsive>.table caption, .panel>.panel-collapse>.table caption { padding-left: 15px; padding-right: 15px }
.panel>.table:first-child, .panel>.table-responsive:first-child>.table:first-child { border-top-right-radius: 1px; border-top-left-radius: 1px }
.panel>.table:first-child>thead:first-child>tr:first-child, .panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child, .panel>.table:first-child>tbody:first-child>tr:first-child, .panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child { border-top-left-radius: 1px; border-top-right-radius: 1px }
.panel>.table:first-child>thead:first-child>tr:first-child td:first-child, .panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child, .panel>.table:first-child>tbody:first-child>tr:first-child td:first-child, .panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child, .panel>.table:first-child>thead:first-child>tr:first-child th:first-child, .panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child, .panel>.table:first-child>tbody:first-child>tr:first-child th:first-child, .panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child { border-top-left-radius: 1px }
.panel>.table:first-child>thead:first-child>tr:first-child td:last-child, .panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child, .panel>.table:first-child>tbody:first-child>tr:first-child td:last-child, .panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child, .panel>.table:first-child>thead:first-child>tr:first-child th:last-child, .panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child, .panel>.table:first-child>tbody:first-child>tr:first-child th:last-child, .panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child { border-top-right-radius: 1px }
.panel>.table:last-child, .panel>.table-responsive:last-child>.table:last-child { border-bottom-right-radius: 1px; border-bottom-left-radius: 1px }
.panel>.table:last-child>tbody:last-child>tr:last-child, .panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child, .panel>.table:last-child>tfoot:last-child>tr:last-child, .panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child { border-bottom-left-radius: 1px; border-bottom-right-radius: 1px }
.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child, .panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child, .panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child, .panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child, .panel>.table:last-child>tbody:last-child>tr:last-child th:first-child, .panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child, .panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child, .panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child { border-bottom-left-radius: 1px }
.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child, .panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child, .panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child, .panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child, .panel>.table:last-child>tbody:last-child>tr:last-child th:last-child, .panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child, .panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child, .panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child { border-bottom-right-radius: 1px }
.panel>.panel-body+.table, .panel>.panel-body+.table-responsive, .panel>.table+.panel-body, .panel>.table-responsive+.panel-body { border-top: 1px solid rgba(221, 221, 221, 1) }
.panel>.table>tbody:first-child>tr:first-child th, .panel>.table>tbody:first-child>tr:first-child td { border-top: 0 }
.panel>.table-bordered, .panel>.table-responsive>.table-bordered { border: 0 }
.panel>.table-bordered>thead>tr>th:first-child, .panel>.table-responsive>.table-bordered>thead>tr>th:first-child, .panel>.table-bordered>tbody>tr>th:first-child, .panel>.table-responsive>.table-bordered>tbody>tr>th:first-child, .panel>.table-bordered>tfoot>tr>th:first-child, .panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child, .panel>.table-bordered>thead>tr>td:first-child, .panel>.table-responsive>.table-bordered>thead>tr>td:first-child, .panel>.table-bordered>tbody>tr>td:first-child, .panel>.table-responsive>.table-bordered>tbody>tr>td:first-child, .panel>.table-bordered>tfoot>tr>td:first-child, .panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child { border-left: 0 }
.panel>.table-bordered>thead>tr>th:last-child, .panel>.table-responsive>.table-bordered>thead>tr>th:last-child, .panel>.table-bordered>tbody>tr>th:last-child, .panel>.table-responsive>.table-bordered>tbody>tr>th:last-child, .panel>.table-bordered>tfoot>tr>th:last-child, .panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child, .panel>.table-bordered>thead>tr>td:last-child, .panel>.table-responsive>.table-bordered>thead>tr>td:last-child, .panel>.table-bordered>tbody>tr>td:last-child, .panel>.table-responsive>.table-bordered>tbody>tr>td:last-child, .panel>.table-bordered>tfoot>tr>td:last-child, .panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child { border-right: 0 }
.panel>.table-bordered>thead>tr:first-child>td, .panel>.table-responsive>.table-bordered>thead>tr:first-child>td, .panel>.table-bordered>tbody>tr:first-child>td, .panel>.table-responsive>.table-bordered>tbody>tr:first-child>td, .panel>.table-bordered>thead>tr:first-child>th, .panel>.table-responsive>.table-bordered>thead>tr:first-child>th, .panel>.table-bordered>tbody>tr:first-child>th, .panel>.table-responsive>.table-bordered>tbody>tr:first-child>th { border-bottom: 0 }
.panel>.table-bordered>tbody>tr:last-child>td, .panel>.table-responsive>.table-bordered>tbody>tr:last-child>td, .panel>.table-bordered>tfoot>tr:last-child>td, .panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td, .panel>.table-bordered>tbody>tr:last-child>th, .panel>.table-responsive>.table-bordered>tbody>tr:last-child>th, .panel>.table-bordered>tfoot>tr:last-child>th, .panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th { border-bottom: 0 }
.panel>.table-responsive { border: 0; margin-bottom: 0 }
.panel-group { margin-bottom: 18px }
.panel-group .panel { margin-bottom: 0; border-radius: 2px }
.panel-group .panel+.panel { margin-top: 5px }
.panel-group .panel-heading { border-bottom: 0 }
.panel-group .panel-heading+.panel-collapse>.panel-body, .panel-group .panel-heading+.panel-collapse>.list-group { border-top: 1px solid rgba(221, 221, 221, 1) }
.panel-group .panel-footer { border-top: 0 }
.panel-group .panel-footer+.panel-collapse .panel-body { border-bottom: 1px solid rgba(221, 221, 221, 1) }
.panel-default { border-color: rgba(221, 221, 221, 1) }
.panel-default>.panel-heading { color: rgba(51, 51, 51, 1); background-color: rgba(245, 245, 245, 1); border-color: rgba(221, 221, 221, 1) }
.panel-default>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(221, 221, 221, 1) }
.panel-default>.panel-heading .badge { color: rgba(245, 245, 245, 1); background-color: rgba(51, 51, 51, 1) }
.panel-default>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(221, 221, 221, 1) }
.panel-primary { border-color: rgba(51, 122, 183, 1) }
.panel-primary>.panel-heading { color: rgba(255, 255, 255, 1); background-color: rgba(51, 122, 183, 1); border-color: rgba(51, 122, 183, 1) }
.panel-primary>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(51, 122, 183, 1) }
.panel-primary>.panel-heading .badge { color: rgba(51, 122, 183, 1); background-color: rgba(255, 255, 255, 1) }
.panel-primary>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(51, 122, 183, 1) }
.panel-success { border-color: rgba(214, 233, 198, 1) }
.panel-success>.panel-heading { color: rgba(60, 118, 61, 1); background-color: rgba(223, 240, 216, 1); border-color: rgba(214, 233, 198, 1) }
.panel-success>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(214, 233, 198, 1) }
.panel-success>.panel-heading .badge { color: rgba(223, 240, 216, 1); background-color: rgba(60, 118, 61, 1) }
.panel-success>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(214, 233, 198, 1) }
.panel-info { border-color: rgba(188, 232, 241, 1) }
.panel-info>.panel-heading { color: rgba(49, 112, 143, 1); background-color: rgba(217, 237, 247, 1); border-color: rgba(188, 232, 241, 1) }
.panel-info>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(188, 232, 241, 1) }
.panel-info>.panel-heading .badge { color: rgba(217, 237, 247, 1); background-color: rgba(49, 112, 143, 1) }
.panel-info>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(188, 232, 241, 1) }
.panel-warning { border-color: rgba(250, 235, 204, 1) }
.panel-warning>.panel-heading { color: rgba(138, 109, 59, 1); background-color: rgba(252, 248, 227, 1); border-color: rgba(250, 235, 204, 1) }
.panel-warning>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(250, 235, 204, 1) }
.panel-warning>.panel-heading .badge { color: rgba(252, 248, 227, 1); background-color: rgba(138, 109, 59, 1) }
.panel-warning>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(250, 235, 204, 1) }
.panel-danger { border-color: rgba(235, 204, 209, 1) }
.panel-danger>.panel-heading { color: rgba(169, 68, 66, 1); background-color: rgba(242, 222, 222, 1); border-color: rgba(235, 204, 209, 1) }
.panel-danger>.panel-heading+.panel-collapse>.panel-body { border-top-color: rgba(235, 204, 209, 1) }
.panel-danger>.panel-heading .badge { color: rgba(242, 222, 222, 1); background-color: rgba(169, 68, 66, 1) }
.panel-danger>.panel-footer+.panel-collapse>.panel-body { border-bottom-color: rgba(235, 204, 209, 1) }
.embed-responsive { position: relative; display: block; height: 0; padding: 0; overflow: hidden }
.embed-responsive .embed-responsive-item, .embed-responsive iframe, .embed-responsive embed, .embed-responsive object, .embed-responsive video { position: absolute; top: 0; left: 0; bottom: 0; height: 100%; width: 100%; border: 0 }
.embed-responsive-16by9 { padding-bottom: 56.25% }
.embed-responsive-4by3 { padding-bottom: 75% }
.well { min-height: 20px; padding: 19px; margin-bottom: 20px; background-color: rgba(245, 245, 245, 1); border: 1px solid rgba(227, 227, 227, 1); border-radius: 2px; -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.05); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.05) }
.well blockquote { border-color: rgba(0, 0, 0, 0.15) }
.well-lg { padding: 24px; border-radius: 3px }
.well-sm { padding: 9px; border-radius: 1px }
.close { float: right; font-size: 19.5px; font-weight: bold; line-height: 1; color: rgba(0, 0, 0, 1); text-shadow: 0 1px rgba(255, 255, 255, 1); opacity: 0.2; filter: alpha(opacity=20) }
.close:hover, .close:focus { color: rgba(0, 0, 0, 1); text-decoration: none; cursor: pointer; opacity: 0.5; filter: alpha(opacity=50) }
button.close { padding: 0; cursor: pointer; background: rgba(0, 0, 0, 0); border: 0; -webkit-appearance: none }
.modal-open { overflow: hidden }
.modal { display: none; overflow: hidden; position: fixed; top: 0; right: 0; bottom: 0; left: 0; z-index: 1050; -webkit-overflow-scrolling: touch; outline: 0 }
.modal.fade .modal-dialog { -webkit-transform: translate(0, -25%); -ms-transform: translate(0, -25%); -o-transform: translate(0, -25%); transform: translate(0, -25%); -webkit-transition: -webkit-transform 0.3s ease-out; -moz-transition: -moz-transform 0.3s ease-out; -o-transition: -o-transform 0.3s ease-out; transition: transform 0.3s ease-out }
.modal.in .modal-dialog { -webkit-transform: translate(0, 0); -ms-transform: translate(0, 0); -o-transform: translate(0, 0); transform: translate(0, 0) }
.modal-open .modal { overflow-x: hidden; overflow-y: auto }
.modal-dialog { position: relative; width: auto; margin: 10px }
.modal-content { position: relative; background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(0, 0, 0, 0.2); border-radius: 3px; -webkit-box-shadow: 0 3px 9px rgba(0, 0, 0, 0.5); box-shadow: 0 3px 9px rgba(0, 0, 0, 0.5); background-clip: padding-box; outline: 0 }
.modal-backdrop { position: fixed; top: 0; right: 0; bottom: 0; left: 0; z-index: 1040; background-color: rgba(0, 0, 0, 1) }
.modal-backdrop.fade { opacity: 0; filter: alpha(opacity=0) }
.modal-backdrop.in { opacity: 0.5; filter: alpha(opacity=50) }
.modal-header { padding: 15px; border-bottom: 1px solid rgba(229, 229, 229, 1) }
.modal-header .close { margin-top: -2px }
.modal-title { margin: 0; line-height: 1.42857143 }
.modal-body { position: relative; padding: 15px }
.modal-footer { padding: 15px; text-align: right; border-top: 1px solid rgba(229, 229, 229, 1) }
.modal-footer .btn+.btn { margin-left: 5px; margin-bottom: 0 }
.modal-footer .btn-group .btn+.btn { margin-left: -1px }
.modal-footer .btn-block+.btn-block { margin-left: 0 }
.modal-scrollbar-measure { position: absolute; top: -9999px; width: 50px; height: 50px; overflow: scroll }
@media (min-width: 768px) { .modal-dialog { width: 600px; margin: 30px auto } .modal-content { -webkit-box-shadow: 0 5px 15px rgba(0, 0, 0, 0.5); box-shadow: 0 5px 15px rgba(0, 0, 0, 0.5) } .modal-sm { width: 300px } }
@media (min-width: 992px) { .modal-lg { width: 900px } }
.tooltip { position: absolute; z-index: 1070; display: block; font-family: "Helvetica Neue", Helvetica, Arial, sans-serif; font-style: normal; font-weight: normal; letter-spacing: normal; line-break: auto; line-height: 1.42857143; text-align: ; text-decoration: none; text-shadow: none; text-transform: none; white-space: normal; word-break: normal; word-spacing: normal; word-wrap: normal; font-size: 12px; opacity: 0; filter: alpha(opacity=0) }
.tooltip.in { opacity: 0.9; filter: alpha(opacity=90) }
.tooltip.top { margin-top: -3px; padding: 5px 0 }
.tooltip.right { margin-left: 3px; padding: 0 5px }
.tooltip.bottom { margin-top: 3px; padding: 5px 0 }
.tooltip.left { margin-left: -3px; padding: 0 5px }
.tooltip-inner { max-width: 200px; padding: 3px 8px; color: rgba(255, 255, 255, 1); text-align: center; background-color: rgba(0, 0, 0, 1); border-radius: 2px }
.tooltip-arrow { position: absolute; width: 0; height: 0; border-color: rgba(0, 0, 0, 0); border-style: solid }
.tooltip.top .tooltip-arrow { bottom: 0; left: 50%; margin-left: -5px; border-width: 5px 5px 0; border-top-color: rgba(0, 0, 0, 1) }
.tooltip.top-left .tooltip-arrow { bottom: 0; right: 5px; margin-bottom: -5px; border-width: 5px 5px 0; border-top-color: rgba(0, 0, 0, 1) }
.tooltip.top-right .tooltip-arrow { bottom: 0; left: 5px; margin-bottom: -5px; border-width: 5px 5px 0; border-top-color: rgba(0, 0, 0, 1) }
.tooltip.right .tooltip-arrow { top: 50%; left: 0; margin-top: -5px; border-width: 5px 5px 5px 0; border-right-color: rgba(0, 0, 0, 1) }
.tooltip.left .tooltip-arrow { top: 50%; right: 0; margin-top: -5px; border-width: 5px 0 5px 5px; border-left-color: rgba(0, 0, 0, 1) }
.tooltip.bottom .tooltip-arrow { top: 0; left: 50%; margin-left: -5px; border-width: 0 5px 5px; border-bottom-color: rgba(0, 0, 0, 1) }
.tooltip.bottom-left .tooltip-arrow { top: 0; right: 5px; margin-top: -5px; border-width: 0 5px 5px; border-bottom-color: rgba(0, 0, 0, 1) }
.tooltip.bottom-right .tooltip-arrow { top: 0; left: 5px; margin-top: -5px; border-width: 0 5px 5px; border-bottom-color: rgba(0, 0, 0, 1) }
.popover { position: absolute; top: 0; left: 0; z-index: 1060; display: none; max-width: 276px; padding: 1px; font-family: "Helvetica Neue", Helvetica, Arial, sans-serif; font-style: normal; font-weight: normal; letter-spacing: normal; line-break: auto; line-height: 1.42857143; text-align: ; text-decoration: none; text-shadow: none; text-transform: none; white-space: normal; word-break: normal; word-spacing: normal; word-wrap: normal; font-size: 13px; background-color: rgba(255, 255, 255, 1); background-clip: padding-box; border: 1px solid rgba(0, 0, 0, 0.2); border-radius: 3px; -webkit-box-shadow: 0 5px 10px rgba(0, 0, 0, 0.2); box-shadow: 0 5px 10px rgba(0, 0, 0, 0.2) }
.popover.top { margin-top: -10px }
.popover.right { margin-left: 10px }
.popover.bottom { margin-top: 10px }
.popover.left { margin-left: -10px }
.popover-title { margin: 0; padding: 8px 14px; font-size: 13px; background-color: rgba(247, 247, 247, 1); border-bottom: 1px solid rgba(235, 235, 235, 1); border-radius: 2px 2px 0 0 }
.popover-content { padding: 9px 14px }
.popover>.arrow, .popover>.arrow:after { position: absolute; display: block; width: 0; height: 0; border-color: rgba(0, 0, 0, 0); border-style: solid }
.popover>.arrow { border-width: 11px }
.popover>.arrow:after { border-width: 10px; content: "" }
.popover.top>.arrow { left: 50%; margin-left: -11px; border-bottom-width: 0; border-top-color: rgba(0, 0, 0, 0.25); bottom: -11px }
.popover.top>.arrow:after { content: " "; bottom: 1px; margin-left: -10px; border-bottom-width: 0; border-top-color: rgba(255, 255, 255, 1) }
.popover.right>.arrow { top: 50%; left: -11px; margin-top: -11px; border-left-width: 0; border-right-color: rgba(0, 0, 0, 0.25) }
.popover.right>.arrow:after { content: " "; left: 1px; bottom: -10px; border-left-width: 0; border-right-color: rgba(255, 255, 255, 1) }
.popover.bottom>.arrow { left: 50%; margin-left: -11px; border-top-width: 0; border-bottom-color: rgba(0, 0, 0, 0.25); top: -11px }
.popover.bottom>.arrow:after { content: " "; top: 1px; margin-left: -10px; border-top-width: 0; border-bottom-color: rgba(255, 255, 255, 1) }
.popover.left>.arrow { top: 50%; right: -11px; margin-top: -11px; border-right-width: 0; border-left-color: rgba(0, 0, 0, 0.25) }
.popover.left>.arrow:after { content: " "; right: 1px; border-right-width: 0; border-left-color: rgba(255, 255, 255, 1); bottom: -10px }
.carousel { position: relative }
.carousel-inner { position: relative; overflow: hidden; width: 100% }
.carousel-inner>.item { display: none; position: relative; -webkit-transition: 0.6s ease-in-out left; -o-transition: 0.6s ease-in-out left; transition: left 0.6s ease-in-out }
.carousel-inner>.item>img, .carousel-inner>.item>a>img { line-height: 1 }
@media all and (transform-3d), (-webkit-transform-3d) { .carousel-inner>.item { -webkit-transition: -webkit-transform 0.6s ease-in-out; -moz-transition: -moz-transform 0.6s ease-in-out; -o-transition: -o-transform 0.6s ease-in-out; transition: transform 0.6s ease-in-out; -webkit-backface-visibility: hidden; -moz-backface-visibility: hidden; backface-visibility: hidden; -webkit-perspective: 1000px; -moz-perspective: 1000px; perspective: 1000px } .carousel-inner>.item.next, .carousel-inner>.item.active.right { -webkit-transform: translate3d(100%, 0, 0); transform: translate3d(100%, 0, 0); left: 0 } .carousel-inner>.item.prev, .carousel-inner>.item.active.left { -webkit-transform: translate3d(-100%, 0, 0); transform: translate3d(-100%, 0, 0); left: 0 } .carousel-inner>.item.next.left, .carousel-inner>.item.prev.right, .carousel-inner>.item.active { -webkit-transform: translate3d(0, 0, 0); transform: translate3d(0, 0, 0); left: 0 } }
.carousel-inner>.active, .carousel-inner>.next, .carousel-inner>.prev { display: block }
.carousel-inner>.active { left: 0 }
.carousel-inner>.next, .carousel-inner>.prev { position: absolute; top: 0; width: 100% }
.carousel-inner>.next { left: 100% }
.carousel-inner>.prev { left: -100% }
.carousel-inner>.next.left, .carousel-inner>.prev.right { left: 0 }
.carousel-inner>.active.left { left: -100% }
.carousel-inner>.active.right { left: 100% }
.carousel-control { position: absolute; top: 0; left: 0; bottom: 0; width: 15%; opacity: 0.5; filter: alpha(opacity=50); font-size: 20px; color: rgba(255, 255, 255, 1); text-align: center; text-shadow: 0 1px 2px rgba(0, 0, 0, 0.6); background-color: rgba(0, 0, 0, 0) }
.carousel-control.left { background-image: linear-gradient(90deg, rgba(0, 0, 0, 0.5) 0, rgba(0, 0, 0, 0) 100%); background-repeat: repeat-x; filter: progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1) }
.carousel-control.right { left: auto; right: 0; background-image: linear-gradient(90deg, rgba(0, 0, 0, 0) 0, rgba(0, 0, 0, 0.5) 100%); background-repeat: repeat-x; filter: progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1) }
.carousel-control:hover, .carousel-control:focus { outline: 0; color: rgba(255, 255, 255, 1); text-decoration: none; opacity: 0.9; filter: alpha(opacity=90) }
.carousel-control .icon-prev, .carousel-control .icon-next, .carousel-control .glyphicon-chevron-left, .carousel-control .glyphicon-chevron-right { position: absolute; top: 50%; margin-top: -10px; z-index: 5; display: inline-block }
.carousel-control .icon-prev, .carousel-control .glyphicon-chevron-left { left: 50%; margin-left: -10px }
.carousel-control .icon-next, .carousel-control .glyphicon-chevron-right { right: 50%; margin-right: -10px }
.carousel-control .icon-prev, .carousel-control .icon-next { width: 20px; height: 20px; line-height: 1; font-family: serif }
.carousel-control .icon-prev:before { content: "‹" }
.carousel-control .icon-next:before { content: "›" }
.carousel-indicators { position: absolute; bottom: 10px; left: 50%; z-index: 15; width: 60%; margin-left: -30%; padding-left: 0; list-style: none; text-align: center }
.carousel-indicators li { display: inline-block; width: 10px; height: 10px; margin: 1px; text-indent: -999px; border: 1px solid rgba(255, 255, 255, 1); border-radius: 10px; cursor: pointer; background-color: rgba(0, 0, 0, 0) }
.carousel-indicators .active { margin: 0; width: 12px; height: 12px; background-color: rgba(255, 255, 255, 1) }
.carousel-caption { position: absolute; left: 15%; right: 15%; bottom: 20px; z-index: 10; padding-top: 20px; padding-bottom: 20px; color: rgba(255, 255, 255, 1); text-align: center; text-shadow: 0 1px 2px rgba(0, 0, 0, 0.6) }
.carousel-caption .btn { text-shadow: none }
@media screen and (min-width: 768px) { .carousel-control .glyphicon-chevron-left, .carousel-control .glyphicon-chevron-right, .carousel-control .icon-prev, .carousel-control .icon-next { width: 30px; height: 30px; margin-top: -10px; font-size: 30px } .carousel-control .glyphicon-chevron-left, .carousel-control .icon-prev { margin-left: -10px } .carousel-control .glyphicon-chevron-right, .carousel-control .icon-next { margin-right: -10px } .carousel-caption { left: 20%; right: 20%; padding-bottom: 30px } .carousel-indicators { bottom: 20px } }
.clearfix:before, .clearfix:after, .dl-horizontal dd:before, .dl-horizontal dd:after, .container:before, .container:after, .container-fluid:before, .container-fluid:after, .row:before, .row:after, .form-horizontal .form-group:before, .form-horizontal .form-group:after, .btn-toolbar:before, .btn-toolbar:after, .btn-group-vertical>.btn-group:before, .btn-group-vertical>.btn-group:after, .nav:before, .nav:after, .navbar:before, .navbar:after, .navbar-header:before, .navbar-header:after, .navbar-collapse:before, .navbar-collapse:after, .pager:before, .pager:after, .panel-body:before, .panel-body:after, .modal-header:before, .modal-header:after, .modal-footer:before, .modal-footer:after, .item_buttons:before, .item_buttons:after { content: " "; display: table }
.clearfix:after, .dl-horizontal dd:after, .container:after, .container-fluid:after, .row:after, .form-horizontal .form-group:after, .btn-toolbar:after, .btn-group-vertical>.btn-group:after, .nav:after, .navbar:after, .navbar-header:after, .navbar-collapse:after, .pager:after, .panel-body:after, .modal-header:after, .modal-footer:after, .item_buttons:after { clear: both }
.center-block { display: block; margin-left: auto; margin-right: auto }
.pull-right { float: right !important }
.pull-left { float: left !important }
.hide { display: none !important }
.show { display: block !important }
.invisible { visibility: hidden }
.text-hide { font: 0 / 0 a; color: rgba(0, 0, 0, 0); text-shadow: none; background-color: rgba(0, 0, 0, 0); border: 0 }
.hidden { display: none !important }
.affix { position: fixed }
@-ms-viewport {
width: device-width;
}
.visible-xs, .visible-sm, .visible-md, .visible-lg { display: none !important }
.visible-xs-block, .visible-xs-inline, .visible-xs-inline-block, .visible-sm-block, .visible-sm-inline, .visible-sm-inline-block, .visible-md-block, .visible-md-inline, .visible-md-inline-block, .visible-lg-block, .visible-lg-inline, .visible-lg-inline-block { display: none !important }
@media (max-width: 767px) { .visible-xs { display: block !important } table.visible-xs { display: table !important } tr.visible-xs { display: table-row !important } th.visible-xs, td.visible-xs { display: table-cell !important } }
@media (max-width: 767px) { .visible-xs-block { display: block !important } }
@media (max-width: 767px) { .visible-xs-inline { display: inline !important } }
@media (max-width: 767px) { .visible-xs-inline-block { display: inline-block !important } }
@media (min-width: 768px) and (max-width: 991px) { .visible-sm { display: block !important } table.visible-sm { display: table !important } tr.visible-sm { display: table-row !important } th.visible-sm, td.visible-sm { display: table-cell !important } }
@media (min-width: 768px) and (max-width: 991px) { .visible-sm-block { display: block !important } }
@media (min-width: 768px) and (max-width: 991px) { .visible-sm-inline { display: inline !important } }
@media (min-width: 768px) and (max-width: 991px) { .visible-sm-inline-block { display: inline-block !important } }
@media (min-width: 992px) and (max-width: 1199px) { .visible-md { display: block !important } table.visible-md { display: table !important } tr.visible-md { display: table-row !important } th.visible-md, td.visible-md { display: table-cell !important } }
@media (min-width: 992px) and (max-width: 1199px) { .visible-md-block { display: block !important } }
@media (min-width: 992px) and (max-width: 1199px) { .visible-md-inline { display: inline !important } }
@media (min-width: 992px) and (max-width: 1199px) { .visible-md-inline-block { display: inline-block !important } }
@media (min-width: 1200px) { .visible-lg { display: block !important } table.visible-lg { display: table !important } tr.visible-lg { display: table-row !important } th.visible-lg, td.visible-lg { display: table-cell !important } }
@media (min-width: 1200px) { .visible-lg-block { display: block !important } }
@media (min-width: 1200px) { .visible-lg-inline { display: inline !important } }
@media (min-width: 1200px) { .visible-lg-inline-block { display: inline-block !important } }
@media (max-width: 767px) { .hidden-xs { display: none !important } }
@media (min-width: 768px) and (max-width: 991px) { .hidden-sm { display: none !important } }
@media (min-width: 992px) and (max-width: 1199px) { .hidden-md { display: none !important } }
@media (min-width: 1200px) { .hidden-lg { display: none !important } }
.visible-print { display: none !important }
@media print { .visible-print { display: block !important } table.visible-print { display: table !important } tr.visible-print { display: table-row !important } th.visible-print, td.visible-print { display: table-cell !important } }
.visible-print-block { display: none !important }
@media print { .visible-print-block { display: block !important } }
.visible-print-inline { display: none !important }
@media print { .visible-print-inline { display: inline !important } }
.visible-print-inline-block { display: none !important }
@media print { .visible-print-inline-block { display: inline-block !important } }
@media print { .hidden-print { display: none !important } }
@font-face { font-family: "FontAwesome"; src: url("../components/font-awesome/fonts/fontawesome-webfont.eot?#iefix&v=4.7.0") format("embedded-opentype"), url("../components/font-awesome/fonts/fontawesome-webfont.woff2?v=4.7.0") format("woff2"), url("../components/font-awesome/fonts/fontawesome-webfont.woff?v=4.7.0") format("woff"), url("../components/font-awesome/fonts/fontawesome-webfont.ttf?v=4.7.0") format("truetype"), url("../components/font-awesome/fonts/fontawesome-webfont.svg?v=4.7.0#fontawesomeregular") format("svg"); font-weight: normal; font-style: normal }
.fa { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale }
.fa-lg { font-size: 1.33333333em; line-height: 0.75em; vertical-align: -15% }
.fa-2x { font-size: 2em }
.fa-3x { font-size: 3em }
.fa-4x { font-size: 4em }
.fa-5x { font-size: 5em }
.fa-fw { width: 1.28571429em; text-align: center }
.fa-ul { padding-left: 0; margin-left: 2.14285714em; list-style-type: none }
.fa-ul>li { position: relative }
.fa-li { position: absolute; left: -2.14285714em; width: 2.14285714em; top: 0.14285714em; text-align: center }
.fa-li.fa-lg { left: -1.85714286em }
.fa-border { padding: 0.2em 0.25em 0.15em; border: 0.08em solid rgba(238, 238, 238, 1); border-radius: 0.1em }
.fa-pull-left { float: left }
.fa-pull-right { float: right }
.fa.fa-pull-left { margin-right: 0.3em }
.fa.fa-pull-right { margin-left: 0.3em }
.pull-right { float: right }
.pull-left { float: left }
.fa.pull-left { margin-right: 0.3em }
.fa.pull-right { margin-left: 0.3em }
.fa-spin { -webkit-animation: fa-spin 2s infinite linear; animation: 2s linear infinite fa-spin }
.fa-pulse { -webkit-animation: fa-spin 1s infinite steps(8); animation: 1s steps(8) infinite fa-spin }
@-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: scaleX(-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: scaleY(-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: rgba(255, 255, 255, 1) }
.fa-glass:before { content: "" }
.fa-music:before { content: "" }
.fa-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 { content: "" }
.fa-file-o:before { content: "" }
.fa-clock-o:before { content: "" }
.fa-road:before { content: "" }
.fa-download: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 { 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 { content: "" }
.fa-check-circle: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 { content: "" }
.fa-gift:before { content: "" }
.fa-leaf:before { content: "" }
.fa-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 { 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 { content: "" }
.fa-arrow-circle-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 { 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 { 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 { 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 { 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 { 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 { 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 }
.sr-only-focusable:active, .sr-only-focusable:focus { position: static; width: auto; height: auto; margin: 0; overflow: visible; clip: auto }
.modal.fade .modal-dialog { -webkit-transform: translate(0, 0); -ms-transform: translate(0, 0); -o-transform: translate(0, 0); transform: translate(0, 0) }
code { color: rgba(0, 0, 0, 1) }
pre { font-size: inherit; line-height: inherit }
label { font-weight: normal }
.border-box-sizing { box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box }
.corner-all { border-radius: 2px }
.no-padding { padding: 0 }
.hbox { -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch }
.hbox>* { -webkit-box-flex: 0; -moz-box-flex: 0; box-flex: 0 }
.vbox { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch }
.vbox>* { -webkit-box-flex: 0; -moz-box-flex: 0; box-flex: 0 }
.hbox.reverse, .vbox.reverse, .reverse { -webkit-box-direction: reverse; -moz-box-direction: reverse; box-direction: reverse; flex-direction: row-reverse }
.hbox.box-flex0, .vbox.box-flex0, .box-flex0 { -webkit-box-flex: 0; -moz-box-flex: 0; box-flex: 0; width: auto }
.hbox.box-flex1, .vbox.box-flex1, .box-flex1 { -webkit-box-flex: 1; -moz-box-flex: 1; box-flex: 1; flex: 1 }
.hbox.box-flex, .vbox.box-flex, .box-flex { -webkit-box-flex: 1; -moz-box-flex: 1; box-flex: 1; flex: 1 }
.hbox.box-flex2, .vbox.box-flex2, .box-flex2 { -webkit-box-flex: 2; -moz-box-flex: 2; box-flex: 2; flex: 2 }
.box-group1 { -webkit-box-flex-group: 1; -moz-box-flex-group: 1; box-flex-group: 1 }
.box-group2 { -webkit-box-flex-group: 2; -moz-box-flex-group: 2; box-flex-group: 2 }
.hbox.start, .vbox.start, .start { -webkit-box-pack: start; -moz-box-pack: start; box-pack: start; justify-content: flex-start }
.hbox.end, .vbox.end, .end { -webkit-box-pack: end; -moz-box-pack: end; box-pack: end; justify-content: flex-end }
.hbox.center, .vbox.center, .center { -webkit-box-pack: center; -moz-box-pack: center; box-pack: center; justify-content: center }
.hbox.baseline, .vbox.baseline, .baseline { -webkit-box-pack: baseline; -moz-box-pack: baseline; box-pack: baseline }
.hbox.stretch, .vbox.stretch, .stretch { -webkit-box-pack: stretch; -moz-box-pack: stretch; box-pack: stretch }
.hbox.align-start, .vbox.align-start, .align-start { -webkit-box-align: start; -moz-box-align: start; box-align: start; align-items: flex-start }
.hbox.align-end, .vbox.align-end, .align-end { -webkit-box-align: end; -moz-box-align: end; box-align: end; align-items: flex-end }
.hbox.align-center, .vbox.align-center, .align-center { -webkit-box-align: center; -moz-box-align: center; box-align: center; align-items: center }
.hbox.align-baseline, .vbox.align-baseline, .align-baseline { -webkit-box-align: baseline; -moz-box-align: baseline; box-align: baseline; align-items: baseline }
.hbox.align-stretch, .vbox.align-stretch, .align-stretch { -webkit-box-align: stretch; -moz-box-align: stretch; box-align: stretch; align-items: stretch }
div.error { margin: 2em; text-align: center }
div.error>h1 { font-size: 500%; line-height: normal }
div.error>p { font-size: 200%; line-height: normal }
div.traceback-wrapper { text-align: left; max-width: 800px; margin: auto }
div.traceback-wrapper pre.traceback { max-height: 600px; overflow: auto }
body { background-color: rgba(255, 255, 255, 1); position: absolute; left: 0; right: 0; top: 0; bottom: 0; overflow: visible }
body>#header { display: none; background-color: rgba(255, 255, 255, 1); position: relative; z-index: 100 }
body>#header #header-container { display: flex; flex-direction: row; justify-content: space-between; padding: 5px; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box }
body>#header .header-bar { width: 100%; height: 1px; background: rgba(231, 231, 231, 1); margin-bottom: -1px }
@media print { body>#header { display: none !important } }
#header-spacer { width: 100%; visibility: hidden }
@media print { #header-spacer { display: none } }
#ipython_notebook { padding-left: 0; padding-top: 1px; padding-bottom: 1px }
[dir="rtl"] #ipython_notebook { margin-right: 10px; margin-left: 0 }
[dir="rtl"] #ipython_notebook.pull-left { float: right }
.flex-spacer { flex: 1 }
#noscript { width: auto; padding-top: 16px; padding-bottom: 16px; text-align: center; font-size: 22px; color: rgba(255, 0, 0, 1); font-weight: bold }
#ipython_notebook img { height: 28px }
#site { width: 100%; display: none; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; overflow: auto }
@media print { #site { height: auto !important } }
.ui-button .ui-button-text { padding: 0.2em 0.8em; font-size: 77% }
input.ui-button { padding: 0.3em 0.9em }
span#kernel_logo_widget { margin: 0 10px }
span#login_widget { float: right }
[dir="rtl"] span#login_widget { float: left }
span#login_widget>.button, #logout { color: rgba(51, 51, 51, 1); background-color: rgba(255, 255, 255, 1); border-color: rgba(204, 204, 204, 1) }
span#login_widget>.button:focus, #logout:focus, span#login_widget>.button.focus, #logout.focus { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(140, 140, 140, 1) }
span#login_widget>.button:hover, #logout:hover { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
span#login_widget>.button:active, #logout:active, span#login_widget>.button.active, #logout.active, .open>.dropdown-togglespan#login_widget>.button, .open>.dropdown-toggle#logout { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
span#login_widget>.button:active:hover, #logout:active:hover, span#login_widget>.button.active:hover, #logout.active:hover, .open>.dropdown-togglespan#login_widget>.button:hover, .open>.dropdown-toggle#logout:hover, span#login_widget>.button:active:focus, #logout:active:focus, span#login_widget>.button.active:focus, #logout.active:focus, .open>.dropdown-togglespan#login_widget>.button:focus, .open>.dropdown-toggle#logout:focus, span#login_widget>.button:active.focus, #logout:active.focus, span#login_widget>.button.active.focus, #logout.active.focus, .open>.dropdown-togglespan#login_widget>.button.focus, .open>.dropdown-toggle#logout.focus { color: rgba(51, 51, 51, 1); background-color: rgba(212, 212, 212, 1); border-color: rgba(140, 140, 140, 1) }
span#login_widget>.button:active, #logout:active, span#login_widget>.button.active, #logout.active, .open>.dropdown-togglespan#login_widget>.button, .open>.dropdown-toggle#logout { background-image: none }
span#login_widget>.button.disabled:hover, #logout.disabled:hover, span#login_widget>.button[disabled]:hover, #logout[disabled]:hover, fieldset[disabled] span#login_widget>.button:hover, fieldset[disabled] #logout:hover, span#login_widget>.button.disabled:focus, #logout.disabled:focus, span#login_widget>.button[disabled]:focus, #logout[disabled]:focus, fieldset[disabled] span#login_widget>.button:focus, fieldset[disabled] #logout:focus, span#login_widget>.button.disabled.focus, #logout.disabled.focus, span#login_widget>.button[disabled].focus, #logout[disabled].focus, fieldset[disabled] span#login_widget>.button.focus, fieldset[disabled] #logout.focus { background-color: rgba(255, 255, 255, 1); border-color: rgba(204, 204, 204, 1) }
span#login_widget>.button .badge, #logout .badge { color: rgba(255, 255, 255, 1); background-color: rgba(51, 51, 51, 1) }
.nav-header { text-transform: none }
#header>span { margin-top: 10px }
.modal_stretch .modal-dialog { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch; min-height: 80vh }
.modal_stretch .modal-dialog .modal-body { max-height: calc(100vh - 200px); overflow: auto; flex: 1 }
.modal-header { cursor: move }
@media (min-width: 768px) { .modal .modal-dialog { width: 700px } }
@media (min-width: 768px) { select.form-control { margin-left: 12px; margin-right: 12px } }
.center-nav { display: inline-block; margin-bottom: -4px }
[dir="rtl"] .center-nav form.pull-left { float: right }
[dir="rtl"] .center-nav .navbar-text { float: right }
[dir="rtl"] .navbar-inner { text-align: right }
[dir="rtl"] div.text-left { text-align: right }
.alternate_upload { display: inline }
.alternate_upload.form { padding: 0; margin: 0 }
.alternate_upload input.fileinput { position: absolute; display: block; width: 100%; height: 100%; overflow: hidden; cursor: pointer; opacity: 0; z-index: 2 }
.alternate_upload .btn-xs>input.fileinput { margin: -1px -5px }
.alternate_upload .btn-upload { position: relative; height: 22px }
{ cursor: pointer }
ul#tabs { margin-bottom: 4px }
ul#tabs a { padding-top: 6px; padding-bottom: 4px }
[dir="rtl"] ul#tabs.nav-tabs>li { float: right }
[dir="rtl"] ul#tabs.nav.nav-tabs { padding-right: 0 }
ul.breadcrumb a:focus, ul.breadcrumb a:hover { text-decoration: none }
ul.breadcrumb i.icon-home { font-size: 16px; margin-right: 4px }
ul.breadcrumb span { color: rgba(94, 94, 94, 1) }
.list_toolbar { padding: 4px 0; vertical-align: middle }
.list_toolbar .tree-buttons { padding-top: 1px }
[dir="rtl"] .list_toolbar .tree-buttons .pull-right { float: left }
[dir="rtl"] .list_toolbar .col-sm-4, [dir="rtl"] .list_toolbar .col-sm-8 { float: right }
.dynamic-buttons { padding-top: 3px; display: inline-block }
.list_toolbar [class*="span"] { min-height: 24px }
.list_header { font-weight: bold; background-color: rgba(238, 238, 238, 1) }
.list_placeholder { font-weight: bold; padding: 4px 7px }
.list_container { margin-top: 4px; margin-bottom: 20px; border: 1px solid rgba(221, 221, 221, 1); border-radius: 2px }
.list_container>div { border-bottom: 1px solid rgba(221, 221, 221, 1) }
.list_container>div:hover .list-item { background-color: rgba(255, 0, 0, 1) }
.list_container>div:last-child { border: none }
.list_item:hover .list_item { background-color: rgba(221, 221, 221, 1) }
.list_item a { text-decoration: none }
.list_item:hover { background-color: rgba(250, 250, 250, 1) }
.list_header>div, .list_item>div { padding: 4px 7px; line-height: 22px }
.list_header>div input, .list_item>div input { margin-right: 7px; margin-left: 14px; vertical-align: text-bottom; line-height: 22px; position: relative; top: -1px }
.list_header>div .item_link, .list_item>div .item_link { margin-left: -1px; vertical-align: baseline; line-height: 22px }
[dir="rtl"] .list_item>div input { margin-right: 0 }
.new-file input[type="checkbox"] { visibility: hidden }
.item_name { line-height: 22px; height: 24px }
.item_icon { font-size: 14px; color: rgba(94, 94, 94, 1); margin-right: 7px; margin-left: 7px; line-height: 22px; vertical-align: baseline }
.item_modified { margin-right: 7px; margin-left: 7px }
[dir="rtl"] .item_modified.pull-right { float: left }
.item_buttons { line-height: 1em; margin-left: -5px }
.item_buttons .btn, .item_buttons .btn-group, .item_buttons .input-group { float: left }
.item_buttons>.btn, .item_buttons>.btn-group, .item_buttons>.input-group { margin-left: 5px }
.item_buttons .btn { min-width: 13ex }
.item_buttons .running-indicator { padding-top: 4px; color: rgba(92, 184, 92, 1) }
.item_buttons .kernel-name { padding-top: 4px; color: rgba(91, 192, 222, 1); margin-right: 7px; float: left }
[dir="rtl"] .item_buttons.pull-right { float: left }
[dir="rtl"] .item_buttons .kernel-name { margin-left: 7px; float: right }
.toolbar_info { height: 24px; line-height: 24px }
.list_item input:not([type="checkbox"]) { padding-top: 3px; padding-bottom: 3px; height: 22px; line-height: 14px; margin: 0 }
.highlight_text { color: rgba(0, 0, 255, 1) }
#project_name { display: inline-block; padding-left: 7px; margin-left: -2px }
#project_name>.breadcrumb { padding: 0; margin-bottom: 0; background-color: rgba(0, 0, 0, 0); font-weight: bold }
.sort_button { display: inline-block; padding-left: 7px }
[dir="rtl"] .sort_button.pull-right { float: left }
#tree-selector { padding-right: 0 }
#button-select-all { min-width: 50px }
[dir="rtl"] #button-select-all.btn { float: right }
#select-all { margin-left: 7px; margin-right: 2px; margin-top: 2px; height: 16px }
[dir="rtl"] #select-all.pull-left { float: right }
.menu_icon { margin-right: 2px }
.tab-content .row { margin-left: 0; margin-right: 0 }
.folder_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.folder_icon:before.fa-pull-left { margin-right: 0.3em }
.folder_icon:before.fa-pull-right { margin-left: 0.3em }
.folder_icon:before.pull-left { margin-right: 0.3em }
.folder_icon:before.pull-right { margin-left: 0.3em }
.notebook_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: ""; position: relative; top: -1px }
.notebook_icon:before.fa-pull-left { margin-right: 0.3em }
.notebook_icon:before.fa-pull-right { margin-left: 0.3em }
.notebook_icon:before.pull-left { margin-right: 0.3em }
.notebook_icon:before.pull-right { margin-left: 0.3em }
.running_notebook_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: ""; position: relative; top: -1px; color: rgba(92, 184, 92, 1) }
.running_notebook_icon:before.fa-pull-left { margin-right: 0.3em }
.running_notebook_icon:before.fa-pull-right { margin-left: 0.3em }
.running_notebook_icon:before.pull-left { margin-right: 0.3em }
.running_notebook_icon:before.pull-right { margin-left: 0.3em }
.file_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: ""; position: relative; top: -2px }
.file_icon:before.fa-pull-left { margin-right: 0.3em }
.file_icon:before.fa-pull-right { margin-left: 0.3em }
.file_icon:before.pull-left { margin-right: 0.3em }
.file_icon:before.pull-right { margin-left: 0.3em }
#notebook_toolbar .pull-right { padding-top: 0; margin-right: -1px }
ul#new-menu { left: auto; right: 0 }
#new-menu .dropdown-header { font-size: 10px; border-bottom: 1px solid rgba(229, 229, 229, 1); padding: 0 0 3px; margin: -3px 20px 0 }
.kernel-menu-icon { padding-right: 12px; width: 24px; content: "" }
.kernel-menu-icon:before { content: "" }
.kernel-menu-icon-current:before { content: "" }
#tab_content { padding-top: 20px }
#running .panel-group .panel { margin-top: 3px; margin-bottom: 1em }
#running .panel-group .panel .panel-heading { background-color: rgba(238, 238, 238, 1); padding: 4px 7px; line-height: 22px }
#running .panel-group .panel .panel-heading a:focus, #running .panel-group .panel .panel-heading a:hover { text-decoration: none }
#running .panel-group .panel .panel-body { padding: 0 }
#running .panel-group .panel .panel-body .list_container { margin-top: 0; margin-bottom: 0; border: 0; border-radius: 0 }
#running .panel-group .panel .panel-body .list_container .list_item { border-bottom: 1px solid rgba(221, 221, 221, 1) }
#running .panel-group .panel .panel-body .list_container .list_item:last-child { border-bottom: 0 }
.delete-button { display: none }
.duplicate-button { display: none }
.rename-button { display: none }
.move-button { display: none }
.download-button { display: none }
.shutdown-button { display: none }
.dynamic-instructions { display: inline-block; padding-top: 4px }
.selected-keymap i.fa { padding: 0 5px }
.selected-keymap i.fa:before { content: "" }
#mode-menu { overflow: auto; max-height: 20em }
.edit_app #header { -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2) }
.edit_app #menubar .navbar { margin-bottom: -1px }
.dirty-indicator { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; width: 20px }
.dirty-indicator.fa-pull-left { margin-right: 0.3em }
.dirty-indicator.fa-pull-right { margin-left: 0.3em }
.dirty-indicator.pull-left { margin-right: 0.3em }
.dirty-indicator.pull-right { margin-left: 0.3em }
.dirty-indicator-dirty { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; width: 20px }
.dirty-indicator-dirty.fa-pull-left { margin-right: 0.3em }
.dirty-indicator-dirty.fa-pull-right { margin-left: 0.3em }
.dirty-indicator-dirty.pull-left { margin-right: 0.3em }
.dirty-indicator-dirty.pull-right { margin-left: 0.3em }
.dirty-indicator-clean { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; width: 20px }
.dirty-indicator-clean.fa-pull-left { margin-right: 0.3em }
.dirty-indicator-clean.fa-pull-right { margin-left: 0.3em }
.dirty-indicator-clean.pull-left { margin-right: 0.3em }
.dirty-indicator-clean.pull-right { margin-left: 0.3em }
.dirty-indicator-clean:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.dirty-indicator-clean:before.fa-pull-left { margin-right: 0.3em }
.dirty-indicator-clean:before.fa-pull-right { margin-left: 0.3em }
.dirty-indicator-clean:before.pull-left { margin-right: 0.3em }
.dirty-indicator-clean:before.pull-right { margin-left: 0.3em }
#filename { font-size: 16pt; display: table; padding: 0 5px }
#current-mode { padding-left: 5px; padding-right: 5px }
#texteditor-backdrop { padding-top: 20px; padding-bottom: 20px }
@media not print { #texteditor-backdrop { background-color: rgba(238, 238, 238, 1) } }
@media print { #texteditor-backdrop #texteditor-container .CodeMirror-gutter, #texteditor-backdrop #texteditor-container .CodeMirror-gutters { background-color: rgba(255, 255, 255, 1) } }
@media not print { #texteditor-backdrop #texteditor-container .CodeMirror-gutter, #texteditor-backdrop #texteditor-container .CodeMirror-gutters { background-color: rgba(255, 255, 255, 1) } }
@media not print { #texteditor-backdrop #texteditor-container { padding: 0; background-color: rgba(255, 255, 255, 1); -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2) } }
.CodeMirror-dialog { background-color: rgba(255, 255, 255, 1) }
.ansi-black-fg { color: rgba(62, 66, 77, 1) }
.ansi-black-bg { background-color: rgba(62, 66, 77, 1) }
.ansi-black-intense-fg { color: rgba(40, 44, 54, 1) }
.ansi-black-intense-bg { background-color: rgba(40, 44, 54, 1) }
.ansi-red-fg { color: rgba(231, 92, 88, 1) }
.ansi-red-bg { background-color: rgba(231, 92, 88, 1) }
.ansi-red-intense-fg { color: rgba(178, 43, 49, 1) }
.ansi-red-intense-bg { background-color: rgba(178, 43, 49, 1) }
.ansi-green-fg { color: rgba(0, 162, 80, 1) }
.ansi-green-bg { background-color: rgba(0, 162, 80, 1) }
.ansi-green-intense-fg { color: rgba(0, 116, 39, 1) }
.ansi-green-intense-bg { background-color: rgba(0, 116, 39, 1) }
.ansi-yellow-fg { color: rgba(221, 182, 43, 1) }
.ansi-yellow-bg { background-color: rgba(221, 182, 43, 1) }
.ansi-yellow-intense-fg { color: rgba(178, 125, 18, 1) }
.ansi-yellow-intense-bg { background-color: rgba(178, 125, 18, 1) }
.ansi-blue-fg { color: rgba(32, 143, 251, 1) }
.ansi-blue-bg { background-color: rgba(32, 143, 251, 1) }
.ansi-blue-intense-fg { color: rgba(0, 101, 202, 1) }
.ansi-blue-intense-bg { background-color: rgba(0, 101, 202, 1) }
.ansi-magenta-fg { color: rgba(209, 96, 196, 1) }
.ansi-magenta-bg { background-color: rgba(209, 96, 196, 1) }
.ansi-magenta-intense-fg { color: rgba(160, 49, 150, 1) }
.ansi-magenta-intense-bg { background-color: rgba(160, 49, 150, 1) }
.ansi-cyan-fg { color: rgba(96, 198, 200, 1) }
.ansi-cyan-bg { background-color: rgba(96, 198, 200, 1) }
.ansi-cyan-intense-fg { color: rgba(37, 143, 143, 1) }
.ansi-cyan-intense-bg { background-color: rgba(37, 143, 143, 1) }
.ansi-white-fg { color: rgba(197, 193, 180, 1) }
.ansi-white-bg { background-color: rgba(197, 193, 180, 1) }
.ansi-white-intense-fg { color: rgba(161, 166, 178, 1) }
.ansi-white-intense-bg { background-color: rgba(161, 166, 178, 1) }
.ansi-default-inverse-fg { color: rgba(255, 255, 255, 1) }
.ansi-default-inverse-bg { background-color: rgba(0, 0, 0, 1) }
.ansi-bold { font-weight: bold }
.ansi-underline { text-decoration: underline }
.ansibold { font-weight: bold }
.ansi-inverse { outline: 0.5px dotted }
.ansiblack { color: rgba(0, 0, 0, 1) }
.ansired { color: rgba(139, 0, 0, 1) }
.ansigreen { color: rgba(0, 100, 0, 1) }
.ansiyellow { color: rgba(196, 160, 0, 1) }
.ansiblue { color: rgba(0, 0, 139, 1) }
.ansipurple { color: rgba(148, 0, 211, 1) }
.ansicyan { color: rgba(70, 130, 180, 1) }
.ansigray { color: rgba(128, 128, 128, 1) }
.ansibgblack { background-color: rgba(0, 0, 0, 1) }
.ansibgred { background-color: rgba(255, 0, 0, 1) }
.ansibggreen { background-color: rgba(0, 128, 0, 1) }
.ansibgyellow { background-color: rgba(255, 255, 0, 1) }
.ansibgblue { background-color: rgba(0, 0, 255, 1) }
.ansibgpurple { background-color: rgba(255, 0, 255, 1) }
.ansibgcyan { background-color: rgba(0, 255, 255, 1) }
.ansibggray { background-color: rgba(128, 128, 128, 1) }
div.cell { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch; border-radius: 2px; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; border: 1px solid rgba(0, 0, 0, 0); width: 100%; padding: 5px; margin: 0; outline: none; position: relative; overflow: visible }
div.cell:before { position: absolute; display: block; top: -1px; left: -1px; width: 5px; height: calc(100% + 2px); content: ""; background: rgba(0, 0, 0, 0) }
div.cell.jupyter-soft-selected { border-left-color: rgba(227, 242, 253, 1); border-left-width: 1px; padding-left: 5px; border-right-color: rgba(227, 242, 253, 1); border-right-width: 1px; background: rgba(227, 242, 253, 1) }
@media print { div.cell.jupyter-soft-selected { border-color: rgba(0, 0, 0, 0) } }
div.cell.selected, div.cell.selected.jupyter-soft-selected { border-color: rgba(171, 171, 171, 1) }
div.cell.selected:before, div.cell.selected.jupyter-soft-selected:before { position: absolute; display: block; top: -1px; left: -1px; width: 5px; height: calc(100% + 2px); content: ""; background: rgba(66, 165, 245, 1) }
@media print { div.cell.selected, div.cell.selected.jupyter-soft-selected { border-color: rgba(0, 0, 0, 0) } }
.edit_mode div.cell.selected { border-color: rgba(102, 187, 106, 1) }
.edit_mode div.cell.selected:before { position: absolute; display: block; top: -1px; left: -1px; width: 5px; height: calc(100% + 2px); content: ""; background: rgba(102, 187, 106, 1) }
@media print { .edit_mode div.cell.selected { border-color: rgba(0, 0, 0, 0) } }
.prompt { min-width: 14ex; padding: 0.4em; margin: 0; font-family: monospace; text-align: right; line-height: 1.21429em; -webkit-touch-callout: none; -webkit-user-select: none; -khtml-user-select: none; -moz-user-select: none; -ms-user-select: none; user-select: none; cursor: default }
@media (max-width: 540px) { .prompt { text-align: left } }
div.inner_cell { min-width: 0; -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch; -webkit-box-flex: 1; -moz-box-flex: 1; box-flex: 1; flex: 1 }
div.input_area { border: 1px solid rgba(207, 207, 207, 1); border-radius: 2px; background: rgba(247, 247, 247, 1); line-height: 1.21429em }
div.prompt:empty { padding-top: 0; padding-bottom: 0 }
div.unrecognized_cell { padding: 5px 5px 5px 0; -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch }
div.unrecognized_cell .inner_cell { border-radius: 2px; padding: 5px; font-weight: bold; color: rgba(255, 0, 0, 1); border: 1px solid rgba(207, 207, 207, 1); background: rgba(234, 234, 234, 1) }
div.unrecognized_cell .inner_cell a { color: inherit; text-decoration: none }
div.unrecognized_cell .inner_cell a:hover { color: inherit; text-decoration: none }
@media (max-width: 540px) { div.unrecognized_cell>div.prompt { display: none } }
div.code_cell { }
@media print { div.code_cell { page-break-inside: avoid } }
div.input { page-break-inside: avoid; -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch }
@media (max-width: 540px) { div.input { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch } }
div.input_prompt { color: rgba(48, 63, 159, 1); border-top: 1px solid rgba(0, 0, 0, 0) }
div.input_area>div.highlight { margin: 0.4em; border: none; padding: 0; background-color: rgba(0, 0, 0, 0) }
div.input_area>div.highlight>pre { margin: 0; border: none; padding: 0; background-color: rgba(0, 0, 0, 0) }
.CodeMirror { line-height: 1.21429em; font-size: 14px; height: auto }
.CodeMirror-scroll { overflow-y: hidden; overflow-x: auto }
.CodeMirror-lines { padding: 0.4em 0 }
.CodeMirror-linenumber { padding: 0 8px 0 4px }
.CodeMirror-gutters { border-bottom-left-radius: 2px; border-top-left-radius: 2px }
.CodeMirror pre { padding: 0 0.4em; border: 0; border-radius: 0 }
.CodeMirror-cursor { border-left: 1.4px solid rgba(0, 0, 0, 1) }
@media screen and (min-width: 2138px) and (max-width: 4319px) { .CodeMirror-cursor { border-left: 2px solid rgba(0, 0, 0, 1) } }
@media screen and (min-width: 4320px) { .CodeMirror-cursor { border-left: 4px solid rgba(0, 0, 0, 1) } }
.highlight-base { color: rgba(0, 0, 0, 1) }
.highlight-variable { color: rgba(0, 0, 0, 1) }
.highlight-variable-2 { color: rgba(26, 26, 26, 1) }
.highlight-variable-3 { color: rgba(51, 51, 51, 1) }
.highlight-string { color: rgba(186, 33, 33, 1) }
.highlight-comment { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight-number { color: rgba(0, 136, 0, 1) }
.highlight-atom { color: rgba(136, 136, 255, 1) }
.highlight-keyword { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight-builtin { color: rgba(0, 128, 0, 1) }
.highlight-error { color: rgba(255, 0, 0, 1) }
.highlight-operator { color: rgba(170, 34, 255, 1); font-weight: bold }
.highlight-meta { color: rgba(170, 34, 255, 1) }
.highlight-def { color: rgba(0, 0, 255, 1) }
.highlight-string-2 { color: rgba(255, 85, 0, 1) }
.highlight-qualifier { color: rgba(85, 85, 85, 1) }
.highlight-bracket { color: rgba(153, 153, 119, 1) }
.highlight-tag { color: rgba(17, 119, 0, 1) }
.highlight-attribute { color: rgba(0, 0, 204, 1) }
.highlight-header { color: rgba(0, 0, 255, 1) }
.highlight-quote { color: rgba(0, 153, 0, 1) }
.highlight-link { color: rgba(0, 0, 204, 1) }
.cm-s-ipython span.cm-keyword { color: rgba(0, 128, 0, 1); font-weight: bold }
.cm-s-ipython span.cm-atom { color: rgba(136, 136, 255, 1) }
.cm-s-ipython span.cm-number { color: rgba(0, 136, 0, 1) }
.cm-s-ipython span.cm-def { color: rgba(0, 0, 255, 1) }
.cm-s-ipython span.cm-variable { color: rgba(0, 0, 0, 1) }
.cm-s-ipython span.cm-operator { color: rgba(170, 34, 255, 1); font-weight: bold }
.cm-s-ipython span.cm-variable-2 { color: rgba(26, 26, 26, 1) }
.cm-s-ipython span.cm-variable-3 { color: rgba(51, 51, 51, 1) }
.cm-s-ipython span.cm-comment { color: rgba(64, 128, 128, 1); font-style: italic }
.cm-s-ipython span.cm-string { color: rgba(186, 33, 33, 1) }
.cm-s-ipython span.cm-string-2 { color: rgba(255, 85, 0, 1) }
.cm-s-ipython span.cm-meta { color: rgba(170, 34, 255, 1) }
.cm-s-ipython span.cm-qualifier { color: rgba(85, 85, 85, 1) }
.cm-s-ipython span.cm-builtin { color: rgba(0, 128, 0, 1) }
.cm-s-ipython span.cm-bracket { color: rgba(153, 153, 119, 1) }
.cm-s-ipython span.cm-tag { color: rgba(17, 119, 0, 1) }
.cm-s-ipython span.cm-attribute { color: rgba(0, 0, 204, 1) }
.cm-s-ipython span.cm-header { color: rgba(0, 0, 255, 1) }
.cm-s-ipython span.cm-quote { color: rgba(0, 153, 0, 1) }
.cm-s-ipython span.cm-link { color: rgba(0, 0, 204, 1) }
.cm-s-ipython span.cm-error { color: rgba(255, 0, 0, 1) }
.cm-s-ipython span.cm-tab { background: url("data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAADAAAAAMCAYAAAAkuj5RAAAAAXNSR0IArs4c6QAAAGFJREFUSMft1LsRQFAQheHPowAKoACx3IgEKtaEHujDjORSgWTH/ZOdnZOcM/sgk/kFFWY0qV8foQwS4MKBCS3qR6ixBJvElOobYAtivseIE120FaowJPN75GMu8j/LfMwNjh4HUpwg4LUAAAAASUVORK5CYII=") right no-repeat }
div.output_wrapper { position: relative; -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch; z-index: 1 }
div.output_scroll { height: 24em; width: 100%; overflow: auto; border-radius: 2px; -webkit-box-shadow: inset 0 2px 8px rgba(0, 0, 0, 0.8); box-shadow: inset 0 2px 8px rgba(0, 0, 0, 0.8); display: block }
div.output_collapsed { margin: 0; padding: 0; -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch }
div.out_prompt_overlay { height: 100%; padding: 0 0.4em; position: absolute; border-radius: 2px }
div.out_prompt_overlay:hover { -webkit-box-shadow: inset 0 0 1px #000; box-shadow: inset 0 0 1px; background: rgba(240, 240, 240, 0.5) }
div.output_prompt { color: rgba(216, 67, 21, 1) }
div.output_area { padding: 0; page-break-inside: avoid; -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch }
div.output_area .MathJax_Display { text-align: left !important }
div.output_area .rendered_html table { margin-left: 0; margin-right: 0 }
div.output_area .rendered_html img { margin-left: 0; margin-right: 0 }
div.output_area img, div.output_area svg { max-width: 100%; height: auto }
div.output_area img.unconfined, div.output_area svg.unconfined { max-width: none }
div.output_area .mglyph>img { max-width: none }
.output { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch }
@media (max-width: 540px) { div.output_area { -webkit-box-orient: vertical; -webkit-box-align: stretch; -moz-box-orient: vertical; -moz-box-align: stretch; box-orient: vertical; box-align: stretch; display: flex; flex-direction: column; align-items: stretch } }
div.output_area pre { margin: 0; padding: 1px 0; border: 0; vertical-align: baseline; color: rgba(0, 0, 0, 1); background-color: rgba(0, 0, 0, 0); border-radius: 0 }
div.output_subarea { overflow-x: auto; padding: 0.4em; -webkit-box-flex: 1; -moz-box-flex: 1; box-flex: 1; flex: 1; max-width: calc(100% - 14ex) }
div.output_scroll div.output_subarea { overflow-x: visible }
div.output_text { text-align: left; color: rgba(0, 0, 0, 1); line-height: 1.21429em }
div.output_stderr { background: rgba(255, 221, 221, 1) }
div.output_latex { text-align: left }
div.output_javascript:empty { padding: 0 }
.js-error { color: rgba(139, 0, 0, 1) }
div.raw_input_container { line-height: 1.21429em; padding-top: 5px }
pre.raw_input_prompt { }
input.raw_input { font-family: monospace; font-size: inherit; color: inherit; width: auto; vertical-align: baseline; padding: 0 0.25em; margin: 0 0.25em }
input.raw_input:focus { box-shadow: none }
p.p-space { margin-bottom: 10px }
div.output_unrecognized { padding: 5px; font-weight: bold; color: rgba(255, 0, 0, 1) }
div.output_unrecognized a { color: inherit; text-decoration: none }
div.output_unrecognized a:hover { color: inherit; text-decoration: none }
.rendered_html { color: rgba(0, 0, 0, 1) }
.rendered_html em { font-style: italic }
.rendered_html strong { font-weight: bold }
.rendered_html u { text-decoration: underline }
.rendered_html :link { text-decoration: underline }
.rendered_html :visited { text-decoration: underline }
.rendered_html h1 { font-size: 185.7%; margin: 1.08em 0 0; font-weight: bold; line-height: 1 }
.rendered_html h2 { font-size: 157.1%; margin: 1.27em 0 0; font-weight: bold; line-height: 1 }
.rendered_html h3 { font-size: 128.6%; margin: 1.55em 0 0; font-weight: bold; line-height: 1 }
.rendered_html h4 { font-size: 100%; margin: 2em 0 0; font-weight: bold; line-height: 1 }
.rendered_html h5 { font-size: 100%; margin: 2em 0 0; font-weight: bold; line-height: 1; font-style: italic }
.rendered_html h6 { font-size: 100%; margin: 2em 0 0; font-weight: bold; line-height: 1; font-style: italic }
.rendered_html h1:first-child { margin-top: 0.538em }
.rendered_html h2:first-child { margin-top: 0.636em }
.rendered_html h3:first-child { margin-top: 0.777em }
.rendered_html h4:first-child { margin-top: 1em }
.rendered_html h5:first-child { margin-top: 1em }
.rendered_html h6:first-child { margin-top: 1em }
.rendered_html ul:not(.list-inline), .rendered_html ol:not(.list-inline) { padding-left: 2em }
.rendered_html ul { list-style: disc }
.rendered_html ul ul { list-style: square; margin-top: 0 }
.rendered_html ul ul ul { list-style: circle }
.rendered_html ol { list-style: decimal }
.rendered_html ol ol { list-style: upper-alpha; margin-top: 0 }
.rendered_html ol ol ol { list-style: lower-alpha }
.rendered_html ol ol ol ol { list-style: lower-roman }
.rendered_html ol ol ol ol ol { list-style: decimal }
.rendered_html *+ul { margin-top: 1em }
.rendered_html *+ol { margin-top: 1em }
.rendered_html hr { color: rgba(0, 0, 0, 1); background-color: rgba(0, 0, 0, 1) }
.rendered_html pre { margin: 1em 2em; padding: 0; background-color: rgba(255, 255, 255, 1) }
.rendered_html code { background-color: rgba(239, 240, 241, 1) }
.rendered_html p code { padding: 1px 5px }
.rendered_html pre code { background-color: rgba(255, 255, 255, 1) }
.rendered_html pre, .rendered_html code { border: 0; color: rgba(0, 0, 0, 1); font-size: 100% }
.rendered_html blockquote { margin: 1em 2em }
.rendered_html table { margin-left: auto; margin-right: auto; border: none; border-collapse: collapse; border-spacing: 0; color: rgba(0, 0, 0, 1); font-size: 12px; table-layout: fixed }
.rendered_html thead { border-bottom: 1px solid rgba(0, 0, 0, 1); vertical-align: bottom }
.rendered_html tr, .rendered_html th, .rendered_html td { text-align: right; vertical-align: middle; padding: 0.5em; line-height: normal; white-space: normal; max-width: none; border: none }
.rendered_html th { font-weight: bold }
.rendered_html tbody tr:nth-child(2n+1) { background: rgba(245, 245, 245, 1) }
.rendered_html tbody tr:hover { background: rgba(66, 165, 245, 0.2) }
.rendered_html *+table { margin-top: 1em }
.rendered_html p { text-align: left }
.rendered_html *+p { margin-top: 1em }
.rendered_html img { display: block; margin-left: auto; margin-right: auto }
.rendered_html *+img { margin-top: 1em }
.rendered_html img, .rendered_html svg { max-width: 100%; height: auto }
.rendered_html img.unconfined, .rendered_html svg.unconfined { max-width: none }
.rendered_html .alert { margin-bottom: initial }
.rendered_html *+.alert { margin-top: 1em }
[dir="rtl"] .rendered_html p { text-align: right }
div.text_cell { -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch }
@media (max-width: 540px) { div.text_cell>div.prompt { display: none } }
div.text_cell_render { outline: none; resize: none; width: inherit; border-style: none; padding: 0.5em 0.5em 0.5em 0.4em; color: rgba(0, 0, 0, 1); box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box }
a.anchor-link:link { text-decoration: none; padding: 0 20px; visibility: hidden }
h1:hover .anchor-link, h2:hover .anchor-link, h3:hover .anchor-link, h4:hover .anchor-link, h5:hover .anchor-link, h6:hover .anchor-link { visibility: visible }
.text_cell.rendered .input_area { display: none }
.text_cell.rendered .rendered_html { overflow-x: auto; overflow-y: hidden }
.text_cell.rendered .rendered_html tr, .text_cell.rendered .rendered_html th, .text_cell.rendered .rendered_html td { max-width: none }
.text_cell.unrendered .text_cell_render { display: none }
.text_cell .dropzone .input_area { border: 2px dashed rgba(186, 186, 186, 1); margin: -1px }
.cm-header-1, .cm-header-2, .cm-header-3, .cm-header-4, .cm-header-5, .cm-header-6 { font-weight: bold; font-family: "Helvetica Neue", Helvetica, Arial, sans-serif }
.cm-header-1 { font-size: 185.7% }
.cm-header-2 { font-size: 157.1% }
.cm-header-3 { font-size: 128.6% }
.cm-header-4 { font-size: 110% }
.cm-header-5 { font-size: 100%; font-style: italic }
.cm-header-6 { font-size: 100%; font-style: italic }
@media (max-width: 767px) { .notebook_app { padding-left: 0; padding-right: 0 } }
#ipython-main-app { box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; height: 100% }
div#notebook_panel { margin: 0; padding: 0; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; height: 100% }
div#notebook { font-size: 14px; line-height: 20px; overflow-y: hidden; overflow-x: auto; width: 100%; padding-top: 20px; margin: 0; outline: none; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; min-height: 100% }
@media not print { #notebook-container { padding: 15px; background-color: rgba(255, 255, 255, 1); min-height: 0; -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2) } }
@media print { #notebook-container { width: 100% } }
div.ui-widget-content { border: 1px solid rgba(171, 171, 171, 1); outline: none }
pre.dialog { background-color: rgba(247, 247, 247, 1); border: 1px solid rgba(221, 221, 221, 1); border-radius: 2px; padding: 0.4em 0.4em 0.4em 2em }
p.dialog { padding: 0.2em }
pre, code, kbd, samp { white-space: pre-wrap }
#fonttest { font-family: monospace }
p { margin-bottom: 0 }
.end_space { min-height: 100px; transition: height 0.2s ease }
.notebook_app>#header { -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2) }
@media not print { .notebook_app { background-color: rgba(238, 238, 238, 1) } }
kbd { border-style: solid; border-width: 1px; box-shadow: none; margin: 2px; padding: 1px 2px }
.jupyter-keybindings { padding: 1px; line-height: 24px; border-bottom: 1px solid rgba(128, 128, 128, 1) }
.jupyter-keybindings input { margin: 0; padding: 0; border: none }
.jupyter-keybindings i { padding: 6px }
.well code { background-color: rgba(255, 255, 255, 1); border: 1px solid rgba(171, 171, 171, 1); padding: 1px 2px }
.celltoolbar { border-top: 1px solid rgba(207, 207, 207, 1); border-right: 1px solid rgba(207, 207, 207, 1); border-bottom: none; border-left: 1px solid rgba(207, 207, 207, 1); background: rgba(238, 238, 238, 1); border-radius: 2px 2px 0 0; width: 100%; height: 29px; padding-right: 4px; -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: ; flex-direction: row; align-items: stretch; -webkit-box-pack: end; -moz-box-pack: end; box-pack: end; justify-content: flex-end }
@media print { .celltoolbar { display: none } }
.ctb_hideshow { display: none; vertical-align: bottom }
.ctb_global_show .ctb_show.ctb_hideshow { display: block }
.ctb_global_show .ctb_show+.input_area, .ctb_global_show .ctb_show+div.text_cell_input, .ctb_global_show .ctb_show~div.text_cell_render { border-top-right-radius: 0; border-top-left-radius: 0 }
.ctb_global_show .ctb_show~div.text_cell_render { border: 1px solid rgba(207, 207, 207, 1) }
.celltoolbar { font-size: 87%; padding-top: 3px }
.celltoolbar select { display: inline-block; width: inherit; height: 22px; padding: 0; font-size: inherit; line-height: 1.5; color: rgba(85, 85, 85, 1); background-color: rgba(255, 255, 255, 1); background-image: none; border: 1px solid rgba(204, 204, 204, 1); border-radius: 1px; -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07); -webkit-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; -o-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; transition: border-color 0.15s ease-in-out, box-shadow 0.15s ease-in-out }
.celltoolbar select:focus { border-color: rgba(102, 175, 233, 1); outline: 0; -webkit-box-shadow: inset 0 1px 1px rgba(0,0,0,.075), 0 0 8px rgba(102, 175, 233, 0.6); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 8px rgba(102, 175, 233, 0.6) }
{ color: rgba(153, 153, 153, 1); opacity: 1 }
{ color: rgba(153, 153, 153, 1) }
{ color: rgba(153, 153, 153, 1) }
{ border: 0; background-color: rgba(0, 0, 0, 0) }
.celltoolbar select[disabled], .celltoolbar select[readonly], fieldset[disabled] .celltoolbar select { background-color: rgba(238, 238, 238, 1); opacity: 1 }
.celltoolbar select[disabled], fieldset[disabled] .celltoolbar select { cursor: not-allowed }
textarea.celltoolbar select { height: auto }
select.celltoolbar select { height: 30px; line-height: 30px }
textarea.celltoolbar select, select[multiple].celltoolbar select { height: auto }
.celltoolbar label { margin-left: 5px; margin-right: 5px }
.tags_button_container { width: 100%; display: flex }
.tag-container { display: flex; flex-direction: row; flex-grow: 1; overflow: hidden; position: relative }
.tag-container>* { margin: 0 4px }
.remove-tag-btn { margin-left: 4px }
.tags-input { display: flex }
.cell-tag:last-child:after { content: ""; position: absolute; right: 0; width: 40px; height: 100%; background: linear-gradient(90deg, rgba(0, 0, 0, 0), rgba(238, 238, 238, 1)) }
.tags-input>* { margin-left: 4px }
.cell-tag, .tags-input input, .tags-input button { display: inline-block; width: inherit; height: 22px; padding: 0 4px; font-size: inherit; line-height: 22px; color: rgba(85, 85, 85, 1); background-color: rgba(255, 255, 255, 1); background-image: none; border: 1px solid rgba(204, 204, 204, 1); border-radius: 1px; -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.075); box-shadow: none; -webkit-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; -o-transition: border-color ease-in-out .15s, box-shadow ease-in-out .15s; transition: border-color 0.15s ease-in-out, box-shadow 0.15s ease-in-out }
.cell-tag:focus, .tags-input input:focus, .tags-input button:focus { border-color: rgba(102, 175, 233, 1); outline: 0; -webkit-box-shadow: inset 0 1px 1px rgba(0,0,0,.075), 0 0 8px rgba(102, 175, 233, 0.6); box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.07), 0 0 8px rgba(102, 175, 233, 0.6) }
{ color: rgba(153, 153, 153, 1); opacity: 1 }
{ color: rgba(153, 153, 153, 1) }
{ color: rgba(153, 153, 153, 1) }
{ border: 0; background-color: rgba(0, 0, 0, 0) }
.cell-tag[disabled], .tags-input input[disabled], .tags-input button[disabled], .cell-tag[readonly], .tags-input input[readonly], .tags-input button[readonly], fieldset[disabled] .cell-tag, fieldset[disabled] .tags-input input, fieldset[disabled] .tags-input button { background-color: rgba(238, 238, 238, 1); opacity: 1 }
.cell-tag[disabled], .tags-input input[disabled], .tags-input button[disabled], fieldset[disabled] .cell-tag, fieldset[disabled] .tags-input input, fieldset[disabled] .tags-input button { cursor: not-allowed }
textarea.cell-tag, textarea.tags-input input, textarea.tags-input button { height: auto }
select.cell-tag, select.tags-input input, select.tags-input button { height: 30px; line-height: 30px }
textarea.cell-tag, textarea.tags-input input, textarea.tags-input button, select[multiple].cell-tag, select[multiple].tags-input input, select[multiple].tags-input button { height: auto }
.cell-tag, .tags-input button { padding: 0 4px }
.cell-tag { background-color: rgba(255, 255, 255, 1); white-space: nowrap }
.tags-input input[type="text"]:focus { outline: none; box-shadow: none; border-color: rgba(204, 204, 204, 1) }
.completions { position: absolute; z-index: 110; overflow: hidden; border: 1px solid rgba(171, 171, 171, 1); border-radius: 2px; -webkit-box-shadow: 0px 6px 10px -1px #adadad; box-shadow: 0 6px 10px -1px rgba(173, 173, 173, 1); line-height: 1 }
.completions select { background: rgba(255, 255, 255, 1); outline: none; border: none; padding: 0; margin: 0; overflow: auto; font-family: monospace; font-size: 110%; color: rgba(0, 0, 0, 1); width: auto }
.completions select option.context { color: rgba(40, 96, 144, 1) }
#kernel_logo_widget .current_kernel_logo { display: none; margin-top: -1px; margin-bottom: -1px; width: 32px; height: 32px }
[dir="rtl"] #kernel_logo_widget { float: left }
.modal .modal-body .move-path { display: flex; flex-direction: row; align-items: center }
.modal .modal-body .move-path .server-root { padding-right: 20px }
.modal .modal-body .move-path .path-input { flex: 1 }
#menubar { box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box; margin-top: 1px }
#menubar .navbar { border-top: 1px; border-radius: 0 0 2px 2px; margin-bottom: 0 }
#menubar .navbar-toggle { float: left; padding-top: 7px; padding-bottom: 7px; border: none }
#menubar .navbar-collapse { clear: left }
[dir="rtl"] #menubar .navbar-toggle { float: right }
[dir="rtl"] #menubar .navbar-collapse { clear: right }
[dir="rtl"] #menubar .navbar-nav { float: right }
[dir="rtl"] #menubar .nav { padding-right: 0 }
[dir="rtl"] #menubar .navbar-nav>li { float: right }
[dir="rtl"] #menubar .navbar-right { float: left !important }
[dir="rtl"] ul.dropdown-menu { text-align: right; left: auto }
[dir="rtl"] ul#new-menu.dropdown-menu { right: auto; left: 0 }
.nav-wrapper { border-bottom: 1px solid rgba(231, 231, 231, 1) }
i.menu-icon { padding-top: 4px }
[dir="rtl"] i.menu-icon.pull-right { float: left }
ul#help_menu li a { overflow: hidden; padding-right: 2.2em }
ul#help_menu li a i { margin-right: -1.2em }
[dir="rtl"] ul#help_menu li a { padding-left: 2.2em }
[dir="rtl"] ul#help_menu li a i { margin-right: 0; margin-left: -1.2em }
[dir="rtl"] ul#help_menu li a i.pull-right { float: left }
.dropdown-submenu { position: relative }
.dropdown-submenu>.dropdown-menu { top: 0; left: 100%; margin-top: -6px; margin-left: -1px }
[dir="rtl"] .dropdown-submenu>.dropdown-menu { right: 100%; margin-right: -1px }
.dropdown-submenu:hover>.dropdown-menu { display: block }
.dropdown-submenu>a:after { display: block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: ""; float: right; color: rgba(51, 51, 51, 1); margin-top: 2px; margin-right: -10px }
.dropdown-submenu>a:after.fa-pull-left { margin-right: 0.3em }
.dropdown-submenu>a:after.fa-pull-right { margin-left: 0.3em }
.dropdown-submenu>a:after.pull-left { margin-right: 0.3em }
.dropdown-submenu>a:after.pull-right { margin-left: 0.3em }
[dir="rtl"] .dropdown-submenu>a:after { float: left; content: ""; margin-right: 0; margin-left: -10px }
.dropdown-submenu:hover>a:after { color: rgba(38, 38, 38, 1) }
.dropdown-submenu.pull-left { float: none }
.dropdown-submenu.pull-left>.dropdown-menu { left: -100%; margin-left: 10px }
#notification_area { float: right; z-index: 10 }
[dir="rtl"] #notification_area { float: left }
.indicator_area { float: right; color: rgba(119, 119, 119, 1); margin-left: 5px; margin-right: 5px; width: auto; z-index: 10; text-align: center }
[dir="rtl"] .indicator_area { float: left }
#kernel_indicator { float: right; color: rgba(119, 119, 119, 1); margin-left: 5px; margin-right: 5px; width: auto; z-index: 10; text-align: center; border-left: 1px solid }
#kernel_indicator .kernel_indicator_name { padding-left: 5px; padding-right: 5px }
[dir="rtl"] #kernel_indicator { float: left; border-left: 0; border-right: 1px solid }
#modal_indicator { float: right; color: rgba(119, 119, 119, 1); margin-left: 5px; margin-right: 5px; width: auto; z-index: 10; text-align: center }
[dir="rtl"] #modal_indicator { float: left }
#readonly-indicator { float: right; color: rgba(119, 119, 119, 1); margin: 2px 0 0; width: auto; z-index: 10; text-align: center; display: none }
.modal_indicator:before { width: 1.28571429em; text-align: center }
.edit_mode .modal_indicator:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.edit_mode .modal_indicator:before.fa-pull-left { margin-right: 0.3em }
.edit_mode .modal_indicator:before.fa-pull-right { margin-left: 0.3em }
.edit_mode .modal_indicator:before.pull-left { margin-right: 0.3em }
.edit_mode .modal_indicator:before.pull-right { margin-left: 0.3em }
.command_mode .modal_indicator:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: " " }
.command_mode .modal_indicator:before.fa-pull-left { margin-right: 0.3em }
.command_mode .modal_indicator:before.fa-pull-right { margin-left: 0.3em }
.command_mode .modal_indicator:before.pull-left { margin-right: 0.3em }
.command_mode .modal_indicator:before.pull-right { margin-left: 0.3em }
.kernel_idle_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.kernel_idle_icon:before.fa-pull-left { margin-right: 0.3em }
.kernel_idle_icon:before.fa-pull-right { margin-left: 0.3em }
.kernel_idle_icon:before.pull-left { margin-right: 0.3em }
.kernel_idle_icon:before.pull-right { margin-left: 0.3em }
.kernel_busy_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.kernel_busy_icon:before.fa-pull-left { margin-right: 0.3em }
.kernel_busy_icon:before.fa-pull-right { margin-left: 0.3em }
.kernel_busy_icon:before.pull-left { margin-right: 0.3em }
.kernel_busy_icon:before.pull-right { margin-left: 0.3em }
.kernel_dead_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.kernel_dead_icon:before.fa-pull-left { margin-right: 0.3em }
.kernel_dead_icon:before.fa-pull-right { margin-left: 0.3em }
.kernel_dead_icon:before.pull-left { margin-right: 0.3em }
.kernel_dead_icon:before.pull-right { margin-left: 0.3em }
.kernel_disconnected_icon:before { display: inline-block; font: normal normal normal inherit / 1 FontAwesome; text-rendering: auto; -webkit-font-smoothing: antialiased; -moz-osx-font-smoothing: grayscale; content: "" }
.kernel_disconnected_icon:before.fa-pull-left { margin-right: 0.3em }
.kernel_disconnected_icon:before.fa-pull-right { margin-left: 0.3em }
.kernel_disconnected_icon:before.pull-left { margin-right: 0.3em }
.kernel_disconnected_icon:before.pull-right { margin-left: 0.3em }
.notification_widget { color: rgba(51, 51, 51, 1); z-index: 10; background: rgba(255, 255, 255, 1); margin-right: 4px; border-color: rgba(204, 204, 204, 1) }
.notification_widget:focus, .notification_widget.focus { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(140, 140, 140, 1) }
.notification_widget:hover { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
.notification_widget:active, .notification_widget.active, .open>.dropdown-toggle.notification_widget { color: rgba(51, 51, 51, 1); background-color: rgba(230, 230, 230, 1); border-color: rgba(173, 173, 173, 1) }
.notification_widget:active:hover, .notification_widget.active:hover, .open>.dropdown-toggle.notification_widget:hover, .notification_widget:active:focus, .notification_widget.active:focus, .open>.dropdown-toggle.notification_widget:focus, .notification_widget:active.focus, .notification_widget.active.focus, .open>.dropdown-toggle.notification_widget.focus { color: rgba(51, 51, 51, 1); background-color: rgba(212, 212, 212, 1); border-color: rgba(140, 140, 140, 1) }
.notification_widget:active, .notification_widget.active, .open>.dropdown-toggle.notification_widget { background-image: none }
.notification_widget.disabled:hover, .notification_widget[disabled]:hover, fieldset[disabled] .notification_widget:hover, .notification_widget.disabled:focus, .notification_widget[disabled]:focus, fieldset[disabled] .notification_widget:focus, .notification_widget.disabled.focus, .notification_widget[disabled].focus, fieldset[disabled] .notification_widget.focus { background-color: rgba(255, 255, 255, 1); border-color: rgba(204, 204, 204, 1) }
.notification_widget .badge { color: rgba(255, 255, 255, 1); background-color: rgba(51, 51, 51, 1) }
.notification_widget.warning { color: rgba(255, 255, 255, 1); background-color: rgba(240, 173, 78, 1); border-color: rgba(238, 162, 54, 1) }
.notification_widget.warning:focus, .notification_widget.warning.focus { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(152, 95, 13, 1) }
.notification_widget.warning:hover { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(213, 133, 18, 1) }
.notification_widget.warning:active, .notification_widget.warning.active, .open>.dropdown-toggle.notification_widget.warning { color: rgba(255, 255, 255, 1); background-color: rgba(236, 151, 31, 1); border-color: rgba(213, 133, 18, 1) }
.notification_widget.warning:active:hover, .notification_widget.warning.active:hover, .open>.dropdown-toggle.notification_widget.warning:hover, .notification_widget.warning:active:focus, .notification_widget.warning.active:focus, .open>.dropdown-toggle.notification_widget.warning:focus, .notification_widget.warning:active.focus, .notification_widget.warning.active.focus, .open>.dropdown-toggle.notification_widget.warning.focus { color: rgba(255, 255, 255, 1); background-color: rgba(213, 133, 18, 1); border-color: rgba(152, 95, 13, 1) }
.notification_widget.warning:active, .notification_widget.warning.active, .open>.dropdown-toggle.notification_widget.warning { background-image: none }
.notification_widget.warning.disabled:hover, .notification_widget.warning[disabled]:hover, fieldset[disabled] .notification_widget.warning:hover, .notification_widget.warning.disabled:focus, .notification_widget.warning[disabled]:focus, fieldset[disabled] .notification_widget.warning:focus, .notification_widget.warning.disabled.focus, .notification_widget.warning[disabled].focus, fieldset[disabled] .notification_widget.warning.focus { background-color: rgba(240, 173, 78, 1); border-color: rgba(238, 162, 54, 1) }
.notification_widget.warning .badge { color: rgba(240, 173, 78, 1); background-color: rgba(255, 255, 255, 1) }
.notification_widget.success { color: rgba(255, 255, 255, 1); background-color: rgba(92, 184, 92, 1); border-color: rgba(76, 174, 76, 1) }
.notification_widget.success:focus, .notification_widget.success.focus { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(37, 86, 37, 1) }
.notification_widget.success:hover { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(57, 132, 57, 1) }
.notification_widget.success:active, .notification_widget.success.active, .open>.dropdown-toggle.notification_widget.success { color: rgba(255, 255, 255, 1); background-color: rgba(68, 157, 68, 1); border-color: rgba(57, 132, 57, 1) }
.notification_widget.success:active:hover, .notification_widget.success.active:hover, .open>.dropdown-toggle.notification_widget.success:hover, .notification_widget.success:active:focus, .notification_widget.success.active:focus, .open>.dropdown-toggle.notification_widget.success:focus, .notification_widget.success:active.focus, .notification_widget.success.active.focus, .open>.dropdown-toggle.notification_widget.success.focus { color: rgba(255, 255, 255, 1); background-color: rgba(57, 132, 57, 1); border-color: rgba(37, 86, 37, 1) }
.notification_widget.success:active, .notification_widget.success.active, .open>.dropdown-toggle.notification_widget.success { background-image: none }
.notification_widget.success.disabled:hover, .notification_widget.success[disabled]:hover, fieldset[disabled] .notification_widget.success:hover, .notification_widget.success.disabled:focus, .notification_widget.success[disabled]:focus, fieldset[disabled] .notification_widget.success:focus, .notification_widget.success.disabled.focus, .notification_widget.success[disabled].focus, fieldset[disabled] .notification_widget.success.focus { background-color: rgba(92, 184, 92, 1); border-color: rgba(76, 174, 76, 1) }
.notification_widget.success .badge { color: rgba(92, 184, 92, 1); background-color: rgba(255, 255, 255, 1) }
.notification_widget.info { color: rgba(255, 255, 255, 1); background-color: rgba(91, 192, 222, 1); border-color: rgba(70, 184, 218, 1) }
.notification_widget.info:focus, .notification_widget.info.focus { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(27, 109, 133, 1) }
.notification_widget.info:hover { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(38, 154, 188, 1) }
.notification_widget.info:active, .notification_widget.info.active, .open>.dropdown-toggle.notification_widget.info { color: rgba(255, 255, 255, 1); background-color: rgba(49, 176, 213, 1); border-color: rgba(38, 154, 188, 1) }
.notification_widget.info:active:hover, .notification_widget.info.active:hover, .open>.dropdown-toggle.notification_widget.info:hover, .notification_widget.info:active:focus, .notification_widget.info.active:focus, .open>.dropdown-toggle.notification_widget.info:focus, .notification_widget.info:active.focus, .notification_widget.info.active.focus, .open>.dropdown-toggle.notification_widget.info.focus { color: rgba(255, 255, 255, 1); background-color: rgba(38, 154, 188, 1); border-color: rgba(27, 109, 133, 1) }
.notification_widget.info:active, .notification_widget.info.active, .open>.dropdown-toggle.notification_widget.info { background-image: none }
.notification_widget.info.disabled:hover, .notification_widget.info[disabled]:hover, fieldset[disabled] .notification_widget.info:hover, .notification_widget.info.disabled:focus, .notification_widget.info[disabled]:focus, fieldset[disabled] .notification_widget.info:focus, .notification_widget.info.disabled.focus, .notification_widget.info[disabled].focus, fieldset[disabled] .notification_widget.info.focus { background-color: rgba(91, 192, 222, 1); border-color: rgba(70, 184, 218, 1) }
.notification_widget.info .badge { color: rgba(91, 192, 222, 1); background-color: rgba(255, 255, 255, 1) }
.notification_widget.danger { color: rgba(255, 255, 255, 1); background-color: rgba(217, 83, 79, 1); border-color: rgba(212, 63, 58, 1) }
.notification_widget.danger:focus, .notification_widget.danger.focus { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(118, 28, 25, 1) }
.notification_widget.danger:hover { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(172, 41, 37, 1) }
.notification_widget.danger:active, .notification_widget.danger.active, .open>.dropdown-toggle.notification_widget.danger { color: rgba(255, 255, 255, 1); background-color: rgba(201, 48, 44, 1); border-color: rgba(172, 41, 37, 1) }
.notification_widget.danger:active:hover, .notification_widget.danger.active:hover, .open>.dropdown-toggle.notification_widget.danger:hover, .notification_widget.danger:active:focus, .notification_widget.danger.active:focus, .open>.dropdown-toggle.notification_widget.danger:focus, .notification_widget.danger:active.focus, .notification_widget.danger.active.focus, .open>.dropdown-toggle.notification_widget.danger.focus { color: rgba(255, 255, 255, 1); background-color: rgba(172, 41, 37, 1); border-color: rgba(118, 28, 25, 1) }
.notification_widget.danger:active, .notification_widget.danger.active, .open>.dropdown-toggle.notification_widget.danger { background-image: none }
.notification_widget.danger.disabled:hover, .notification_widget.danger[disabled]:hover, fieldset[disabled] .notification_widget.danger:hover, .notification_widget.danger.disabled:focus, .notification_widget.danger[disabled]:focus, fieldset[disabled] .notification_widget.danger:focus, .notification_widget.danger.disabled.focus, .notification_widget.danger[disabled].focus, fieldset[disabled] .notification_widget.danger.focus { background-color: rgba(217, 83, 79, 1); border-color: rgba(212, 63, 58, 1) }
.notification_widget.danger .badge { color: rgba(217, 83, 79, 1); background-color: rgba(255, 255, 255, 1) }
div#pager { background-color: rgba(255, 255, 255, 1); font-size: 14px; line-height: 20px; overflow: hidden; display: none; position: fixed; bottom: 0; width: 100%; max-height: 50%; padding-top: 8px; -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2); z-index: 100; top: auto !important }
div#pager pre { line-height: 1.21429em; color: rgba(0, 0, 0, 1); background-color: rgba(247, 247, 247, 1); padding: 0.4em }
div#pager #pager-button-area { position: absolute; top: 8px; right: 20px }
div#pager #pager-contents { position: relative; overflow: auto; width: 100%; height: 100% }
div#pager #pager-contents #pager-container { position: relative; padding: 15px 0; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box }
div#pager .ui-resizable-handle { top: 0; height: 8px; background: rgba(247, 247, 247, 1); border-top: 1px solid rgba(207, 207, 207, 1); border-bottom: 1px solid rgba(207, 207, 207, 1) }
div#pager .ui-resizable-handle::after { content: ""; top: 2px; left: 50%; height: 3px; width: 30px; margin-left: -15px; position: absolute; border-top: 1px solid rgba(207, 207, 207, 1) }
.quickhelp { -webkit-box-orient: horizontal; -webkit-box-align: stretch; -moz-box-orient: horizontal; -moz-box-align: stretch; box-orient: horizontal; box-align: stretch; display: flex; flex-direction: row; align-items: stretch; line-height: 1.8em }
.shortcut_key { display: inline-block; width: 21ex; text-align: right; font-family: monospace }
.shortcut_descr { display: inline-block; -webkit-box-flex: 1; -moz-box-flex: 1; box-flex: 1; flex: 1 }
span.save_widget { height: 30px; margin-top: 4px; display: flex; justify-content: flex-start; align-items: baseline; width: 50%; flex: 1 }
span.save_widget span.filename { height: 100%; line-height: 1em; margin-left: 16px; border: none; font-size: 146.5%; text-overflow: ellipsis; overflow: hidden; white-space: nowrap; border-radius: 2px }
span.save_widget span.filename:hover { background-color: rgba(230, 230, 230, 1) }
[dir="rtl"] span.save_widget.pull-left { float: right }
[dir="rtl"] span.save_widget span.filename { margin-left: 0; margin-right: 16px }
span.checkpoint_status, span.autosave_status { font-size: small; white-space: nowrap; padding: 0 5px }
@media (max-width: 767px) { span.save_widget { font-size: small; padding: 0 0 0 5px } span.checkpoint_status, span.autosave_status { display: none } }
@media (min-width: 768px) and (max-width: 991px) { span.checkpoint_status { display: none } span.autosave_status { font-size: x-small } }
.toolbar { padding: 0; margin-left: -5px; margin-top: 2px; margin-bottom: 5px; box-sizing: border-box; -moz-box-sizing: border-box; -webkit-box-sizing: border-box }
.toolbar select, .toolbar label { width: auto; vertical-align: middle; margin-right: 0.3em; margin-bottom: 0; display: inline; font-size: 92%; margin-left: 0.3em; padding: 3px 0 0 }
.toolbar .btn { padding: 2px 8px }
.toolbar .btn-group { margin-top: 0; margin-left: 5px }
.toolbar-btn-label { margin-left: 6px }
#maintoolbar { margin-bottom: -3px; margin-top: -8px; border: 0; min-height: 27px; margin-left: 0; padding-top: 11px; padding-bottom: 3px }
#maintoolbar .navbar-text { float: none; vertical-align: middle; text-align: right; margin-left: 5px; margin-right: 0; margin-top: 0 }
.select-xs { height: 24px }
[dir="rtl"] .btn-group>.btn, .btn-group-vertical>.btn { float: right }
.pulse, .dropdown-menu>li>a.pulse, li.pulse>a.dropdown-toggle, li.pulse.open>a.dropdown-toggle { background-color: rgba(243, 118, 38, 1); color: rgba(255, 255, 255, 1) }
@-moz-keyframes fadeOut {
from {
opacity: 1;
}
to {
opacity: 0;
}
}
@-webkit-keyframes fadeOut {
from {
opacity: 1;
}
to {
opacity: 0;
}
}
@-moz-keyframes fadeIn {
from {
opacity: 0;
}
to {
opacity: 1;
}
}
@-webkit-keyframes fadeIn {
from {
opacity: 0;
}
to {
opacity: 1;
}
}
.bigtooltip { overflow: auto; height: 200px; -webkit-transition-property: height; -webkit-transition-duration: 500ms; -moz-transition-property: height; -moz-transition-duration: 500ms; transition-property: height; transition-duration: 500ms }
.smalltooltip { -webkit-transition-property: height; -webkit-transition-duration: 500ms; -moz-transition-property: height; -moz-transition-duration: 500ms; transition-property: height; transition-duration: 500ms; text-overflow: ellipsis; overflow: hidden; height: 80px }
.tooltipbuttons { position: absolute; padding-right: 15px; top: 0; right: 0 }
.tooltiptext { padding-right: 30px }
.ipython_tooltip { max-width: 700px; -webkit-animation: fadeIn 400ms; -moz-animation: fadeIn 400ms; animation: 400ms fadein; vertical-align: middle; background-color: rgba(247, 247, 247, 1); overflow: visible; border: 1px solid rgba(171, 171, 171, 1); outline: none; padding: 3px 3px 3px 7px; margin: 0; font-family: monospace; min-height: 50px; -moz-box-shadow: 0px 6px 10px -1px #adadad; -webkit-box-shadow: 0px 6px 10px -1px #adadad; box-shadow: 0 6px 10px -1px rgba(173, 173, 173, 1); border-radius: 2px; position: absolute; z-index: 1000 }
.ipython_tooltip a { float: right }
.ipython_tooltip .tooltiptext pre { border: 0; border-radius: 0; font-size: 100%; background-color: rgba(247, 247, 247, 1) }
.pretooltiparrow { left: 0; margin: 0; top: -16px; width: 40px; height: 16px; overflow: hidden; position: absolute }
.pretooltiparrow:before { background-color: rgba(247, 247, 247, 1); border: 1px solid rgba(171, 171, 171, 1); z-index: 11; content: ""; position: absolute; left: 15px; top: 10px; width: 25px; height: 25px; -webkit-transform: rotate(45deg); -moz-transform: rotate(45deg); -ms-transform: rotate(45deg); -o-transform: rotate(45deg) }
ul.typeahead-list i { margin-left: -10px; width: 18px }
[dir="rtl"] ul.typeahead-list i { margin-left: 0; margin-right: -10px }
ul.typeahead-list { max-height: 80vh; overflow: auto }
ul.typeahead-list>li>a { white-space: normal }
ul.typeahead-list>li>a.pull-right { float: left }
[dir="rtl"] .typeahead-list { text-align: right }
.cmd-palette .modal-body { padding: 7px }
.cmd-palette form { background: rgba(255, 255, 255, 1) }
.cmd-palette input { outline: none }
.no-shortcut { min-width: 20px; color: rgba(0, 0, 0, 0) }
[dir="rtl"] .no-shortcut.pull-right { float: left }
[dir="rtl"] .command-shortcut.pull-right { float: left }
.command-shortcut:before { content: "(command mode)"; padding-right: 3px; color: rgba(119, 119, 119, 1) }
.edit-shortcut:before { content: "(edit)"; padding-right: 3px; color: rgba(119, 119, 119, 1) }
[dir="rtl"] .edit-shortcut.pull-right { float: left }
#find-and-replace #replace-preview .match, #find-and-replace #replace-preview .insert { background-color: rgba(187, 222, 251, 1); border: 1px solid rgba(144, 202, 249, 1); border-radius: 0 }
[dir="ltr"] #find-and-replace .input-group-btn+.form-control { border-left: none }
[dir="rtl"] #find-and-replace .input-group-btn+.form-control { border-right: none }
#find-and-replace #replace-preview .replace .match { background-color: rgba(255, 205, 210, 1); border-color: rgba(239, 154, 154, 1); border-radius: 0 }
#find-and-replace #replace-preview .replace .insert { background-color: rgba(200, 230, 201, 1); border-color: rgba(165, 214, 167, 1); border-radius: 0 }
#find-and-replace #replace-preview { max-height: 60vh; overflow: auto }
#find-and-replace #replace-preview pre { padding: 5px 10px }
.terminal-app { background: rgba(238, 238, 238, 1) }
.terminal-app #header { background: rgba(255, 255, 255, 1); -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.2); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.2) }
.terminal-app .terminal { width: 100%; float: left; font-family: monospace; color: rgba(255, 255, 255, 1); background: rgba(0, 0, 0, 1); padding: 0.4em; border-radius: 2px; -webkit-box-shadow: 0px 0px 12px 1px rgba(87, 87, 87, 0.4); box-shadow: 0 0 12px 1px rgba(87, 87, 87, 0.4) }
.terminal-app .terminal, .terminal-app .terminal dummy-screen { line-height: 1em; font-size: 14px }
.terminal-app .terminal .xterm-rows { padding: 10px }
.terminal-app .terminal-cursor { color: rgba(0, 0, 0, 1); background: rgba(255, 255, 255, 1) }
.terminal-app #terminado-container { margin-top: 20px }
.highlight .hll { background-color: rgba(255, 255, 204, 1) }
.highlight { background: rgba(248, 248, 248, 1) }
.highlight .c { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .err { border: 1px solid rgba(255, 0, 0, 1) }
.highlight .k { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .o { color: rgba(102, 102, 102, 1) }
.highlight .ch { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .cm { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .cp { color: rgba(188, 122, 0, 1) }
.highlight .cpf { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .c1 { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .cs { color: rgba(64, 128, 128, 1); font-style: italic }
.highlight .gd { color: rgba(160, 0, 0, 1) }
.highlight .ge { font-style: italic }
.highlight .gr { color: rgba(255, 0, 0, 1) }
.highlight .gh { color: rgba(0, 0, 128, 1); font-weight: bold }
.highlight .gi { color: rgba(0, 160, 0, 1) }
.highlight .go { color: rgba(136, 136, 136, 1) }
.highlight .gp { color: rgba(0, 0, 128, 1); font-weight: bold }
.highlight .gs { font-weight: bold }
.highlight .gu { color: rgba(128, 0, 128, 1); font-weight: bold }
.highlight .gt { color: rgba(0, 68, 221, 1) }
.highlight .kc { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .kd { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .kn { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .kp { color: rgba(0, 128, 0, 1) }
.highlight .kr { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .kt { color: rgba(176, 0, 64, 1) }
.highlight .m { color: rgba(102, 102, 102, 1) }
.highlight .s { color: rgba(186, 33, 33, 1) }
.highlight .na { color: rgba(125, 144, 41, 1) }
.highlight .nb { color: rgba(0, 128, 0, 1) }
.highlight .nc { color: rgba(0, 0, 255, 1); font-weight: bold }
.highlight .no { color: rgba(136, 0, 0, 1) }
.highlight .nd { color: rgba(170, 34, 255, 1) }
.highlight .ni { color: rgba(153, 153, 153, 1); font-weight: bold }
.highlight .ne { color: rgba(210, 65, 58, 1); font-weight: bold }
.highlight .nf { color: rgba(0, 0, 255, 1) }
.highlight .nl { color: rgba(160, 160, 0, 1) }
.highlight .nn { color: rgba(0, 0, 255, 1); font-weight: bold }
.highlight .nt { color: rgba(0, 128, 0, 1); font-weight: bold }
.highlight .nv { color: rgba(25, 23, 124, 1) }
.highlight .ow { color: rgba(170, 34, 255, 1); font-weight: bold }
.highlight .w { color: rgba(187, 187, 187, 1) }
.highlight .mb { color: rgba(102, 102, 102, 1) }
.highlight .mf { color: rgba(102, 102, 102, 1) }
.highlight .mh { color: rgba(102, 102, 102, 1) }
.highlight .mi { color: rgba(102, 102, 102, 1) }
.highlight .mo { color: rgba(102, 102, 102, 1) }
.highlight .sa { color: rgba(186, 33, 33, 1) }
.highlight .sb { color: rgba(186, 33, 33, 1) }
.highlight .sc { color: rgba(186, 33, 33, 1) }
.highlight .dl { color: rgba(186, 33, 33, 1) }
.highlight .sd { color: rgba(186, 33, 33, 1); font-style: italic }
.highlight .s2 { color: rgba(186, 33, 33, 1) }
.highlight .se { color: rgba(187, 102, 34, 1); font-weight: bold }
.highlight .sh { color: rgba(186, 33, 33, 1) }
.highlight .si { color: rgba(187, 102, 136, 1); font-weight: bold }
.highlight .sx { color: rgba(0, 128, 0, 1) }
.highlight .sr { color: rgba(187, 102, 136, 1) }
.highlight .s1 { color: rgba(186, 33, 33, 1) }
.highlight .ss { color: rgba(25, 23, 124, 1) }
.highlight .bp { color: rgba(0, 128, 0, 1) }
.highlight .fm { color: rgba(0, 0, 255, 1) }
.highlight .vc { color: rgba(25, 23, 124, 1) }
.highlight .vg { color: rgba(25, 23, 124, 1) }
.highlight .vi { color: rgba(25, 23, 124, 1) }
.highlight .vm { color: rgba(25, 23, 124, 1) }
.highlight .il { color: rgba(102, 102, 102, 1) }
.ansi-black-fg { color: rgba(62, 66, 77, 1) }
.ansi-black-bg { background-color: rgba(62, 66, 77, 1) }
.ansi-black-intense-fg { color: rgba(40, 44, 54, 1) }
.ansi-black-intense-bg { background-color: rgba(40, 44, 54, 1) }
.ansi-red-fg { color: rgba(231, 92, 88, 1) }
.ansi-red-bg { background-color: rgba(231, 92, 88, 1) }
.ansi-red-intense-fg { color: rgba(178, 43, 49, 1) }
.ansi-red-intense-bg { background-color: rgba(178, 43, 49, 1) }
.ansi-green-fg { color: rgba(0, 162, 80, 1) }
.ansi-green-bg { background-color: rgba(0, 162, 80, 1) }
.ansi-green-intense-fg { color: rgba(0, 116, 39, 1) }
.ansi-green-intense-bg { background-color: rgba(0, 116, 39, 1) }
.ansi-yellow-fg { color: rgba(221, 182, 43, 1) }
.ansi-yellow-bg { background-color: rgba(221, 182, 43, 1) }
.ansi-yellow-intense-fg { color: rgba(178, 125, 18, 1) }
.ansi-yellow-intense-bg { background-color: rgba(178, 125, 18, 1) }
.ansi-blue-fg { color: rgba(32, 143, 251, 1) }
.ansi-blue-bg { background-color: rgba(32, 143, 251, 1) }
.ansi-blue-intense-fg { color: rgba(0, 101, 202, 1) }
.ansi-blue-intense-bg { background-color: rgba(0, 101, 202, 1) }
.ansi-magenta-fg { color: rgba(209, 96, 196, 1) }
.ansi-magenta-bg { background-color: rgba(209, 96, 196, 1) }
.ansi-magenta-intense-fg { color: rgba(160, 49, 150, 1) }
.ansi-magenta-intense-bg { background-color: rgba(160, 49, 150, 1) }
.ansi-cyan-fg { color: rgba(96, 198, 200, 1) }
.ansi-cyan-bg { background-color: rgba(96, 198, 200, 1) }
.ansi-cyan-intense-fg { color: rgba(37, 143, 143, 1) }
.ansi-cyan-intense-bg { background-color: rgba(37, 143, 143, 1) }
.ansi-white-fg { color: rgba(197, 193, 180, 1) }
.ansi-white-bg { background-color: rgba(197, 193, 180, 1) }
.ansi-white-intense-fg { color: rgba(161, 166, 178, 1) }
.ansi-white-intense-bg { background-color: rgba(161, 166, 178, 1) }
.ansi-bold { font-weight: bold }
.reveal { font-size: 160% }
.reveal pre { width: inherit; padding: 0.4em; margin: 0; font-family: monospace, sans-serif; font-size: 80%; box-shadow: 0 0 rgba(0, 0, 0, 0) }
.reveal pre code { padding: 0 }
.reveal section img { border: 0 solid rgba(0, 0, 0, 1); box-shadow: 0 0 10px rgba(0, 0, 0, 0) }
.reveal i { font-style: normal; font-family: FontAwesome; font-size: 2em }
.reveal .slides { text-align: left }
.reveal.fade { opacity: 1 }
.reveal .progress { position: static }
.reveal .controls .navigate-left, .reveal .controls .navigate-left.enabled { border-right-color: rgba(114, 114, 114, 1) }
.reveal .controls .navigate-left.enabled:hover, .reveal .controls .navigate-left.enabled.enabled:hover { border-right-color: rgba(223, 223, 223, 1) }
.reveal .controls .navigate-right, .reveal .controls .navigate-right.enabled { border-left-color: rgba(114, 114, 114, 1) }
.reveal .controls .navigate-right.enabled:hover, .reveal .controls .navigate-right.enabled.enabled:hover { border-left-color: rgba(223, 223, 223, 1) }
.reveal .controls .navigate-up, .reveal .controls .navigate-up.enabled { border-bottom-color: rgba(114, 114, 114, 1) }
.reveal .controls .navigate-up.enabled:hover, .reveal .controls .navigate-up.enabled.enabled:hover { border-bottom-color: rgba(223, 223, 223, 1) }
.reveal .controls .navigate-down, .reveal .controls .navigate-down.enabled { border-top-color: rgba(114, 114, 114, 1) }
.reveal .controls .navigate-down.enabled:hover, .reveal .controls .navigate-down.enabled.enabled:hover { border-top-color: rgba(223, 223, 223, 1) }
.reveal .progress span { background: rgba(114, 114, 114, 1) }
div.input_area { padding: 0.06em }
div.code_cell { background-color: rgba(0, 0, 0, 0) }
div.prompt { width: 11ex; padding: 0.4em; margin: 0; font-family: monospace, sans-serif; font-size: 80%; text-align: right }
div.output_area pre { font-family: monospace, sans-serif; font-size: 80% }
div.output_prompt { margin: 5px 5px 0 0 }
div.text_cell.rendered .rendered_html { overflow-y: hidden }
a.anchor-link { display: none }
.rendered_html p { text-align: inherit }
{ width: 6px; height: 6px }
{ background: rgba(0, 0, 0, 0) }
{ background: rgba(114, 114, 114, 1) !important }