From: Snapshot-Content-Location: https://www.i2m.univ-amu.fr/perso/paul.mercat/Eigenvalues.html Subject: Eigenvalues Date: Thu, 19 Oct 2023 01:01:13 -0000 MIME-Version: 1.0 Content-Type: multipart/related; type="text/html"; boundary="----MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC----" ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/html Content-ID: Content-Transfer-Encoding: binary Content-Location: https://www.i2m.univ-amu.fr/perso/paul.mercat/Eigenvalues.html Eigenvalues
In [82]:
# Here we define functions that allow us to compute eigenvalues of subshifts and to plot Rauzy fractals
# The code to plot Rauzy fractal is inspired by the one of Timo Jolivet,
# but it correct some bugs and generalize to any infinite word and any projection.
#
# Exemples are below

from badic import *

def ReturnSubstitution (s, u, getrw=False, verb=False):
    """
    Give the return substitution of s on the return word u.
    u is assumed to be a prefix of an infinite fixed point.

    INPUT:

    - ``s`` - a WordMorphism

    - ``u`` - a word

    - ``getrw`` - Boolean (default: ``False``) - if True, return also the set of return words.

    - ``verb`` - Boolean (default: ``False``) - if True, print more informations.

    OUTPUT:

    A WordMorphism, and also a dictionnary of return words if getrw is True.

    EXAMPLES::
    
        sage: s = WordMorphism('1->213,2->4,3->5,4->1,5->21')
        sage: ReturnSubstitution(s^3, '1')
        WordMorphism: 0->01012, 1->0102012, 2->0102

    """
    A = list(s.domain().alphabet())
    x = s.fixed_point(u[0])
    m = s.incidence_matrix()
    R = dict() # dict of return words
    nR = 0 # number of return words
    if verb:
        print(A)
    a = dag.AnyWord(A,A).concat(dag.Word(u,A=A))
    A = a.alphabet
    v = vector([0 for i in range(len(A))])
    rv = copy(v)
    dA = dict()
    if verb:
        print(A)
    for i,t in enumerate(A):
        dA[t] = i
    vu = copy(v) # abelianized of u
    for t in u:
        vu[dA[t]] += 1
    lu = len(u)
    lv1 = [] # lv1[i] = abelian vector of starting of s(m[i]) where m[i] is the ith return word
    lv2 = [] # lv2[i] = abelian vector of ending of s(m[i]) where m[i] is the ith return word
    lim = dict() # lim[i] = image if m[i] by s as return words
    cim = 0 # current return word for which we compute the image
    lcim = [] # image of the current return word
    lstop = []
    if verb:
        print(a)
    i = 0
    i1 = -1 # d?but du mot de retour courant
    crw = -1 # current return word
    e = a.initial_state
    while True:
        if verb:
            print("i=",i)
        l = dA[x[i]]
        e = a.succ(e, l)
        if verb:
            print('l={}, v={}'.format(l,v))
        v[l] += 1 # update the abelian vector
        #print(e)
        if a.is_final(e):
            if i1 < 0:
                if i != lu-1:
                    raise ValueError("u={} should be a prefix of a fixed point !".format(u))
                i1 = 0
            else:
                # return word found
                i2 = i+1-lu
                r = x[i1:i2]
                i1 = i2
                #print("i1={}".format(i1))
                if r not in R:
                    R[r] = nR
                    #print(r)
                    if verb:
                        print("r={}".format(r))
                        print("rv={}, v-vu={}".format(rv, v-vu))
                    lv1.append(m*rv)
                    lv2.append(m*(v-vu))
                    if verb:
                        print(lv1, lv2)
                    lstop.append(sum(lv2[nR]))
                    nR += 1
                rv = copy(v-vu)
                lcim.append(R[r])
                if i1 >= lstop[cim]:
                    if i1 > lstop[cim]:
                        raise RuntimeError("D?passement !!!")
                    # we read all the image of the current return word
                    if verb:
                        print("image de {} : {}".format(cim, lcim))
                    lim[cim] = lcim
                    lcim = []
                    cim += 1
                    if verb:
                        print("\ncim = {}".format(cim))
                    if cim == nR:
                        # end
                        if getrw:
                            return WordMorphism(lim), R
                        return WordMorphism(lim)
                    # change the starting point in order to read the image of the current return word
                    if verb:
                        print("v={}".format(v))
                    rv = lv1[cim]
                    v = copy(lv1[cim])+vu
                    if verb:
                        print("v={}".format(v))
                        print("stop={}".format(lstop[cim]))
                    i1 = sum(lv1[cim])
                    i = i1 + lu-1
                    if verb:
                        print("i1={}".format(i1))
                        print(lv1)
                    e = a.final_states[0]
                if verb:
                    print(r, R[r])
        i += 1
        #if i > 1000:
        #    break
    if verb:
        print("nR = {}, cim={}".format(nR, cim))
        print(lim)
        print("Return words : {}".format(R))

def Prop8 (su, R, verb=False):
    """
    Return the substitution of Proposition 8 in [Durand-Petite].
    
    INPUT:
    
    - ``su`` - a return substitution
    
    - ``R`` - the set of return words
    
    - ``verb`` - Boolean (default: ``False``) if True, print additionnal informations.
    
    """
    i = 1
    while(True):
        su2 = su^i
        for k,j in enumerate(R):
            if len(j) > len(su2(k)):
                break
        else:
            break
        i += 1
    if verb:
        print("su ?l?v? ? la puissance {}".format(i))
    su = su^i

    ln = [len(j) for j in R]
    lm = [len(su(j)) for j in range(len(R))]

    def psi (lj):
        r = []
        for j in lj:
            r += [(j,i) for i in range(ln[j])]
        return r
    if verb:
        print(R)
    B = [(R.index(j),p) for j in R for p in range(len(j))]
    xi = dict()
    for (j,p) in B:
        if p < ln[j]-1:
            xi[(j,p)] = psi([su(j)[p]])
        else:
            xi[(j,p)] = psi(su(j)[ln[j]-1: lm[j]])
    if verb:
        print(xi)
    xi2 = dict()
    for (j,p) in xi:
        xi2[B.index((j,p))] = [B.index(t) for t in xi[(j,p)]]
    return WordMorphism(xi2)

def initials_period (s):
    """
    Return the initials period of s.
    Starting letters of s^n are eventually periodic,
    with a period which is the initials period.
    """
    A = s.domain().alphabet()
    a = DetAutomaton([(a, 0, s(a)[0]) for a in A], avoidDiGraph=True)
    return lcm([len(c) for c in a.strongly_connected_components()])

def proprify (s, u=None, verb=False, check_non_trivial_coboundaries=False):
    """
    Return a substitution whose a power is left-proper.
    If check_non_trivial_coboundaries is set to True, then it checks if there is no non-trivial coboundary
    and if it is the case, then it return the substitution s^k where k is the initials period.
    """
    # iterate to have a fixed point
    for k in range(1,2000):
        fp = (s^k).fixed_points()
        if len(fp) > 0:
            break
    if verb:
        print("power {}".format(k))
    s = s^k
    if u is None:
        u = s.fixed_points()[0][:1] # choose the first letter of a fixed point
    if verb:
        print("u={}".format(u))
    # compute the return substitution on u
    su,R = ReturnSubstitution(s, u, True)
    R = list(R.keys())
    if verb:
        print("return subst: {}".format(su))
        print("return words: {}".format(R))
    if check_non_trivial_coboundaries:
        # check if there are non-trivial coboundaries
        mr = matrix([w.abelian_vector() for w in R])
        mr2 = []
        for l in mr.BKZ():
            if not l.is_zero():
                mr2.append(l)
        mr2 = matrix(mr2)
        if mr2.is_square():
            d = abs(det(mr2))
            if d == 1:
                if verb:
                    print("No non-trivial coboundary.")
                ip = initials_period(s)
                if verb:
                    print("Initials period = {}".format(ip))
                return s^ip
            else:
                if verb:
                    print("Potential coboundary with den {}".format(d))
    return Prop8(su, R)

def pseudodet (m):
    """
    Return the pseudo-determinant of the matrix.
    """
    return product([t for t in m.eigenvalues() if t != 0])

def generalized_eigenvectors (m, verb=False):
    """
    Return a concatenation of basis of generalized eigenspaces for eigenvalues >= 1.
    """
    pi = m.charpoly()
    I = identity_matrix(m.nrows())
    r = []
    rvp = []
    for pi, k in m.charpoly().factor():
        if verb:
            print(pi, k)
        lr = pi.roots(ring=QQbar)
        for vp, _ in lr:
            if verb:
                print(vp)
            if abs(vp) >= 1:
                K.<b> = NumberField(vp.minpoly(), embedding=vp)
                m2 = matrix(m, ring=K)
                if verb:
                    print("vp = {}, multiplicity = {}".format(vp, k))
                r += matrix((m-vp*I)^k, ring=K).right_kernel().basis()
                #r += ((m2-vp*I)^k).right_kernel().basis()
                rvp.append(vp)
    return r, rvp

def diff(v1, v2):
    """
    Return the difference of two vectors in two different NumberField.
    """
    K = v1[0].parent()
    R.<x> = PolynomialRing(K)
    pi = R(v2[0].parent().polynomial())
    c = v2[0].parent().gen()
    for f,_ in pi.factor():
        if f(c) == 0:
            L = K.extension(f, "c")
            break
    K = L.absolute_field('a')
    pi = K.polynomial()
    lr = K.polynomial().roots(ring=QQbar)
    for r,_ in lr:
        try:
            K.<b> = NumberField(pi, embedding=r)
            return vector([K(t) for t in v1]) - vector([K(t) for t in v2])
        except:
            continue

def get_w_matrix (m, verb=False):
    """
    Return an integer matrix whose left-kernel is the set of w satisfying the condition of Theorem 1.1 in [Me].
    """
    global K
    if abs(pseudodet(m))-1 != 0:
        raise ValueError("The matrix is not pseudo-unimodular.")
    b = max(m.eigenvalues())
    if verb:
        print("Perron eigenvalue: {}".format(b))
    lv, lvp = generalized_eigenvectors(m, verb=verb)
    if verb:
        print("Basis of generalized eigenspaces: {}".format(list(zip(lv,lvp))))
    # compute a basis of the orthogonal of w
    lvo = []
    nn = 0
    for v in lv:
        if sum(v) == 0:
            lvo.append(v)
        else:
            v /= sum(v)
            if nn == 0:
                v0 = v
            else:
                lvo.append(diff(v,v0))
            nn += 1
    if verb:
        print("Basis of the orthogonal of w: {}".format(lvo))
    # convert each vector in the splitting field
    lm = []
    for v in lvo:
        lm.append(matrix([list(t) for t in v]))
    wm = block_matrix([lm])
    den = 1
    for v in wm:
        for t in v:
            den = lcm(den, t.denom())
    wm = matrix(wm*den, ring=ZZ)
    if verb:
        print("Matrix whose integer left kernel is the set of possible w: {}".format(wm))
    return wm

def Perron_eig (m):
    """
    Return the Perron eigenvector of sum 1 with coefficients in a NumberField.
    """
    b = max(m.eigenvalues())
    K.<b> = NumberField(b.minpoly(), embedding=b)
    m = matrix(m, ring=K)
    v0 = (m - b*identity_matrix(K, m.nrows())).right_kernel().basis()[0] # compute the Perron eigenvector
    v0 /= sum(v0) # of sum 1
    return v0

def eigenvalues_proper (m, verb=False):
    """
    Compute the eigenvalues of the subshift from the incidence matrix of the substitution.
    We assume that eigenvalues are exp(2 i pi a), with a(1,...,1)m^n ---> 0 mod 1,
    which is the case if the substitution is proper.
    """
    v0 = Perron_eig(m)
    wm = get_w_matrix(m, verb=verb)
    # compute eigenvalues
    lvp = []
    if wm.nrows() == 0:
        lk = identity_matrix(ZZ, m.nrows())
    else:
        lk = wm.kernel().basis() # compute solutions in ZZ
    if verb:
        print("Basis of the Z-module where w lives: {}".format(lk))
    for k in lk:
        vp = k*v0
        lvp.append(vp)
    if verb:
        print("List of (non-independant) eigenvalues: {}".format(lvp))
    # convert in the number field of b
    b = max(m.eigenvalues())
    K.<b> = NumberField(b.minpoly(), embedding=b)
    lvp = [K(t) for t in lvp]
    # convert to a matrix
    mvp = matrix([list(t) for t in lvp])
    if verb:
        print("Corresponding matrix: {}".format(mvp))
    den = 1
    # compute denominator
    for v in mvp:
        for t in v:
            den = lcm(den, t.denom())
    if verb:
        print("den = {}".format(den))
    # convert to a matrix in ZZ
    mvp2 = matrix(mvp*den, ring=ZZ)
    # compute a basis of the lattice
    mvp3 = mvp2.BKZ()
    if verb:
        print("matrix after BKZ: {}".format(mvp3))
    # return the basis in a number field
    lvp = [K(t)/den for t in mvp3 if K(t) != 0]
    b = max(m.eigenvalues())
    if b.degree() == len(lvp):
        if verb:
            print("Express the result in the NumberField of the Perron eigenvalue.")
        # express the result in the NumberField of b
        return lvp
    else:
        if verb:
            print("Find a small NumberField to express the result.")
        # find a small NumberField to express the result
        pi = product([t.minpoly() for t in lvp])
        K.<b> = pi.splitting_field()
        if verb:
            print("Splitting field: {}".format(K))
        pi = K.polynomial()
        lr = pi.roots(ring=QQbar)
        for r, _ in lr: # try to find a correct embedding
            try:
                L.<b> = NumberField(pi, embedding=r)
                return [L(t) for t in lvp]
                break
            except:
                continue
        raise RuntimeError("Could not find a field to express the result !")

def eigenvalues(s, verb=False, check_non_trivial_coboundaries=False):
    """
    Compute eigenvalues of the subshift of the substitution s.
    """
    sp = proprify(s, None, False, check_non_trivial_coboundaries)
    if verb:
        print("proprified substitution: {}".format(sp))
    m = sp.incidence_matrix()
    if verb:
        print(m.charpoly().factor())
    lvp = eigenvalues_proper(m, verb=verb)
    m = s.incidence_matrix()
    b = max(m.eigenvalues())
    if len(lvp) == b.degree():
        if verb:
            print("convert in another NumberField")
        # express the result in the NumberField of b
        K.<b> = NumberField(m.charpoly(), embedding=b)
        return [K(t) for t in lvp]
    return lvp

def pseudoinv (m):
    """
    compute the pseudo-inverse of m
    im(m) and ker(m) are assumed to be supplementary
    """
    # basis of kernel
    mk = matrix(m.right_kernel().basis()).transpose()
    # basis of image
    mi = matrix(m.transpose().image().basis()).transpose()
    # diagonalize by block
    p = matrix(mk.columns()+mi.columns()).transpose()
    md = p^(-1)*m*p
    # restriction of m to the image
    N = md.submatrix(mk.ncols(),mk.ncols(),mi.ncols(),mi.ncols())
    # projection to the image along the kernel
    Vi = (p^(-1)).submatrix(mk.ncols(),0,mi.ncols(),m.nrows())
    return mi*N^(-1)*Vi

def usual_projection (s):
    """
    Return the usual projection, giving the usual Rauzy fractal.
    """
    A = s.domain().alphabet()
    d = s.rauzy_fractal_projection()
    r = []
    for a in A:
        r.append(d[a])
    return matrix(r).transpose()

def conformize (s, V):
    """
    Compute a matrix M such that the Rauzy fractal is conformal for the projection M*V.
    """
    m = s.incidence_matrix()
    pi = m.charpoly()
    b = max(m.eigenvalues())
    pib = b.minpoly()
    P = pi/pib
    # basis of kernel of pib(m)
    mb = matrix(pib(m).right_kernel().basis()).transpose()
    # basis of kernel of P(m)
    mP = matrix(P(m).right_kernel().basis()).transpose()
    # diagonalize by block
    p = matrix(mb.columns()+mP.columns()).transpose()
    # projection on ker(pib(m)) along ker(P(m))
    PI = p*diagonal_matrix([1 for _ in range(mb.ncols())]+[0 for _ in range(mP.ncols())])*p^(-1)
    # compute the usual projection associated to V
    Vu = matrix(V*PI, ring=RR)
    # usual projection
    V0 = usual_projection(s)
    # matrix of conformization
    k = V.nrows()
    return (V0*p).submatrix(0,0,k,k)*(Vu*p).submatrix(0,0,k,k)^(-1)

def Vp (s, lvp, conform=True, prec=52, verb=False):
    """
    Compute the projection V' giving a extension of a torus translation
    for the susbtitution s and for independant eigenvalues lvp of the subshift.
    """
    m = s.incidence_matrix()
    # compute order of vp 0
    pi = m.charpoly()
    k = 0
    x = pi.variables()[0]
    while pi(0) == 0:
        pi /= x
        k += 1
    if verb:
        print("eigenvalue 0 of order {}".format(k))
    if k == 0:
        k = 1
    # compute line vectors w
    l1 = vector([1 for _ in range(m.ncols())])
    lv = []
    RR = RealField(20000)
    lgv, _ = generalized_eigenvectors(m)
    for vp in lvp:
        for i in range(100):
            va = vector([round(RR(t)) for t in vp*l1*m^(k*i)])
            if i > 0:
                if va == rva*m^k:
                    v = va - vp*l1*m^(k*i)
                    # check that v is orthogonal to every generalized eigenvector for eigenvalues >=1
                    ok = True
                    for v2 in lgv:
                        if v*v2 != 0:
                            ok = False
                            break
                    if ok:
                        break
            rva = va
        else:
            raise RuntimeError("Could not find n such that a(n+k) = a(n) m^k and such that (vp(1,...,1)-a(n))m^N ---> 0.")
        # compute an inverse of va by m^(k*i)
        mi = pseudoinv(m^k)
        w = va*(mi^i)
        # check it is in Z
        for t in w:
            if t not in ZZ:
                raise RuntimeError("w is not in Z !")
        lv.append(vp*l1 - w)
    V = matrix(lv)
    if conform:
        M = conformize(s, V)
        RR = RealField(prec)
        return M*matrix(V, ring=RR)
    return V

def rauzy_fractal_points (u, V, n=200000, prec=52, exchange=False, translate=None, modZ=False, verb=False):
    """
    Compute points of the Rauzy fractal of an infinite word u for the projection V.
    """
    d = dict()
    #ind = dict()
    proj = dict()
    if translate is None:
        translate = zero_vector(V.nrows())
    else:
        try:
            translate = [vector(v) for v in translate]
        except:
            raise ValueError("translate argument must be a list of translation vectors")
    A = u.parent().alphabet()
    if verb:
        print("alphabet: {}".format(A))
    I = identity_matrix(len(A))
    RR = RealField(prec)
    for i,a in enumerate(A):
        #ind[a] = i
        proj[a] = vector([RR(t) for t in V*I[i]])
        d[a] = []
    u = iter(u)
    ra = next(u)
    #V = matrix(V, ring=RR)
    S = zero_vector(V.nrows())
    #S = zero_vector(len(A))
    for t in translate:
        for _ in range(n):
            S += proj[ra]
            if modZ:
                for i in range(len(S)):
                    S[i] -= round(S[i])
            #S[ind[ra]] += 1
            a = next(u)
            if exchange:
                d[ra].append(S+t) #V*S)
            else:
                d[a].append(S+t) #V*S)
            ra = a
    RR = RealField(52)
    return d

def rauzy_fractal_plot(u, V, n=200000, prec=52, exchange=False, translate=None, modZ=False, M=None, verb=False):
    """
    Plot the generalized Rauzy fractal of the substitution s for the projection V.
    
    INPUT:
    
    - ``u`` - an infinite word, or a substitution
    
    - ``V`` - a projection map
    
    - ``n`` - number of plotted points
    
    - ``prec`` - int (default: ``52``) precision of real numbers used for the computation
    
    - ``exchange`` - bool (default: ``False``) if True, draw the domains after exchange
    
    - ``translate`` - list (default: ``None``) list of vectors of translation
    
    - ``modZ`` - bool (default: ``False``) if True, compute modulo Z
    
    - ``M`` - matrix (default: ``None``) change of basis (used only if modZ is True)
    
    """
    if type(u) == WordMorphism:
        u = u.periodic_points()[0][0]
    if verb:
        print("u = {}".format(u))
    d = rauzy_fractal_points(u, V, n, prec, exchange, translate, modZ, verb)
    from matplotlib import cm
    colormap = cm.__dict__['hsv']
    col_dict = {}
    A = u.parent().alphabet()
    for i, a in enumerate(A):
        col_dict[a] = colormap(float(i)/float(len(A)))[:3]
    G = Graphics()
    if V.nrows() == 2 or V.nrows() == 3:
        for a in A:
            if modZ and M is not None:
                G += points([M*v for v in d[a]], color=col_dict[a], size=1)
            else:
                G += points(d[a], color=col_dict[a], size=1)
    elif V.nrows() == 1:
        for a in A:
            G += plot([x[0] for x in d[a]], color=col_dict[a], thickness=1)
    else:
        raise ValueError("Can't plot in dimension {}.".format(V.nrows()))
    G.set_aspect_ratio(1)
    return G

def print_info (s):
    """
    Print informations about the substitution s:
    - primitivity
    - incidence matrix
    - characteristic polynomial
    - eigenvalues of the incidence matrix
    - pseudo-determinant
    - left-proprifed subtitution
    - basis of the Z-module of alpha such that exp(2 i pi alpha) is an eigenvalue of the subshift
    - indicate if it is weakly mixing, or if it finds that it is a finite extension of a torus translation.
    """
    print(s)
    print("primitive? {}".format(s.is_primitive()))
    m = s.incidence_matrix()
    print("incidence matrix:")
    print(m)
    print("charpoly: {}".format(m.charpoly().factor()))
    print("eigenvalues: {}".format(m.eigenvalues()))
    print("pseudo-det: {}".format(ZZ(pseudodet(m))))
    sp = proprify(s, None, False, False)
    print("left-proprified substitution:")
    if len(sp.domain().alphabet()) > 40:
        print("substitution on an alphabet of {} letters.".format(len(sp.domain().alphabet())))
    else:
        print(sp)
    lvp = eigenvalues_proper(sp.incidence_matrix(), verb=False)
    m = s.incidence_matrix()
    b = max(m.eigenvalues())
    if b.degree() == len(lvp):
        K.<b> = NumberField(b.minpoly(), embedding=b)
        lvp = [K(t) for t in lvp]
    print("Eigenvalues of the subshift:")
    print(lvp)
    print("where {}={} is root of {}.".format(lvp[0].parent().gen(), lvp[0].parent().gen().n(), lvp[0].parent().gen().minpoly()))
    if len(lvp) == 1 and abs(lvp[0]) == 1:
        print("The subshift is weakly mixing.")
    if len(lvp) == b.minpoly().degree():
        # test if condition of Thm 1.1 is satisfied
        lv, lvp = generalized_eigenvectors(sp.incidence_matrix(), verb=False)
        if len([v for v in lv if sum(v) != 0]) == 1:
            print("The subshift is a finite extension of a minimal translation on the torus T^{}.".format(b.minpoly().degree()-1))
In [2]:
# Computation of proprification

# Exemple of substitution due to Timo Jolivet
s = WordMorphism('1->213,2->4,3->5,4->1,5->21')
show(s)
print("cube of the substitution:")
s = s^3
show(s)
print("fixed point:")
show(s.fixed_point('1'))
su, R = ReturnSubstitution(s, '1', getrw=True)
print("set of return words on 1, with the correspondance: {}".format(R))
print("return substitution:")
show(su)
print("proprified substitution:")
show(proprify(s))
1?2132?43?54?15?21
cube of the substitution:
1?142135212?2133?42134?421355?142135
fixed point:
1421352142135213142135214213142135213142...
set of return words on 1, with the correspondance: {word: 142: 0, word: 1352: 1, word: 13: 2}
return substitution:
0?010121?01020122?0102
proprified substitution:
0?0121?34562?0123456783?0124?34565?0126?780123456787?0128?345601278
In [3]:
# Computation of eigenvalues of the subshift

# Exemple of Ferenczi-Mauduit-Nogueira (Example 2 in [FMN])
s = WordMorphism('a->abdd,b->bc,c->d,d->a')

show(s)
m = s.incidence_matrix()
print("incidence matrix:")
show(m)
print("eigenvalues of the incidence matrix:")
show(m.eigenvalues())
print("Computation of eigenvalues of the subshift")
eigenvalues_proper(m, True)
a?abddb?bcc?dd?a
incidence matrix:
(1001110001002010)
eigenvalues of the incidence matrix:
[?1.132241882311901?,2.132241882311901?,0.500000000000000??0.4052327261871813??1,0.500000000000000?+0.4052327261871813??1]
Computation of eigenvalues of the subshift
Perron eigenvalue: 2.132241882311901?
x^4 - 2*x^3 - x^2 + 2*x - 1 1
-1.132241882311901?
vp = -1.132241882311901?, multiplicity = 1
2.132241882311901?
vp = 2.132241882311901?, multiplicity = 1
0.500000000000000? - 0.4052327261871813?*I
0.500000000000000? + 0.4052327261871813?*I
Basis of generalized eigenspaces: [((1, b^3 - b^2 - 2*b, b^2 - b - 2, b - 1), -1.132241882311901?), ((1, b^3 - b^2 - 2*b, b^2 - b - 2, b - 1), 2.132241882311901?)]
Basis of the orthogonal of w: [(-6/41*b^3 + 9/41*b^2 - 17/41*b + 7/41, 18/41*b^3 - 27/41*b^2 - 31/41*b + 20/41, -14/41*b^3 + 21/41*b^2 + 15/41*b - 11/41, 2/41*b^3 - 3/41*b^2 + 33/41*b - 16/41)]
Matrix whose integer left kernel is the set of possible w: [  7 -17   9  -6]
[ 20 -31 -27  18]
[-11  15  21 -14]
[-16  33  -3   2]
Basis of the Z-module where w lives: [
(1, 1, 1, 1),
(0, 3, 4, 1)
]
List of (non-independant) eigenvalues: [1, -b^2 + b + 4]
Corresponding matrix: [ 1  0  0  0]
[ 4  1 -1  0]
den = 1
matrix after BKZ: [ 1  0  0  0]
[ 0  1 -1  0]
Find a small NumberField to express the result.
Splitting field: Number Field in b with defining polynomial x^2 + 2*x - 1
Out[3]:
[1, b]
In [6]:
# do the computation in the NumberField of the Perron eigenvalue
lv = m.eigenvectors_right()
print(lv[0][0])
v1 = lv[0][1][0]
v1 = v1/sum(v1)
print(lv[1][0])
v0 = lv[1][1][0]
v0 = v0/sum(v0)
vd = v1-v0
b = max(m.eigenvalues())
pi = b.minpoly()
K.<b> = NumberField(pi, embedding=b)
v = vector([K(t) for t in vd])
v0 = vector([K(t) for t in v0])
41*v
-1.132241882311901?
2.132241882311901?
Out[6]:
(-6*b^3 + 9*b^2 - 17*b + 7, 18*b^3 - 27*b^2 - 31*b + 20, -14*b^3 + 21*b^2 + 15*b - 11, 2*b^3 - 3*b^2 + 33*b - 16)
In [7]:
ms = 41*matrix([list(t) for t in v])
ms = matrix(ms, ring=ZZ)
ms
Out[7]:
[  7 -17   9  -6]
[ 20 -31 -27  18]
[-11  15  21 -14]
[-16  33  -3   2]
In [8]:
ms.left_kernel()
Out[8]:
Free module of degree 4 and rank 2 over Integer Ring
Echelon basis matrix:
[1 1 1 1]
[0 3 4 1]
In [9]:
la = [w*v0 for w in ms.kernel().basis()]
la
Out[9]:
[1, -b^2 + b + 4]
In [10]:
(la[1]-3).minpoly()
Out[10]:
x^2 - 2
In [ ]:
 
In [102]:
# Exemple 9.1 due to Ferenczi-Mauduit-Nogueira (Example 1 in [FMN])
s = WordMorphism('a->abbbccccccccccdddddddd,b->bccc,c->d,d->a')
print_info(s)
a->abbbccccccccccdddddddd, b->bccc, c->d, d->a
primitive? True
incidence matrix:
[ 1  0  0  1]
[ 3  1  0  0]
[10  3  0  0]
[ 8  0  1  0]
charpoly: x^4 - 2*x^3 - 7*x^2 - 2*x + 1
eigenvalues: [-1.492066037647537?, -0.6702116225208424?, 0.2559980601477473?, 3.906279600020632?]
pseudo-det: 1
left-proprified substitution:
substitution on an alphabet of 126 letters.
Eigenvalues of the subshift:
[1, b]
where b=-2.41421356237309 is root of x^2 + 2*x - 1.
In [ ]:
 
In [141]:
# Exemple 9.2
s = WordMorphism('1->2,2->3,3->14,4->5,5->1425')
print_info(s)
1->2, 2->3, 3->14, 4->5, 5->1425
primitive? True
incidence matrix:
[0 0 1 0 1]
[1 0 0 0 1]
[0 1 0 0 0]
[0 0 1 0 1]
[0 0 0 1 1]
charpoly: x^2 * (x^3 - x^2 - x - 1)
eigenvalues: [0, 0, 1.839286755214161?, -0.4196433776070806? - 0.6062907292071993?*I, -0.4196433776070806? + 0.6062907292071993?*I]
pseudo-det: 1
left-proprified substitution:
0->01234, 1->5,6,7,8,9,10,11, 10->12,13,14,15, 11->0,1,2,3,4,0,1,2,3,4,12,13,14,15, 12->01234, 13->5,6,7,8,9,10,11, 14->12,13,14,15, 15->0,1,2,3,4,12,13,14,15, 2->12,13,14,15, 3->01234, 4->0,1,2,3,4,12,13,14,15, 5->01234, 6->5,6,7,8,9,10,11, 7->12,13,14,15, 8->01234, 9->5,6,7,8,9,10,11
Eigenvalues of the subshift:
[15/11*b^2 + 13/11*b + 10/11, 17/11*b^2 + 14/11*b + 4/11, -2/11*b^2 - 1/11*b - 5/11]
where b=1.83928675521416 is root of x^3 - x^2 - x - 1.
The subshift is a finite extension of a minimal translation on the torus T^2.
In [142]:
# proprify
sp = proprify(s)
# compute eigenvalues of the subshift
m = sp.incidence_matrix()
lvp = eigenvalues_proper(m)
lvp
Out[142]:
[2/11*b^2 + 1/11*b + 1/11, 3/11*b^2 - 4/11*b - 4/11, -1/11*b^2 + 5/11*b - 6/11]
In [143]:
# choose independant eigenvalues
ivp = vector([lvp[0], lvp[1]])
ivp
Out[143]:
(2/11*b^2 + 1/11*b + 1/11, 3/11*b^2 - 4/11*b - 4/11)
In [137]:
# Compute the projection V' associated to eigenvalues ivp (and conformize in order to do a nicer plot)
V = Vp(sp, ivp, conform=True)
#print(V)

# plot the Rauzy fractal R'
g = rauzy_fractal_plot(sp, V, n=200000)
g.show(figsize=15)
In [149]:
# plot the Rauzy fractal R' in a fundamental domain of T^2

V = Vp(sp, ivp, conform=False)
M = conformize(sp, V)
P = matrix([[1,0],[1,1]])*matrix([[1,9],[0,1]])*matrix([[1,0],[-1,1]]) # change of basis in SL(2,Z)
print(M*P)
V = matrix(V, ring=RR)
g = rauzy_fractal_plot(sp, P^(-1)*V, modZ=True, M=M*P, n=100000)
g
[ -2.19148788395506 -0.228155493655208]
[ 0.508851778832337  -1.11514250804019]
Out[149]:
In [129]:
# translate
N = 1
tr = [(i,j) for i in range(-N,N+1) for j in range(-N,N+1)]
g = rauzy_fractal_plot(sp, P^(-1)*V, n=200000, translate=tr, modZ=True, M=M*P)
g.show(figsize=25)
In [35]:
# plot the domain exchange
rauzy_fractal_plot(sp, usual_projection(sp))
Out[35]:
In [55]:
# plot the domain exchange after exchange
rauzy_fractal_plot(sp, usual_projection(sp), exchange=True)
Out[55]:
In [150]:
# plot the usual Rauzy fractal R in a fundamental domain of T^2
# we see that the domain exchange does not give directly a tile
# the map psi is non-trivial
V = usual_projection(sp)
g = rauzy_fractal_plot(sp, P^(-1)*M^(-1)*V, modZ=True, M=M*P, n=100000)
g
Out[150]:
In [152]:
# plot the Rauzy fractal R' directly for the substitution s
# it seems to give directly a domain exchange
lvp = eigenvalues_proper(s.incidence_matrix())
ivp = lvp[:2]
V = Vp(s, ivp)
rauzy_fractal_plot(s, V)
Out[152]:
In [ ]:
 
In [83]:
# Exemple 9.3
s = WordMorphism('a->Ab,b->A,A->aB,B->a')
print_info(s)
A->aB, B->a, a->Ab, b->A
primitive? True
incidence matrix:
[0 0 1 1]
[1 0 0 0]
[1 1 0 0]
[0 0 1 0]
charpoly: (x^2 - x - 1) * (x^2 + x + 1)
eigenvalues: [-0.618033988749895?, 1.618033988749895?, -0.50000000000000000? - 0.866025403784439?*I, -0.50000000000000000? + 0.866025403784439?*I]
pseudo-det: -1
left-proprified substitution:
0->0123456, 1->789, 10->0,1,2,3,4,5,6,10, 11->0123456, 12->789, 13->10, 14->11,12,13,14,10,15,16,22,23,24,17,18,19,20,21, 15->0123456, 16->7,8,9,10,15,16, 17->0123456, 18->789, 19->10, 2->10, 20->11,12,13,14, 21->10,15,16,17,18,19,20,21,10,15,16,22,23,24,17,18,19,20,21, 22->0123456, 23->789, 24->10,11,12,13,14,10,15,16,22,23,24, 3->11,12,13,14, 4->10, 5->15,16, 6->17,18,19,20,21,10,15,16,22,23,24,0,1,2,3,4,5,6,10,15,16,22,23,24,17,18,19,20,21, 7->0123456, 8->789, 9->10,15,16,22,23,24,17,18,19,20,21
Eigenvalues of the subshift:
[b + 1, -b]
where b=1.61803398874989 is root of x^2 - x - 1.
The subshift is a finite extension of a minimal translation on the torus T^1.
In [84]:
sp = proprify(s)
sp
Out[84]:
WordMorphism: 0->0123456, 1->789, 10->0,1,2,3,4,5,6,10, 11->0123456, 12->789, 13->10, 14->11,12,13,14,10,15,16,22,23,24,17,18,19,20,21, 15->0123456, 16->7,8,9,10,15,16, 17->0123456, 18->789, 19->10, 2->10, 20->11,12,13,14, 21->10,15,16,17,18,19,20,21,10,15,16,22,23,24,17,18,19,20,21, 22->0123456, 23->789, 24->10,11,12,13,14,10,15,16,22,23,24, 3->11,12,13,14, 4->10, 5->15,16, 6->17,18,19,20,21,10,15,16,22,23,24,0,1,2,3,4,5,6,10,15,16,22,23,24,17,18,19,20,21, 7->0123456, 8->789, 9->10,15,16,22,23,24,17,18,19,20,21
In [85]:
V2
Out[85]:
[-0.170820393249936  0.723606797749977   1.17082039324993  0.276393202250020   1.17082039324993  0.723606797749977  -3.74852915724959 -0.170820393249936  0.723606797749977 -0.618033988749893 -0.170820393249936 -0.170820393249936  0.723606797749977   1.17082039324993  -1.51246117974981 -0.170820393249936  0.276393202250020 -0.170820393249936  0.723606797749977   1.17082039324993  0.276393202250020  -1.95967477524976 -0.170820393249936  0.723606797749977 -0.618033988749893]
In [86]:
# plot psi for sp
# we see it is a translation by pieces
lvp = eigenvalues_proper(sp.incidence_matrix())
print(lvp, lvp[0].parent())
V1 = usual_projection(sp)
V2 = Vp(sp, [QQbar(lvp[0])])
V = matrix([V1[0],V2[0]], ring=RR)
rauzy_fractal_plot(sp, V, 5000)
[1/3*b + 1/3, -1/3*b + 2/3] Number Field in b with defining polynomial x^2 - 7*x + 1 with b = 6.854101966249684?
Out[86]:
In [78]:
# plot a domain exchange conjugate to the subshift
V = usual_projection(sp)
rauzy_fractal_plot(sp, V, 1000)
Out[78]:
In [79]:
# ... and after exchange
rauzy_fractal_plot(sp, V, 1000, exchange=True)
Out[79]:
In [107]:
# plot R'
V = Vp(sp, [QQbar(lvp[0])], conform=False)
g = rauzy_fractal_plot(sp, V, 1000)
g.show(figsize=25)
In [109]:
# plot R' in T^2
# we see that it covers two times

M = matrix([[1]])
g = rauzy_fractal_plot(sp, V, modZ=True, M=M, n=500)
g.show(figsize=25)
In [110]:
g = rauzy_fractal_plot(sp, V, modZ=True, M=M, n=5000) # , n=500000
g.show(figsize=25) #figsize
In [ ]:
 
In [24]:
# Exemple 9.4
s = WordMorphism("1->11116,2->1,3->1111112,4->1111113,5->466,6->566")
print_info(s)
1->11116, 2->1, 3->1111112, 4->1111113, 5->466, 6->566
primitive? True
incidence matrix:
[4 1 6 6 0 0]
[0 0 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 0]
[0 0 0 0 0 1]
[1 0 0 0 2 2]
charpoly: (x^2 - 4*x - 1) * (x^2 - x - 1)^2
eigenvalues: [-0.2360679774997897?, 4.236067977499789?, -0.618033988749895?, -0.618033988749895?, 1.618033988749895?, 1.618033988749895?]
pseudo-det: -1
left-proprified substitution:
substitution on an alphabet of 68 letters.
Eigenvalues of the subshift:
[1, -45/4*b - 11/4]
where b=4.23606797749979 is root of x^2 - 4*x - 1.
In [25]:
sp = proprify(s)
sp
Out[25]:
WordMorphism: 0->00012000120001200034567, 1->0, 10->0, 11->12, 12->0, 13->0, 14->0, 15->12, 16->0, 17->0, 18->0, 19->12, 2->0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,8,9,10,11,12,13,14,15,16,17,18,19,20,21, 20->0, 21->0,0,8,9,10,11,12,13,14,15,16,17,18,19,20,21,0,0,0,0,0,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,..., 22->0, 23->0, 24->0, 25->12, 26->0, 27->0, 28->0, 29->12, 3->0, 30->0, 31->0, 32->0, 33->12, 34->0, 35->0, 36->0, 37->34567, 38->0, 39->0, 4->0, 40->0, 41->12, 42->0, 43->0, 44->0, 45->12, 46->0, 47->0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,0,0,0,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,..., 48->0, 49->0, 5->0, 50->0, 51->12, 52->0, 53->0, 54->0, 55->12, 56->0, 57->0, 58->0, 59->12, 6->12, 60->0, 61->0, 62->0, 63->34567, 64->0, 65->0, 66->0, 67->1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,1,2,0,0,0,0,0,48,49,50,..., 7->0,0,0,1,2,0,0,0,1,2,0,0,0,8,9,10,11,12,13,14,15,16,17,18,19,20,21,0,0,0,0,0,22,23,24,25,26,27,28,29,..., 8->0, 9->0
In [26]:
# plot psi for sp
lvp = eigenvalues_proper(sp.incidence_matrix())
print(lvp, lvp[0].parent())
V1 = usual_projection(sp)
V2 = Vp(sp, [QQbar(lvp[1])])
V = matrix([V1[0],V2[0]], ring=RR)
rauzy_fractal_plot(sp, V, 5000)
[1, -45/16*b + 1/16] Number Field in b with defining polynomial x^2 - 18*x + 1 with b = 17.94427190999916?
Out[26]:
In [ ]:
 
In [106]:
# Exemple 9.5
s = WordMorphism('1->1116,2->1,3->2,4->3,5->1146,6->566')
print_info(s)
1->1116, 2->1, 3->2, 4->3, 5->1146, 6->566
primitive? True
incidence matrix:
[3 1 0 0 2 0]
[0 0 1 0 0 0]
[0 0 0 1 0 0]
[0 0 0 0 1 0]
[0 0 0 0 0 1]
[1 0 0 0 1 2]
charpoly: (x^2 - x - 1) * (x^4 - 4*x^3 + 2*x^2 - x + 1)
eigenvalues: [-0.618033988749895?, 1.618033988749895?, 0.7512735895760328?, 3.484794387923757?, -0.1180339887498949? - 0.6066580492747911?*I, -0.1180339887498949? + 0.6066580492747911?*I]
pseudo-det: -1
left-proprified substitution:
0->001200120034567, 1->0, 10->12, 11->0, 12->0, 13->12, 14->0, 15->0, 16->23,24,25,26,27,28,0,8,9,10,11,12,13,14,15,16,0,0,1,2,0,0,17,18,19,20,21,22,0,8,9,10,11,12,13,14,15,16,0,8,..., 17->0, 18->0, 19->12, 2->0,1,2,0,0,1,2,0,0,3,4,5,6,7,0,8,9,10,11,12,13,14,15,16, 20->0, 21->0, 22->1,2,0,0,3,4,5,6,7,0,8,9,10,11,12,13,14,15,16,0,0,0,1,2,0,0,17,18,19,20,21,22,0,8,9,10,11,12,13,14,..., 23->0, 24->0, 25->12, 26->0, 27->0, 28->1,2,0,0,3,4,5,6,7,0,8,9,10,11,12,13,14,15,16,0,0,1,2,0,0,17,18,19,20,21,22,0,8,9,10,11,12,13,14,15,..., 3->0, 4->0, 5->12, 6->0, 7->0,1,2,0,0,3,4,5,6,7,0,8,9,10,11,12,13,14,15,16,0,0,1,2,0,0,17,18,19,20,21,22,0,8,9,10,11,12,13,14,..., 8->0, 9->0
Eigenvalues of the subshift:
[1, b]
where b=-105.227937358744 is root of x^2 + 83*x - 2339.
In [107]:
# convert the eigenvalues into the NumberField of the golden number
pi = x^2-x-1
b = max(pi.roots(ring=AA))[0]
K.<b> = NumberField(pi, embedding=b)
lvp = eigenvalues(s)
[K(t) for t in lvp]
Out[107]:
[1, -57*b - 13]
In [ ]:
 
In [108]:
# Exemple 9.6
s = WordMorphism('1->15,2->2122,3->122,4->13,5->14122')
print_info(s)
1->15, 2->2122, 3->122, 4->13, 5->14122
primitive? True
incidence matrix:
[1 1 1 1 2]
[0 3 2 0 2]
[0 0 0 1 0]
[0 0 0 0 1]
[1 0 0 0 0]
charpoly: (x^2 - x - 1) * (x^3 - 3*x^2 - x - 1)
eigenvalues: [-0.618033988749895?, 1.618033988749895?, 3.382975767906238?, -0.1914878839531188? - 0.5088517788327380?*I, -0.1914878839531188? + 0.5088517788327380?*I]
pseudo-det: -1
left-proprified substitution:
0->01, 1->23456, 10->23, 11->12,13,14,15,4,5,6, 12->9,10,11, 13->12,13,14,15, 14->12,13,14,15, 15->456, 2->01, 3->78, 4->9,10,11, 5->12,13,14,15, 6->456, 7->01, 8->456, 9->01
Eigenvalues of the subshift:
[1]
where 0=0.000000000000000 is root of x.
The subshift is weakly mixing.
In [141]:
# it is not clear if the substitution satisfies the strong coincidence...
u = (s^8)('1')
v = (s^8)('2')
for i in range(len(u)):
    if u[:i].abelian_vector() == v[:i].abelian_vector() and u[i] == v[i]:
        print("ok")
        break
In [499]:
# ... but the substitution seems to define directly a domain exchange
rauzy_fractal_plot(s, usual_projection(s))
Out[499]:
In [500]:
rauzy_fractal_plot(s, usual_projection(s), exchange=True)
Out[500]:
In [142]:
# proprify
sp = proprify(s)
sp
Out[142]:
WordMorphism: 0->01, 1->23456, 10->23, 11->12,13,14,15,4,5,6, 12->9,10,11, 13->12,13,14,15, 14->12,13,14,15, 15->456, 2->01, 3->78, 4->9,10,11, 5->12,13,14,15, 6->456, 7->01, 8->456, 9->01
In [143]:
# domain exchange
g = rauzy_fractal_plot(sp, usual_projection(sp)) #, 300000)
g.show() #figsize=15)
In [144]:
g = rauzy_fractal_plot(sp, usual_projection(sp), exchange=True) #700000
g.show() #figsize=15)
In [ ]:
 
In [2]:
# Exemple 9.7
s = WordMorphism('1->16,2->122,3->12,4->3,5->124,6->15')
print_info(s)
1->16, 2->122, 3->12, 4->3, 5->124, 6->15
primitive? True
incidence matrix:
[1 1 1 0 1 1]
[0 2 1 0 1 0]
[0 0 0 1 0 0]
[0 0 0 0 1 0]
[0 0 0 0 0 1]
[1 0 0 0 0 0]
charpoly: (x^3 - 3*x^2 + 2*x - 1) * (x^3 - x - 1)
eigenvalues: [2.324717957244746?, 0.3376410213776270? - 0.5622795120623013?*I, 0.3376410213776270? + 0.5622795120623013?*I, 1.324717957244746?, -0.6623589786223730? - 0.5622795120623013?*I, -0.6623589786223730? + 0.5622795120623013?*I]
pseudo-det: 1
left-proprified substitution:
0->01, 1->2301456, 10->11,12,13,11,12,13,0,1,11,12,13,11,12,13,0,1,11,12,13, 11->01, 12->23, 13->0,1,11,12,13,11,12,13,0,1,11,12,13,11,12,13, 14->01, 15->2,3,0,1,11,12,13,11,12,13, 2->01, 3->2,3,0,1,7,8,9,10, 4->01, 5->23, 6->0,1,11,12,13,11,12,13,14,15, 7->01, 8->23, 9->01
Eigenvalues of the subshift:
[-1, -3*b^2 + 3*b - 2, -9*b^2 + 6*b - 4]
where b=2.32471795724475 is root of x^3 - 3*x^2 + 2*x - 1.
In [3]:
# the square of s is left-proper, so there is no need to proprify
lvp = eigenvalues_proper(s.incidence_matrix())
lvp, lvp[0].parent()
Out[3]:
([-1, -3*b, -3*b^2],
 Number Field in b with defining polynomial x^3 - 3*x^2 + 2*x - 1 with b = 2.324717957244746?)
In [4]:
# plot the Rauzy fractal R'
V = Vp(s, lvp[1:])
g = rauzy_fractal_plot(s, V, 2000000)
g.show() #figsize=20)
In [147]:
# plot the domain exchange before...
rauzy_fractal_plot(s, usual_projection(s))
Out[147]:
In [148]:
# ... and after
rauzy_fractal_plot(s, usual_projection(s), exchange=True)
Out[148]:
In [ ]:
 
In [130]:
# Exemple 9.8
s = WordMorphism('1->114,2->122,3->2,4->13')
print_info(s)
1->114, 2->122, 3->2, 4->13
primitive? True
incidence matrix:
[2 1 0 1]
[0 2 1 0]
[0 0 0 1]
[1 0 0 0]
charpoly: (x^2 - 3*x + 1) * (x^2 - x - 1)
eigenvalues: [0.3819660112501051?, 2.618033988749895?, -0.618033988749895?, 1.618033988749895?]
pseudo-det: -1
left-proprified substitution:
0->012, 1->0, 10->8,9,10,8,9,10, 2->1234, 3->0, 4->567, 5->0, 6->12, 7->3,4,8,9,10, 8->0, 9->12
Eigenvalues of the subshift:
[-1, -2*b]
where b=2.61803398874989 is root of x^2 - 3*x + 1.
In [131]:
# there is no need to proprify since the square of s is proper
print("eigenvalues of the incidence matrix:")
print(s.incidence_matrix().eigenvalues())
print("check condition of Thm 1.1")
for vp, lv, _ in s.incidence_matrix().eigenvectors_right():
    if abs(vp) < 1:
        continue
    print()
    print(vp)
    for v in lv:
        print(v)
        print(sum(v))
eigenvalues of the incidence matrix:
[0.3819660112501051?, 2.618033988749895?, -0.618033988749895?, 1.618033988749895?]
check condition of Thm 1.1

2.618033988749895?
(1, 0.2360679774997897?, 0.1458980337503155?, 0.3819660112501051?)
1.763932022500211?

1.618033988749895?
(1, -1, 0.3819660112501051?, 0.618033988749895?)
1
In [133]:
# plot psi
# we see it does not seems to be finite-to-one
lvp = eigenvalues_proper(s.incidence_matrix())
print(lvp, lvp[0].parent())
V1 = usual_projection(s)
V2 = Vp(s, [QQbar(lvp[1])])
V = matrix([V1[0],V2[0]], ring=RR)
rauzy_fractal_plot(s, V, 5000)
[1, -2*b] Number Field in b with defining polynomial x^2 - 3*x + 1 with b = 2.618033988749895?
Out[133]:
In [136]:
# Rauzy fractal R'
# we see that it covers many times (but a finite number of times)
V2 = Vp(s, [QQbar(lvp[1])], conform=False)
g = rauzy_fractal_plot(s, V2, 2000)
g.show(figsize=15)
In [600]:
# domain exchange
rauzy_fractal_plot(s, V1, 1000)
Out[600]:
In [601]:
rauzy_fractal_plot(s, V1, 1000, exchange=True)
Out[601]:
In [ ]:
 
In [30]:
# Exemple 9.9 (Timo Jolivet)
s = WordMorphism('1->213,2->4,3->5,4->1,5->21')
print_info(s)
1->213, 2->4, 3->5, 4->1, 5->21
primitive? True
incidence matrix:
[1 0 0 1 1]
[1 0 0 0 1]
[1 0 0 0 0]
[0 1 0 0 0]
[0 0 1 0 0]
charpoly: (x^2 + x + 1) * (x^3 - 2*x^2 + x - 1)
eigenvalues: [-0.50000000000000000? - 0.866025403784439?*I, -0.50000000000000000? + 0.866025403784439?*I, 1.754877666246693?, 0.1225611668766537? - 0.744861766619745?*I, 0.1225611668766537? + 0.744861766619745?*I]
pseudo-det: 1
left-proprified substitution:
0->012, 1->3456, 2->012345678, 3->012, 4->3456, 5->012, 6->78012345678, 7->012, 8->345601278
Eigenvalues of the subshift:
[4*b^2 - b + 2, -b^2 - 1, b^2]
where b=1.75487766624669 is root of x^3 - 2*x^2 + x - 1.
The subshift is a finite extension of a minimal translation on the torus T^2.
In [14]:
# Rauzy fractal of s with overlaps
op = .3
s.rauzy_fractal_plot(opacity={'1':op,'2':op,'3':op,'4':op,'5':op}, n=500000)
Out[14]:
In [31]:
sp = proprify(s)
sp
Out[31]:
WordMorphism: 0->012, 1->3456, 2->012345678, 3->012, 4->3456, 5->012, 6->78012345678, 7->012, 8->345601278
In [32]:
# domain exchange obtained with a proprification
g = rauzy_fractal_plot(sp, usual_projection(sp)) #, 800000)
g.show() #figsize=15)
In [17]:
g = rauzy_fractal_plot(sp, usual_projection(sp), exchange=True) #, 800000
g.show() #figsize=15)
In [33]:
# Rauzy fractal R'
lvp = eigenvalues_proper(sp.incidence_matrix())
V = Vp(sp, [lvp[0],lvp[1]])
g = rauzy_fractal_plot(sp, V)
g.show(figsize=20)
In [34]:
# Rauzy fractal R' in T^2

# choose a basis of the lattice
V = Vp(sp, [lvp[0],lvp[1]], conform=False)
M = conformize(sp, V)
P = matrix([[-7,-4],[2,1]]) # change of basis in SL(2,Z)
print(M)
V = matrix(V, ring=RR)
g = rauzy_fractal_plot(sp, P^(-1)*V, modZ=True, M=M*P) # , n=500000
g.show() #figsize=20)
[0.569840290998021  2.49444101849304]
[ 2.61428255736394  9.14998895077367]
In [123]:
# translate
N = 1
tr = [(i,j) for i in range(-N,N+1) for j in range(-N,N+1)]
g = rauzy_fractal_plot(sp, P^(-1)*V, n=200000, translate=tr, modZ=True, M=M*P)
g.show(figsize=25)
In [35]:
# Rauzy fractal R in T^2
# we see that the domain exchange does not give directly a tiling
# the map psi is non trivial

# choose a basis of the lattice
V = Vp(sp, [lvp[0],lvp[1]], conform=False)
M = conformize(sp, V)
P = matrix([[-7,-4],[2,1]]) # change of basis in SL(2,Z)
print(M)
V = matrix(V, ring=RR)
g = rauzy_fractal_plot(sp, P^(-1)*M^(-1)*usual_projection(sp), modZ=True, M=M*P) # , n=500000
g.show() #figsize=20)
[0.569840290998021  2.49444101849304]
[ 2.61428255736394  9.14998895077367]
In [ ]:
 
In [122]:
# Example of Ferenczi-Mauduit-Nogueira
s = WordMorphism('a->abdd,b->bc,c->d,d->a')
print_info(s)
a->abdd, b->bc, c->d, d->a
primitive? True
incidence matrix:
[1 0 0 1]
[1 1 0 0]
[0 1 0 0]
[2 0 1 0]
charpoly: x^4 - 2*x^3 - x^2 + 2*x - 1
eigenvalues: [-1.132241882311901?, 2.132241882311901?, 0.500000000000000? - 0.4052327261871813?*I, 0.500000000000000? + 0.4052327261871813?*I]
pseudo-det: -1
left-proprified substitution:
0->012345, 1->6, 10->6,11,12,13,14, 11->012345, 12->6, 13->7,8,9,10, 14->11,12,13,14,11,12,13,14, 15->012345, 16->6, 17->7,8,9,10, 18->11,12,13,14, 19->15,16,17,18,19,20,21, 2->7,8,9,10, 20->6, 21->11,12,13,14, 3->11,12,13,14, 4->15,16,17,18,19,20,21, 5->6, 6->01234566, 7->012345, 8->6, 9->7,8,9,10
Eigenvalues of the subshift:
[1, -b + 2]
where b=-0.414213562373095 is root of x^2 - 2*x - 1.
In [ ]:
 
In [112]:
# Rauzy fractal with overlaps
s = WordMorphism('a->Ab,b->Ac,c->A,A->aB,B->aC,C->a')
s.rauzy_fractal_plot()
Out[112]:
In [113]:
sp = proprify(s)
sp
Out[113]:
WordMorphism: 0->012345, 1->678, 10->6,7,8,9,10,11,12,13,14,9,10,15,16,17, 11->012345, 12->678, 13->9,10, 14->11,12,13,14,9,10,15,16,17,0,1,2,3,4,5,9,10,15,16,17,0,1,2,3,4,5,0,1,2,3,4,5,6,7,8,9,10, 15->012345, 16->678, 17->9,10,11,12,13,14,9,10,15,16,17,0,1,2,3,4,5,9,10,15,16,17,0,1,2,3,4,5, 2->9,10, 3->11,12,13,14, 4->9,10, 5->15,16,17,0,1,2,3,4,5,9,10,15,16,17,0,1,2,3,4,5,0,1,2,3,4,5,6,7,8,9,10,15,16,17,0,1,2,3,4,5,..., 6->012345, 7->678, 8->9,10,11,12,13,14,9,10,15,16,17,0,1,2,3,4,5,0,1,2,3,4,5,6,7,8,9,10, 9->012345
In [48]:
# domain exchange conjugate to the subshift
rauzy_fractal_plot(sp, usual_projection(sp))
Out[48]:
In [49]:
rauzy_fractal_plot(sp, usual_projection(sp), exchange=True)
Out[49]:
In [114]:
# eigenvalues
lvp = eigenvalues_proper(sp.incidence_matrix())
lvp
Out[114]:
[1/8*b^2 - 1/4*b + 1/8, 1/4*b^2 - 1/4, -3/8*b^2 - 1/4*b - 3/8]
In [115]:
# Rauzy fractal R'
V = Vp(sp, [lvp[0],lvp[1]])
g = rauzy_fractal_plot(sp, V)
g.show(figsize=20)
In [116]:
# Rauzy fractal R' in T^2
# we see that it tiles
# the subshift is a measurably conjugate to a translation on T^2

# choose a basis of the lattice
V = Vp(sp, [lvp[0],lvp[1]], conform=False)
M = conformize(sp, V)
P = matrix([[1,0],[2,1]])*matrix([[1,2],[0,1]])*matrix([[1,0],[3,1]]) # change of basis in SL(2,Z)
print(M*P)
V = matrix(V, ring=RR)
g = rauzy_fractal_plot(sp, P^(-1)*V, modZ=True, M=M*P, n=200000) # , n=500000
g.show(figsize=15)
[  -0.999999999998863    0.647798871253414]
[2.01794136955868e-12     1.72143323723311]
In [68]:
sp.rauzy_fractal_plot()
Out[68]:
In [ ]:
 
------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-07137b52-ce9b-497f-bc55-c2da223d1eb5@mhtml.blink @charset "utf-8"; html { font-family: sans-serif; text-size-adjust: 100%; } body { margin: 0px; } 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: 0px; } [hidden], template { display: none; } a { background-color: transparent; } a:active, a:hover { outline: 0px; } abbr[title] { border-bottom: 1px dotted; } b, strong { font-weight: bold; } dfn { font-style: italic; } h1 { font-size: 2em; margin: 0.67em 0px; } mark { background: rgb(255, 255, 0); color: rgb(0, 0, 0); } 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: 0px; } svg:not(:root) { overflow: hidden; } figure { margin: 1em 40px; } hr { box-sizing: content-box; height: 0px; } pre { overflow: auto; } code, kbd, pre, samp { font-family: monospace, monospace; font-size: 1em; } button, input, optgroup, select, textarea { color: inherit; font: inherit; margin: 0px; } button { overflow: visible; } button, select { text-transform: none; } button, html input[type="button"], input[type="reset"], input[type="submit"] { appearance: button; cursor: pointer; } button[disabled], html input[disabled] { cursor: default; } input { line-height: normal; } input[type="checkbox"], input[type="radio"] { box-sizing: border-box; padding: 0px; } input[type="number"]::-webkit-inner-spin-button, input[type="number"]::-webkit-outer-spin-button { height: auto; } input[type="search"] { appearance: textfield; box-sizing: content-box; } input[type="search"]::-webkit-search-cancel-button, input[type="search"]::-webkit-search-decoration { appearance: none; } fieldset { border: 1px solid rgb(192, 192, 192); margin: 0px 2px; padding: 0.35em 0.625em 0.75em; } legend { border: 0px; padding: 0px; } textarea { overflow: auto; } optgroup { font-weight: bold; } table { border-collapse: collapse; border-spacing: 0px; } td, th { padding: 0px; } @media print { *, ::before, ::after { background: transparent !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 rgb(153, 153, 153); break-inside: avoid; } thead { display: table-header-group; } tr, img { break-inside: avoid; } img { max-width: 100% !important; } p, h2, h3 { orphans: 3; widows: 3; } h2, h3 { break-after: avoid; } .navbar { display: none; } .btn > .caret, .dropup > .btn > .caret { border-top-color: rgb(0, 0, 0) !important; } .label { border: 1px solid rgb(0, 0, 0); } .table { border-collapse: collapse !important; } .table td, .table th { background-color: rgb(255, 255, 255) !important; } .table-bordered th, .table-bordered td { border: 1px solid rgb(221, 221, 221) !important; } } @font-face { font-family: "Glyphicons Halflings"; src: 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"); } .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; } .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: "?"; } * { box-sizing: border-box; } ::before, ::after { 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.42857; color: rgb(0, 0, 0); background-color: rgb(255, 255, 255); } input, button, select, textarea { font-family: inherit; font-size: inherit; line-height: inherit; } a { color: rgb(51, 122, 183); text-decoration: none; } a:hover, a:focus { color: rgb(35, 82, 124); text-decoration: underline; } a:focus { outline: -webkit-focus-ring-color auto 5px; outline-offset: -2px; } figure { margin: 0px; } 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.42857; background-color: rgb(255, 255, 255); border: 1px solid rgb(221, 221, 221); border-radius: 2px; transition: all 0.2s ease-in-out 0s; display: inline-block; max-width: 100%; height: auto; } .img-circle { border-radius: 50%; } hr { margin-top: 18px; margin-bottom: 18px; border-width: 1px 0px 0px; border-right-style: initial; border-bottom-style: initial; border-left-style: initial; border-right-color: initial; border-bottom-color: initial; border-left-color: initial; border-image: initial; border-top-style: solid; border-top-color: rgb(238, 238, 238); } .sr-only { position: absolute; width: 1px; height: 1px; margin: -1px; padding: 0px; overflow: hidden; clip: rect(0px, 0px, 0px, 0px); border: 0px; } .sr-only-focusable:active, .sr-only-focusable:focus { position: static; width: auto; height: auto; margin: 0px; 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: rgb(119, 119, 119); } 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: 0px 0px 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: rgb(252, 248, 227); 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: rgb(119, 119, 119); } .text-primary { color: rgb(51, 122, 183); } a.text-primary:hover, a.text-primary:focus { color: rgb(40, 96, 144); } .text-success { color: rgb(60, 118, 61); } a.text-success:hover, a.text-success:focus { color: rgb(43, 84, 44); } .text-info { color: rgb(49, 112, 143); } a.text-info:hover, a.text-info:focus { color: rgb(36, 82, 105); } .text-warning { color: rgb(138, 109, 59); } a.text-warning:hover, a.text-warning:focus { color: rgb(102, 81, 44); } .text-danger { color: rgb(169, 68, 66); } a.text-danger:hover, a.text-danger:focus { color: rgb(132, 53, 52); } .bg-primary { color: rgb(255, 255, 255); background-color: rgb(51, 122, 183); } a.bg-primary:hover, a.bg-primary:focus { background-color: rgb(40, 96, 144); } .bg-success { background-color: rgb(223, 240, 216); } a.bg-success:hover, a.bg-success:focus { background-color: rgb(193, 226, 179); } .bg-info { background-color: rgb(217, 237, 247); } a.bg-info:hover, a.bg-info:focus { background-color: rgb(175, 217, 238); } .bg-warning { background-color: rgb(252, 248, 227); } a.bg-warning:hover, a.bg-warning:focus { background-color: rgb(247, 236, 181); } .bg-danger { background-color: rgb(242, 222, 222); } a.bg-danger:hover, a.bg-danger:focus { background-color: rgb(228, 185, 185); } .page-header { padding-bottom: 8px; margin: 36px 0px 18px; border-bottom: 1px solid rgb(238, 238, 238); } ul, ol { margin-top: 0px; margin-bottom: 9px; } ul ul, ol ul, ul ol, ol ol { margin-bottom: 0px; } .list-unstyled { padding-left: 0px; list-style: none; } .list-inline { padding-left: 0px; list-style: none; margin-left: -5px; } .list-inline > li { display: inline-block; padding-left: 5px; padding-right: 5px; } dl { margin-top: 0px; margin-bottom: 18px; } dt, dd { line-height: 1.42857; } dt { font-weight: bold; } dd { margin-left: 0px; } @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 rgb(119, 119, 119); } .initialism { font-size: 90%; text-transform: uppercase; } blockquote { padding: 9px 18px; margin: 0px 0px 18px; font-size: inherit; border-left: 5px solid rgb(238, 238, 238); } blockquote p:last-child, blockquote ul:last-child, blockquote ol:last-child { margin-bottom: 0px; } blockquote footer, blockquote small, blockquote .small { display: block; font-size: 80%; line-height: 1.42857; color: rgb(119, 119, 119); } blockquote footer::before, blockquote small::before, blockquote .small::before { content: "??"; } .blockquote-reverse, blockquote.pull-right { padding-right: 15px; padding-left: 0px; border-right: 5px solid rgb(238, 238, 238); border-left: 0px; 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.42857; } code, kbd, pre, samp { font-family: monospace; } code { padding: 2px 4px; font-size: 90%; color: rgb(199, 37, 78); background-color: rgb(249, 242, 244); border-radius: 2px; } kbd { padding: 2px 4px; font-size: 90%; color: rgb(136, 136, 136); background-color: transparent; border-radius: 1px; box-shadow: rgba(0, 0, 0, 0.25) 0px -1px 0px inset; } kbd kbd { padding: 0px; font-size: 100%; font-weight: bold; box-shadow: none; } pre { display: block; padding: 8.5px; margin: 0px 0px 9px; font-size: 12px; line-height: 1.42857; word-break: break-all; overflow-wrap: break-word; color: rgb(51, 51, 51); background-color: rgb(245, 245, 245); border: 1px solid rgb(204, 204, 204); border-radius: 2px; } pre code { padding: 0px; font-size: inherit; color: inherit; white-space: pre-wrap; background-color: transparent; border-radius: 0px; } .pre-scrollable { max-height: 340px; overflow-y: scroll; } .container { margin-right: auto; margin-left: auto; padding-left: 0px; padding-right: 0px; } @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: 0px; padding-right: 0px; } .row { margin-left: 0px; margin-right: 0px; } .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: 0px; padding-right: 0px; } .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.6667%; } .col-xs-10 { width: 83.3333%; } .col-xs-9 { width: 75%; } .col-xs-8 { width: 66.6667%; } .col-xs-7 { width: 58.3333%; } .col-xs-6 { width: 50%; } .col-xs-5 { width: 41.6667%; } .col-xs-4 { width: 33.3333%; } .col-xs-3 { width: 25%; } .col-xs-2 { width: 16.6667%; } .col-xs-1 { width: 8.33333%; } .col-xs-pull-12 { right: 100%; } .col-xs-pull-11 { right: 91.6667%; } .col-xs-pull-10 { right: 83.3333%; } .col-xs-pull-9 { right: 75%; } .col-xs-pull-8 { right: 66.6667%; } .col-xs-pull-7 { right: 58.3333%; } .col-xs-pull-6 { right: 50%; } .col-xs-pull-5 { right: 41.6667%; } .col-xs-pull-4 { right: 33.3333%; } .col-xs-pull-3 { right: 25%; } .col-xs-pull-2 { right: 16.6667%; } .col-xs-pull-1 { right: 8.33333%; } .col-xs-pull-0 { right: auto; } .col-xs-push-12 { left: 100%; } .col-xs-push-11 { left: 91.6667%; } .col-xs-push-10 { left: 83.3333%; } .col-xs-push-9 { left: 75%; } .col-xs-push-8 { left: 66.6667%; } .col-xs-push-7 { left: 58.3333%; } .col-xs-push-6 { left: 50%; } .col-xs-push-5 { left: 41.6667%; } .col-xs-push-4 { left: 33.3333%; } .col-xs-push-3 { left: 25%; } .col-xs-push-2 { left: 16.6667%; } .col-xs-push-1 { left: 8.33333%; } .col-xs-push-0 { left: auto; } .col-xs-offset-12 { margin-left: 100%; } .col-xs-offset-11 { margin-left: 91.6667%; } .col-xs-offset-10 { margin-left: 83.3333%; } .col-xs-offset-9 { margin-left: 75%; } .col-xs-offset-8 { margin-left: 66.6667%; } .col-xs-offset-7 { margin-left: 58.3333%; } .col-xs-offset-6 { margin-left: 50%; } .col-xs-offset-5 { margin-left: 41.6667%; } .col-xs-offset-4 { margin-left: 33.3333%; } .col-xs-offset-3 { margin-left: 25%; } .col-xs-offset-2 { margin-left: 16.6667%; } .col-xs-offset-1 { margin-left: 8.33333%; } .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.6667%; } .col-sm-10 { width: 83.3333%; } .col-sm-9 { width: 75%; } .col-sm-8 { width: 66.6667%; } .col-sm-7 { width: 58.3333%; } .col-sm-6 { width: 50%; } .col-sm-5 { width: 41.6667%; } .col-sm-4 { width: 33.3333%; } .col-sm-3 { width: 25%; } .col-sm-2 { width: 16.6667%; } .col-sm-1 { width: 8.33333%; } .col-sm-pull-12 { right: 100%; } .col-sm-pull-11 { right: 91.6667%; } .col-sm-pull-10 { right: 83.3333%; } .col-sm-pull-9 { right: 75%; } .col-sm-pull-8 { right: 66.6667%; } .col-sm-pull-7 { right: 58.3333%; } .col-sm-pull-6 { right: 50%; } .col-sm-pull-5 { right: 41.6667%; } .col-sm-pull-4 { right: 33.3333%; } .col-sm-pull-3 { right: 25%; } .col-sm-pull-2 { right: 16.6667%; } .col-sm-pull-1 { right: 8.33333%; } .col-sm-pull-0 { right: auto; } .col-sm-push-12 { left: 100%; } .col-sm-push-11 { left: 91.6667%; } .col-sm-push-10 { left: 83.3333%; } .col-sm-push-9 { left: 75%; } .col-sm-push-8 { left: 66.6667%; } .col-sm-push-7 { left: 58.3333%; } .col-sm-push-6 { left: 50%; } .col-sm-push-5 { left: 41.6667%; } .col-sm-push-4 { left: 33.3333%; } .col-sm-push-3 { left: 25%; } .col-sm-push-2 { left: 16.6667%; } .col-sm-push-1 { left: 8.33333%; } .col-sm-push-0 { left: auto; } .col-sm-offset-12 { margin-left: 100%; } .col-sm-offset-11 { margin-left: 91.6667%; } .col-sm-offset-10 { margin-left: 83.3333%; } .col-sm-offset-9 { margin-left: 75%; } .col-sm-offset-8 { margin-left: 66.6667%; } .col-sm-offset-7 { margin-left: 58.3333%; } .col-sm-offset-6 { margin-left: 50%; } .col-sm-offset-5 { margin-left: 41.6667%; } .col-sm-offset-4 { margin-left: 33.3333%; } .col-sm-offset-3 { margin-left: 25%; } .col-sm-offset-2 { margin-left: 16.6667%; } .col-sm-offset-1 { margin-left: 8.33333%; } .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.6667%; } .col-md-10 { width: 83.3333%; } .col-md-9 { width: 75%; } .col-md-8 { width: 66.6667%; } .col-md-7 { width: 58.3333%; } .col-md-6 { width: 50%; } .col-md-5 { width: 41.6667%; } .col-md-4 { width: 33.3333%; } .col-md-3 { width: 25%; } .col-md-2 { width: 16.6667%; } .col-md-1 { width: 8.33333%; } .col-md-pull-12 { right: 100%; } .col-md-pull-11 { right: 91.6667%; } .col-md-pull-10 { right: 83.3333%; } .col-md-pull-9 { right: 75%; } .col-md-pull-8 { right: 66.6667%; } .col-md-pull-7 { right: 58.3333%; } .col-md-pull-6 { right: 50%; } .col-md-pull-5 { right: 41.6667%; } .col-md-pull-4 { right: 33.3333%; } .col-md-pull-3 { right: 25%; } .col-md-pull-2 { right: 16.6667%; } .col-md-pull-1 { right: 8.33333%; } .col-md-pull-0 { right: auto; } .col-md-push-12 { left: 100%; } .col-md-push-11 { left: 91.6667%; } .col-md-push-10 { left: 83.3333%; } .col-md-push-9 { left: 75%; } .col-md-push-8 { left: 66.6667%; } .col-md-push-7 { left: 58.3333%; } .col-md-push-6 { left: 50%; } .col-md-push-5 { left: 41.6667%; } .col-md-push-4 { left: 33.3333%; } .col-md-push-3 { left: 25%; } .col-md-push-2 { left: 16.6667%; } .col-md-push-1 { left: 8.33333%; } .col-md-push-0 { left: auto; } .col-md-offset-12 { margin-left: 100%; } .col-md-offset-11 { margin-left: 91.6667%; } .col-md-offset-10 { margin-left: 83.3333%; } .col-md-offset-9 { margin-left: 75%; } .col-md-offset-8 { margin-left: 66.6667%; } .col-md-offset-7 { margin-left: 58.3333%; } .col-md-offset-6 { margin-left: 50%; } .col-md-offset-5 { margin-left: 41.6667%; } .col-md-offset-4 { margin-left: 33.3333%; } .col-md-offset-3 { margin-left: 25%; } .col-md-offset-2 { margin-left: 16.6667%; } .col-md-offset-1 { margin-left: 8.33333%; } .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.6667%; } .col-lg-10 { width: 83.3333%; } .col-lg-9 { width: 75%; } .col-lg-8 { width: 66.6667%; } .col-lg-7 { width: 58.3333%; } .col-lg-6 { width: 50%; } .col-lg-5 { width: 41.6667%; } .col-lg-4 { width: 33.3333%; } .col-lg-3 { width: 25%; } .col-lg-2 { width: 16.6667%; } .col-lg-1 { width: 8.33333%; } .col-lg-pull-12 { right: 100%; } .col-lg-pull-11 { right: 91.6667%; } .col-lg-pull-10 { right: 83.3333%; } .col-lg-pull-9 { right: 75%; } .col-lg-pull-8 { right: 66.6667%; } .col-lg-pull-7 { right: 58.3333%; } .col-lg-pull-6 { right: 50%; } .col-lg-pull-5 { right: 41.6667%; } .col-lg-pull-4 { right: 33.3333%; } .col-lg-pull-3 { right: 25%; } .col-lg-pull-2 { right: 16.6667%; } .col-lg-pull-1 { right: 8.33333%; } .col-lg-pull-0 { right: auto; } .col-lg-push-12 { left: 100%; } .col-lg-push-11 { left: 91.6667%; } .col-lg-push-10 { left: 83.3333%; } .col-lg-push-9 { left: 75%; } .col-lg-push-8 { left: 66.6667%; } .col-lg-push-7 { left: 58.3333%; } .col-lg-push-6 { left: 50%; } .col-lg-push-5 { left: 41.6667%; } .col-lg-push-4 { left: 33.3333%; } .col-lg-push-3 { left: 25%; } .col-lg-push-2 { left: 16.6667%; } .col-lg-push-1 { left: 8.33333%; } .col-lg-push-0 { left: auto; } .col-lg-offset-12 { margin-left: 100%; } .col-lg-offset-11 { margin-left: 91.6667%; } .col-lg-offset-10 { margin-left: 83.3333%; } .col-lg-offset-9 { margin-left: 75%; } .col-lg-offset-8 { margin-left: 66.6667%; } .col-lg-offset-7 { margin-left: 58.3333%; } .col-lg-offset-6 { margin-left: 50%; } .col-lg-offset-5 { margin-left: 41.6667%; } .col-lg-offset-4 { margin-left: 33.3333%; } .col-lg-offset-3 { margin-left: 25%; } .col-lg-offset-2 { margin-left: 16.6667%; } .col-lg-offset-1 { margin-left: 8.33333%; } .col-lg-offset-0 { margin-left: 0%; } } table { background-color: transparent; } caption { padding-top: 8px; padding-bottom: 8px; color: rgb(119, 119, 119); 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.42857; vertical-align: top; border-top: 1px solid rgb(221, 221, 221); } .table > thead > tr > th { vertical-align: bottom; border-bottom: 2px solid rgb(221, 221, 221); } .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: 0px; } .table > tbody + tbody { border-top: 2px solid rgb(221, 221, 221); } .table .table { background-color: rgb(255, 255, 255); } .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 rgb(221, 221, 221); } .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 rgb(221, 221, 221); } .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: rgb(249, 249, 249); } .table-hover > tbody > tr:hover { background-color: rgb(245, 245, 245); } 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: rgb(245, 245, 245); } .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: rgb(232, 232, 232); } .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: rgb(223, 240, 216); } .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: rgb(208, 233, 198); } .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: rgb(217, 237, 247); } .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: rgb(196, 227, 243); } .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: rgb(252, 248, 227); } .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: rgb(250, 242, 204); } .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: rgb(242, 222, 222); } .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: rgb(235, 204, 204); } .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; border: 1px solid rgb(221, 221, 221); } .table-responsive > .table { margin-bottom: 0px; } .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: 0px; } .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: 0px; } .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: 0px; } .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: 0px; } } fieldset { padding: 0px; margin: 0px; border: 0px; min-width: 0px; } legend { display: block; width: 100%; padding: 0px; margin-bottom: 18px; font-size: 19.5px; line-height: inherit; color: rgb(51, 51, 51); border-width: 0px 0px 1px; border-top-style: initial; border-right-style: initial; border-left-style: initial; border-top-color: initial; border-right-color: initial; border-left-color: initial; border-image: initial; border-bottom-style: solid; border-bottom-color: rgb(229, 229, 229); } label { display: inline-block; max-width: 100%; margin-bottom: 5px; font-weight: bold; } input[type="search"] { box-sizing: border-box; } input[type="radio"], input[type="checkbox"] { margin: 4px 0px 0px; 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: -webkit-focus-ring-color auto 5px; outline-offset: -2px; } output { display: block; padding-top: 7px; font-size: 13px; line-height: 1.42857; color: rgb(85, 85, 85); } .form-control { display: block; width: 100%; height: 32px; padding: 6px 12px; font-size: 13px; line-height: 1.42857; color: rgb(85, 85, 85); background-color: rgb(255, 255, 255); background-image: none; border: 1px solid rgb(204, 204, 204); border-radius: 2px; box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset; transition: border-color 0.15s ease-in-out 0s, box-shadow 0.15s ease-in-out 0s; } .form-control:focus { border-color: rgb(102, 175, 233); outline: 0px; box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgba(102, 175, 233, 0.6) 0px 0px 8px; } .form-control::-webkit-input-placeholder { color: rgb(153, 153, 153); } .form-control[disabled], .form-control[readonly], fieldset[disabled] .form-control { background-color: rgb(238, 238, 238); opacity: 1; } .form-control[disabled], fieldset[disabled] .form-control { cursor: not-allowed; } textarea.form-control { height: auto; } input[type="search"] { 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: 0px; 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: 0px; vertical-align: middle; font-weight: normal; cursor: pointer; } .radio-inline + .radio-inline, .checkbox-inline + .checkbox-inline { margin-top: 0px; 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: 0px; min-height: 31px; } .form-control-static.input-lg, .form-control-static.input-sm { padding-left: 0px; padding-right: 0px; } .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.33333; 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.33333; 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.33333; } .has-feedback { position: relative; } .has-feedback .form-control { padding-right: 40px; } .form-control-feedback { position: absolute; top: 0px; right: 0px; 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: rgb(60, 118, 61); } .has-success .form-control { border-color: rgb(60, 118, 61); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset; } .has-success .form-control:focus { border-color: rgb(43, 84, 44); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgb(103, 177, 104) 0px 0px 6px; } .has-success .input-group-addon { color: rgb(60, 118, 61); border-color: rgb(60, 118, 61); background-color: rgb(223, 240, 216); } .has-success .form-control-feedback { color: rgb(60, 118, 61); } .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: rgb(138, 109, 59); } .has-warning .form-control { border-color: rgb(138, 109, 59); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset; } .has-warning .form-control:focus { border-color: rgb(102, 81, 44); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgb(192, 161, 107) 0px 0px 6px; } .has-warning .input-group-addon { color: rgb(138, 109, 59); border-color: rgb(138, 109, 59); background-color: rgb(252, 248, 227); } .has-warning .form-control-feedback { color: rgb(138, 109, 59); } .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: rgb(169, 68, 66); } .has-error .form-control { border-color: rgb(169, 68, 66); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset; } .has-error .form-control:focus { border-color: rgb(132, 53, 52); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgb(206, 132, 131) 0px 0px 6px; } .has-error .input-group-addon { color: rgb(169, 68, 66); border-color: rgb(169, 68, 66); background-color: rgb(242, 222, 222); } .has-error .form-control-feedback { color: rgb(169, 68, 66); } .has-feedback label ~ .form-control-feedback { top: 23px; } .has-feedback label.sr-only ~ .form-control-feedback { top: 0px; } .help-block { display: block; margin-top: 5px; margin-bottom: 10px; color: rgb(64, 64, 64); } @media (min-width: 768px) { .form-inline .form-group { display: inline-block; margin-bottom: 0px; 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: 0px; vertical-align: middle; } .form-inline .radio, .form-inline .checkbox { display: inline-block; margin-top: 0px; margin-bottom: 0px; vertical-align: middle; } .form-inline .radio label, .form-inline .checkbox label { padding-left: 0px; } .form-inline .radio input[type="radio"], .form-inline .checkbox input[type="checkbox"] { position: relative; margin-left: 0px; } .form-inline .has-feedback .form-control-feedback { top: 0px; } } .form-horizontal .radio, .form-horizontal .checkbox, .form-horizontal .radio-inline, .form-horizontal .checkbox-inline { margin-top: 0px; margin-bottom: 0px; padding-top: 7px; } .form-horizontal .radio, .form-horizontal .checkbox { min-height: 25px; } .form-horizontal .form-group { margin-left: 0px; margin-right: 0px; } @media (min-width: 768px) { .form-horizontal .control-label { text-align: right; margin-bottom: 0px; padding-top: 7px; } } .form-horizontal .has-feedback .form-control-feedback { right: 0px; } @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: 0px; font-weight: normal; text-align: center; vertical-align: middle; touch-action: manipulation; cursor: pointer; background-image: none; border: 1px solid transparent; white-space: nowrap; padding: 6px 12px; font-size: 13px; line-height: 1.42857; border-radius: 2px; user-select: none; } .btn:focus, .btn:active:focus, .btn.active:focus, .btn.focus, .btn:active.focus, .btn.active.focus { outline: -webkit-focus-ring-color auto 5px; outline-offset: -2px; } .btn:hover, .btn:focus, .btn.focus { color: rgb(51, 51, 51); text-decoration: none; } .btn:active, .btn.active { outline: 0px; background-image: none; box-shadow: rgba(0, 0, 0, 0.125) 0px 3px 5px inset; } .btn.disabled, .btn[disabled], fieldset[disabled] .btn { cursor: not-allowed; opacity: 0.65; box-shadow: none; } a.btn.disabled, fieldset[disabled] a.btn { pointer-events: none; } .btn-default { color: rgb(51, 51, 51); background-color: rgb(255, 255, 255); border-color: rgb(204, 204, 204); } .btn-default:focus, .btn-default.focus { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(140, 140, 140); } .btn-default:hover { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } .btn-default:active, .btn-default.active, .open > .dropdown-toggle.btn-default { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } .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: rgb(51, 51, 51); background-color: rgb(212, 212, 212); border-color: rgb(140, 140, 140); } .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: rgb(255, 255, 255); border-color: rgb(204, 204, 204); } .btn-default .badge { color: rgb(255, 255, 255); background-color: rgb(51, 51, 51); } .btn-primary { color: rgb(255, 255, 255); background-color: rgb(51, 122, 183); border-color: rgb(46, 109, 164); } .btn-primary:focus, .btn-primary.focus { color: rgb(255, 255, 255); background-color: rgb(40, 96, 144); border-color: rgb(18, 43, 64); } .btn-primary:hover { color: rgb(255, 255, 255); background-color: rgb(40, 96, 144); border-color: rgb(32, 77, 116); } .btn-primary:active, .btn-primary.active, .open > .dropdown-toggle.btn-primary { color: rgb(255, 255, 255); background-color: rgb(40, 96, 144); border-color: rgb(32, 77, 116); } .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: rgb(255, 255, 255); background-color: rgb(32, 77, 116); border-color: rgb(18, 43, 64); } .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: rgb(51, 122, 183); border-color: rgb(46, 109, 164); } .btn-primary .badge { color: rgb(51, 122, 183); background-color: rgb(255, 255, 255); } .btn-success { color: rgb(255, 255, 255); background-color: rgb(92, 184, 92); border-color: rgb(76, 174, 76); } .btn-success:focus, .btn-success.focus { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(37, 86, 37); } .btn-success:hover { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(57, 132, 57); } .btn-success:active, .btn-success.active, .open > .dropdown-toggle.btn-success { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(57, 132, 57); } .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: rgb(255, 255, 255); background-color: rgb(57, 132, 57); border-color: rgb(37, 86, 37); } .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: rgb(92, 184, 92); border-color: rgb(76, 174, 76); } .btn-success .badge { color: rgb(92, 184, 92); background-color: rgb(255, 255, 255); } .btn-info { color: rgb(255, 255, 255); background-color: rgb(91, 192, 222); border-color: rgb(70, 184, 218); } .btn-info:focus, .btn-info.focus { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(27, 109, 133); } .btn-info:hover { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(38, 154, 188); } .btn-info:active, .btn-info.active, .open > .dropdown-toggle.btn-info { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(38, 154, 188); } .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: rgb(255, 255, 255); background-color: rgb(38, 154, 188); border-color: rgb(27, 109, 133); } .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: rgb(91, 192, 222); border-color: rgb(70, 184, 218); } .btn-info .badge { color: rgb(91, 192, 222); background-color: rgb(255, 255, 255); } .btn-warning { color: rgb(255, 255, 255); background-color: rgb(240, 173, 78); border-color: rgb(238, 162, 54); } .btn-warning:focus, .btn-warning.focus { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(152, 95, 13); } .btn-warning:hover { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(213, 133, 18); } .btn-warning:active, .btn-warning.active, .open > .dropdown-toggle.btn-warning { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(213, 133, 18); } .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: rgb(255, 255, 255); background-color: rgb(213, 133, 18); border-color: rgb(152, 95, 13); } .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: rgb(240, 173, 78); border-color: rgb(238, 162, 54); } .btn-warning .badge { color: rgb(240, 173, 78); background-color: rgb(255, 255, 255); } .btn-danger { color: rgb(255, 255, 255); background-color: rgb(217, 83, 79); border-color: rgb(212, 63, 58); } .btn-danger:focus, .btn-danger.focus { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(118, 28, 25); } .btn-danger:hover { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(172, 41, 37); } .btn-danger:active, .btn-danger.active, .open > .dropdown-toggle.btn-danger { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(172, 41, 37); } .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: rgb(255, 255, 255); background-color: rgb(172, 41, 37); border-color: rgb(118, 28, 25); } .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: rgb(217, 83, 79); border-color: rgb(212, 63, 58); } .btn-danger .badge { color: rgb(217, 83, 79); background-color: rgb(255, 255, 255); } .btn-link { color: rgb(51, 122, 183); font-weight: normal; border-radius: 0px; } .btn-link, .btn-link:active, .btn-link.active, .btn-link[disabled], fieldset[disabled] .btn-link { background-color: transparent; box-shadow: none; } .btn-link, .btn-link:hover, .btn-link:focus, .btn-link:active { border-color: transparent; } .btn-link:hover, .btn-link:focus { color: rgb(35, 82, 124); text-decoration: underline; background-color: transparent; } .btn-link[disabled]:hover, fieldset[disabled] .btn-link:hover, .btn-link[disabled]:focus, fieldset[disabled] .btn-link:focus { color: rgb(119, 119, 119); text-decoration: none; } .btn-lg, .btn-group-lg > .btn { padding: 10px 16px; font-size: 17px; line-height: 1.33333; 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; transition: opacity 0.15s linear 0s; } .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: 0px; overflow: hidden; transition-property: height, visibility; transition-duration: 0.35s; transition-timing-function: ease; } .caret { display: inline-block; width: 0px; height: 0px; margin-left: 2px; vertical-align: middle; border-top: 4px dashed; border-right: 4px solid transparent; border-left: 4px solid transparent; } .dropup, .dropdown { position: relative; } .dropdown-toggle:focus { outline: 0px; } .dropdown-menu { position: absolute; top: 100%; left: 0px; z-index: 1000; display: none; float: left; min-width: 160px; padding: 5px 0px; margin: 2px 0px 0px; list-style: none; font-size: 13px; text-align: left; background-color: rgb(255, 255, 255); border: 1px solid rgba(0, 0, 0, 0.15); border-radius: 2px; box-shadow: rgba(0, 0, 0, 0.176) 0px 6px 12px; background-clip: padding-box; } .dropdown-menu.pull-right { right: 0px; left: auto; } .dropdown-menu .divider { height: 1px; margin: 8px 0px; overflow: hidden; background-color: rgb(229, 229, 229); } .dropdown-menu > li > a { display: block; padding: 3px 20px; clear: both; font-weight: normal; line-height: 1.42857; color: rgb(51, 51, 51); white-space: nowrap; } .dropdown-menu > li > a:hover, .dropdown-menu > li > a:focus { text-decoration: none; color: rgb(38, 38, 38); background-color: rgb(245, 245, 245); } .dropdown-menu > .active > a, .dropdown-menu > .active > a:hover, .dropdown-menu > .active > a:focus { color: rgb(255, 255, 255); text-decoration: none; outline: 0px; background-color: rgb(51, 122, 183); } .dropdown-menu > .disabled > a, .dropdown-menu > .disabled > a:hover, .dropdown-menu > .disabled > a:focus { color: rgb(119, 119, 119); } .dropdown-menu > .disabled > a:hover, .dropdown-menu > .disabled > a:focus { text-decoration: none; background-color: transparent; background-image: none; cursor: not-allowed; } .open > .dropdown-menu { display: block; } .open > a { outline: 0px; } .dropdown-menu-right { left: auto; right: 0px; } .dropdown-menu-left { left: 0px; right: auto; } .dropdown-header { display: block; padding: 3px 20px; font-size: 12px; line-height: 1.42857; color: rgb(119, 119, 119); white-space: nowrap; } .dropdown-backdrop { position: fixed; inset: 0px; z-index: 990; } .pull-right > .dropdown-menu { right: 0px; left: auto; } .dropup .caret, .navbar-fixed-bottom .dropdown .caret { border-top: 0px; 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: 0px; } .navbar-right .dropdown-menu-left { left: 0px; 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: 0px; } .btn-group > .btn:first-child { margin-left: 0px; } .btn-group > .btn:first-child:not(:last-child):not(.dropdown-toggle) { border-bottom-right-radius: 0px; border-top-right-radius: 0px; } .btn-group > .btn:last-child:not(:first-child), .btn-group > .dropdown-toggle:not(:first-child) { border-bottom-left-radius: 0px; border-top-left-radius: 0px; } .btn-group > .btn-group { float: left; } .btn-group > .btn-group:not(:first-child):not(:last-child) > .btn { border-radius: 0px; } .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: 0px; border-top-right-radius: 0px; } .btn-group > .btn-group:last-child:not(:first-child) > .btn:first-child { border-bottom-left-radius: 0px; border-top-left-radius: 0px; } .btn-group .dropdown-toggle:active, .btn-group.open .dropdown-toggle { outline: 0px; } .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 { box-shadow: rgba(0, 0, 0, 0.125) 0px 3px 5px inset; } .btn-group.open .dropdown-toggle.btn-link { box-shadow: none; } .btn .caret { margin-left: 0px; } .btn-lg .caret { border-width: 5px 5px 0px; } .dropup .btn-lg .caret { border-width: 0px 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: 0px; } .btn-group-vertical > .btn:not(:first-child):not(:last-child) { border-radius: 0px; } .btn-group-vertical > .btn:first-child:not(:last-child) { border-radius: 2px 2px 0px 0px; } .btn-group-vertical > .btn:last-child:not(:first-child) { border-radius: 0px 0px 2px 2px; } .btn-group-vertical > .btn-group:not(:first-child):not(:last-child) > .btn { border-radius: 0px; } .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: 0px; border-bottom-left-radius: 0px; } .btn-group-vertical > .btn-group:last-child:not(:first-child) > .btn:first-child { border-top-right-radius: 0px; border-top-left-radius: 0px; } .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(0px, 0px, 0px, 0px); pointer-events: none; } .input-group { position: relative; display: table; border-collapse: separate; } .input-group[class*="col-"] { float: none; padding-left: 0px; padding-right: 0px; } .input-group .form-control { position: relative; z-index: 2; float: left; width: 100%; margin-bottom: 0px; } .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.33333; 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: 0px; } .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: rgb(85, 85, 85); text-align: center; background-color: rgb(238, 238, 238); border: 1px solid rgb(204, 204, 204); 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: 0px; } .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: 0px; border-top-right-radius: 0px; } .input-group-addon:first-child { border-right: 0px; } .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: 0px; border-top-left-radius: 0px; } .input-group-addon:last-child { border-left: 0px; } .input-group-btn { position: relative; font-size: 0px; 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: 0px; padding-left: 0px; 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: rgb(238, 238, 238); } .nav > li.disabled > a { color: rgb(119, 119, 119); } .nav > li.disabled > a:hover, .nav > li.disabled > a:focus { color: rgb(119, 119, 119); text-decoration: none; background-color: transparent; cursor: not-allowed; } .nav .open > a, .nav .open > a:hover, .nav .open > a:focus { background-color: rgb(238, 238, 238); border-color: rgb(51, 122, 183); } .nav .nav-divider { height: 1px; margin: 8px 0px; overflow: hidden; background-color: rgb(229, 229, 229); } .nav > li > a > img { max-width: none; } .nav-tabs { border-bottom: 1px solid rgb(221, 221, 221); } .nav-tabs > li { float: left; margin-bottom: -1px; } .nav-tabs > li > a { margin-right: 2px; line-height: 1.42857; border: 1px solid transparent; border-radius: 2px 2px 0px 0px; } .nav-tabs > li > a:hover { border-color: rgb(238, 238, 238) rgb(238, 238, 238) rgb(221, 221, 221); } .nav-tabs > li.active > a, .nav-tabs > li.active > a:hover, .nav-tabs > li.active > a:focus { color: rgb(85, 85, 85); background-color: rgb(255, 255, 255); border-width: 1px; border-style: solid; border-color: rgb(221, 221, 221) rgb(221, 221, 221) transparent; border-image: initial; cursor: default; } .nav-tabs.nav-justified { width: 100%; border-bottom: 0px; } .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: 0px; } } .nav-tabs.nav-justified > li > a { margin-right: 0px; 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 rgb(221, 221, 221); } @media (min-width: 768px) { .nav-tabs.nav-justified > li > a { border-bottom: 1px solid rgb(221, 221, 221); border-radius: 2px 2px 0px 0px; } .nav-tabs.nav-justified > .active > a, .nav-tabs.nav-justified > .active > a:hover, .nav-tabs.nav-justified > .active > a:focus { border-bottom-color: rgb(255, 255, 255); } } .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: rgb(255, 255, 255); background-color: rgb(51, 122, 183); } .nav-stacked > li { float: none; } .nav-stacked > li + li { margin-top: 2px; margin-left: 0px; } .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: 0px; } } .nav-tabs-justified { border-bottom: 0px; } .nav-tabs-justified > li > a { margin-right: 0px; border-radius: 2px; } .nav-tabs-justified > .active > a, .nav-tabs-justified > .active > a:hover, .nav-tabs-justified > .active > a:focus { border: 1px solid rgb(221, 221, 221); } @media (min-width: 768px) { .nav-tabs-justified > li > a { border-bottom: 1px solid rgb(221, 221, 221); border-radius: 2px 2px 0px 0px; } .nav-tabs-justified > .active > a, .nav-tabs-justified > .active > a:hover, .nav-tabs-justified > .active > a:focus { border-bottom-color: rgb(255, 255, 255); } } .tab-content > .tab-pane { display: none; } .tab-content > .active { display: block; } .nav-tabs .dropdown-menu { margin-top: -1px; border-top-right-radius: 0px; border-top-left-radius: 0px; } .navbar { position: relative; min-height: 30px; margin-bottom: 18px; border: 1px solid transparent; } @media (min-width: 541px) { .navbar { border-radius: 2px; } } @media (min-width: 541px) { .navbar-header { float: left; } } .navbar-collapse { overflow-x: visible; padding-right: 0px; padding-left: 0px; border-top: 1px solid transparent; box-shadow: rgba(255, 255, 255, 0.1) 0px 1px 0px inset; } .navbar-collapse.in { overflow-y: auto; } @media (min-width: 541px) { .navbar-collapse { width: auto; border-top: 0px; box-shadow: none; } .navbar-collapse.collapse { padding-bottom: 0px; display: block !important; height: auto !important; 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: 0px; padding-right: 0px; } } .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: 0px; margin-left: 0px; } @media (min-width: 541px) { .container > .navbar-header, .container-fluid > .navbar-header, .container > .navbar-collapse, .container-fluid > .navbar-collapse { margin-right: 0px; margin-left: 0px; } } .navbar-static-top { z-index: 1000; border-width: 0px 0px 1px; } @media (min-width: 541px) { .navbar-static-top { border-radius: 0px; } } .navbar-fixed-top, .navbar-fixed-bottom { position: fixed; right: 0px; left: 0px; z-index: 1030; } @media (min-width: 541px) { .navbar-fixed-top, .navbar-fixed-bottom { border-radius: 0px; } } .navbar-fixed-top { top: 0px; border-width: 0px 0px 1px; } .navbar-fixed-bottom { bottom: 0px; margin-bottom: 0px; border-width: 1px 0px 0px; } .navbar-brand { float: left; padding: 6px 0px; 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: 0px; } } .navbar-toggle { position: relative; float: right; margin-right: 0px; padding: 9px 10px; margin-top: -2px; margin-bottom: -2px; background-color: transparent; background-image: none; border: 1px solid transparent; border-radius: 2px; } .navbar-toggle:focus { outline: 0px; } .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 0px; } .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: 0px; background-color: transparent; border: 0px; 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: 0px; } .navbar-nav > li { float: left; } .navbar-nav > li > a { padding-top: 6px; padding-bottom: 6px; } } .navbar-form { margin: -1px 0px; padding: 10px 0px; border-top: 1px solid transparent; border-bottom: 1px solid transparent; box-shadow: rgba(255, 255, 255, 0.1) 0px 1px 0px inset, rgba(255, 255, 255, 0.1) 0px 1px 0px; } @media (min-width: 768px) { .navbar-form .form-group { display: inline-block; margin-bottom: 0px; 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: 0px; vertical-align: middle; } .navbar-form .radio, .navbar-form .checkbox { display: inline-block; margin-top: 0px; margin-bottom: 0px; vertical-align: middle; } .navbar-form .radio label, .navbar-form .checkbox label { padding-left: 0px; } .navbar-form .radio input[type="radio"], .navbar-form .checkbox input[type="checkbox"] { position: relative; margin-left: 0px; } .navbar-form .has-feedback .form-control-feedback { top: 0px; } } @media (max-width: 540px) { .navbar-form .form-group { margin-bottom: 5px; } .navbar-form .form-group:last-child { margin-bottom: 0px; } } @media (min-width: 541px) { .navbar-form { width: auto; border: 0px; margin-left: 0px; margin-right: 0px; padding-top: 0px; padding-bottom: 0px; box-shadow: none; } } .navbar-nav > li > .dropdown-menu { margin-top: 0px; border-top-right-radius: 0px; border-top-left-radius: 0px; } .navbar-fixed-bottom .navbar-nav > li > .dropdown-menu { margin-bottom: 0px; border-radius: 2px 2px 0px 0px; } .navbar-btn { margin-top: -1px; margin-bottom: -1px; } .navbar-btn.btn-sm { margin-top: 0px; margin-bottom: 0px; } .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: 0px; margin-right: 0px; } } @media (min-width: 541px) { .navbar-left { float: left !important; } .navbar-right { margin-right: 0px; float: right !important; } .navbar-right ~ .navbar-right { margin-right: 0px; } } .navbar-default { background-color: rgb(248, 248, 248); border-color: rgb(231, 231, 231); } .navbar-default .navbar-brand { color: rgb(119, 119, 119); } .navbar-default .navbar-brand:hover, .navbar-default .navbar-brand:focus { color: rgb(94, 94, 94); background-color: transparent; } .navbar-default .navbar-text { color: rgb(119, 119, 119); } .navbar-default .navbar-nav > li > a { color: rgb(119, 119, 119); } .navbar-default .navbar-nav > li > a:hover, .navbar-default .navbar-nav > li > a:focus { color: rgb(51, 51, 51); background-color: transparent; } .navbar-default .navbar-nav > .active > a, .navbar-default .navbar-nav > .active > a:hover, .navbar-default .navbar-nav > .active > a:focus { color: rgb(85, 85, 85); background-color: rgb(231, 231, 231); } .navbar-default .navbar-nav > .disabled > a, .navbar-default .navbar-nav > .disabled > a:hover, .navbar-default .navbar-nav > .disabled > a:focus { color: rgb(204, 204, 204); background-color: transparent; } .navbar-default .navbar-toggle { border-color: rgb(221, 221, 221); } .navbar-default .navbar-toggle:hover, .navbar-default .navbar-toggle:focus { background-color: rgb(221, 221, 221); } .navbar-default .navbar-toggle .icon-bar { background-color: rgb(136, 136, 136); } .navbar-default .navbar-collapse, .navbar-default .navbar-form { border-color: rgb(231, 231, 231); } .navbar-default .navbar-nav > .open > a, .navbar-default .navbar-nav > .open > a:hover, .navbar-default .navbar-nav > .open > a:focus { background-color: rgb(231, 231, 231); color: rgb(85, 85, 85); } @media (max-width: 540px) { .navbar-default .navbar-nav .open .dropdown-menu > li > a { color: rgb(119, 119, 119); } .navbar-default .navbar-nav .open .dropdown-menu > li > a:hover, .navbar-default .navbar-nav .open .dropdown-menu > li > a:focus { color: rgb(51, 51, 51); background-color: transparent; } .navbar-default .navbar-nav .open .dropdown-menu > .active > a, .navbar-default .navbar-nav .open .dropdown-menu > .active > a:hover, .navbar-default .navbar-nav .open .dropdown-menu > .active > a:focus { color: rgb(85, 85, 85); background-color: rgb(231, 231, 231); } .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: rgb(204, 204, 204); background-color: transparent; } } .navbar-default .navbar-link { color: rgb(119, 119, 119); } .navbar-default .navbar-link:hover { color: rgb(51, 51, 51); } .navbar-default .btn-link { color: rgb(119, 119, 119); } .navbar-default .btn-link:hover, .navbar-default .btn-link:focus { color: rgb(51, 51, 51); } .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: rgb(204, 204, 204); } .navbar-inverse { background-color: rgb(34, 34, 34); border-color: rgb(8, 8, 8); } .navbar-inverse .navbar-brand { color: rgb(157, 157, 157); } .navbar-inverse .navbar-brand:hover, .navbar-inverse .navbar-brand:focus { color: rgb(255, 255, 255); background-color: transparent; } .navbar-inverse .navbar-text { color: rgb(157, 157, 157); } .navbar-inverse .navbar-nav > li > a { color: rgb(157, 157, 157); } .navbar-inverse .navbar-nav > li > a:hover, .navbar-inverse .navbar-nav > li > a:focus { color: rgb(255, 255, 255); background-color: transparent; } .navbar-inverse .navbar-nav > .active > a, .navbar-inverse .navbar-nav > .active > a:hover, .navbar-inverse .navbar-nav > .active > a:focus { color: rgb(255, 255, 255); background-color: rgb(8, 8, 8); } .navbar-inverse .navbar-nav > .disabled > a, .navbar-inverse .navbar-nav > .disabled > a:hover, .navbar-inverse .navbar-nav > .disabled > a:focus { color: rgb(68, 68, 68); background-color: transparent; } .navbar-inverse .navbar-toggle { border-color: rgb(51, 51, 51); } .navbar-inverse .navbar-toggle:hover, .navbar-inverse .navbar-toggle:focus { background-color: rgb(51, 51, 51); } .navbar-inverse .navbar-toggle .icon-bar { background-color: rgb(255, 255, 255); } .navbar-inverse .navbar-collapse, .navbar-inverse .navbar-form { border-color: rgb(16, 16, 16); } .navbar-inverse .navbar-nav > .open > a, .navbar-inverse .navbar-nav > .open > a:hover, .navbar-inverse .navbar-nav > .open > a:focus { background-color: rgb(8, 8, 8); color: rgb(255, 255, 255); } @media (max-width: 540px) { .navbar-inverse .navbar-nav .open .dropdown-menu > .dropdown-header { border-color: rgb(8, 8, 8); } .navbar-inverse .navbar-nav .open .dropdown-menu .divider { background-color: rgb(8, 8, 8); } .navbar-inverse .navbar-nav .open .dropdown-menu > li > a { color: rgb(157, 157, 157); } .navbar-inverse .navbar-nav .open .dropdown-menu > li > a:hover, .navbar-inverse .navbar-nav .open .dropdown-menu > li > a:focus { color: rgb(255, 255, 255); background-color: transparent; } .navbar-inverse .navbar-nav .open .dropdown-menu > .active > a, .navbar-inverse .navbar-nav .open .dropdown-menu > .active > a:hover, .navbar-inverse .navbar-nav .open .dropdown-menu > .active > a:focus { color: rgb(255, 255, 255); background-color: rgb(8, 8, 8); } .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: rgb(68, 68, 68); background-color: transparent; } } .navbar-inverse .navbar-link { color: rgb(157, 157, 157); } .navbar-inverse .navbar-link:hover { color: rgb(255, 255, 255); } .navbar-inverse .btn-link { color: rgb(157, 157, 157); } .navbar-inverse .btn-link:hover, .navbar-inverse .btn-link:focus { color: rgb(255, 255, 255); } .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: rgb(68, 68, 68); } .breadcrumb { padding: 8px 15px; margin-bottom: 18px; list-style: none; background-color: rgb(245, 245, 245); border-radius: 2px; } .breadcrumb > li { display: inline-block; } .breadcrumb > li + li::before { content: "/?"; padding: 0px 5px; color: rgb(94, 94, 94); } .breadcrumb > .active { color: rgb(119, 119, 119); } .pagination { display: inline-block; padding-left: 0px; margin: 18px 0px; border-radius: 2px; } .pagination > li { display: inline; } .pagination > li > a, .pagination > li > span { position: relative; float: left; padding: 6px 12px; line-height: 1.42857; text-decoration: none; color: rgb(51, 122, 183); background-color: rgb(255, 255, 255); border: 1px solid rgb(221, 221, 221); margin-left: -1px; } .pagination > li:first-child > a, .pagination > li:first-child > span { margin-left: 0px; 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: rgb(35, 82, 124); background-color: rgb(238, 238, 238); border-color: rgb(221, 221, 221); } .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: rgb(255, 255, 255); background-color: rgb(51, 122, 183); border-color: rgb(51, 122, 183); 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: rgb(119, 119, 119); background-color: rgb(255, 255, 255); border-color: rgb(221, 221, 221); cursor: not-allowed; } .pagination-lg > li > a, .pagination-lg > li > span { padding: 10px 16px; font-size: 17px; line-height: 1.33333; } .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: 0px; margin: 18px 0px; list-style: none; text-align: center; } .pager li { display: inline; } .pager li > a, .pager li > span { display: inline-block; padding: 5px 14px; background-color: rgb(255, 255, 255); border: 1px solid rgb(221, 221, 221); border-radius: 15px; } .pager li > a:hover, .pager li > a:focus { text-decoration: none; background-color: rgb(238, 238, 238); } .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: rgb(119, 119, 119); background-color: rgb(255, 255, 255); cursor: not-allowed; } .label { display: inline; padding: 0.2em 0.6em 0.3em; font-size: 75%; font-weight: bold; line-height: 1; color: rgb(255, 255, 255); text-align: center; white-space: nowrap; vertical-align: baseline; border-radius: 0.25em; } a.label:hover, a.label:focus { color: rgb(255, 255, 255); text-decoration: none; cursor: pointer; } .label:empty { display: none; } .btn .label { position: relative; top: -1px; } .label-default { background-color: rgb(119, 119, 119); } .label-default[href]:hover, .label-default[href]:focus { background-color: rgb(94, 94, 94); } .label-primary { background-color: rgb(51, 122, 183); } .label-primary[href]:hover, .label-primary[href]:focus { background-color: rgb(40, 96, 144); } .label-success { background-color: rgb(92, 184, 92); } .label-success[href]:hover, .label-success[href]:focus { background-color: rgb(68, 157, 68); } .label-info { background-color: rgb(91, 192, 222); } .label-info[href]:hover, .label-info[href]:focus { background-color: rgb(49, 176, 213); } .label-warning { background-color: rgb(240, 173, 78); } .label-warning[href]:hover, .label-warning[href]:focus { background-color: rgb(236, 151, 31); } .label-danger { background-color: rgb(217, 83, 79); } .label-danger[href]:hover, .label-danger[href]:focus { background-color: rgb(201, 48, 44); } .badge { display: inline-block; min-width: 10px; padding: 3px 7px; font-size: 12px; font-weight: bold; color: rgb(255, 255, 255); line-height: 1; vertical-align: middle; white-space: nowrap; text-align: center; background-color: rgb(119, 119, 119); border-radius: 10px; } .badge:empty { display: none; } .btn .badge { position: relative; top: -1px; } .btn-xs .badge, .btn-group-xs > .btn .badge { top: 0px; padding: 1px 5px; } a.badge:hover, a.badge:focus { color: rgb(255, 255, 255); text-decoration: none; cursor: pointer; } .list-group-item.active > .badge, .nav-pills > .active > a > .badge { color: rgb(51, 122, 183); background-color: rgb(255, 255, 255); } .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: rgb(238, 238, 238); } .jumbotron h1, .jumbotron .h1 { color: inherit; } .jumbotron p { margin-bottom: 15px; font-size: 20px; font-weight: 200; } .jumbotron > hr { border-top-color: rgb(213, 213, 213); } .container .jumbotron, .container-fluid .jumbotron { border-radius: 3px; padding-left: 0px; padding-right: 0px; } .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.42857; background-color: rgb(255, 255, 255); border: 1px solid rgb(221, 221, 221); border-radius: 2px; transition: border 0.2s ease-in-out 0s; } .thumbnail > img, .thumbnail a > img { margin-left: auto; margin-right: auto; } a.thumbnail:hover, a.thumbnail:focus, a.thumbnail.active { border-color: rgb(51, 122, 183); } .thumbnail .caption { padding: 9px; color: rgb(0, 0, 0); } .alert { padding: 15px; margin-bottom: 18px; border: 1px solid transparent; border-radius: 2px; } .alert h4 { margin-top: 0px; color: inherit; } .alert .alert-link { font-weight: bold; } .alert > p, .alert > ul { margin-bottom: 0px; } .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: rgb(223, 240, 216); border-color: rgb(214, 233, 198); color: rgb(60, 118, 61); } .alert-success hr { border-top-color: rgb(201, 226, 179); } .alert-success .alert-link { color: rgb(43, 84, 44); } .alert-info { background-color: rgb(217, 237, 247); border-color: rgb(188, 232, 241); color: rgb(49, 112, 143); } .alert-info hr { border-top-color: rgb(166, 225, 236); } .alert-info .alert-link { color: rgb(36, 82, 105); } .alert-warning { background-color: rgb(252, 248, 227); border-color: rgb(250, 235, 204); color: rgb(138, 109, 59); } .alert-warning hr { border-top-color: rgb(247, 225, 181); } .alert-warning .alert-link { color: rgb(102, 81, 44); } .alert-danger { background-color: rgb(242, 222, 222); border-color: rgb(235, 204, 209); color: rgb(169, 68, 66); } .alert-danger hr { border-top-color: rgb(228, 185, 192); } .alert-danger .alert-link { color: rgb(132, 53, 52); } @-webkit-keyframes progress-bar-stripes { 0% { background-position: 40px 0px; } 100% { background-position: 0px 0px; } } @keyframes progress-bar-stripes { 0% { background-position: 40px 0px; } 100% { background-position: 0px 0px; } } .progress { overflow: hidden; height: 18px; margin-bottom: 18px; background-color: rgb(245, 245, 245); border-radius: 2px; box-shadow: rgba(0, 0, 0, 0.1) 0px 1px 2px inset; } .progress-bar { float: left; width: 0%; height: 100%; font-size: 12px; line-height: 18px; color: rgb(255, 255, 255); text-align: center; background-color: rgb(51, 122, 183); box-shadow: rgba(0, 0, 0, 0.15) 0px -1px 0px inset; transition: width 0.6s ease 0s; } .progress-striped .progress-bar, .progress-bar-striped { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent); background-size: 40px 40px; } .progress.active .progress-bar, .progress-bar.active { animation: 2s linear 0s infinite normal none running progress-bar-stripes; } .progress-bar-success { background-color: rgb(92, 184, 92); } .progress-striped .progress-bar-success { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent); } .progress-bar-info { background-color: rgb(91, 192, 222); } .progress-striped .progress-bar-info { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent); } .progress-bar-warning { background-color: rgb(240, 173, 78); } .progress-striped .progress-bar-warning { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent); } .progress-bar-danger { background-color: rgb(217, 83, 79); } .progress-striped .progress-bar-danger { background-image: linear-gradient(45deg, rgba(255, 255, 255, 0.15) 25%, transparent 25%, transparent 50%, rgba(255, 255, 255, 0.15) 50%, rgba(255, 255, 255, 0.15) 75%, transparent 75%, transparent); } .media { margin-top: 15px; } .media:first-child { margin-top: 0px; } .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: 0px; margin-bottom: 5px; } .media-list { padding-left: 0px; list-style: none; } .list-group { margin-bottom: 20px; padding-left: 0px; } .list-group-item { position: relative; display: block; padding: 10px 15px; margin-bottom: -1px; background-color: rgb(255, 255, 255); border: 1px solid rgb(221, 221, 221); } .list-group-item:first-child { border-top-right-radius: 2px; border-top-left-radius: 2px; } .list-group-item:last-child { margin-bottom: 0px; border-bottom-right-radius: 2px; border-bottom-left-radius: 2px; } a.list-group-item, button.list-group-item { color: rgb(85, 85, 85); } a.list-group-item .list-group-item-heading, button.list-group-item .list-group-item-heading { color: rgb(51, 51, 51); } a.list-group-item:hover, button.list-group-item:hover, a.list-group-item:focus, button.list-group-item:focus { text-decoration: none; color: rgb(85, 85, 85); background-color: rgb(245, 245, 245); } 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: rgb(238, 238, 238); color: rgb(119, 119, 119); 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: rgb(119, 119, 119); } .list-group-item.active, .list-group-item.active:hover, .list-group-item.active:focus { z-index: 2; color: rgb(255, 255, 255); background-color: rgb(51, 122, 183); border-color: rgb(51, 122, 183); } .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: rgb(199, 221, 239); } .list-group-item-success { color: rgb(60, 118, 61); background-color: rgb(223, 240, 216); } a.list-group-item-success, button.list-group-item-success { color: rgb(60, 118, 61); } 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: rgb(60, 118, 61); background-color: rgb(208, 233, 198); } 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: rgb(255, 255, 255); background-color: rgb(60, 118, 61); border-color: rgb(60, 118, 61); } .list-group-item-info { color: rgb(49, 112, 143); background-color: rgb(217, 237, 247); } a.list-group-item-info, button.list-group-item-info { color: rgb(49, 112, 143); } 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: rgb(49, 112, 143); background-color: rgb(196, 227, 243); } 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: rgb(255, 255, 255); background-color: rgb(49, 112, 143); border-color: rgb(49, 112, 143); } .list-group-item-warning { color: rgb(138, 109, 59); background-color: rgb(252, 248, 227); } a.list-group-item-warning, button.list-group-item-warning { color: rgb(138, 109, 59); } 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: rgb(138, 109, 59); background-color: rgb(250, 242, 204); } 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: rgb(255, 255, 255); background-color: rgb(138, 109, 59); border-color: rgb(138, 109, 59); } .list-group-item-danger { color: rgb(169, 68, 66); background-color: rgb(242, 222, 222); } a.list-group-item-danger, button.list-group-item-danger { color: rgb(169, 68, 66); } 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: rgb(169, 68, 66); background-color: rgb(235, 204, 204); } 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: rgb(255, 255, 255); background-color: rgb(169, 68, 66); border-color: rgb(169, 68, 66); } .list-group-item-heading { margin-top: 0px; margin-bottom: 5px; } .list-group-item-text { margin-bottom: 0px; line-height: 1.3; } .panel { margin-bottom: 18px; background-color: rgb(255, 255, 255); border: 1px solid transparent; border-radius: 2px; box-shadow: rgba(0, 0, 0, 0.05) 0px 1px 1px; } .panel-body { padding: 15px; } .panel-heading { padding: 10px 15px; border-bottom: 1px solid transparent; border-top-right-radius: 1px; border-top-left-radius: 1px; } .panel-heading > .dropdown .dropdown-toggle { color: inherit; } .panel-title { margin-top: 0px; margin-bottom: 0px; 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: rgb(245, 245, 245); border-top: 1px solid rgb(221, 221, 221); border-bottom-right-radius: 1px; border-bottom-left-radius: 1px; } .panel > .list-group, .panel > .panel-collapse > .list-group { margin-bottom: 0px; } .panel > .list-group .list-group-item, .panel > .panel-collapse > .list-group .list-group-item { border-width: 1px 0px; border-radius: 0px; } .panel > .list-group:first-child .list-group-item:first-child, .panel > .panel-collapse > .list-group:first-child .list-group-item:first-child { border-top: 0px; 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: 0px; 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: 0px; border-top-left-radius: 0px; } .panel-heading + .list-group .list-group-item:first-child { border-top-width: 0px; } .list-group + .panel-footer { border-top-width: 0px; } .panel > .table, .panel > .table-responsive > .table, .panel > .panel-collapse > .table { margin-bottom: 0px; } .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 rgb(221, 221, 221); } .panel > .table > tbody:first-child > tr:first-child th, .panel > .table > tbody:first-child > tr:first-child td { border-top: 0px; } .panel > .table-bordered, .panel > .table-responsive > .table-bordered { border: 0px; } .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: 0px; } .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: 0px; } .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: 0px; } .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: 0px; } .panel > .table-responsive { border: 0px; margin-bottom: 0px; } .panel-group { margin-bottom: 18px; } .panel-group .panel { margin-bottom: 0px; border-radius: 2px; } .panel-group .panel + .panel { margin-top: 5px; } .panel-group .panel-heading { border-bottom: 0px; } .panel-group .panel-heading + .panel-collapse > .panel-body, .panel-group .panel-heading + .panel-collapse > .list-group { border-top: 1px solid rgb(221, 221, 221); } .panel-group .panel-footer { border-top: 0px; } .panel-group .panel-footer + .panel-collapse .panel-body { border-bottom: 1px solid rgb(221, 221, 221); } .panel-default { border-color: rgb(221, 221, 221); } .panel-default > .panel-heading { color: rgb(51, 51, 51); background-color: rgb(245, 245, 245); border-color: rgb(221, 221, 221); } .panel-default > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(221, 221, 221); } .panel-default > .panel-heading .badge { color: rgb(245, 245, 245); background-color: rgb(51, 51, 51); } .panel-default > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(221, 221, 221); } .panel-primary { border-color: rgb(51, 122, 183); } .panel-primary > .panel-heading { color: rgb(255, 255, 255); background-color: rgb(51, 122, 183); border-color: rgb(51, 122, 183); } .panel-primary > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(51, 122, 183); } .panel-primary > .panel-heading .badge { color: rgb(51, 122, 183); background-color: rgb(255, 255, 255); } .panel-primary > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(51, 122, 183); } .panel-success { border-color: rgb(214, 233, 198); } .panel-success > .panel-heading { color: rgb(60, 118, 61); background-color: rgb(223, 240, 216); border-color: rgb(214, 233, 198); } .panel-success > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(214, 233, 198); } .panel-success > .panel-heading .badge { color: rgb(223, 240, 216); background-color: rgb(60, 118, 61); } .panel-success > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(214, 233, 198); } .panel-info { border-color: rgb(188, 232, 241); } .panel-info > .panel-heading { color: rgb(49, 112, 143); background-color: rgb(217, 237, 247); border-color: rgb(188, 232, 241); } .panel-info > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(188, 232, 241); } .panel-info > .panel-heading .badge { color: rgb(217, 237, 247); background-color: rgb(49, 112, 143); } .panel-info > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(188, 232, 241); } .panel-warning { border-color: rgb(250, 235, 204); } .panel-warning > .panel-heading { color: rgb(138, 109, 59); background-color: rgb(252, 248, 227); border-color: rgb(250, 235, 204); } .panel-warning > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(250, 235, 204); } .panel-warning > .panel-heading .badge { color: rgb(252, 248, 227); background-color: rgb(138, 109, 59); } .panel-warning > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(250, 235, 204); } .panel-danger { border-color: rgb(235, 204, 209); } .panel-danger > .panel-heading { color: rgb(169, 68, 66); background-color: rgb(242, 222, 222); border-color: rgb(235, 204, 209); } .panel-danger > .panel-heading + .panel-collapse > .panel-body { border-top-color: rgb(235, 204, 209); } .panel-danger > .panel-heading .badge { color: rgb(242, 222, 222); background-color: rgb(169, 68, 66); } .panel-danger > .panel-footer + .panel-collapse > .panel-body { border-bottom-color: rgb(235, 204, 209); } .embed-responsive { position: relative; display: block; height: 0px; padding: 0px; overflow: hidden; } .embed-responsive .embed-responsive-item, .embed-responsive iframe, .embed-responsive embed, .embed-responsive object, .embed-responsive video { position: absolute; top: 0px; left: 0px; bottom: 0px; height: 100%; width: 100%; border: 0px; } .embed-responsive-16by9 { padding-bottom: 56.25%; } .embed-responsive-4by3 { padding-bottom: 75%; } .well { min-height: 20px; padding: 19px; margin-bottom: 20px; background-color: rgb(245, 245, 245); border: 1px solid rgb(227, 227, 227); border-radius: 2px; box-shadow: rgba(0, 0, 0, 0.05) 0px 1px 1px inset; } .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: rgb(0, 0, 0); text-shadow: rgb(255, 255, 255) 0px 1px 0px; opacity: 0.2; } .close:hover, .close:focus { color: rgb(0, 0, 0); text-decoration: none; cursor: pointer; opacity: 0.5; } button.close { padding: 0px; cursor: pointer; background: transparent; border: 0px; appearance: none; } .modal-open { overflow: hidden; } .modal { display: none; overflow: hidden; position: fixed; inset: 0px; z-index: 1050; outline: 0px; } .modal.fade .modal-dialog { transform: translate(0px, -25%); transition: transform 0.3s ease-out 0s; } .modal.in .modal-dialog { transform: translate(0px, 0px); } .modal-open .modal { overflow: hidden auto; } .modal-dialog { position: relative; width: auto; margin: 10px; } .modal-content { position: relative; background-color: rgb(255, 255, 255); border: 1px solid rgba(0, 0, 0, 0.2); border-radius: 3px; box-shadow: rgba(0, 0, 0, 0.5) 0px 3px 9px; background-clip: padding-box; outline: 0px; } .modal-backdrop { position: fixed; inset: 0px; z-index: 1040; background-color: rgb(0, 0, 0); } .modal-backdrop.fade { opacity: 0; } .modal-backdrop.in { opacity: 0.5; } .modal-header { padding: 15px; border-bottom: 1px solid rgb(229, 229, 229); } .modal-header .close { margin-top: -2px; } .modal-title { margin: 0px; line-height: 1.42857; } .modal-body { position: relative; padding: 15px; } .modal-footer { padding: 15px; text-align: right; border-top: 1px solid rgb(229, 229, 229); } .modal-footer .btn + .btn { margin-left: 5px; margin-bottom: 0px; } .modal-footer .btn-group .btn + .btn { margin-left: -1px; } .modal-footer .btn-block + .btn-block { margin-left: 0px; } .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 { box-shadow: rgba(0, 0, 0, 0.5) 0px 5px 15px; } .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.42857; text-align: start; text-decoration: none; text-shadow: none; text-transform: none; white-space: normal; word-break: normal; word-spacing: normal; overflow-wrap: normal; font-size: 12px; opacity: 0; } .tooltip.in { opacity: 0.9; } .tooltip.top { margin-top: -3px; padding: 5px 0px; } .tooltip.right { margin-left: 3px; padding: 0px 5px; } .tooltip.bottom { margin-top: 3px; padding: 5px 0px; } .tooltip.left { margin-left: -3px; padding: 0px 5px; } .tooltip-inner { max-width: 200px; padding: 3px 8px; color: rgb(255, 255, 255); text-align: center; background-color: rgb(0, 0, 0); border-radius: 2px; } .tooltip-arrow { position: absolute; width: 0px; height: 0px; border-color: transparent; border-style: solid; } .tooltip.top .tooltip-arrow { bottom: 0px; left: 50%; margin-left: -5px; border-width: 5px 5px 0px; border-top-color: rgb(0, 0, 0); } .tooltip.top-left .tooltip-arrow { bottom: 0px; right: 5px; margin-bottom: -5px; border-width: 5px 5px 0px; border-top-color: rgb(0, 0, 0); } .tooltip.top-right .tooltip-arrow { bottom: 0px; left: 5px; margin-bottom: -5px; border-width: 5px 5px 0px; border-top-color: rgb(0, 0, 0); } .tooltip.right .tooltip-arrow { top: 50%; left: 0px; margin-top: -5px; border-width: 5px 5px 5px 0px; border-right-color: rgb(0, 0, 0); } .tooltip.left .tooltip-arrow { top: 50%; right: 0px; margin-top: -5px; border-width: 5px 0px 5px 5px; border-left-color: rgb(0, 0, 0); } .tooltip.bottom .tooltip-arrow { top: 0px; left: 50%; margin-left: -5px; border-width: 0px 5px 5px; border-bottom-color: rgb(0, 0, 0); } .tooltip.bottom-left .tooltip-arrow { top: 0px; right: 5px; margin-top: -5px; border-width: 0px 5px 5px; border-bottom-color: rgb(0, 0, 0); } .tooltip.bottom-right .tooltip-arrow { top: 0px; left: 5px; margin-top: -5px; border-width: 0px 5px 5px; border-bottom-color: rgb(0, 0, 0); } .popover { position: absolute; top: 0px; left: 0px; 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.42857; text-align: start; text-decoration: none; text-shadow: none; text-transform: none; white-space: normal; word-break: normal; word-spacing: normal; overflow-wrap: normal; font-size: 13px; background-color: rgb(255, 255, 255); background-clip: padding-box; border: 1px solid rgba(0, 0, 0, 0.2); border-radius: 3px; box-shadow: rgba(0, 0, 0, 0.2) 0px 5px 10px; } .popover.top { margin-top: -10px; } .popover.right { margin-left: 10px; } .popover.bottom { margin-top: 10px; } .popover.left { margin-left: -10px; } .popover-title { margin: 0px; padding: 8px 14px; font-size: 13px; background-color: rgb(247, 247, 247); border-bottom: 1px solid rgb(235, 235, 235); border-radius: 2px 2px 0px 0px; } .popover-content { padding: 9px 14px; } .popover > .arrow, .popover > .arrow::after { position: absolute; display: block; width: 0px; height: 0px; border-color: transparent; border-style: solid; } .popover > .arrow { border-width: 11px; } .popover > .arrow::after { border-width: 10px; content: ""; } .popover.top > .arrow { left: 50%; margin-left: -11px; border-bottom-width: 0px; border-top-color: rgba(0, 0, 0, 0.25); bottom: -11px; } .popover.top > .arrow::after { content: " "; bottom: 1px; margin-left: -10px; border-bottom-width: 0px; border-top-color: rgb(255, 255, 255); } .popover.right > .arrow { top: 50%; left: -11px; margin-top: -11px; border-left-width: 0px; border-right-color: rgba(0, 0, 0, 0.25); } .popover.right > .arrow::after { content: " "; left: 1px; bottom: -10px; border-left-width: 0px; border-right-color: rgb(255, 255, 255); } .popover.bottom > .arrow { left: 50%; margin-left: -11px; border-top-width: 0px; border-bottom-color: rgba(0, 0, 0, 0.25); top: -11px; } .popover.bottom > .arrow::after { content: " "; top: 1px; margin-left: -10px; border-top-width: 0px; border-bottom-color: rgb(255, 255, 255); } .popover.left > .arrow { top: 50%; right: -11px; margin-top: -11px; border-right-width: 0px; border-left-color: rgba(0, 0, 0, 0.25); } .popover.left > .arrow::after { content: " "; right: 1px; border-right-width: 0px; border-left-color: rgb(255, 255, 255); bottom: -10px; } .carousel { position: relative; } .carousel-inner { position: relative; overflow: hidden; width: 100%; } .carousel-inner > .item { display: none; position: relative; transition: left 0.6s ease-in-out 0s; } .carousel-inner > .item > img, .carousel-inner > .item > a > img { line-height: 1; } @media (transform-3d), (-webkit-transform-3d) { .carousel-inner > .item { transition: transform 0.6s ease-in-out 0s; backface-visibility: hidden; perspective: 1000px; } .carousel-inner > .item.next, .carousel-inner > .item.active.right { transform: translate3d(100%, 0px, 0px); left: 0px; } .carousel-inner > .item.prev, .carousel-inner > .item.active.left { transform: translate3d(-100%, 0px, 0px); left: 0px; } .carousel-inner > .item.next.left, .carousel-inner > .item.prev.right, .carousel-inner > .item.active { transform: translate3d(0px, 0px, 0px); left: 0px; } } .carousel-inner > .active, .carousel-inner > .next, .carousel-inner > .prev { display: block; } .carousel-inner > .active { left: 0px; } .carousel-inner > .next, .carousel-inner > .prev { position: absolute; top: 0px; width: 100%; } .carousel-inner > .next { left: 100%; } .carousel-inner > .prev { left: -100%; } .carousel-inner > .next.left, .carousel-inner > .prev.right { left: 0px; } .carousel-inner > .active.left { left: -100%; } .carousel-inner > .active.right { left: 100%; } .carousel-control { position: absolute; top: 0px; left: 0px; bottom: 0px; width: 15%; opacity: 0.5; font-size: 20px; color: rgb(255, 255, 255); text-align: center; text-shadow: rgba(0, 0, 0, 0.6) 0px 1px 2px; background-color: rgba(0, 0, 0, 0); } .carousel-control.left { background-image: linear-gradient(to right, rgba(0, 0, 0, 0.5) 0%, rgba(0, 0, 0, 0) 100%); background-repeat: repeat-x; } .carousel-control.right { left: auto; right: 0px; background-image: linear-gradient(to right, rgba(0, 0, 0, 0) 0%, rgba(0, 0, 0, 0.5) 100%); background-repeat: repeat-x; } .carousel-control:hover, .carousel-control:focus { outline: 0px; color: rgb(255, 255, 255); text-decoration: none; opacity: 0.9; } .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: 0px; list-style: none; text-align: center; } .carousel-indicators li { display: inline-block; width: 10px; height: 10px; margin: 1px; text-indent: -999px; border: 1px solid rgb(255, 255, 255); border-radius: 10px; cursor: pointer; background-color: rgba(0, 0, 0, 0); } .carousel-indicators .active { margin: 0px; width: 12px; height: 12px; background-color: rgb(255, 255, 255); } .carousel-caption { position: absolute; left: 15%; right: 15%; bottom: 20px; z-index: 10; padding-top: 20px; padding-bottom: 20px; color: rgb(255, 255, 255); text-align: center; text-shadow: rgba(0, 0, 0, 0.6) 0px 1px 2px; } .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: 0px / 0 a; color: transparent; text-shadow: none; background-color: transparent; border: 0px; } .hidden { display: none !important; } .affix { position: fixed; } .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.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"); font-weight: normal; font-style: normal; } .fa { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; } .fa-lg { font-size: 1.33333em; 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.28571em; text-align: center; } .fa-ul { padding-left: 0px; margin-left: 2.14286em; list-style-type: none; } .fa-ul > li { position: relative; } .fa-li { position: absolute; left: -2.14286em; width: 2.14286em; top: 0.142857em; text-align: center; } .fa-li.fa-lg { left: -1.85714em; } .fa-border { padding: 0.2em 0.25em 0.15em; border: 0.08em solid rgb(238, 238, 238); 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 { animation: 2s linear 0s infinite normal none running fa-spin; } .fa-pulse { animation: 1s steps(8) 0s infinite normal none running fa-spin; } @-webkit-keyframes fa-spin { 0% { transform: rotate(0deg); } 100% { transform: rotate(359deg); } } @keyframes fa-spin { 0% { transform: rotate(0deg); } 100% { transform: rotate(359deg); } } .fa-rotate-90 { transform: rotate(90deg); } .fa-rotate-180 { transform: rotate(180deg); } .fa-rotate-270 { transform: rotate(270deg); } .fa-flip-horizontal { transform: scale(-1, 1); } .fa-flip-vertical { transform: scale(1, -1); } :root .fa-rotate-90, :root .fa-rotate-180, :root .fa-rotate-270, :root .fa-flip-horizontal, :root .fa-flip-vertical { filter: none; } .fa-stack { position: relative; display: inline-block; width: 2em; height: 2em; line-height: 2em; vertical-align: middle; } .fa-stack-1x, .fa-stack-2x { position: absolute; left: 0px; width: 100%; text-align: center; } .fa-stack-1x { line-height: inherit; } .fa-stack-2x { font-size: 2em; } .fa-inverse { color: rgb(255, 255, 255); } .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: 0px; margin: -1px; overflow: hidden; clip: rect(0px, 0px, 0px, 0px); border: 0px; } .sr-only-focusable:active, .sr-only-focusable:focus { position: static; width: auto; height: auto; margin: 0px; overflow: visible; clip: auto; } .sr-only-focusable:active, .sr-only-focusable:focus { position: static; width: auto; height: auto; margin: 0px; overflow: visible; clip: auto; } .modal.fade .modal-dialog { transform: translate(0px, 0px); } code { color: rgb(0, 0, 0); } pre { font-size: inherit; line-height: inherit; } label { font-weight: normal; } .border-box-sizing { box-sizing: border-box; } .corner-all { border-radius: 2px; } .no-padding { padding: 0px; } .hbox { -webkit-box-orient: horizontal; -webkit-box-align: stretch; display: flex; flex-direction: row; align-items: stretch; } .hbox > * { -webkit-box-flex: 0; flex: 0 0 auto; } .vbox { -webkit-box-orient: vertical; -webkit-box-align: stretch; display: flex; flex-direction: column; align-items: stretch; } .vbox > * { -webkit-box-flex: 0; flex: 0 0 auto; } .hbox.reverse, .vbox.reverse, .reverse { -webkit-box-direction: reverse; flex-direction: row-reverse; } .hbox.box-flex0, .vbox.box-flex0, .box-flex0 { -webkit-box-flex: 0; flex: 0 0 auto; width: auto; } .hbox.box-flex1, .vbox.box-flex1, .box-flex1 { -webkit-box-flex: 1; flex: 1 1 0%; } .hbox.box-flex, .vbox.box-flex, .box-flex { -webkit-box-flex: 1; flex: 1 1 0%; } .hbox.box-flex2, .vbox.box-flex2, .box-flex2 { -webkit-box-flex: 2; flex: 2 1 0%; } .box-group1 { } .box-group2 { } .hbox.start, .vbox.start, .start { -webkit-box-pack: start; justify-content: flex-start; } .hbox.end, .vbox.end, .end { -webkit-box-pack: end; justify-content: flex-end; } .hbox.center, .vbox.center, .center { -webkit-box-pack: center; justify-content: center; } .hbox.baseline, .vbox.baseline, .baseline { } .hbox.stretch, .vbox.stretch, .stretch { justify-content: stretch; } .hbox.align-start, .vbox.align-start, .align-start { -webkit-box-align: start; align-items: flex-start; } .hbox.align-end, .vbox.align-end, .align-end { -webkit-box-align: end; align-items: flex-end; } .hbox.align-center, .vbox.align-center, .align-center { -webkit-box-align: center; align-items: center; } .hbox.align-baseline, .vbox.align-baseline, .align-baseline { -webkit-box-align: baseline; align-items: baseline; } .hbox.align-stretch, .vbox.align-stretch, .align-stretch { -webkit-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: rgb(255, 255, 255); position: absolute; inset: 0px; overflow: visible; } body > #header { display: none; background-color: rgb(255, 255, 255); position: relative; z-index: 100; } body > #header #header-container { display: flex; flex-direction: row; justify-content: space-between; padding: 5px; box-sizing: border-box; } body > #header .header-bar { width: 100%; height: 1px; background: rgb(231, 231, 231); 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: 0px; padding-top: 1px; padding-bottom: 1px; } [dir="rtl"] #ipython_notebook { margin-right: 10px; margin-left: 0px; } [dir="rtl"] #ipython_notebook.pull-left { float: right !important; } .flex-spacer { flex: 1 1 0%; } #noscript { width: auto; padding-top: 16px; padding-bottom: 16px; text-align: center; font-size: 22px; color: red; font-weight: bold; } #ipython_notebook img { height: 28px; } #site { width: 100%; display: none; 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: 0px 10px; } span#login_widget { float: right; } [dir="rtl"] span#login_widget { float: left; } span#login_widget > .button, #logout { color: rgb(51, 51, 51); background-color: rgb(255, 255, 255); border-color: rgb(204, 204, 204); } span#login_widget > .button:focus, #logout:focus, span#login_widget > .button.focus, #logout.focus { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(140, 140, 140); } span#login_widget > .button:hover, #logout:hover { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } 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: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } 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: rgb(51, 51, 51); background-color: rgb(212, 212, 212); border-color: rgb(140, 140, 140); } 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: rgb(255, 255, 255); border-color: rgb(204, 204, 204); } span#login_widget > .button .badge, #logout .badge { color: rgb(255, 255, 255); background-color: rgb(51, 51, 51); } .nav-header { text-transform: none; } #header > span { margin-top: 10px; } .modal_stretch .modal-dialog { -webkit-box-orient: vertical; -webkit-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 1 0%; } .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 !important; } [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: 0px; margin: 0px; } .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; } ::-webkit-file-upload-button { 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: 0px; } 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: rgb(94, 94, 94); } .list_toolbar { padding: 4px 0px; vertical-align: middle; } .list_toolbar .tree-buttons { padding-top: 1px; } [dir="rtl"] .list_toolbar .tree-buttons .pull-right { float: left !important; } [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: rgb(238, 238, 238); } .list_placeholder { font-weight: bold; padding: 4px 7px; } .list_container { margin-top: 4px; margin-bottom: 20px; border: 1px solid rgb(221, 221, 221); border-radius: 2px; } .list_container > div { border-bottom: 1px solid rgb(221, 221, 221); } .list_container > div:hover .list-item { background-color: red; } .list_container > div:last-child { border: none; } .list_item:hover .list_item { background-color: rgb(221, 221, 221); } .list_item a { text-decoration: none; } .list_item:hover { background-color: rgb(250, 250, 250); } .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: 0px; } .new-file input[type="checkbox"] { visibility: hidden; } .item_name { line-height: 22px; height: 24px; } .item_icon { font-size: 14px; color: rgb(94, 94, 94); 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 !important; } .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: rgb(92, 184, 92); } .item_buttons .kernel-name { padding-top: 4px; color: rgb(91, 192, 222); margin-right: 7px; float: left; } [dir="rtl"] .item_buttons.pull-right { float: left !important; } [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: 0px; } .highlight_text { color: blue; } #project_name { display: inline-block; padding-left: 7px; margin-left: -2px; } #project_name > .breadcrumb { padding: 0px; margin-bottom: 0px; background-color: transparent; font-weight: bold; } .sort_button { display: inline-block; padding-left: 7px; } [dir="rtl"] .sort_button.pull-right { float: left !important; } #tree-selector { padding-right: 0px; } #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 !important; } .menu_icon { margin-right: 2px; } .tab-content .row { margin-left: 0px; margin-right: 0px; } .folder_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .notebook_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; position: relative; top: -1px; } .running_notebook_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; position: relative; top: -1px; color: rgb(92, 184, 92); } .file_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; position: relative; top: -2px; } #notebook_toolbar .pull-right { padding-top: 0px; margin-right: -1px; } ul#new-menu { left: auto; right: 0px; } #new-menu .dropdown-header { font-size: 10px; border-bottom: 1px solid rgb(229, 229, 229); padding: 0px 0px 3px; margin: -3px 20px 0px; } .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: rgb(238, 238, 238); 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: 0px; } #running .panel-group .panel .panel-body .list_container { margin-top: 0px; margin-bottom: 0px; border: 0px; border-radius: 0px; } #running .panel-group .panel .panel-body .list_container .list_item { border-bottom: 1px solid rgb(221, 221, 221); } #running .panel-group .panel .panel-body .list_container .list_item:last-child { border-bottom: 0px; } .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: 0px 5px; } .selected-keymap i.fa::before { content: "?"; } #mode-menu { overflow: auto; max-height: 20em; } .edit_app #header { box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; } .edit_app #menubar .navbar { margin-bottom: -1px; } .dirty-indicator { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; 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-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; 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-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; 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-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } #filename { font-size: 16pt; display: table; padding: 0px 5px; } #current-mode { padding-left: 5px; padding-right: 5px; } #texteditor-backdrop { padding-top: 20px; padding-bottom: 20px; } @media not print { #texteditor-backdrop { background-color: rgb(238, 238, 238); } } @media print { #texteditor-backdrop #texteditor-container .CodeMirror-gutter, #texteditor-backdrop #texteditor-container .CodeMirror-gutters { background-color: rgb(255, 255, 255); } } @media not print { #texteditor-backdrop #texteditor-container .CodeMirror-gutter, #texteditor-backdrop #texteditor-container .CodeMirror-gutters { background-color: rgb(255, 255, 255); } } @media not print { #texteditor-backdrop #texteditor-container { padding: 0px; background-color: rgb(255, 255, 255); box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; } } .CodeMirror-dialog { background-color: rgb(255, 255, 255); } .ansi-black-fg { color: rgb(62, 66, 77); } .ansi-black-bg { background-color: rgb(62, 66, 77); } .ansi-black-intense-fg { color: rgb(40, 44, 54); } .ansi-black-intense-bg { background-color: rgb(40, 44, 54); } .ansi-red-fg { color: rgb(231, 92, 88); } .ansi-red-bg { background-color: rgb(231, 92, 88); } .ansi-red-intense-fg { color: rgb(178, 43, 49); } .ansi-red-intense-bg { background-color: rgb(178, 43, 49); } .ansi-green-fg { color: rgb(0, 162, 80); } .ansi-green-bg { background-color: rgb(0, 162, 80); } .ansi-green-intense-fg { color: rgb(0, 116, 39); } .ansi-green-intense-bg { background-color: rgb(0, 116, 39); } .ansi-yellow-fg { color: rgb(221, 182, 43); } .ansi-yellow-bg { background-color: rgb(221, 182, 43); } .ansi-yellow-intense-fg { color: rgb(178, 125, 18); } .ansi-yellow-intense-bg { background-color: rgb(178, 125, 18); } .ansi-blue-fg { color: rgb(32, 143, 251); } .ansi-blue-bg { background-color: rgb(32, 143, 251); } .ansi-blue-intense-fg { color: rgb(0, 101, 202); } .ansi-blue-intense-bg { background-color: rgb(0, 101, 202); } .ansi-magenta-fg { color: rgb(209, 96, 196); } .ansi-magenta-bg { background-color: rgb(209, 96, 196); } .ansi-magenta-intense-fg { color: rgb(160, 49, 150); } .ansi-magenta-intense-bg { background-color: rgb(160, 49, 150); } .ansi-cyan-fg { color: rgb(96, 198, 200); } .ansi-cyan-bg { background-color: rgb(96, 198, 200); } .ansi-cyan-intense-fg { color: rgb(37, 143, 143); } .ansi-cyan-intense-bg { background-color: rgb(37, 143, 143); } .ansi-white-fg { color: rgb(197, 193, 180); } .ansi-white-bg { background-color: rgb(197, 193, 180); } .ansi-white-intense-fg { color: rgb(161, 166, 178); } .ansi-white-intense-bg { background-color: rgb(161, 166, 178); } .ansi-default-inverse-fg { color: rgb(255, 255, 255); } .ansi-default-inverse-bg { background-color: rgb(0, 0, 0); } .ansi-bold { font-weight: bold; } .ansi-underline { text-decoration: underline; } .ansibold { font-weight: bold; } .ansi-inverse { outline: dotted 0.5px; } .ansiblack { color: black; } .ansired { color: darkred; } .ansigreen { color: darkgreen; } .ansiyellow { color: rgb(196, 160, 0); } .ansiblue { color: darkblue; } .ansipurple { color: darkviolet; } .ansicyan { color: steelblue; } .ansigray { color: gray; } .ansibgblack { background-color: black; } .ansibgred { background-color: red; } .ansibggreen { background-color: green; } .ansibgyellow { background-color: yellow; } .ansibgblue { background-color: blue; } .ansibgpurple { background-color: magenta; } .ansibgcyan { background-color: cyan; } .ansibggray { background-color: gray; } div.cell { -webkit-box-orient: vertical; -webkit-box-align: stretch; display: flex; flex-direction: column; align-items: stretch; border-radius: 2px; box-sizing: border-box; border-width: 1px; border-style: solid; border-color: transparent; width: 100%; padding: 5px; margin: 0px; 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: transparent; } div.cell.jupyter-soft-selected { border-left-color: rgb(227, 242, 253); border-left-width: 1px; padding-left: 5px; border-right-color: rgb(227, 242, 253); border-right-width: 1px; background: rgb(227, 242, 253); } @media print { div.cell.jupyter-soft-selected { border-color: transparent; } } div.cell.selected, div.cell.selected.jupyter-soft-selected { border-color: rgb(171, 171, 171); } 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: rgb(66, 165, 245); } @media print { div.cell.selected, div.cell.selected.jupyter-soft-selected { border-color: transparent; } } .edit_mode div.cell.selected { border-color: rgb(102, 187, 106); } .edit_mode div.cell.selected::before { position: absolute; display: block; top: -1px; left: -1px; width: 5px; height: calc(100% + 2px); content: ""; background: rgb(102, 187, 106); } @media print { .edit_mode div.cell.selected { border-color: transparent; } } .prompt { min-width: 14ex; padding: 0.4em; margin: 0px; font-family: monospace; text-align: right; line-height: 1.21429em; user-select: none; cursor: default; } @media (max-width: 540px) { .prompt { text-align: left; } } div.inner_cell { min-width: 0px; -webkit-box-orient: vertical; -webkit-box-align: stretch; display: flex; flex-direction: column; align-items: stretch; -webkit-box-flex: 1; flex: 1 1 0%; } div.input_area { border: 1px solid rgb(207, 207, 207); border-radius: 2px; background: rgb(247, 247, 247); line-height: 1.21429em; } div.prompt:empty { padding-top: 0px; padding-bottom: 0px; } div.unrecognized_cell { padding: 5px 5px 5px 0px; -webkit-box-orient: horizontal; -webkit-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: red; border: 1px solid rgb(207, 207, 207); background: rgb(234, 234, 234); } 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 { break-inside: avoid; } } div.input { break-inside: avoid; -webkit-box-orient: horizontal; -webkit-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; display: flex; flex-direction: column; align-items: stretch; } } div.input_prompt { color: rgb(48, 63, 159); border-top: 1px solid transparent; } div.input_area > div.highlight { margin: 0.4em; border: none; padding: 0px; background-color: transparent; } div.input_area > div.highlight > pre { margin: 0px; border: none; padding: 0px; background-color: transparent; } .CodeMirror { line-height: 1.21429em; font-size: 14px; height: auto; background: none; } .CodeMirror-scroll { overflow: auto hidden; } .CodeMirror-lines { padding: 0.4em 0px; } .CodeMirror-linenumber { padding: 0px 8px 0px 4px; } .CodeMirror-gutters { border-bottom-left-radius: 2px; border-top-left-radius: 2px; } .CodeMirror pre { padding: 0px 0.4em; border: 0px; border-radius: 0px; } .CodeMirror-cursor { border-left: 1.4px solid black; } @media screen and (min-width: 2138px) and (max-width: 4319px) { .CodeMirror-cursor { border-left: 2px solid black; } } @media screen and (min-width: 4320px) { .CodeMirror-cursor { border-left: 4px solid black; } } .highlight-base { color: rgb(0, 0, 0); } .highlight-variable { color: rgb(0, 0, 0); } .highlight-variable-2 { color: rgb(26, 26, 26); } .highlight-variable-3 { color: rgb(51, 51, 51); } .highlight-string { color: rgb(186, 33, 33); } .highlight-comment { color: rgb(64, 128, 128); font-style: italic; } .highlight-number { color: rgb(0, 136, 0); } .highlight-atom { color: rgb(136, 136, 255); } .highlight-keyword { color: rgb(0, 128, 0); font-weight: bold; } .highlight-builtin { color: rgb(0, 128, 0); } .highlight-error { color: rgb(255, 0, 0); } .highlight-operator { color: rgb(170, 34, 255); font-weight: bold; } .highlight-meta { color: rgb(170, 34, 255); } .highlight-def { color: rgb(0, 0, 255); } .highlight-string-2 { color: rgb(255, 85, 0); } .highlight-qualifier { color: rgb(85, 85, 85); } .highlight-bracket { color: rgb(153, 153, 119); } .highlight-tag { color: rgb(17, 119, 0); } .highlight-attribute { color: rgb(0, 0, 204); } .highlight-header { color: blue; } .highlight-quote { color: rgb(0, 153, 0); } .highlight-link { color: rgb(0, 0, 204); } .cm-s-ipython span.cm-keyword { color: rgb(0, 128, 0); font-weight: bold; } .cm-s-ipython span.cm-atom { color: rgb(136, 136, 255); } .cm-s-ipython span.cm-number { color: rgb(0, 136, 0); } .cm-s-ipython span.cm-def { color: rgb(0, 0, 255); } .cm-s-ipython span.cm-variable { color: rgb(0, 0, 0); } .cm-s-ipython span.cm-operator { color: rgb(170, 34, 255); font-weight: bold; } .cm-s-ipython span.cm-variable-2 { color: rgb(26, 26, 26); } .cm-s-ipython span.cm-variable-3 { color: rgb(51, 51, 51); } .cm-s-ipython span.cm-comment { color: rgb(64, 128, 128); font-style: italic; } .cm-s-ipython span.cm-string { color: rgb(186, 33, 33); } .cm-s-ipython span.cm-string-2 { color: rgb(255, 85, 0); } .cm-s-ipython span.cm-meta { color: rgb(170, 34, 255); } .cm-s-ipython span.cm-qualifier { color: rgb(85, 85, 85); } .cm-s-ipython span.cm-builtin { color: rgb(0, 128, 0); } .cm-s-ipython span.cm-bracket { color: rgb(153, 153, 119); } .cm-s-ipython span.cm-tag { color: rgb(17, 119, 0); } .cm-s-ipython span.cm-attribute { color: rgb(0, 0, 204); } .cm-s-ipython span.cm-header { color: blue; } .cm-s-ipython span.cm-quote { color: rgb(0, 153, 0); } .cm-s-ipython span.cm-link { color: rgb(0, 0, 204); } .cm-s-ipython span.cm-error { color: rgb(255, 0, 0); } .cm-s-ipython span.cm-tab { background: url("data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAADAAAAAMCAYAAAAkuj5RAAAAAXNSR0IArs4c6QAAAGFJREFUSMft1LsRQFAQheHPowAKoACx3IgEKtaEHujDjORSgWTH/ZOdnZOcM/sgk/kFFWY0qV8foQwS4MKBCS3qR6ixBJvElOobYAtivseIE120FaowJPN75GMu8j/LfMwNjh4HUpwg4LUAAAAASUVORK5CYII=") right center no-repeat; } div.output_wrapper { position: relative; -webkit-box-orient: vertical; -webkit-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; box-shadow: rgba(0, 0, 0, 0.8) 0px 2px 8px inset; display: block; } div.output_collapsed { margin: 0px; padding: 0px; -webkit-box-orient: vertical; -webkit-box-align: stretch; display: flex; flex-direction: column; align-items: stretch; } div.out_prompt_overlay { height: 100%; padding: 0px 0.4em; position: absolute; border-radius: 2px; } div.out_prompt_overlay:hover { box-shadow: rgb(0, 0, 0) 0px 0px 1px inset; background: rgba(240, 240, 240, 0.5); } div.output_prompt { color: rgb(216, 67, 21); } div.output_area { padding: 0px; break-inside: avoid; -webkit-box-orient: horizontal; -webkit-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: 0px; margin-right: 0px; } div.output_area .rendered_html img { margin-left: 0px; margin-right: 0px; } 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; display: flex; flex-direction: column; align-items: stretch; } @media (max-width: 540px) { div.output_area { -webkit-box-orient: vertical; -webkit-box-align: stretch; display: flex; flex-direction: column; align-items: stretch; } } div.output_area pre { margin: 0px; padding: 1px 0px; border: 0px; vertical-align: baseline; color: black; background-color: transparent; border-radius: 0px; } div.output_subarea { overflow-x: auto; padding: 0.4em; -webkit-box-flex: 1; flex: 1 1 0%; max-width: calc(100% - 14ex); } div.output_scroll div.output_subarea { overflow-x: visible; } div.output_text { text-align: left; color: rgb(0, 0, 0); line-height: 1.21429em; } div.output_stderr { background: rgb(255, 221, 221); } div.output_latex { text-align: left; } div.output_javascript:empty { padding: 0px; } .js-error { color: darkred; } 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: 0em 0.25em; margin: 0em 0.25em; } input.raw_input:focus { box-shadow: none; } p.p-space { margin-bottom: 10px; } div.output_unrecognized { padding: 5px; font-weight: bold; color: red; } div.output_unrecognized a { color: inherit; text-decoration: none; } div.output_unrecognized a:hover { color: inherit; text-decoration: none; } .rendered_html { color: rgb(0, 0, 0); } .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 0px 0px; font-weight: bold; line-height: 1; } .rendered_html h2 { font-size: 157.1%; margin: 1.27em 0px 0px; font-weight: bold; line-height: 1; } .rendered_html h3 { font-size: 128.6%; margin: 1.55em 0px 0px; font-weight: bold; line-height: 1; } .rendered_html h4 { font-size: 100%; margin: 2em 0px 0px; font-weight: bold; line-height: 1; } .rendered_html h5 { font-size: 100%; margin: 2em 0px 0px; font-weight: bold; line-height: 1; font-style: italic; } .rendered_html h6 { font-size: 100%; margin: 2em 0px 0px; 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: 0px; } .rendered_html ul ul ul { list-style: circle; } .rendered_html ol { list-style: decimal; } .rendered_html ol ol { list-style: upper-alpha; margin-top: 0px; } .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: black; background-color: black; } .rendered_html pre { margin: 1em 2em; padding: 0px; background-color: rgb(255, 255, 255); } .rendered_html code { background-color: rgb(239, 240, 241); } .rendered_html p code { padding: 1px 5px; } .rendered_html pre code { background-color: rgb(255, 255, 255); } .rendered_html pre, .rendered_html code { border: 0px; color: rgb(0, 0, 0); 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: 0px; color: black; font-size: 12px; table-layout: fixed; } .rendered_html thead { border-bottom: 1px solid black; 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: rgb(245, 245, 245); } .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; 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: rgb(0, 0, 0); box-sizing: border-box; } a.anchor-link:link { text-decoration: none; padding: 0px 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: auto 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 rgb(186, 186, 186); 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: 0px; padding-right: 0px; } } #ipython-main-app { box-sizing: border-box; height: 100%; } div#notebook_panel { margin: 0px; padding: 0px; box-sizing: border-box; height: 100%; } div#notebook { font-size: 14px; line-height: 20px; overflow: auto hidden; width: 100%; padding-top: 20px; margin: 0px; outline: none; box-sizing: border-box; min-height: 100%; } @media not print { #notebook-container { padding: 15px; background-color: rgb(255, 255, 255); min-height: 0px; box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; } } @media print { #notebook-container { width: 100%; } } div.ui-widget-content { border: 1px solid rgb(171, 171, 171); outline: none; } pre.dialog { background-color: rgb(247, 247, 247); border: 1px solid rgb(221, 221, 221); 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: 0px; } .end_space { min-height: 100px; transition: height 0.2s ease 0s; } .notebook_app > #header { box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; } @media not print { .notebook_app { background-color: rgb(238, 238, 238); } } 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 gray; } .jupyter-keybindings input { margin: 0px; padding: 0px; border: none; } .jupyter-keybindings i { padding: 6px; } .well code { background-color: rgb(255, 255, 255); border-color: rgb(171, 171, 171); border-width: 1px; border-style: solid; padding: 1px 2px; } .celltoolbar { border-top: thin solid rgb(207, 207, 207); border-right: thin solid rgb(207, 207, 207); border-left: thin solid rgb(207, 207, 207); border-image: initial; border-bottom: none; background: rgb(238, 238, 238); border-radius: 2px 2px 0px 0px; width: 100%; height: 29px; padding-right: 4px; -webkit-box-orient: horizontal; -webkit-box-align: stretch; flex-direction: row; align-items: stretch; -webkit-box-pack: end; justify-content: flex-end; display: -webkit-flex; } @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: 0px; border-top-left-radius: 0px; } .ctb_global_show .ctb_show ~ div.text_cell_render { border: 1px solid rgb(207, 207, 207); } .celltoolbar { font-size: 87%; padding-top: 3px; } .celltoolbar select { color: rgb(85, 85, 85); background-color: rgb(255, 255, 255); background-image: none; border: 1px solid rgb(204, 204, 204); box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset; transition: border-color 0.15s ease-in-out 0s, box-shadow 0.15s ease-in-out 0s; line-height: 1.5; border-radius: 1px; width: inherit; font-size: inherit; height: 22px; padding: 0px; display: inline-block; } .celltoolbar select:focus { border-color: rgb(102, 175, 233); outline: 0px; box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgba(102, 175, 233, 0.6) 0px 0px 8px; } .celltoolbar select::-webkit-input-placeholder { color: rgb(153, 153, 153); } .celltoolbar select[disabled], .celltoolbar select[readonly], fieldset[disabled] .celltoolbar select { background-color: rgb(238, 238, 238); 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: 0px 4px; } .remove-tag-btn { margin-left: 4px; } .tags-input { display: flex; } .cell-tag:last-child::after { content: ""; position: absolute; right: 0px; width: 40px; height: 100%; background: linear-gradient(to right, rgba(0, 0, 0, 0), rgb(238, 238, 238)); } .tags-input > * { margin-left: 4px; } .cell-tag, .tags-input input, .tags-input button { color: rgb(85, 85, 85); background-color: rgb(255, 255, 255); background-image: none; border: 1px solid rgb(204, 204, 204); transition: border-color 0.15s ease-in-out 0s, box-shadow 0.15s ease-in-out 0s; border-radius: 1px; box-shadow: none; width: inherit; font-size: inherit; height: 22px; line-height: 22px; padding: 0px 4px; display: inline-block; } .cell-tag:focus, .tags-input input:focus, .tags-input button:focus { border-color: rgb(102, 175, 233); outline: 0px; box-shadow: rgba(0, 0, 0, 0.075) 0px 1px 1px inset, rgba(102, 175, 233, 0.6) 0px 0px 8px; } .cell-tag::-webkit-input-placeholder, .tags-input input::-webkit-input-placeholder, .tags-input button::-webkit-input-placeholder { color: rgb(153, 153, 153); } .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: rgb(238, 238, 238); 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: 0px 4px; } .cell-tag { background-color: rgb(255, 255, 255); white-space: nowrap; } .tags-input input[type="text"]:focus { outline: none; box-shadow: none; border-color: rgb(204, 204, 204); } .completions { position: absolute; z-index: 110; overflow: hidden; border: 1px solid rgb(171, 171, 171); border-radius: 2px; box-shadow: rgb(173, 173, 173) 0px 6px 10px -1px; line-height: 1; } .completions select { background: white; outline: none; border: none; padding: 0px; margin: 0px; overflow: auto; font-family: monospace; font-size: 110%; color: rgb(0, 0, 0); width: auto; } .completions select option.context { color: rgb(40, 96, 144); } #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 !important; } .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 1 0%; } #menubar { box-sizing: border-box; margin-top: 1px; } #menubar .navbar { border-top: 1px; border-radius: 0px 0px 2px 2px; margin-bottom: 0px; } #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: 0px; } [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: 0px; } .nav-wrapper { border-bottom: 1px solid rgb(231, 231, 231); } i.menu-icon { padding-top: 4px; } [dir="rtl"] i.menu-icon.pull-right { float: left !important; } 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: 0px; margin-left: -1.2em; } [dir="rtl"] ul#help_menu li a i.pull-right { float: left !important; } .dropdown-submenu { position: relative; } .dropdown-submenu > .dropdown-menu { top: 0px; 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 { font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; display: block; content: "?"; float: right; color: rgb(51, 51, 51); margin-top: 2px; margin-right: -10px; } [dir="rtl"] .dropdown-submenu > a::after { float: left; content: "?"; margin-right: 0px; margin-left: -10px; } .dropdown-submenu:hover > a::after { color: rgb(38, 38, 38); } .dropdown-submenu.pull-left { float: none; } .dropdown-submenu.pull-left > .dropdown-menu { left: -100%; margin-left: 10px; } #notification_area { z-index: 10; float: right !important; } [dir="rtl"] #notification_area { float: left !important; } .indicator_area { color: rgb(119, 119, 119); margin-left: 5px; margin-right: 5px; z-index: 10; text-align: center; width: auto; float: right !important; } [dir="rtl"] .indicator_area { float: left !important; } #kernel_indicator { color: rgb(119, 119, 119); margin-left: 5px; margin-right: 5px; z-index: 10; text-align: center; width: auto; border-left: 1px solid; float: right !important; } #kernel_indicator .kernel_indicator_name { padding-left: 5px; padding-right: 5px; } [dir="rtl"] #kernel_indicator { border-left: 0px; border-right: 1px solid; float: left !important; } #modal_indicator { color: rgb(119, 119, 119); margin-left: 5px; margin-right: 5px; z-index: 10; text-align: center; width: auto; float: right !important; } [dir="rtl"] #modal_indicator { float: left !important; } #readonly-indicator { color: rgb(119, 119, 119); z-index: 10; text-align: center; width: auto; margin: 2px 0px 0px; display: none; float: right !important; } .modal_indicator::before { width: 1.28571em; text-align: center; } .edit_mode .modal_indicator::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .command_mode .modal_indicator::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: " "; } .kernel_idle_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .kernel_busy_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .kernel_dead_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .kernel_disconnected_icon::before { display: inline-block; font-style: normal; font-variant: normal; font-kerning: auto; font-optical-sizing: auto; font-feature-settings: normal; font-variation-settings: normal; font-weight: normal; font-stretch: normal; line-height: 1; font-family: FontAwesome; font-size: inherit; text-rendering: auto; -webkit-font-smoothing: antialiased; content: "?"; } .notification_widget { z-index: 10; background: rgb(255, 255, 255); margin-right: 4px; color: rgb(51, 51, 51); border-color: rgb(204, 204, 204); } .notification_widget:focus, .notification_widget.focus { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(140, 140, 140); } .notification_widget:hover { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } .notification_widget:active, .notification_widget.active, .open > .dropdown-toggle.notification_widget { color: rgb(51, 51, 51); background-color: rgb(230, 230, 230); border-color: rgb(173, 173, 173); } .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: rgb(51, 51, 51); background-color: rgb(212, 212, 212); border-color: rgb(140, 140, 140); } .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: rgb(255, 255, 255); border-color: rgb(204, 204, 204); } .notification_widget .badge { color: rgb(255, 255, 255); background-color: rgb(51, 51, 51); } .notification_widget.warning { color: rgb(255, 255, 255); background-color: rgb(240, 173, 78); border-color: rgb(238, 162, 54); } .notification_widget.warning:focus, .notification_widget.warning.focus { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(152, 95, 13); } .notification_widget.warning:hover { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(213, 133, 18); } .notification_widget.warning:active, .notification_widget.warning.active, .open > .dropdown-toggle.notification_widget.warning { color: rgb(255, 255, 255); background-color: rgb(236, 151, 31); border-color: rgb(213, 133, 18); } .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: rgb(255, 255, 255); background-color: rgb(213, 133, 18); border-color: rgb(152, 95, 13); } .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: rgb(240, 173, 78); border-color: rgb(238, 162, 54); } .notification_widget.warning .badge { color: rgb(240, 173, 78); background-color: rgb(255, 255, 255); } .notification_widget.success { color: rgb(255, 255, 255); background-color: rgb(92, 184, 92); border-color: rgb(76, 174, 76); } .notification_widget.success:focus, .notification_widget.success.focus { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(37, 86, 37); } .notification_widget.success:hover { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(57, 132, 57); } .notification_widget.success:active, .notification_widget.success.active, .open > .dropdown-toggle.notification_widget.success { color: rgb(255, 255, 255); background-color: rgb(68, 157, 68); border-color: rgb(57, 132, 57); } .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: rgb(255, 255, 255); background-color: rgb(57, 132, 57); border-color: rgb(37, 86, 37); } .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: rgb(92, 184, 92); border-color: rgb(76, 174, 76); } .notification_widget.success .badge { color: rgb(92, 184, 92); background-color: rgb(255, 255, 255); } .notification_widget.info { color: rgb(255, 255, 255); background-color: rgb(91, 192, 222); border-color: rgb(70, 184, 218); } .notification_widget.info:focus, .notification_widget.info.focus { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(27, 109, 133); } .notification_widget.info:hover { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(38, 154, 188); } .notification_widget.info:active, .notification_widget.info.active, .open > .dropdown-toggle.notification_widget.info { color: rgb(255, 255, 255); background-color: rgb(49, 176, 213); border-color: rgb(38, 154, 188); } .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: rgb(255, 255, 255); background-color: rgb(38, 154, 188); border-color: rgb(27, 109, 133); } .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: rgb(91, 192, 222); border-color: rgb(70, 184, 218); } .notification_widget.info .badge { color: rgb(91, 192, 222); background-color: rgb(255, 255, 255); } .notification_widget.danger { color: rgb(255, 255, 255); background-color: rgb(217, 83, 79); border-color: rgb(212, 63, 58); } .notification_widget.danger:focus, .notification_widget.danger.focus { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(118, 28, 25); } .notification_widget.danger:hover { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(172, 41, 37); } .notification_widget.danger:active, .notification_widget.danger.active, .open > .dropdown-toggle.notification_widget.danger { color: rgb(255, 255, 255); background-color: rgb(201, 48, 44); border-color: rgb(172, 41, 37); } .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: rgb(255, 255, 255); background-color: rgb(172, 41, 37); border-color: rgb(118, 28, 25); } .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: rgb(217, 83, 79); border-color: rgb(212, 63, 58); } .notification_widget.danger .badge { color: rgb(217, 83, 79); background-color: rgb(255, 255, 255); } div#pager { background-color: rgb(255, 255, 255); font-size: 14px; line-height: 20px; overflow: hidden; display: none; position: fixed; bottom: 0px; width: 100%; max-height: 50%; padding-top: 8px; box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; z-index: 100; top: auto !important; } div#pager pre { line-height: 1.21429em; color: rgb(0, 0, 0); background-color: rgb(247, 247, 247); 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 0px; box-sizing: border-box; } div#pager .ui-resizable-handle { top: 0px; height: 8px; background: rgb(247, 247, 247); border-top: 1px solid rgb(207, 207, 207); border-bottom: 1px solid rgb(207, 207, 207); } div#pager .ui-resizable-handle::after { content: ""; top: 2px; left: 50%; height: 3px; width: 30px; margin-left: -15px; position: absolute; border-top: 1px solid rgb(207, 207, 207); } .quickhelp { -webkit-box-orient: horizontal; -webkit-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; flex: 1 1 0%; } span.save_widget { height: 30px; margin-top: 4px; display: flex; justify-content: flex-start; align-items: baseline; width: 50%; flex: 1 1 0%; } 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: rgb(230, 230, 230); } [dir="rtl"] span.save_widget.pull-left { float: right !important; } [dir="rtl"] span.save_widget span.filename { margin-left: 0px; margin-right: 16px; } span.checkpoint_status, span.autosave_status { font-size: small; white-space: nowrap; padding: 0px 5px; } @media (max-width: 767px) { span.save_widget { font-size: small; padding: 0px 0px 0px 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: 0px; margin-left: -5px; margin-top: 2px; margin-bottom: 5px; box-sizing: border-box; } .toolbar select, .toolbar label { width: auto; vertical-align: middle; margin-bottom: 0px; display: inline; font-size: 92%; margin-left: 0.3em; margin-right: 0.3em; padding: 3px 0px 0px; } .toolbar .btn { padding: 2px 8px; } .toolbar .btn-group { margin-top: 0px; margin-left: 5px; } .toolbar-btn-label { margin-left: 6px; } #maintoolbar { margin-bottom: -3px; margin-top: -8px; border: 0px; min-height: 27px; margin-left: 0px; padding-top: 11px; padding-bottom: 3px; } #maintoolbar .navbar-text { float: none; vertical-align: middle; text-align: right; margin-left: 5px; margin-right: 0px; margin-top: 0px; } .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: rgb(243, 118, 38); color: white; } @-webkit-keyframes fadeOut { 0% { opacity: 1; } 100% { opacity: 0; } } @-webkit-keyframes fadeIn { 0% { opacity: 0; } 100% { opacity: 1; } } .bigtooltip { overflow: auto; height: 200px; transition-property: height; transition-duration: 500ms; } .smalltooltip { transition-property: height; transition-duration: 500ms; text-overflow: ellipsis; overflow: hidden; height: 80px; } .tooltipbuttons { position: absolute; padding-right: 15px; top: 0px; right: 0px; } .tooltiptext { padding-right: 30px; } .ipython_tooltip { max-width: 700px; animation: 400ms ease 0s 1 normal none running fadeIn; vertical-align: middle; background-color: rgb(247, 247, 247); overflow: visible; border: 1px solid rgb(171, 171, 171); outline: none; padding: 3px 3px 3px 7px; margin: 0px; font-family: monospace; min-height: 50px; box-shadow: rgb(173, 173, 173) 0px 6px 10px -1px; border-radius: 2px; position: absolute; z-index: 1000; } .ipython_tooltip a { float: right; } .ipython_tooltip .tooltiptext pre { border: 0px; border-radius: 0px; font-size: 100%; background-color: rgb(247, 247, 247); } .pretooltiparrow { left: 0px; margin: 0px; top: -16px; width: 40px; height: 16px; overflow: hidden; position: absolute; } .pretooltiparrow::before { background-color: rgb(247, 247, 247); border: 1px solid rgb(171, 171, 171); z-index: 11; content: ""; position: absolute; left: 15px; top: 10px; width: 25px; height: 25px; transform: rotate(45deg); } ul.typeahead-list i { margin-left: -10px; width: 18px; } [dir="rtl"] ul.typeahead-list i { margin-left: 0px; 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 !important; } [dir="rtl"] .typeahead-list { text-align: right; } .cmd-palette .modal-body { padding: 7px; } .cmd-palette form { background: white; } .cmd-palette input { outline: none; } .no-shortcut { min-width: 20px; color: transparent; } [dir="rtl"] .no-shortcut.pull-right { float: left !important; } [dir="rtl"] .command-shortcut.pull-right { float: left !important; } .command-shortcut::before { content: "(command mode)"; padding-right: 3px; color: rgb(119, 119, 119); } .edit-shortcut::before { content: "(edit)"; padding-right: 3px; color: rgb(119, 119, 119); } [dir="rtl"] .edit-shortcut.pull-right { float: left !important; } #find-and-replace #replace-preview .match, #find-and-replace #replace-preview .insert { background-color: rgb(187, 222, 251); border-color: rgb(144, 202, 249); border-style: solid; border-width: 1px; border-radius: 0px; } [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: rgb(255, 205, 210); border-color: rgb(239, 154, 154); border-radius: 0px; } #find-and-replace #replace-preview .replace .insert { background-color: rgb(200, 230, 201); border-color: rgb(165, 214, 167); border-radius: 0px; } #find-and-replace #replace-preview { max-height: 60vh; overflow: auto; } #find-and-replace #replace-preview pre { padding: 5px 10px; } .terminal-app { background: rgb(238, 238, 238); } .terminal-app #header { background: rgb(255, 255, 255); box-shadow: rgba(87, 87, 87, 0.2) 0px 0px 12px 1px; } .terminal-app .terminal { width: 100%; float: left; font-family: monospace; color: white; background: black; padding: 0.4em; border-radius: 2px; box-shadow: rgba(87, 87, 87, 0.4) 0px 0px 12px 1px; } .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: black; background: white; } .terminal-app #terminado-container { margin-top: 20px; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-bc1e7199-8320-4d4d-b0f6-5058fbd2083d@mhtml.blink @charset "utf-8"; .highlight .hll { background-color: rgb(255, 255, 204); } .highlight { background: rgb(248, 248, 248); } .highlight .c { color: rgb(64, 128, 128); font-style: italic; } .highlight .err { border: 1px solid rgb(255, 0, 0); } .highlight .k { color: rgb(0, 128, 0); font-weight: bold; } .highlight .o { color: rgb(102, 102, 102); } .highlight .ch { color: rgb(64, 128, 128); font-style: italic; } .highlight .cm { color: rgb(64, 128, 128); font-style: italic; } .highlight .cp { color: rgb(188, 122, 0); } .highlight .cpf { color: rgb(64, 128, 128); font-style: italic; } .highlight .c1 { color: rgb(64, 128, 128); font-style: italic; } .highlight .cs { color: rgb(64, 128, 128); font-style: italic; } .highlight .gd { color: rgb(160, 0, 0); } .highlight .ge { font-style: italic; } .highlight .gr { color: rgb(255, 0, 0); } .highlight .gh { color: rgb(0, 0, 128); font-weight: bold; } .highlight .gi { color: rgb(0, 160, 0); } .highlight .go { color: rgb(136, 136, 136); } .highlight .gp { color: rgb(0, 0, 128); font-weight: bold; } .highlight .gs { font-weight: bold; } .highlight .gu { color: rgb(128, 0, 128); font-weight: bold; } .highlight .gt { color: rgb(0, 68, 221); } .highlight .kc { color: rgb(0, 128, 0); font-weight: bold; } .highlight .kd { color: rgb(0, 128, 0); font-weight: bold; } .highlight .kn { color: rgb(0, 128, 0); font-weight: bold; } .highlight .kp { color: rgb(0, 128, 0); } .highlight .kr { color: rgb(0, 128, 0); font-weight: bold; } .highlight .kt { color: rgb(176, 0, 64); } .highlight .m { color: rgb(102, 102, 102); } .highlight .s { color: rgb(186, 33, 33); } .highlight .na { color: rgb(125, 144, 41); } .highlight .nb { color: rgb(0, 128, 0); } .highlight .nc { color: rgb(0, 0, 255); font-weight: bold; } .highlight .no { color: rgb(136, 0, 0); } .highlight .nd { color: rgb(170, 34, 255); } .highlight .ni { color: rgb(153, 153, 153); font-weight: bold; } .highlight .ne { color: rgb(210, 65, 58); font-weight: bold; } .highlight .nf { color: rgb(0, 0, 255); } .highlight .nl { color: rgb(160, 160, 0); } .highlight .nn { color: rgb(0, 0, 255); font-weight: bold; } .highlight .nt { color: rgb(0, 128, 0); font-weight: bold; } .highlight .nv { color: rgb(25, 23, 124); } .highlight .ow { color: rgb(170, 34, 255); font-weight: bold; } .highlight .w { color: rgb(187, 187, 187); } .highlight .mb { color: rgb(102, 102, 102); } .highlight .mf { color: rgb(102, 102, 102); } .highlight .mh { color: rgb(102, 102, 102); } .highlight .mi { color: rgb(102, 102, 102); } .highlight .mo { color: rgb(102, 102, 102); } .highlight .sa { color: rgb(186, 33, 33); } .highlight .sb { color: rgb(186, 33, 33); } .highlight .sc { color: rgb(186, 33, 33); } .highlight .dl { color: rgb(186, 33, 33); } .highlight .sd { color: rgb(186, 33, 33); font-style: italic; } .highlight .s2 { color: rgb(186, 33, 33); } .highlight .se { color: rgb(187, 102, 34); font-weight: bold; } .highlight .sh { color: rgb(186, 33, 33); } .highlight .si { color: rgb(187, 102, 136); font-weight: bold; } .highlight .sx { color: rgb(0, 128, 0); } .highlight .sr { color: rgb(187, 102, 136); } .highlight .s1 { color: rgb(186, 33, 33); } .highlight .ss { color: rgb(25, 23, 124); } .highlight .bp { color: rgb(0, 128, 0); } .highlight .fm { color: rgb(0, 0, 255); } .highlight .vc { color: rgb(25, 23, 124); } .highlight .vg { color: rgb(25, 23, 124); } .highlight .vi { color: rgb(25, 23, 124); } .highlight .vm { color: rgb(25, 23, 124); } .highlight .il { color: rgb(102, 102, 102); } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-46379eb7-853c-4ad0-b5de-0a1c22ff6912@mhtml.blink @charset "utf-8"; body { overflow: visible; padding: 8px; } div#notebook { overflow: visible; border-top: none; } @media print { div.cell { display: block; break-inside: avoid; } div.output_wrapper { display: block; break-inside: avoid; } div.output { display: block; break-inside: avoid; } } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-e871dd41-61ee-4700-86e1-2d58acf57aa6@mhtml.blink @charset "utf-8"; .MathJax_Hover_Frame { border-radius: 0.25em; box-shadow: rgb(136, 51, 170) 0px 0px 15px; display: inline-block; position: absolute; border: 1px solid rgb(170, 102, 221) !important; } .MathJax_Menu_Button .MathJax_Hover_Arrow { position: absolute; cursor: pointer; display: inline-block; border: 2px solid rgb(170, 170, 170); border-radius: 4px; font-family: "Courier New", Courier; font-size: 9px; color: rgb(240, 240, 240); } .MathJax_Menu_Button .MathJax_Hover_Arrow span { display: block; background-color: rgb(170, 170, 170); border: 1px solid; border-radius: 3px; line-height: 0; padding: 4px; } .MathJax_Hover_Arrow:hover { color: white !important; border: 2px solid rgb(204, 204, 204) !important; } .MathJax_Hover_Arrow:hover span { background-color: rgb(204, 204, 204) !important; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-70ca551e-22ca-4104-a5c3-985e2a99fef0@mhtml.blink @charset "utf-8"; #MathJax_About { position: fixed; left: 50%; width: auto; text-align: center; border: 3px outset; padding: 1em 2em; background-color: rgb(221, 221, 221); color: black; cursor: default; font-family: message-box; font-size: 120%; font-style: normal; text-indent: 0px; text-transform: none; line-height: normal; letter-spacing: normal; word-spacing: normal; overflow-wrap: normal; white-space: nowrap; float: none; z-index: 201; border-radius: 15px; box-shadow: rgb(128, 128, 128) 0px 10px 20px; } #MathJax_About.MathJax_MousePost { outline: none; } .MathJax_Menu { position: absolute; background-color: white; color: black; width: auto; padding: 5px 0px; border: 1px solid rgb(204, 204, 204); margin: 0px; cursor: default; font-style: ; font-variant: normal; font-weight: ; font-stretch: ; font-size: ; font-family: ; font-optical-sizing: ; font-kerning: ; font-feature-settings: ; font-variation-settings: ; text-align: left; text-indent: 0px; text-transform: none; line-height: normal; letter-spacing: normal; word-spacing: normal; overflow-wrap: normal; white-space: nowrap; float: none; z-index: 201; border-radius: 5px; box-shadow: rgb(128, 128, 128) 0px 10px 20px; } .MathJax_MenuItem { padding: 1px 2em; background: transparent; } .MathJax_MenuArrow { position: absolute; right: 0.5em; padding-top: 0.25em; color: rgb(102, 102, 102); font-size: 0.75em; } .MathJax_MenuActive .MathJax_MenuArrow { color: white; } .MathJax_MenuArrow.RTL { left: 0.5em; right: auto; } .MathJax_MenuCheck { position: absolute; left: 0.7em; } .MathJax_MenuCheck.RTL { right: 0.7em; left: auto; } .MathJax_MenuRadioCheck { position: absolute; left: 0.7em; } .MathJax_MenuRadioCheck.RTL { right: 0.7em; left: auto; } .MathJax_MenuLabel { padding: 1px 2em 3px 1.33em; font-style: italic; } .MathJax_MenuRule { border-top: 1px solid rgb(221, 221, 221); margin: 4px 3px; } .MathJax_MenuDisabled { color: graytext; } .MathJax_MenuActive { background-color: rgb(96, 104, 114); color: white; } .MathJax_MenuDisabled:focus, .MathJax_MenuLabel:focus { background-color: rgb(232, 232, 232); } .MathJax_ContextMenu:focus { outline: none; } .MathJax_ContextMenu .MathJax_MenuItem:focus { outline: none; } #MathJax_AboutClose { top: 0.2em; right: 0.2em; } .MathJax_Menu .MathJax_MenuClose { top: -10px; left: -10px; } .MathJax_MenuClose { position: absolute; cursor: pointer; display: inline-block; border: 2px solid rgb(170, 170, 170); border-radius: 18px; font-family: "Courier New", Courier; font-size: 24px; color: rgb(240, 240, 240); } .MathJax_MenuClose span { display: block; background-color: rgb(170, 170, 170); border: 1.5px solid; border-radius: 18px; line-height: 0; padding: 8px 0px 6px; } .MathJax_MenuClose:hover { color: white !important; border: 2px solid rgb(204, 204, 204) !important; } .MathJax_MenuClose:hover span { background-color: rgb(204, 204, 204) !important; } .MathJax_MenuClose:hover:focus { outline: none; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-d4650839-7e13-4d96-bb8f-76d86d9104bb@mhtml.blink @charset "utf-8"; .MathJax_Preview .MJXf-math { color: inherit !important; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-db2a5504-f99a-4487-bb42-113d6e4f0bae@mhtml.blink @charset "utf-8"; .MJX_Assistive_MathML { top: 0px; left: 0px; clip: rect(1px, 1px, 1px, 1px); user-select: none; position: absolute !important; padding: 1px 0px 0px !important; border: 0px !important; height: 1px !important; width: 1px !important; overflow: hidden !important; display: block !important; } .MJX_Assistive_MathML.MJX_Assistive_MathML_Block { width: 100% !important; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-7d3f18a9-84e7-4f42-a351-84ef2c74963e@mhtml.blink @charset "utf-8"; #MathJax_Zoom { position: absolute; background-color: rgb(240, 240, 240); overflow: auto; display: block; z-index: 301; padding: 0.5em; border: 1px solid black; margin: 0px; font-weight: normal; font-style: normal; text-align: left; text-indent: 0px; text-transform: none; line-height: normal; letter-spacing: normal; word-spacing: normal; overflow-wrap: normal; white-space: nowrap; float: none; box-sizing: content-box; box-shadow: rgb(170, 170, 170) 5px 5px 15px; } #MathJax_ZoomOverlay { position: absolute; left: 0px; top: 0px; z-index: 300; display: inline-block; width: 100%; height: 100%; border: 0px; padding: 0px; margin: 0px; background-color: white; opacity: 0; } #MathJax_ZoomFrame { position: relative; display: inline-block; height: 0px; width: 0px; } #MathJax_ZoomEventTrap { position: absolute; left: 0px; top: 0px; z-index: 302; display: inline-block; border: 0px; padding: 0px; margin: 0px; background-color: white; opacity: 0; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-6561cf82-acad-4f8b-85c0-579795cf6c6a@mhtml.blink @charset "utf-8"; .MathJax_Preview { color: rgb(136, 136, 136); } #MathJax_Message { position: fixed; left: 1px; bottom: 2px; background-color: rgb(230, 230, 230); border: 1px solid rgb(149, 149, 149); margin: 0px; padding: 2px 8px; z-index: 102; color: black; font-size: 80%; width: auto; white-space: nowrap; } #MathJax_MSIE_Frame { position: absolute; top: 0px; left: 0px; width: 0px; z-index: 101; border: 0px; margin: 0px; padding: 0px; } .MathJax_Error { color: rgb(204, 0, 0); font-style: italic; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-51643f03-7232-4bc2-827b-557bd1f7ee6f@mhtml.blink @charset "utf-8"; .MJXp-script { font-size: 0.8em; } .MJXp-right { transform-origin: right center; } .MJXp-bold { font-weight: bold; } .MJXp-italic { font-style: italic; } .MJXp-scr { font-family: MathJax_Script, "Times New Roman", Times, STIXGeneral, serif; } .MJXp-frak { font-family: MathJax_Fraktur, "Times New Roman", Times, STIXGeneral, serif; } .MJXp-sf { font-family: MathJax_SansSerif, "Times New Roman", Times, STIXGeneral, serif; } .MJXp-cal { font-family: MathJax_Caligraphic, "Times New Roman", Times, STIXGeneral, serif; } .MJXp-mono { font-family: MathJax_Typewriter, "Times New Roman", Times, STIXGeneral, serif; } .MJXp-largeop { font-size: 150%; } .MJXp-largeop.MJXp-int { vertical-align: -0.2em; } .MJXp-math { display: inline-block; line-height: 1.2; text-indent: 0px; font-family: "Times New Roman", Times, STIXGeneral, serif; white-space: nowrap; border-collapse: collapse; } .MJXp-display { display: block; text-align: center; margin: 1em 0px; } .MJXp-math span { display: inline-block; } .MJXp-box { text-align: center; display: block !important; } .MJXp-box::after { content: " "; } .MJXp-rule { margin-top: 0.1em; display: block !important; } .MJXp-char { display: block !important; } .MJXp-mo { margin: 0px 0.15em; } .MJXp-mfrac { margin: 0px 0.125em; vertical-align: 0.25em; } .MJXp-denom { width: 100%; display: inline-table !important; } .MJXp-denom > * { display: table-row !important; } .MJXp-surd { vertical-align: top; } .MJXp-surd > * { display: block !important; } .MJXp-script-box > * { height: 50%; display: table !important; } .MJXp-script-box > * > * { vertical-align: top; display: table-cell !important; } .MJXp-script-box > :last-child > * { vertical-align: bottom; } .MJXp-script-box > * > * > * { display: block !important; } .MJXp-mphantom { visibility: hidden; } .MJXp-munderover, .MJXp-munder { display: inline-table !important; } .MJXp-over { text-align: center; display: inline-block !important; } .MJXp-over > * { display: block !important; } .MJXp-munderover > *, .MJXp-munder > * { display: table-row !important; } .MJXp-mtable { vertical-align: 0.25em; margin: 0px 0.125em; } .MJXp-mtable > * { vertical-align: middle; display: inline-table !important; } .MJXp-mtr { display: table-row !important; } .MJXp-mtd { text-align: center; padding: 0.5em 0px 0px 0.5em; display: table-cell !important; } .MJXp-mtr > .MJXp-mtd:first-child { padding-left: 0px; } .MJXp-mtr:first-child > .MJXp-mtd { padding-top: 0px; } .MJXp-mlabeledtr { display: table-row !important; } .MJXp-mlabeledtr > .MJXp-mtd:first-child { padding-left: 0px; } .MJXp-mlabeledtr:first-child > .MJXp-mtd { padding-top: 0px; } .MJXp-merror { background-color: rgb(255, 255, 136); color: rgb(204, 0, 0); border: 1px solid rgb(204, 0, 0); padding: 1px 3px; font-style: normal; font-size: 90%; } .MJXp-scale0 { transform: scaleX(0); } .MJXp-scale1 { transform: scaleX(0.1); } .MJXp-scale2 { transform: scaleX(0.2); } .MJXp-scale3 { transform: scaleX(0.3); } .MJXp-scale4 { transform: scaleX(0.4); } .MJXp-scale5 { transform: scaleX(0.5); } .MJXp-scale6 { transform: scaleX(0.6); } .MJXp-scale7 { transform: scaleX(0.7); } .MJXp-scale8 { transform: scaleX(0.8); } .MJXp-scale9 { transform: scaleX(0.9); } .MathJax_PHTML .noError { font-size: 90%; text-align: left; color: black; padding: 1px 3px; border: 1px solid; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-44be7f06-ed6c-4bbc-825f-715cc5b2d710@mhtml.blink @charset "utf-8"; .MathJax_Display { text-align: center; margin: 0px; position: relative; text-indent: 0px; max-width: none; max-height: none; min-width: 0px; min-height: 0px; width: 100%; display: block !important; } .MathJax .merror { background-color: rgb(255, 255, 136); color: rgb(204, 0, 0); border: 1px solid rgb(204, 0, 0); padding: 1px 3px; font-style: normal; font-size: 90%; } .MathJax .MJX-monospace { font-family: monospace; } .MathJax .MJX-sans-serif { font-family: sans-serif; } #MathJax_Tooltip { background-color: infobackground; color: infotext; border: 1px solid black; box-shadow: rgb(170, 170, 170) 2px 2px 5px; padding: 3px 4px; z-index: 401; position: absolute; left: 0px; top: 0px; width: auto; height: auto; display: none; } .MathJax { display: inline; font-style: normal; font-weight: normal; line-height: normal; font-size: 100%; text-indent: 0px; text-align: left; text-transform: none; letter-spacing: normal; word-spacing: normal; overflow-wrap: normal; white-space: nowrap; float: none; direction: ltr; max-width: none; max-height: none; min-width: 0px; min-height: 0px; border: 0px; padding: 0px; margin: 0px; } .MathJax:focus, body :focus .MathJax { display: inline-table; } .MathJax.MathJax_FullWidth { text-align: center; display: table-cell !important; width: 10000em !important; } .MathJax img, .MathJax nobr, .MathJax a { border: 0px; padding: 0px; margin: 0px; max-width: 5000em; max-height: 5000em; min-width: 0px; min-height: 0px; vertical-align: 0px; line-height: normal; text-decoration: none; } img.MathJax_strut { border: 0px !important; padding: 0px !important; margin: 0px !important; vertical-align: 0px !important; } .MathJax span { display: inline; position: static; border: 0px; padding: 0px; margin: 0px; vertical-align: 0px; line-height: normal; text-decoration: none; box-sizing: content-box; } .MathJax nobr { white-space: nowrap !important; } .MathJax img { display: inline !important; float: none !important; } .MathJax * { transition: none 0s ease 0s; } .MathJax_Processing { visibility: hidden; position: fixed; width: 0px; height: 0px; overflow: hidden; } .MathJax_Processed { display: none !important; } .MathJax_test { font-style: normal; font-weight: normal; font-size: 100%; text-indent: 0px; text-transform: none; letter-spacing: normal; word-spacing: normal; overflow: hidden; height: 1px; } .MathJax_test.mjx-test-display { display: table !important; } .MathJax_test.mjx-test-inline { margin-right: -1px; display: inline !important; } .MathJax_test.mjx-test-default { clear: both; display: block !important; } .MathJax_ex_box { position: absolute; overflow: hidden; min-height: 0px; max-height: none; padding: 0px; border: 0px; margin: 0px; width: 1px; height: 60ex; display: inline-block !important; } .MathJax_em_box { position: absolute; overflow: hidden; min-height: 0px; max-height: none; padding: 0px; border: 0px; margin: 0px; width: 1px; height: 60em; display: inline-block !important; } .mjx-test-inline .MathJax_left_box { display: inline-block; width: 0px; float: left; } .mjx-test-inline .MathJax_right_box { display: inline-block; width: 0px; float: right; } .mjx-test-display .MathJax_right_box { min-width: 0px; max-width: none; padding: 0px; border: 0px; margin: 0px; display: table-cell !important; width: 10000em !important; } .MathJax .MathJax_HitBox { cursor: text; background: white; opacity: 0; } .MathJax .MathJax_HitBox * { filter: none; opacity: 1; background: transparent; } #MathJax_Tooltip * { filter: none; opacity: 1; background: transparent; } @font-face { font-family: MathJax_Main; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Main-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Main-Regular.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Main-bold; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Main-Bold.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Main-Bold.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Main-italic; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Main-Italic.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Main-Italic.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Math-italic; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Math-Italic.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Math-Italic.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Caligraphic; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Caligraphic-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Caligraphic-Regular.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Size1; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Size1-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Size1-Regular.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Size2; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Size2-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Size2-Regular.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Size3; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Size3-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Size3-Regular.otf?V=2.7.5") format("opentype"); } @font-face { font-family: MathJax_Size4; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Size4-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Size4-Regular.otf?V=2.7.5") format("opentype"); } .MathJax .noError { font-size: 90%; text-align: left; color: black; padding: 1px 3px; border: 1px solid; } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: cid:css-a68100f4-37f3-4aa9-a354-b4cf508ddfcd@mhtml.blink @charset "utf-8"; @font-face { font-family: MathJax_Typewriter; src: url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/woff/MathJax_Typewriter-Regular.woff?V=2.7.5") format("woff"), url("https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.5/fonts/HTML-CSS/TeX/otf/MathJax_Typewriter-Regular.otf?V=2.7.5") format("opentype"); } ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC---- Content-Type: text/css Content-Transfer-Encoding: binary Content-Location: https://www.i2m.univ-amu.fr/perso/paul.mercat/custom.css @charset "windows-1252"; ------MultipartBoundary--ejxkzmp0yoOaonFs2gnALjlRRY7q9Byr2bQJmef0AC------