diff --git a/docs/_build/doctrees/api/tcutility.analysis.vdd.doctree b/docs/_build/doctrees/api/tcutility.analysis.vdd.doctree index 499850b1..b2be343b 100644 Binary files a/docs/_build/doctrees/api/tcutility.analysis.vdd.doctree and b/docs/_build/doctrees/api/tcutility.analysis.vdd.doctree differ diff --git a/docs/_build/doctrees/api/tcutility.atom_data_info.doctree b/docs/_build/doctrees/api/tcutility.atom_data_info.doctree index b06e0136..77f6492b 100644 Binary files a/docs/_build/doctrees/api/tcutility.atom_data_info.doctree and b/docs/_build/doctrees/api/tcutility.atom_data_info.doctree differ diff --git a/docs/_build/doctrees/api/tcutility.doctree b/docs/_build/doctrees/api/tcutility.doctree index 54a1d357..4eccc1de 100644 Binary files a/docs/_build/doctrees/api/tcutility.doctree and b/docs/_build/doctrees/api/tcutility.doctree differ diff --git a/docs/_build/doctrees/api/tcutility.job.doctree b/docs/_build/doctrees/api/tcutility.job.doctree new file mode 100644 index 00000000..8cba6ca1 Binary files /dev/null and b/docs/_build/doctrees/api/tcutility.job.doctree differ diff --git a/docs/_build/doctrees/api/tcutility.results.doctree b/docs/_build/doctrees/api/tcutility.results.doctree index c93314e4..9992af4d 100644 Binary files a/docs/_build/doctrees/api/tcutility.results.doctree and b/docs/_build/doctrees/api/tcutility.results.doctree differ diff --git a/docs/_build/doctrees/environment.pickle b/docs/_build/doctrees/environment.pickle new file mode 100644 index 00000000..e060bf93 Binary files /dev/null and b/docs/_build/doctrees/environment.pickle differ diff --git a/docs/_build/doctrees/examples.doctree b/docs/_build/doctrees/examples.doctree new file mode 100644 index 00000000..7bb70286 Binary files /dev/null and b/docs/_build/doctrees/examples.doctree differ diff --git a/docs/_build/doctrees/index.doctree b/docs/_build/doctrees/index.doctree new file mode 100644 index 00000000..9681e9dc Binary files /dev/null and b/docs/_build/doctrees/index.doctree differ diff --git a/docs/_build/doctrees/tcutility.constants.doctree b/docs/_build/doctrees/tcutility.constants.doctree new file mode 100644 index 00000000..c208aa43 Binary files /dev/null and b/docs/_build/doctrees/tcutility.constants.doctree differ diff --git a/docs/_build/doctrees/tcutility.job.doctree b/docs/_build/doctrees/tcutility.job.doctree new file mode 100644 index 00000000..0b2d2094 Binary files /dev/null and b/docs/_build/doctrees/tcutility.job.doctree differ diff --git a/docs/_build/doctrees/tcutility.results.doctree b/docs/_build/doctrees/tcutility.results.doctree new file mode 100644 index 00000000..82edf779 Binary files /dev/null and b/docs/_build/doctrees/tcutility.results.doctree differ diff --git a/docs/_build/html/.buildinfo b/docs/_build/html/.buildinfo new file mode 100644 index 00000000..c9b01964 --- /dev/null +++ b/docs/_build/html/.buildinfo @@ -0,0 +1,4 @@ +# Sphinx build info version 1 +# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. +config: 82a640d031c50ee26e7722f9c444344f +tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/_build/html/_downloads/1a62c028c9da69253548783ae8a76070/water_dimer.xyz b/docs/_build/html/_downloads/1a62c028c9da69253548783ae8a76070/water_dimer.xyz new file mode 100644 index 00000000..82bf70ee --- /dev/null +++ b/docs/_build/html/_downloads/1a62c028c9da69253548783ae8a76070/water_dimer.xyz @@ -0,0 +1,8 @@ +6 + +O -1.61075942 0.14972207 0.00000000 +O 1.27324620 -0.14984188 0.00000000 +H -2.05173067 -0.71502154 0.00000000 +H -0.65160034 -0.06225163 0.00000000 +H 1.52042212 0.38869649 -0.77034720 +H 1.52042212 0.38869649 0.77034720 diff --git a/docs/_build/html/_downloads/2a505c3581f7da7bf9082296ef7cb96f/frag_NH3BH3.py b/docs/_build/html/_downloads/2a505c3581f7da7bf9082296ef7cb96f/frag_NH3BH3.py new file mode 100644 index 00000000..f18bf044 --- /dev/null +++ b/docs/_build/html/_downloads/2a505c3581f7da7bf9082296ef7cb96f/frag_NH3BH3.py @@ -0,0 +1,13 @@ +from tcutility.job import ADFFragmentJob +from tcutility import molecule + +# load a molecule +mol = molecule.load('NH3BH3.xyz') + +# define a new job using the Job context-manager +with ADFFragmentJob() as job: + # add the molecule + job.molecule(mol) + # add the fragments. The fragment atoms are defined in the input xyz file + for fragment_name, fragment in molecule.guess_fragments(mol).items(): + job.add_fragment(fragment, fragment_name) diff --git a/docs/_build/html/_downloads/4d6b7e579d62ed9e5d25258a67fecb73/NH3BH3.xyz b/docs/_build/html/_downloads/4d6b7e579d62ed9e5d25258a67fecb73/NH3BH3.xyz new file mode 100644 index 00000000..86aa7d08 --- /dev/null +++ b/docs/_build/html/_downloads/4d6b7e579d62ed9e5d25258a67fecb73/NH3BH3.xyz @@ -0,0 +1,10 @@ +8 + +N 0.00000000 0.00000000 -0.81474153 frag=Donor +B -0.00000000 -0.00000000 0.83567034 frag=Acceptor +H 0.47608351 -0.82460084 -1.14410295 frag=Donor +H 0.47608351 0.82460084 -1.14410295 frag=Donor +H -0.95216703 0.00000000 -1.14410295 frag=Donor +H -0.58149793 1.00718395 1.13712667 frag=Acceptor +H -0.58149793 -1.00718395 1.13712667 frag=Acceptor +H 1.16299585 -0.00000000 1.13712667 frag=Acceptor diff --git a/docs/_build/html/_downloads/d1984d07233b61c9fa5986aed5cd64fb/GO_water_dimer.py b/docs/_build/html/_downloads/d1984d07233b61c9fa5986aed5cd64fb/GO_water_dimer.py new file mode 100644 index 00000000..1b21aa5e --- /dev/null +++ b/docs/_build/html/_downloads/d1984d07233b61c9fa5986aed5cd64fb/GO_water_dimer.py @@ -0,0 +1,19 @@ +from tcutility.job import ADFJob + +# define a new job using the Job context-manager +with ADFJob() as job: + # add the molecule + job.molecule('water_dimer.xyz') + + # set the rundir and name of the job, they will + # determine where the job will run + job.rundir = 'calculations' + job.name = 'GO_water_dimer' + + # set the ADF settings + job.functional('BP86-D3(BJ)') + job.basis_set('TZ2P') + job.quality('Good') + + # set the job task + job.optimization() diff --git a/docs/_build/html/_modules/index.html b/docs/_build/html/_modules/index.html new file mode 100644 index 00000000..378f44cc --- /dev/null +++ b/docs/_build/html/_modules/index.html @@ -0,0 +1,351 @@ + + + + + + + + + + Overview: module code — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + + + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility.html b/docs/_build/html/_modules/tcutility.html new file mode 100644 index 00000000..fb1fbda2 --- /dev/null +++ b/docs/_build/html/_modules/tcutility.html @@ -0,0 +1,349 @@ + + + + + + + + + + tcutility — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility

+ensure_list = lambda x: [x] if not isinstance(x, (list, tuple, set)) else list(x)  # noqa: E731
+squeeze_list = lambda x: x[0] if len(x) == 1 else x  # noqa: E731
+
+
+
+[docs] +def ensure_2d(x, transposed=False): + x = ensure_list(x) + if transposed: + if not isinstance(x[0], (list, tuple, set)): + x = [ensure_list(x)] + else: + x = [ensure_list(y) for y in x] + else: + x = [ensure_list(y) for y in x] + return x
+ + + +from tcutility import constants, formula, geometry, log, molecule, results, slurm # noqa: F401, E402 +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+ + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/analysis/vdd/charge.html b/docs/_build/html/_modules/tcutility/analysis/vdd/charge.html index 5c81e594..b9c39631 100644 --- a/docs/_build/html/_modules/tcutility/analysis/vdd/charge.html +++ b/docs/_build/html/_modules/tcutility/analysis/vdd/charge.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + diff --git a/docs/_build/html/_modules/tcutility/analysis/vdd/manager.html b/docs/_build/html/_modules/tcutility/analysis/vdd/manager.html index 9e6b3695..0d55c3dd 100644 --- a/docs/_build/html/_modules/tcutility/analysis/vdd/manager.html +++ b/docs/_build/html/_modules/tcutility/analysis/vdd/manager.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + diff --git a/docs/_build/html/_modules/tcutility/analysis/vibration/ts_vibration.html b/docs/_build/html/_modules/tcutility/analysis/vibration/ts_vibration.html index 5de217e1..5d62f059 100644 --- a/docs/_build/html/_modules/tcutility/analysis/vibration/ts_vibration.html +++ b/docs/_build/html/_modules/tcutility/analysis/vibration/ts_vibration.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + diff --git a/docs/_build/html/_modules/tcutility/cache.html b/docs/_build/html/_modules/tcutility/cache.html new file mode 100644 index 00000000..12c73bf2 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/cache.html @@ -0,0 +1,416 @@ + + + + + + + + + + tcutility.cache — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.cache

+import time
+import functools
+
+
+_timed_func_cache = {}
+_time_since_cache = {}
+
+_func_cache = {}
+
+_general_cache = {}
+
+
+
+[docs] +def timed_cache(delay: float): + ''' + Decorator that creates a timed cache for the function or method. + This cache will expire after a chosen amount of time. + + Args: + delay: the expiry time for the function cache. + ''' + def decorator(func): + # this is the main decorator returned by timed_cache + @functools.wraps(func) + def inner_decorator(*args, **kwargs): + # we have to create a tuple of the kwargs items to ensure we can hash the arguments + arguments = args, tuple(kwargs.items()) + + # the time since the last caching + dT = time.perf_counter() - _time_since_cache[func] + # if the cache has expired, we remove it from the cache + # and set the new time_since_cache + if dT >= delay: + _timed_func_cache[func].pop(arguments, None) + _time_since_cache[func] = time.perf_counter() + + # check if the arguments were called before + if arguments in _timed_func_cache[func]: + return _timed_func_cache[func][arguments] + + # if it is not present we add it to the cache + res = func(*args, **kwargs) + _timed_func_cache[func][arguments] = res + return res + + # initialize the cache and time_since_cache + _timed_func_cache[func] = {} + _time_since_cache[func] = -delay + + return inner_decorator + return decorator
+ + + +
+[docs] +def cache(func): + ''' + Function decorator that stores results from previous calls to the function or method. + ''' + @functools.wraps(func) + def inner_decorator(*args, **kwargs): + # we have to create a tuple of the kwargs items to ensure we can hash the arguments + arguments = args, tuple(kwargs.items()) + + # check if the arguments were called before + if arguments in _func_cache[func]: + return _func_cache[func][arguments] + + # if it is not present we add it to the cache + res = func(*args, **kwargs) + _func_cache[func][arguments] = res + return res + + _func_cache[func] = {} + return inner_decorator
+ + + +if __name__ == '__main__': + @timed_cache(1) + def test_timer(a, b): + return a * b +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+ + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/formula.html b/docs/_build/html/_modules/tcutility/formula.html index 77f588a0..c14e510a 100644 --- a/docs/_build/html/_modules/tcutility/formula.html +++ b/docs/_build/html/_modules/tcutility/formula.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + diff --git a/docs/_build/html/_modules/tcutility/geometry.html b/docs/_build/html/_modules/tcutility/geometry.html index 6aabb583..8a7a7215 100644 --- a/docs/_build/html/_modules/tcutility/geometry.html +++ b/docs/_build/html/_modules/tcutility/geometry.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + @@ -256,109 +261,84 @@

Source code for tcutility.geometry

 from typing import Tuple, Union
 
 
-
-[docs] -def get_rotmat(x: float = None, y: float = None, z: float = None) -> np.ndarray: - """ - Create a rotation matrix based on the Tait-Bryant sytem. - In this system, x, y, and z are angles of rotation around - the corresponding axes. This function uses the right-handed - convention - - Args: - x, y, z: Totation around the axes in radians. - - Returns: - 3x3 rotation matrix - """ - # start with identity matrix - R = np.eye(3) - - # apply rotation around each axis separately - if x is not None: - c = cos(x) - s = sin(x) - R = R @ np.array(([1, 0, 0], [0, c, -s], [0, s, c])) - - if y is not None: - c = cos(y) - s = sin(y) - R = R @ np.array(([c, 0, s], [0, 1, 0], [-s, 0, c])) +
+[docs] +class Transform: + ''' + Transformation matrix that handles rotation, translation and scaling of sets of 3D coordinates. - if z is not None: - c = cos(z) - s = sin(z) - R = R @ np.array(([c, -s, 0], [s, c, 0], [0, 0, 1])) + Build and return a transformation matrix. + This 4x4 matrix encodes rotations, translations and scaling. + + :math:`\\textbf{M} = \\begin{bmatrix} \\textbf{R}\\text{diag}(S) & \\textbf{T} \\\\ \\textbf{0}_3 & 1 \\end{bmatrix}` - return R
+ where :math:`\\textbf{R} \\in \\mathbb{R}^{3 \\times 3}`, :math:`\\textbf{T} \\in \\mathbb{R}^{3 \\times 1}` and :math:`\\textbf{0}_3 = [0, 0, 0] \\in \\mathbb{R}^{1 \\times 3}`. + When applied to a coordinates :math:`[\\textbf{x}, \\textbf{y}, \\textbf{z}, \\textbf{1}]^T \\in \\mathbb{R}^{n \\times 4}` it will apply these transformations simultaneously. + ''' + def __init__(self): + # initialize an empty transformation matrix + self.M = self._build_matrix() + def __str__(self): + return str(self.M) -
-[docs] -def apply_rotmat(coords: np.ndarray, R: np.ndarray) -> np.ndarray: - """ - Apply a rotation matrix to a set of coordinates - """ - coords = np.atleast_2d(coords) - return (R @ coords.T).T.squeeze()
+ def __call__(self, *args, **kwargs): + return self.apply(*args, **kwargs) +
+[docs] + def apply(self, v: np.ndarray) -> np.ndarray: + """ + Applies the transformation matrix to vector(s) :math:`v \\in \\mathbb{R}^{N \\times 3}`. + Application is a three-step process: -
-[docs] -def rotate(coords: np.ndarray, x: float = None, y: float = None, z: float = None) -> np.ndarray: - """ - Shorthand function that builds and applies a rotation matrix to a set of coordinates. - """ - return apply_rotmat(coords, get_rotmat(x, y, z))
+ #. Append row vector of ones to the bottom of :math:`v` + #. Apply the transformation matrix: :math:`\\textbf{M}v` + #. Remove the bottom row vector of ones and return the result + Returns: + A new array :math:`v' = \\textbf{M}v` that has been transformed using this transformation matrix. + .. note:: -
-[docs] -def vector_align_rotmat(a: np.ndarray, b: np.ndarray) -> np.ndarray: - """ - Calculate a rotation matrix that aligns vector a onto vector b. + The ``Transform.__call__()`` method redirects to this method. Calling ``transform.apply(coords)`` is the same as ``transform(coords)``. + """ + v = np.atleast_2d(v) + v = np.asarray(v).T + N = v.shape[1] + v = np.vstack([v, np.ones(N)]) + vprime = self.M @ v + return vprime[:3, :].T
- Args: - a: vector that is to be aligned. - b: vector that is the target of the alignment. - Returns: - Rotation matrix R, such that geometry.apply_rotmat(a, R) == b - """ - # normalize the vectors first - a = np.array(a) / np.linalg.norm(a) - b = np.array(b) / np.linalg.norm(b) + def __matmul__(self, other): + if isinstance(other, Transform): + return self.combine_transforms(other) - c = a @ b - if c == 1: - # if a == b we simply return the identity matrix - return np.eye(3) - if c == -1: - # when a == -b we cannot directly calculate R, as 1/(1+c) is undefined - # instead, we first create a random rotation matrix and apply it to a - # to get a new vector aprime. We then align aprime to b, which is possible since aprime != -b - # to get the final rotation matrix we simply multiply the random and alignment rotation matrices - Rrand = get_rotmat(np.pi / 3, np.pi / 3, np.pi / 3) - return vector_align_rotmat(apply_rotmat(a, Rrand), b) @ Rrand +
+[docs] + def combine_transforms(self, other: "Transform") -> "Transform": + """ + Combine two different transform objects. This involves creating + a new Transform object and multiplying the two transform matrices + and assigning it to the new object. - v = np.cross(a, b) - skew = np.array([[0, -v[2], v[1]], [v[2], 0, -v[0]], [-v[1], v[0], 0]]) - R = np.eye(3) + skew + skew @ skew / (1 + c) - return R
+ Args: + other: the transformation matrix object to combine this one with. + Returns: + A new transformation matrix that is a product of the original (left side) and other (right side) matrices. + .. note:: -
-[docs] -class Transform: - def __init__(self, R: np.ndarray = None, T: np.ndarray = None, S: np.ndarray = None): - self.M = self.build_matrix(R, T, S) + The ``Transform.__matmul__()`` method redirects to this method. Calling ``new = this.combine_transforms(other)`` is the same as ``new = this @ other``. + """ + new = Transform() + new.M = self.M @ other.M + return new
- def __str__(self): - return str(self.M)
[docs] @@ -369,14 +349,13 @@

Source code for tcutility.geometry

         You can also specify x, y and z components separately
 
         Example usage:
-            Transform.translate([2, 3, 0])
-            Transform.translate(x=2, y=3)
+            | ``Transform.translate([2, 3, 0])``
+            | ``Transform.translate(x=2, y=3)``
         """
-
         if T is None:
             T = [x or 0, y or 0, z or 0]
 
-        self.M = self.M @ self.build_matrix(T=T)
+ self.M = self.M @ self._build_matrix(T=T)
@@ -387,13 +366,18 @@

Source code for tcutility.geometry

         Arguments can be given as a rotation matrix R \in R^3x3 or by specifying the angle to rotate along the x, y or z axes
 
         Example usage:
-            Transform.rotate(get_rotmat(x=1, y=-1))
-            Transform.rotate(x=1, y=-1)
+            | ``Transform.rotate(get_rotmat(x=1, y=-1))``
+            | ``Transform.rotate(x=1, y=-1)``
+
+        .. seealso::
+
+            :func:`get_rotmat`
+            :func:`rotate`
         """
         if R is None:
             R = get_rotmat(x=x, y=y, z=z)
 
-        self.M = self.M @ self.build_matrix(R=R)
+ self.M = self.M @ self._build_matrix(R=R)
@@ -405,36 +389,21 @@

Source code for tcutility.geometry

         You can also specify x, y and z components separately
 
         Example usage:
-            Transform.scale([0, 0, 3])
-            Transform.scale(z=3)
+            | ``Transform.scale([0, 0, 3])``
+            | ``Transform.scale(z=3)``
         """
-
         if S is None:
             S = [x or 1, y or 1, z or 1]
         elif isinstance(S, (float, int)):
             S = [S, S, S]
 
-        self.M = self.M @ self.build_matrix(S=S)
- - -
-[docs] - def build_matrix(self, R: np.ndarray = None, T: np.ndarray = None, S: np.ndarray = None) -> np.ndarray: - r""" - Build and return a transformation matrix. - This 4x4 matrix encodes rotations, translations and scaling. - - M = | R@diag(S) T | - | 0_3 1 | - - where R \in R^3x3, T \in R^3x1, 0_3 = [0, 0, 0] \in R^1x3 and 1 \in R - - When applied to a positional vector [x, y, z, 1] it will apply these - transformations simultaneously. + self.M = self.M @ self._build_matrix(S=S)
- Note: This matrix is an element of the special SE(3) Lie group. - """ + def _build_matrix(self, R: np.ndarray = None, T: np.ndarray = None, S: np.ndarray = None) -> np.ndarray: + ''' + Build the transformation matrix for this object. + ''' # set the default matrix and vectors R = R if R is not None else get_rotmat() T = T if T is not None else np.array([0, 0, 0]) @@ -443,73 +412,62 @@

Source code for tcutility.geometry

         return np.array([[R[0, 0] * S[0], R[0, 1], R[0, 2], T[0]], [R[1, 0], R[1, 1] * S[1], R[1, 2], T[1]], [R[2, 0], R[2, 1], R[2, 2] * S[2], T[2]], [0, 0, 0, 1]])
- def __call__(self, *args, **kwargs): - return self.apply(*args, **kwargs) - -
-[docs] - def apply(self, v: np.ndarray) -> np.ndarray: - r""" - Applies the transformation matrix to vector(s) v \in R^Nx3 - v should be a series of column vectors. - - Application is a three-step process. - 1) Append row vector of ones to the bottom of v - 2) Apply the transformation matrix M \dot v - 3) Remove the bottom row vector of ones and return the result - """ - v = np.atleast_2d(v) - v = np.asarray(v).T - N = v.shape[1] - v = np.vstack([v, np.ones(N)]) - vprime = self.M @ v - return vprime[:3, :].T
+
+[docs] +class KabschTransform(Transform): + """ + Use Kabsch-Umeyama algorithm to calculate the optimal transformation matrix :math:`T_{Kabsch}` that minimizes the + RMSD between two sets of coordinates :math:`X \\in \\mathbb{R}^{N \\times 3}` and :math:`Y \\in \\mathbb{R}^{N \\times 3}`, such that + + :math:`\\text{arg}\\min_{T_{Kabsch}} \\text{RMSD}(T_{Kabsch}(X), Y)` - def __matmul__(self, other): - if isinstance(other, Transform): - return self.combine_transforms(other) + It is numerically stable and works when the covariance matrix is singular. + Both sets of points must be the same size for this algorithm to work. + The coordinates are first centered onto their centroids before determining the optimal rotation matrix. -
-[docs] - def combine_transforms(self, other: "Transform") -> "Transform": - """ - Combine two different transform objects. This involves creating - a new Transform object and multiplying the two transform matrices - and assigning it to the new object. - """ + Args: + X: array containing the first set of coordinates. The Kabsch transformation matrix will be made such that applying it to ``X`` will yield ``Y``. + Y: array containing the second set of coordinates. These coordinates is the target to transform to. - new = Transform() - new.M = self.M @ other.M - return new
+ .. warning:: + In principle, the Kabsch-Umeyama algorithm does not care about the dimensions of the coordinates, + however we will always assume 3D coordinates as that is our most common use-case. Further, the :class:`Transform` class also assumes 3D coordinates. + If you would like to make use of 2D or 1D Transforms we suggest you simply set the correct axes to zero. + .. seealso:: + :class:`Transform` + The main transformation class. -
-[docs] - def get_rotmat(self): - return self.M[:3, :3]
-
+ Example: + .. code-block:: python + from tcutility import geometry + import numpy as np + + # create two arrays that are the same + X, Y = np.arange(5 * 3).reshape(5, 3), np.arange(5 * 3).reshape(5, 3) -
-[docs] -class KabschTransform(Transform): - def __init__(self, X: np.ndarray, Y: np.ndarray): - """ - Use Kabsch-Umeyama algorithm to calculate the optimal rotation matrix and translation - to superimpose X onto Y. + # create a transformation matrix to change X + Tx = geometry.Transform() + Tx.rotate(x=1, y=1, z=1) + Tx.translate(x=1, y=1, z=1) - It is numerically stable and works when the covariance matrix is singular. - Both sets of points must be the same size for this algorithm to work. - The coordinates are first centered onto their centroids before determining the - optimal rotation matrix. + X = Tx(X) + + # get the Kabsch transformation matrix + Tkabsch = geometry.KabschTransform(X, Y) + + # check if applying the transformation matrix to X yields Y + assert np.isclose(Tkabsch(X), Y).all() - References - https://en.wikipedia.org/wiki/Orthogonal_Procrustes_problem - https://en.wikipedia.org/wiki/Kabsch_algorithm - """ + References: + | https://en.wikipedia.org/wiki/Orthogonal_Procrustes_problem + | https://en.wikipedia.org/wiki/Kabsch_algorithm + """ + def __init__(self, X: np.ndarray, Y: np.ndarray): # make sure arrays are 2d and the same size X, Y = np.atleast_2d(X), np.atleast_2d(Y) assert X.shape == Y.shape, f"Matrices X with shape {X.shape} and Y with shape {Y.shape} are not the same size" @@ -540,32 +498,178 @@

Source code for tcutility.geometry

         # the normal order is to first translate X by -centroid_x
         # then rotate with R
         # finally translate by +centroid_y
-        self.M = self.build_matrix()
+        self.M = self._build_matrix()
         self.translate(centroid_y)
         self.rotate(R)
         self.translate(-centroid_x)
+
+[docs] +def get_rotmat(x: float = None, y: float = None, z: float = None) -> np.ndarray: + """ + Create a rotation matrix based on the Tait-Bryant sytem. + In this system, x, y, and z are angles of rotation around + the corresponding axes. This function uses the right-handed + convention + + Args: + x: Rotation around the x-axis in radians. + y: Rotation around the y-axis in radians. + z: Rotation around the z-axis in radians. + + Returns: + the rotation matrix :math:`\\textbf{R} \\in \\mathbb{R}^{3 \\times 3}` with the specified axis rotations. + + + .. seealso:: + + :func:`apply_rotmat` + For applying the rotation matrix to coordinates. + + :func:`rotate` + For rotating coordinates directly, given Tait-Bryant angles. + + :meth:`Transform.rotate` + The :class:`Transform` class allows you to also rotate. + """ + # start with identity matrix + R = np.eye(3) + + # apply rotation around each axis separately + if x is not None: + c = cos(x) + s = sin(x) + R = R @ np.array(([1, 0, 0], [0, c, -s], [0, s, c])) + + if y is not None: + c = cos(y) + s = sin(y) + R = R @ np.array(([c, 0, s], [0, 1, 0], [-s, 0, c])) + + if z is not None: + c = cos(z) + s = sin(z) + R = R @ np.array(([c, -s, 0], [s, c, 0], [0, 0, 1])) + + return R
+ + + +
+[docs] +def apply_rotmat(coords: np.ndarray, R: np.ndarray) -> np.ndarray: + """ + Apply a rotation matrix to a set of coordinates. + + Args: + coords: the coordinates :math`\\in \\mathbb{R}^{n \\times 3}` to rotate. + R: the rotation matrix to apply. + + Returns: + New coordinates :math`\\in \\mathbb{R}^{n \\times 3}` rotated using the given rotation matrix. + + .. seealso:: + + :func:`get_rotmat` + For creating a rotation matrix. + + :func:`rotate` + For rotating coordinates directly, given Tait-Bryant angles. + """ + coords = np.atleast_2d(coords) + return (R @ coords.T).T.squeeze()
+ + + +
+[docs] +def rotate(coords: np.ndarray, x: float = None, y: float = None, z: float = None) -> np.ndarray: + """ + Build and apply a rotation matrix to a set of coordinates. + + Args: + coords: the coordinates :math`\\in \\mathbb{R}^{n \\times 3}` to rotate. + x: Rotation around the x-axis in radians. + y: Rotation around the y-axis in radians. + z: Rotation around the z-axis in radians. + + .. seealso:: + :func:`get_rotmat` + For creating a rotation matrix. + """ + return apply_rotmat(coords, get_rotmat(x, y, z))
+ + + +
+[docs] +def vector_align_rotmat(a: np.ndarray, b: np.ndarray) -> np.ndarray: + """ + Calculate a rotation matrix that aligns vector a onto vector b. + + Args: + a: vector that is to be aligned. + b: vector that is the target of the alignment. + + Returns: + Rotation matrix R, such that ``geometry.apply_rotmat(a, R) == b``. + """ + # normalize the vectors first + a = np.array(a) / np.linalg.norm(a) + b = np.array(b) / np.linalg.norm(b) + + c = a @ b + if c == 1: + # if a == b we simply return the identity matrix + return np.eye(3) + if c == -1: + # when a == -b we cannot directly calculate R, as 1/(1+c) is undefined + # instead, we first create a random rotation matrix and apply it to a + # to get a new vector aprime. We then align aprime to b, which is possible since aprime != -b + # to get the final rotation matrix we simply multiply the random and alignment rotation matrices + Rrand = get_rotmat(np.pi / 3, np.pi / 3, np.pi / 3) + return vector_align_rotmat(apply_rotmat(a, Rrand), b) @ Rrand + + v = np.cross(a, b) + skew = np.array([[0, -v[2], v[1]], [v[2], 0, -v[0]], [-v[1], v[0], 0]]) + R = np.eye(3) + skew + skew @ skew / (1 + c) + return R
+ + +
[docs] def RMSD(X: np.ndarray, Y: np.ndarray, axis: Union[int, None] = None, use_kabsch: bool = True) -> float: r""" - Calculate Root Mean Squared Deviations between two sets of points X and Y. + Calculate Root Mean Squared Deviations between two sets of points ``X`` and ``Y``. By default Kabsch' algorithm is used to align the sets of points prior to calculating the RMSD. Optionally the axis can be given to calculate the RMSD along different axes. RMSD is given as - $$ \frac{1}{N}\sqrt{\sum_i^N (X_i - Y_i)^2} $$ + :math:`\text{RMSD}(X, Y) = \frac{1}{N}\sqrt{\sum_i^N (X_i - Y_i)^2}` + + when using the Kabsch algorithm to align the two sets of coordinates we first obtain the :class:`KabschTransform` :math:`T_{Kabsch}` and then + + :math:`\text{RMSD}(X, Y) = \frac{1}{N}\sqrt{\sum_i^N (T_{Kabsch}(X_i) - Y_i)^2}` Args: - X, Y: Arrays to compare. They should have the same shape. - axis: Axis to compare. Defaults to None. - use_kabsch: Whether to use Kabsch' algorithm to align X and Y before calculating the RMSD. Defaults to True. + X: the first set of coordinates to compare. It must have the same dimensions as ``Y``. + Y: the second set of coordinates to compare. It must have the same dimensions as ``X``. + axis: axis to compare. Defaults to ``None``. + use_kabsch: whether to use Kabsch' algorithm to align ``X`` and ``Y`` before calculating the RMSD. Defaults to ``True``. Returns: - RMSD in the units of X and Y. + RMSD in the units of X and Y. If ``axis`` is set to an integer this function will return a vector of RMSD's along that axis. + + .. note:: + It is generally recommended to enable the use of the Kabsch-Umeyama algorithm prior to calculating the RMSD. + This will ensure you get the lowest possible RMSD for you sets of coordinates. + + .. seealso:: + :class:`KabschTransform` """ assert X.shape == Y.shape diff --git a/docs/_build/html/_modules/tcutility/job/adf.html b/docs/_build/html/_modules/tcutility/job/adf.html new file mode 100644 index 00000000..83d5b8dc --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/adf.html @@ -0,0 +1,693 @@ + + + + + + + + + + tcutility.job.adf — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.adf

+from scm import plams
+from tcutility import log, results, formula
+from tcutility.data import functionals
+from tcutility.job.ams import AMSJob
+import os
+
+
+j = os.path.join
+
+
+
+[docs] +class ADFJob(AMSJob): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self._functional = None + self.basis_set('TZ2P') + self.quality('Good') + self.SCF_convergence(1e-8) + self.single_point() + self.solvent('vacuum') + + def __str__(self): + return f'{self._task}({self._functional}/{self._basis_set}), running in {os.path.join(os.path.abspath(self.rundir), self.name)}' + +
+[docs] + def basis_set(self, typ: str = 'TZ2P', core: str = 'None'): + ''' + Set the basis-set type and frozen core approximation for this calculation. + + Args: + typ: the type of basis-set to use. Default is TZ2P. + core: the size of the frozen core approximation. Default is None. + + .. note:: If the selected functional is the r2SCAN-3c functional, then the basis-set will be set to mTZ2P. + ''' + if self._functional == 'r2SCAN-3c' and typ != 'mTZ2P': + log.warn(f'Basis set {typ} is not allowed with r2SCAN-3c, switching to mTZ2P.') + typ = 'mTZ2P' + self._basis_set = typ + self.settings.input.adf.basis.type = typ + self.settings.input.adf.basis.core = core
+ + +
+[docs] + def spin_polarization(self, val: int): + ''' + Set the spin-polarization of the system. If the value is not zero the calculation will also be unrestricted. + ''' + self.settings.input.adf.SpinPolarization = val + if val != 0: + self.settings.input.adf.Unrestricted = 'Yes'
+ + +
+[docs] + def multiplicity(self, val: int): + ''' + Set the multiplicity of the system. If the value is not one the calculation will also be unrestricted. + We use the following values: + + 1) singlet + 2) doublet + 3) triplet + 4) ... + + The multiplicity is equal to 2*S+1 for spin-polarization of S. + ''' + self.settings.input.adf.SpinPolarization = (val - 1)//2 + if val != 1: + self.settings.input.adf.Unrestricted = 'Yes'
+ + +
+[docs] + def unrestricted(self, val: bool): + ''' + Whether the calculation should be unrestricted. + ''' + self.settings.input.adf.Unrestricted = 'Yes' if val else 'No'
+ + +
+[docs] + def quality(self, val: str = 'Good'): + ''' + Set the numerical quality of the calculation. + + Args: + val: the numerical quality value to set to. This is the same as the ones used in the ADF GUI. Defaults to Good. + ''' + self.settings.input.adf.NumericalQuality = val
+ + +
+[docs] + def SCF_convergence(self, thresh: float = 1e-8): + ''' + Set the SCF convergence criteria for the job. + + Args: + thresh: the convergence criteria for the SCF procedure. Defaults to 1e-8. + ''' + self.settings.input.adf.SCF.converge = thresh
+ + +
+[docs] + def functional(self, funtional_name: str, dispersion: str = None): + ''' + Set the functional to be used by the calculation. This also sets the dispersion if it is specified in the functional name. + + Args: + funtional_name: the name of the functional. The value can be the same as the ones used in the ADF GUI. For a full list of functionals please see :func:`functionals.get_available_functionals`. + dispersion: dispersion setting to use with the functional. This is used when you want to use a functional from LibXC. + + .. note:: Setting the functional to r2SCAN-3c will automatically set the basis-set to mTZ2P. + ''' + # before adding the new functional we should clear any previous functional settings + self.settings.input.adf.pop('XC', None) + + functional = funtional_name.strip() + functional = functional.replace('-D4(EEQ)', '-D4') # D4(EEQ) and D4 are the same, unlike D3 and D3(BJ) + self._functional = functional + + if functional == 'r2SCAN-3c' and self._basis_set != 'mTZ2P': + log.warn(f'Switching basis set from {self._basis_set} to mTZ2P for r2SCAN-3c.') + self.basis_set('mTZ2P') + + if functional == 'SSB-D': + log.error('There are two functionals called SSB-D, please use "GGA:SSB-D" or "MetaGGA:SSB-D".') + return + + if not functionals.get(functional): + log.warn(f'XC-functional {functional} not found. Please ask a TheoCheM developer to add it. Adding functional as LibXC.') + self.settings.input.adf.XC.LibXC = functional + else: + func = functionals.get(functional) + self.settings.input.adf.update(func.adf_settings)
+ + +
+[docs] + def relativity(self, level: str = 'Scalar'): + ''' + Set the treatment of relativistic effects for this calculation. + + Args: + level: the level to set. Can be the same as the values in the ADF GUI and documentation. By default it is set to Scalar. + ''' + self.settings.input.adf.relativity.level = level
+ + +
+[docs] + def solvent(self, name: str = None, eps: float = None, rad: float = None, use_klamt: bool = False): + ''' + Model solvation using COSMO for this calculation. + + Args: + name: the name of the solvent you want to use. Please see the ADF manual for a list of available solvents. + eps: the dielectric constant of your solvent. You can use this in place of the solvent name if you need more control over COSMO. + rad: the radius of the solvent molecules. You can use this in place of the solvent name if you need more control over COSMO. + use_klamt: whether to use the klamt atomic radii. This is usually used when you have charged species (?). + ''' + if name: + self._solvent = name + else: + self._solvent = f'COSMO(eps={eps} rad={rad})' + + if name == 'vacuum': + self.settings.input.adf.pop('Solvation', None) + return + + self.settings.input.adf.Solvation.Surf = 'Delley' + solv_string = '' + if name: + solv_string += f'name={name} ' + else: + self.settings.input.adf.Solvation.Solv = f'eps={eps} rad={rad} ' + if use_klamt: + solv_string += 'cav0=0.0 cav1=0.0' + else: + solv_string += 'cav0=0.0 cav1=0.0067639' + self.settings.input.adf.Solvation.Solv = solv_string + + self.settings.input.adf.Solvation.Charged = 'method=CONJ corr' + self.settings.input.adf.Solvation['C-Mat'] = 'POT' + self.settings.input.adf.Solvation.SCF = 'VAR ALL' + self.settings.input.adf.Solvation.CSMRSP = None + + if use_klamt: + radii = { + 'H': 1.30, + 'C': 2.00, + 'N': 1.83, + 'O': 1.72, + 'F': 1.72, + 'Si': 2.48, + 'P': 2.13, + 'S': 2.16, + 'Cl': 2.05, + 'Br': 2.16, + 'I': 2.32 + } + self.settings.input.adf.solvation.radii = radii
+
+ + + +
+[docs] +class ADFFragmentJob(ADFJob): + def __init__(self, *args, **kwargs): + self.childjobs = {} + super().__init__(*args, **kwargs) + self.name = 'complex' + +
+[docs] + def add_fragment(self, mol, name=None): + # in case of giving fragments as indices we dont want to add the fragment to the molecule later + add_frag_to_mol = True + # we can be given a list of atoms + if isinstance(mol, list) and isinstance(mol[0], plams.Atom): + mol_ = plams.Molecule() + [mol_.add_atom(atom) for atom in mol] + mol = mol_ + + # or a list of integers + if isinstance(mol, list) and isinstance(mol[0], int): + if not self._molecule: + log.error(f'Trying to add fragment based on atom indices, but main job does not have a molecule yet. Call the {self.__class__.__name__}.molecule method to add one.') + return + mol_ = plams.Molecule() + [mol_.add_atom(self._molecule[i]) for i in mol] + mol = mol_.copy() + add_frag_to_mol = False + + name = name or f'fragment{len(self.childjobs) + 1}' + self.childjobs[name] = ADFJob(test_mode=self.test_mode) + self.childjobs[name].molecule(mol) + setattr(self, name, self.childjobs[name]) + + if not add_frag_to_mol: + return + + if self._molecule is None: + self._molecule = self.childjobs[name]._molecule.copy() + else: + self._molecule = self._molecule + self.childjobs[name]._molecule.copy()
+ + +
+[docs] + def run(self): + mol_str = " + ".join([formula.molecule(child._molecule) for child in self.childjobs.values()]) + log.flow(f'ADFFragmentJob [{mol_str}]', ['start']) + # obtain some system wide properties of the molecules + charge = sum([child.settings.input.ams.System.charge or 0 for child in self.childjobs.values()]) + unrestricted = any([(child.settings.input.adf.Unrestricted or 'no').lower() == 'yes' for child in self.childjobs.values()]) + spinpol = sum([child.settings.input.adf.SpinPolarization or 0 for child in self.childjobs.values()]) + log.flow(f'Level: {self._functional}/{self._basis_set}') + log.flow(f'Solvent: {self._solvent}') + log.flow(f'Charge: {charge}', ['straight']) + log.flow(f'Unrestricted: {unrestricted}', ['straight']) + log.flow(f'Spin-Polarization: {spinpol}', ['straight']) + log.flow() + # this job and all its children should have the same value for unrestricted + [child.unrestricted(unrestricted) for child in self.childjobs.values()] + + # we now update the child settings with the parent settings + # this is because we have to propagate settings such as functionals, basis sets etc. + sett = self.settings.as_plams_settings() # first create a plams settings object + # same for the children + child_setts = {name: child.settings.as_plams_settings() for name, child in self.childjobs.items()} + # update the children using the parent settings + [child_sett.update(sett) for child_sett in child_setts.values()] + # same for sbatch settings + [child.sbatch(**self._sbatch) for child in self.childjobs.values()] + + # now set the charge, spinpol, unrestricted for the parent + self.charge(charge) + self.spin_polarization(spinpol) + self.unrestricted(unrestricted) + if unrestricted: + self.settings.input.adf.UnrestrictedFragments = 'Yes' + + # now we are going to run each child job + for i, (childname, child) in enumerate(self.childjobs.items(), start=1): + log.flow(f'Child job ({i}/{len(self.childjobs)}) {childname} [{formula.molecule(child._molecule)}]', ['split']) + log.flow(f'Charge: {child.settings.input.ams.System.charge or 0}', ['straight', 'straight']) + log.flow(f'Spin-Polarization: {child.settings.input.adf.SpinPolarization or 0}', ['straight', 'straight']) + # the child name will be prepended with SP showing that it is the singlepoint calculation + child.name = f'frag_{childname}' + child.rundir = self.rundir + + # add the path to the child adf.rkf file as a dependency to the parent job + self.settings.input.adf.fragments[childname] = j(child.workdir, 'adf.rkf') + + if child.can_skip(): + log.flow(log.Emojis.warning + ' Already ran, skipping', ['straight', 'end']) + log.flow() + continue + + log.flow(log.Emojis.good + ' Submitting', ['straight', 'end']) + # recast the plams.Settings object into a Result object as that is what run expects + child.settings = results.Result(child_setts[childname]) + child.run() + self.dependency(child) + + log.flow(f'SlurmID: {child.slurm_job_id}', ['straight', 'skip', 'end']) + log.flow(f'Work dir: {child.workdir}', ['straight', 'skip', 'end']) + log.flow() + + # in the parent job the atoms should have the region and adf.f defined as options + atom_lines = [] + # for each atom we check which child it came from + for atom in self._molecule: + for childname, child in self.childjobs.items(): + for childatom in child._molecule: + # we check by looking at the symbol and coordinates of the atom + if (atom.symbol, atom.x, atom.y, atom.z) == (childatom.symbol, childatom.x, childatom.y, childatom.z): + # now write the symbol and coords as a string with the correct suffix + atom_lines.append(f'\t\t{atom.symbol} {atom.x} {atom.y} {atom.z} region={childname} adf.f={childname}') + + # write the atoms block as a string with new line characters + self.settings.input.ams.system.atoms = ('\n' + '\n'.join(atom_lines) + '\n\tEnd').expandtabs(4) + # set the _molecule to None, otherwise it will overwrite the atoms block + self._molecule = None + # run this job + log.flow(log.Emojis.good + ' Submitting parent job', ['split']) + super().run() + log.flow(f'SlurmID: {self.slurm_job_id}', ['straight', 'end']) + log.flow() + + # also do the calculation with SCF cycles set to 1 + self.settings.input.adf.SCF.Iterations = 1 + self.settings.input.adf.print = 'FMatSFO' # by default print the fock matrix for each SCF cycle + self.settings.input.adf.AllPoints = 'Yes' + self.settings.input.adf.FullFock = 'Yes' + self.name = self.name + '_SCF1' + log.flow(log.Emojis.good + ' Submitting extra job with 1 SCF cycle', ['split']) + + super().run() + log.flow(f'SlurmID: {self.slurm_job_id}', ['straight', 'end']) + log.flow() + log.flow(log.Emojis.finish + ' Done, bye!', ['startinv'])
+
+ + + +if __name__ == '__main__': + with ADFJob(test_mode=True) as job: + job.rundir = 'tmp/SN2/EDA' + job.molecule('../../../test/fixtures/xyz/pyr.xyz') + job.sbatch(p='tc', ntasks_per_node=15) + job.functional('OLYP') + job.basis_set('DZP') +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/ams.html b/docs/_build/html/_modules/tcutility/job/ams.html new file mode 100644 index 00000000..2cbafe96 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/ams.html @@ -0,0 +1,485 @@ + + + + + + + + + + tcutility.job.ams — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.ams

+from scm import plams
+from tcutility import log
+from tcutility.job.generic import Job
+import os
+
+
+j = os.path.join
+
+
+
+[docs] +class AMSJob(Job): + ''' + This is the AMS base job which will serve as the parent class for ADFJob, DFTBJob and the future BANDJob. + It holds all methods related to changing the settings at the AMS level. It also handles preparing the jobs, e.g. writing runfiles and inputs. + ''' + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.single_point() + self.geometry_convergence(gradients=1e-5, energy=1e-5) + + def __str__(self): + return f'{self._task}({self._functional}/{self._basis_set}), running in {os.path.join(os.path.abspath(self.rundir), self.name)}' + +
+[docs] + def single_point(self): + ''' + Set the task of the job to single point. + ''' + self._task = 'SP' + self.settings.input.ams.task = 'SinglePoint'
+ + +
+[docs] + def geometry_convergence(self, gradients: float = 1e-5, energy: float = 1e-5): + ''' + Set the convergence criteria for the geometry optimization. + + Args: + gradients: the convergence criteria for the gradients during geometry optimizations. Defaults to 1e-5. + energy: the convergence criteria for the energy during geometry optimizations. Default to 1e-5. + ''' + self.settings.input.ams.GeometryOptimization.Convergence.Gradients = gradients + self.settings.input.ams.GeometryOptimization.Convergence.Energy = energy
+ + +
+[docs] + def transition_state(self, distances: list = None, angles: list = None, dihedrals: list = None, ModeToFollow: int = 1): + ''' + Set the task of the job to transition state search. Optionally you can give some TS coordinates to accelerate convergence. + By default also calculates the normal modes after convergence. + + Args: + distances: sequence of tuples or lists containing [atom_index1, atom_index2, factor]. Atom indices start at 1. + angles: sequence of tuples or lists containing [atom_index1, atom_index2, atom_index3, factor]. Atom indices start at 1. + dihedrals: sequence of tuples or lists containing [atom_index1, atom_index2, atom_index3, atom_index4, factor]. Atom indices start at 1. + ModeToFollow: the vibrational mode to follow during optimization. + ''' + self._task = 'TS' + self.settings.input.ams.task = 'TransitionStateSearch' + + self.settings.input.ams.TransitionStateSearch.ReactionCoordinate.ModeToFollow = ModeToFollow + + if distances is not None: + self.settings.input.ams.TransitionStateSearch.ReactionCoordinate.Distance = [" ".join([str(x) for x in dist]) for dist in distances] + if angles is not None: + self.settings.input.ams.TransitionStateSearch.ReactionCoordinate.Angle = [" ".join([str(x) for x in ang]) for ang in angles] + if dihedrals is not None: + self.settings.input.ams.TransitionStateSearch.ReactionCoordinate.Dihedral = [" ".join([str(x) for x in dihedral]) for dihedral in dihedrals] + + # for TS searches we quickly calculate the hessian with DFTB + self.settings.input.ams.GeometryOptimization.InitialHessian.Type = 'CalculateWithFasterEngine' + self.vibrations(True) # also calculate vibrations by default
+ + +
+[docs] + def optimization(self): + ''' + Set the task of the job to transition state search. By default also calculates the normal modes after convergence. + ''' + self._task = 'GO' + self.settings.input.ams.task = 'GeometryOptimization' + self.settings.input.ams.GeometryOptimization.InitialHessian.Type = 'CalculateWithFasterEngine' + self.vibrations(True)
+ + +
+[docs] + def vibrations(self, enable: bool = True, PESPointCharacter: bool = True, NegativeFrequenciesTolerance: float = -5, ReScanFreqRange: tuple[float ,float] = [-10000000.0, 10.0]): + ''' + Set the calculation of vibrational modes. + + Args: + enable: whether to calculate the vibrational modes. + PESPointCharacter: whether to report the PES character in the output. + NegativeFrequenciesTolerance: the tolerance for negative modes. Modes above this value will not be counted as imaginary. Use this option when you experience a lot of numerical noise. + ReScanFreqRange: the rescan range. Any mode that has a frequency in this range will be refined. + ''' + self.settings.input.ams.Properties.NormalModes = 'Yes' if enable else 'No' + self.settings.input.ams.Properties.PESPointCharacter = 'Yes' if enable else 'No' + self.settings.input.ams.PESPointCharacter.NegativeFrequenciesTolerance = NegativeFrequenciesTolerance + self.settings.input.ams.NormalModes.ReScanFreqRange = ' '.join([str(x) for x in ReScanFreqRange])
+ + +
+[docs] + def charge(self, val: int): + ''' + Set the charge of the system. + ''' + self.settings.input.ams.System.Charge = val
+ + + def _setup_job(self): + ''' + Set up the calculation. This will create the working directory and write the runscript and input file for ADF to use. + ''' + os.makedirs(self.rundir, exist_ok=True) + + if not self._molecule and not self._molecule_path and 'atoms' not in self.settings.input.ams.system: + log.error(f'You did not supply a molecule for this job. Call the {self.__class__.__name__}.molecule method to add one.') + return + + if not self._molecule: + self.settings.input.ams.system.GeometryFile = self._molecule_path + + # we will use plams to write the input and runscript + sett = self.settings.as_plams_settings() + job = plams.AMSJob(name=self.name, molecule=self._molecule, settings=sett) + + os.makedirs(self.workdir, exist_ok=True) + with open(self.inputfile_path, 'w+') as inpf: + inpf.write(job.get_input()) + + with open(self.runfile_path, 'w+') as runf: + runf.write('#!/bin/sh\n\n') # the shebang is not written by default by ADF + runf.write('\n'.join(self._preambles) + '\n\n') + runf.write(job.get_runscript()) + runf.write('\n'.join(self._postambles)) + + return True + + @property + def output_mol_path(self): + ''' + The default file path for output molecules when running ADF calculations. It will not be created for singlepoint calculations. + ''' + return j(self.workdir, 'output.xyz')
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/crest.html b/docs/_build/html/_modules/tcutility/job/crest.html new file mode 100644 index 00000000..4b12ce97 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/crest.html @@ -0,0 +1,653 @@ + + + + + + + + + + tcutility.job.crest — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.crest

+from scm import plams
+from tcutility.data import molecules
+from tcutility.job.generic import Job
+from tcutility import log
+import os
+
+
+j = os.path.join
+
+
+
+[docs] +class CRESTJob(Job): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.crest_path = 'crest' + self.xtb_path = 'xtb' + self._charge = 0 + self._spinpol = 0 + self._temp = 400 + self._mdlen = 'x1' + + def _setup_job(self): + self.add_postamble('mkdir rotamers') + self.add_postamble('mkdir conformers') + self.add_postamble(f'split -d -l {len(self._molecule.atoms) + 2} -a 5 crest_conformers.xyz conformers/') + self.add_postamble(f'split -d -l {len(self._molecule.atoms) + 2} -a 5 crest_rotamers.xyz rotamers/') + + self.add_postamble('for file in conformers/* rotamers/*') + self.add_postamble('do') + self.add_postamble(' mv "$file" "$file.xyz"') + self.add_postamble('done') + + os.makedirs(self.workdir, exist_ok=True) + + self._molecule.write(j(self.workdir, 'coords.xyz')) + + options = [ + 'coords.xyz', + f'-xnam "{self.xtb_path}"', + '--noreftopo', + '-rthr 1' + f'-c {self._charge}', + f'-u {self._spinpol}', + f'-tnmd {self._temp}', + f'-mdlen {self._mdlen}', + ] + + options = ' '.join(options) + + with open(self.runfile_path, 'w+') as runf: + runf.write('#!/bin/sh\n\n') # the shebang is not written by default by ADF + runf.write('\n'.join(self._preambles) + '\n\n') + runf.write(f'{self.crest_path} {options}\n') + runf.write('\n'.join(self._postambles)) + + return True + +
+[docs] + def spin_polarization(self, val: int): + ''' + Set the spin-polarization of the system. + ''' + self._spinpol = val
+ + +
+[docs] + def multiplicity(self, val: int): + ''' + Set the multiplicity of the system. If the value is not one the calculation will also be unrestricted. + We use the following values: + + 1) singlet + 2) doublet + 3) triplet + 4) ... + + The multiplicity is equal to 2*S+1 for spin-polarization of S. + ''' + self._spinpol = (val - 1)//2
+ + +
+[docs] + def charge(self, val: int): + ''' + Set the charge of the system. + ''' + self._charge = val
+ + +
+[docs] + def md_temperature(self, val: float): + ''' + Set the temperature of the molecular dynamics steps. Defaults to 400K. + ''' + self._temp = val
+ + +
+[docs] + def md_length(self, val: float): + ''' + Set the length of the molecular dynamics steps. The default length will be multiplied by this value, e.g. the default value is 1. + ''' + self._mdlen = f'x{val}'
+ + + @property + def best_conformer_path(self): + return j(self.workdir, 'crest_best.xyz') + + @property + def conformer_directory(self): + return j(self.workdir, 'conformers') + + @property + def rotamer_directory(self): + return j(self.workdir, 'rotamers') + +
+[docs] + def get_conformer_xyz(self, number: int = None): + ''' + Return paths to conformer xyz files for this job. + + Args: + number: the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to `number` files. + ''' + if os.path.exists(self.conformer_directory): + return [j(self.conformer_directory, file) for i, file in enumerate(sorted(os.listdir(self.conformer_directory)))] + + for i in range(number or 10): + yield j(self.conformer_directory, f'{str(i).zfill(5)}.xyz')
+ + +
+[docs] + def get_rotamer_xyz(self, number: int = None): + ''' + Return paths to rotamer xyz files for this job. + + Args: + number: the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to `number` files. + ''' + if os.path.exists(self.rotamer_directory): + return [j(self.rotamer_directory, file) for i, file in enumerate(os.listdir(self.rotamer_directory))] + + for i in range(number or 10): + yield j(self.rotamer_directory, f'{str(i).zfill(5)}.xyz')
+
+ + + +
+[docs] +class QCGJob(CRESTJob): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.crest_path = 'crest' + self._nsolv = 10 + self._fix_solute = False + self._ensemble_generation_mode = 'NCI-MTD' + self._solvent = None + self._nofix = True + +
+[docs] + def solvent(self, mol, nsolv=None): + if self._nsolv: + self._nsolv = nsolv + + if isinstance(mol, plams.Molecule): + self._solvent = mol + + elif isinstance(mol, str) and os.path.exists(mol): + self._solvent = plams.Molecule(mol) + + elif isinstance(mol, str): + # here we can get the molecule name using tcutility.data.molecules + self._solvent = molecules.get(mol) + # we can check if the alpb solvent name is defined in the xyz file + alpb = self._solvent.flags.get('alpb', None) + if alpb: + self.alpb(alpb) + + elif isinstance(mol, list) and isinstance(mol[0], plams.Atom): + self._solvent = plams.Molecule() + [self._solvent.add_atom(atom) for atom in mol] + + elif isinstance(mol, plams.Atom): + self._solvent = plams.Molecule() + self._solvent.add_atom(mol)
+ + +
+[docs] + def nsolv(self, nsolv): + self._nsolv = nsolv
+ + +
+[docs] + def alpb(self, solvent): + self._alpb = solvent
+ + +
+[docs] + def ensemble_mode(self, mode): + self._ensemble_generation_mode = mode
+ + +
+[docs] + def nofix(self, enable=True): + self._nofix = enable
+ + + def _setup_job(self): + self.add_postamble('mkdir ensemble/ensemble') + self.add_postamble(f'split -d -l {len(self._molecule.atoms) + len(self._solvent.atoms) * self._nsolv + 2} -a 5 ensemble/final_ensemble.xyz ensemble/ensemble') + + self.add_postamble('for file in ensemble/ensemble/*') + self.add_postamble('do') + self.add_postamble(' mv "$file" "$file.xyz"') + self.add_postamble('done') + + if not self._solvent: + log.error(f'Did not provide a solvent molecule for this job. Call the {self.__class__.__name__}.solvent method to add one.') + + os.makedirs(self.workdir, exist_ok=True) + + self._molecule.write(j(self.workdir, 'coords.xyz')) + self._solvent.write(j(self.workdir, 'solvent.xyz')) + + ensemble_mode_option = { + 'NCI-MTD': '--ncimtd', + 'MD': '--md', + 'MTD': '--mtd', + }.get(self._ensemble_generation_mode, self._ensemble_generation_mode) + + options = [ + 'coords.xyz', + f'-xnam "{self.xtb_path}"', + '--qcg solvent.xyz', + '--ensemble', + f'--nsolv {self._nsolv}', + f'--chrg {self._charge}', + f'--uhf {self._spinpol}', + f'--tnmd {self._temp}', + f'--mdlen {50 * float(self._mdlen[1:])}', + ensemble_mode_option, + ] + + if self._alpb: + options.append(f'--alpb {self._alpb}') + + if self._nofix: + options.append('--nofix') + + options = ' '.join(options) + + with open(self.runfile_path, 'w+') as runf: + runf.write('#!/bin/sh\n\n') + runf.write('\n'.join(self._preambles) + '\n\n') + runf.write(f'{self.crest_path} {options}\n') + runf.write('\n'.join(self._postambles)) + + return True + + @property + def ensemble_directory(self): + return j(self.workdir, 'ensemble', 'ensemble') + +
+[docs] + def get_ensemble_xyz(self, number: int = None): + ''' + Return paths to conformer xyz files for this job. + + Args: + number: the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to `number` files. + ''' + if os.path.exists(self.ensemble_directory): + return [j(self.ensemble_directory, file) for i, file in enumerate(sorted(os.listdir(self.ensemble_directory)))] + + for i in range(number or 10): + yield j(self.ensemble_directory, f'{str(i).zfill(5)}.xyz')
+ + + @property + def best_ensemble_path(self): + return j(self.workdir, 'ensemble', 'ensemble', 'crest_best.xyz')
+ + + +if __name__ == '__main__': + # with CRESTJob() as job: + # job.rundir = 'tmp/SN2' + # job.name = 'CREST' + # job.molecule('../../../test/fixtures/xyz/transitionstate_radical_addition.xyz') + # job.sbatch(p='tc', ntasks_per_node=32) + + with QCGJob(test_mode=True) as job: + job.rundir = 'calculations/Ammonia' + job.name = 'QCG' + job.molecule('ammonia.xyz') + job.solvent('water', 10) + print(job._solvent) + job.sbatch(p='tc', n=32) + + # for i in range(40): + # with CRESTJob(test_mode=False, overwrite=True) as job: + # job.rundir = 'tmp/SN2' + # job.name = 'CREST' + # job.molecule('../../../test/fixtures/xyz/transitionstate_radical_addition.xyz') + # job.sbatch(p='tc', ntasks_per_node=32) +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/dftb.html b/docs/_build/html/_modules/tcutility/job/dftb.html new file mode 100644 index 00000000..7d0d3d2f --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/dftb.html @@ -0,0 +1,420 @@ + + + + + + + + + + tcutility.job.dftb — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.dftb

+from tcutility.job.ams import AMSJob
+import os
+
+
+j = os.path.join
+
+
+
+[docs] +class DFTBJob(AMSJob): + ''' + Setup and run a density functional with tight-binding (DFTB) calculation as implemented in the Amsterdam modelling suite (AMS). + This class supports all methods of the parent :class:`AMSJob <tcutility.job.ams.AMSJob>`. + ''' + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self._model = None + self.kspace('Good') + self.single_point() + self.model('GFN1-xTB') + self.solvent('vacuum') + +
+[docs] + def kspace(self, quality: str = 'Good'): + ''' + Set the k-space integration quality for this job. + + Args: + quality: the type of basis-set to use. Default is ``Good``. + ''' + self.settings.input.DFTB.kspace.quality = quality
+ + +
+[docs] + def model(self, name: str = 'GFN1-xTB', dispersion: str = None, parameter_dir: str = None): + ''' + Set the model Hamiltonian for the job to use. + + Args: + name: name of the model Hamiltonian. This is the same name as the one in the DFTB gui. Default is ``GFN1-xTB``. + ''' + self.settings.input.DFTB.Model = name + + if dispersion is None: + for disp_suffix in ['-UFF', '-ULG', '-D2', '-D3-BJ', '-D4', '-Auto']: + if not name.endswith(disp_suffix): + continue + self.settings.input.DFTB.DispersionCorrection = disp_suffix[1:] + self.settings.input.DFTB.Model[:-len(disp_suffix)] + else: + self.settings.input.DFTB.DispersionCorrection = dispersion + + if parameter_dir: + self.settings.input.DFTB.ResourcesDir = parameter_dir
+ + +
+[docs] + def solvent(self, name: str = None, grid_size=974): + ''' + Model solvation using the GBSA model. + + Args: + name: the name of the solvent you want to use. Must be ``None``, ``Acetone``, ``Acetonitrile``, ``CHCl3``, ``CS2``, ``DMSO``, ``Ether``, ``H2O``, ``Methanol``, ``THF`` or ``Toluene``. + grid_size: the size of the grid used to construct the solvent accessible surface. Must be ``230``, ``974``, ``2030`` or ``5810``. + ''' + if name == 'vacuum': + self.settings.input.DFTB.pop('solvation', None) + return + + self.settings.input.DFTB.Solvation.Solvent = name + self.settings.input.DFTB.Solvation.SurfaceGrid = grid_size
+
+ + + +if __name__ == '__main__': + with DFTBJob(test_mode=False, overwrite=True) as job: + job.rundir = 'tmp/SN2' + job.name = 'DFTB' + job.molecule('../../../test/fixtures/xyz/transitionstate_radical_addition.xyz') + job.sbatch(p='tc', ntasks_per_node=15) + job.model('GFN1-xTB') + job.optimization() + job.kspace('Good') + job.solvent('H2O') +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/generic.html b/docs/_build/html/_modules/tcutility/job/generic.html new file mode 100644 index 00000000..51684088 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/generic.html @@ -0,0 +1,573 @@ + + + + + + + + + + tcutility.job.generic — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.generic

+from tcutility import log, results, slurm
+import subprocess as sp
+import os
+import stat
+from typing import Union
+from scm import plams
+import shutil
+
+j = os.path.join
+
+
+
+[docs] +class Job: + '''This is the base Job class used to build more advanced classes such as :class:`AMSJob <tcutility.job.ams.AMSJob>` and :class:`ORCAJob <tcutility.job.orca.ORCAJob>`. + The base class contains an empty :class:`Result <tcutility.results.result.Result>` object that holds the settings. + It also provides :meth:`__enter__` and :meth:`__exit__` methods to make use of context manager syntax. + + All class methods are in principle safe to overwrite, but the :meth:`_setup_job` method **must** be overwritten. + + Args: + test_mode: whether to enable the testing mode. If enabled, the job will be setup like normally, but the running step is skipped. This is useful if you want to know what the job settings look like before running the real calculations. + overwrite: whether to overwrite a previously run job in the same working directory. + wait_for_finish: whether to wait for this job to finish running before continuing your runscript. + ''' + def __init__(self, test_mode: bool = False, overwrite: bool = False, wait_for_finish: bool = False): + self.settings = results.Result() + self._sbatch = results.Result() + self._molecule = None + self._molecule_path = None + self.slurm_job_id = None + self.name = 'calc' + self.rundir = 'tmp' + self.test_mode = test_mode + self.overwrite = overwrite + self.wait_for_finish = wait_for_finish + self._preambles = [] + self._postambles = [] + + def __enter__(self): + return self + + def __exit__(self, *args): + self.run() + +
+[docs] + def can_skip(self): + ''' + Check whether the job can be skipped. We check this by loading the calculation and checking if the job status was fatal. + Fatal in this case means that the job failed, canceled or could not be found. In those cases we want to run the job. + + .. note:: + This method works for the :class:`ADFJob <tcutility.job.adf.ADFJob>`, :class:`ADFFragmentJob <tcutility.job.adf.ADFFragmentJob>`, + :class:`DFTBJob <tcutility.job.dftb.DFTBJob>` and :class:`ORCAJob <tcutility.job.orca.ORCAJob>` objects, but not + yet for :class:`CRESTJob <tcutility.job.crest.CRESTJob>` and :class:`QCGJob <tcutility.job.crest.QCGJob>`. For the latter objects the job will always be rerun. + This will be fixed in a later version of TCutility. + ''' + res = results.read(self.workdir) + return not res.status.fatal
+ + + def __repr__(self): + return f'{type(self)}(name={self.name}, rundir={self.rundir})' + +
+[docs] + def sbatch(self, **kwargs): + ''' + Change slurm settings, for example, to change the partition or change the number of cores to use. + The arguments are the same as you would use for sbatch (`see sbatch manual <https://slurm.schedmd.com/sbatch.html>`_). E.g. to change the partition to 'tc' call: + + ``job.sbatch(p='tc')`` or ``job.sbatch(partition='tc')`` + + .. warning:: + + Note that some sbatch options, such as ``--job-name`` contain a dash, which cannot be used in Python arguments. + To use these options you should use an underscore, like ``job.sbatch(job_name='water_dimer_GO')``. + + .. note:: + + When running the job using sbatch we add a few extra default options: + + * ``-D/--chdir {self.workdir}`` to make sure the job starts in the correct directory + * ``-J/--job-name {self.rundir}/{self.name}`` to give a nicer job-name when calling squeue + * ``-o/--output {self.name}.out`` to redirect the output from the default slurm-{id}.out + + You can still overwrite them if you wish. + ''' + for key, value in kwargs.items(): + if key == 'dependency' and 'dependency' in self._sbatch: + value = self._sbatch['dependency'] + ',' + value + self._sbatch[key] = value
+ + + def _setup_job(self): + ''' + Set up the current job. This method should create the working directory, runscript and input file. + Method must return True if it was successful. + ''' + NotImplemented + +
+[docs] + def run(self): + ''' + Run this job. We detect if we are using slurm. If we are we submit this job using sbatch. Otherwise, we will run the job locally. + ''' + if self.overwrite: + shutil.rmtree(self.workdir) + os.makedirs(self.workdir, exist_ok=True) + + if self.can_skip(): + log.info(f'Skipping calculation {j(self.rundir, self.name)}, it is already finished or currently pending or running.') + return + + # setup the job and check if it was successfull + setup_success = self._setup_job() + + if self.test_mode or not setup_success: + return + + if slurm.has_slurm(): + # set some default sbatch settings + if any(option not in self._sbatch for option in ['D', 'chdir']): + self._sbatch.setdefault('D', self.workdir) + if any(option not in self._sbatch for option in ['J', 'job_name']): + self._sbatch.setdefault('J', f'{self.rundir}/{self.name}') + if any(option not in self._sbatch for option in ['o', 'output']): + self._sbatch.setdefault('o', f'{self.name}.out') + self._sbatch.prune() + + # submit the job with sbatch + sbatch_result = slurm.sbatch(os.path.split(self.runfile_path)[1], **self._sbatch) + + # store the slurm job ID + self.slurm_job_id = sbatch_result.id + # and write the command to a file so we can rerun it later + with open(j(self.workdir, 'submit.sh'), 'w+') as cmd_file: + cmd_file.write(sbatch_result.command) + # make the submit command executable + os.chmod(j(self.workdir, 'submit.sh'), stat.S_IRWXU) + + # if we requested the job to hold we will wait for the slurm job to finish + if self.wait_for_finish: + slurm.wait_for_job(self.slurm_job_id) + else: + # if we are not using slurm, we can execute the file. For this we need special permissions, so we have to set that first. + os.chmod(self.runfile_path, stat.S_IRWXU) + sp.run(self.runfile_path, cwd=os.path.split(self.runfile_path)[0])
+ + +
+[docs] + def add_preamble(self, line: str): + ''' + Add a preamble for the runscript. This should come after the shebang, but before the calculation is ran by the program (ADF or ORCA). + This can used, for example, to load some modules. E.g. to load a specific version of AMS we can call: + job.add_preamble('module load ams/2023.101') + ''' + self._preambles.append(line)
+ + +
+[docs] + def add_postamble(self, line: str): + ''' + Add a postamble for the runscript. This should come after the calculation is ran by the program (ADF or ORCA). + This can be used, for example, to remove or copy some files. E.g. to remove all t12.* files we can call: + job.add_postamble('rm t12.*') + ''' + self._postambles.append(line)
+ + +
+[docs] + def dependency(self, otherjob: 'Job'): + ''' + Set a dependency between this job and another job. This means that this job will run after the other job is finished running succesfully. + ''' + if hasattr(otherjob, 'slurm_job_id'): + self.sbatch(dependency=f'afterok:{otherjob.slurm_job_id}') + self.sbatch(kill_on_invalid_dep='Yes')
+ + + @property + def workdir(self): + ''' + The working directory of this job. All important files are written here, for example the input file and runscript. + ''' + return j(os.path.abspath(self.rundir), self.name) + + @property + def runfile_path(self): + ''' + The file path to the runscript of this job. + ''' + return j(self.workdir, f'{self.name}.run') + + @property + def inputfile_path(self): + ''' + The file path to the input file of this job. + ''' + return j(self.workdir, f'{self.name}.in') + + @property + def output_mol_path(self): + ''' + This method should return the name of the output molecule if it makes sense to give it back. + E.g. for ADF it will be output.xyz in the workdir for optimization jobs. + ''' + NotImplemented + +
+[docs] + def molecule(self, mol: Union[str, plams.Molecule, plams.Atom, list[plams.Atom]]): + ''' + Add a molecule to this calculation in various formats. + + Args: + mol: the molecule to read, can be a path (str). If the path exists already we read it. If it does not exist yet, it will be read in later. mol can also be a plams.Molecule object or a single or a list of plams.Atom objects. + ''' + if isinstance(mol, plams.Molecule): + self._molecule = mol + + elif isinstance(mol, str) and os.path.exists(mol): + self._molecule = plams.Molecule(mol) + + elif isinstance(mol, str): + self._molecule_path = os.path.abspath(mol) + + elif isinstance(mol, list) and isinstance(mol[0], plams.Atom): + self._molecule = plams.Molecule() + [self._molecule.add_atom(atom) for atom in mol] + + elif isinstance(mol, plams.Atom): + self._molecule = plams.Molecule() + self._molecule.add_atom(mol)
+
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/nmr.html b/docs/_build/html/_modules/tcutility/job/nmr.html new file mode 100644 index 00000000..fad5cadb --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/nmr.html @@ -0,0 +1,428 @@ + + + + + + + + + + tcutility.job.nmr — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.nmr

+from tcutility.job.generic import Job
+from tcutility.job.adf import ADFJob
+import os
+
+j = os.path.join
+
+
+
+[docs] +class NMRJob(Job): + ''' + A job that handles calculation of Nuclear Magnetic Resonance (NMR) chemical shifts. + The job will first run an :class:`tcutility.job.adf.ADFJob` calculation at the SAOP/TZ2P level of theory to prepare for the NMR program of AMS. + The NMR shifts will be calculated for all atoms and any additional coordinate (NICS). + New NICS points can be given using the :meth:`NMRJob.add_nics_point` method. + ''' + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.pre_nmr_job = ADFJob(*args, **kwargs) + self.pre_nmr_job.functional('SAOP') + self.pre_nmr_job.basis_set('TZ2P') + self.pre_nmr_job.settings.input.adf.save = 'TAPE10' + self.nics_points = [] + + def _setup_job(self): + os.makedirs(self.workdir, exist_ok=True) + + # set up the pre_nmr_job + self.pre_nmr_job.rundir = self.rundir + self.pre_nmr_job.name = self.name + '_pre' + self.pre_nmr_job.molecule(self._molecule or self._molecule_path) + self.pre_nmr_job.sbatch(**self._sbatch) + + # we have to add the NICS points in the pre_nmr_job + multipole_coords = [] + for point in self.nics_points: + multipole_coords.append(f' {point[0]} {point[1]} {point[2]} 0.0') + self.pre_nmr_job.settings.input.ams.System.ElectrostaticEmbedding.MultipolePotential.Coordinates = '\n' + '\n'.join(multipole_coords) + '\n End' + + # we copy the pre_nmr_job output files to the main job directory + self.pre_nmr_job.add_postamble(f'cp {j(self.pre_nmr_job.workdir, "adf.rkf")} {j(self.workdir, "TAPE21")}') + self.pre_nmr_job.add_postamble(f'cp {j(self.pre_nmr_job.workdir, "TAPE10")} {j(self.workdir, "TAPE10")}') + self.pre_nmr_job.run() + + # some extra settings for the main job + self.dependency(self.pre_nmr_job) + # NMR will name the calculation as TAPE21 instead of adf.rkf, so we rename it here + self.add_postamble(f'mv {j(self.workdir, "TAPE21")} {j(self.workdir, "adf.rkf")}') + + # write the input for the NMR job + # the ghost block holds the NICS points + ghost_block = '\t' + if len(self.nics_points) > 0: + ghost_block += 'Ghosts\n' + for point in self.nics_points: + ghost_block += f' {point[0]} {point[1]} {point[2]}\n' + ghost_block += 'SubEnd\n' + + # write input and runfile + with open(self.inputfile_path, 'w+') as inpf: + inpf.write('NMR\n') + inpf.write('\tout all\n') + inpf.write(ghost_block + '\n') + inpf.write('End\n') + + with open(self.runfile_path, 'w+') as runf: + runf.write('#!/bin/sh\n\n') # the shebang is not written by default by ADF + runf.write('\n'.join(self._preambles) + '\n\n') + runf.write(f'$AMSBIN/nmr {self.inputfile_path} < /dev/null\n') + runf.write('\n'.join(self._postambles)) + + return True + +
+[docs] + def add_nics_point(self, coordinate: tuple[float, float, float]): + ''' + Add a NICS point to be calculated. + + Args: + coordinate: the (x, y, z) coordinates of a NICS point to calculate the chemical shift for. Has to be given as cartesian coordinates and using unit angstrom. + ''' + self.nics_points.append(coordinate)
+
+ + + +if __name__ == '__main__': + with NMRJob(test_mode=True) as job: + job.molecule(r"D:\Users\Yuman\Desktop\PhD\TCutility\examples\job\water_dimer.xyz") + job.add_nics_point([0, 1, 2]) + job.add_nics_point([0, 1, 2]) + job.add_nics_point([0, 1, 2]) + job.add_nics_point([0, 1, 2]) + job.add_nics_point([0, 1, 2]) + job.add_nics_point([0, 1, 2]) +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/job/orca.html b/docs/_build/html/_modules/tcutility/job/orca.html new file mode 100644 index 00000000..84f9b7a4 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/job/orca.html @@ -0,0 +1,510 @@ + + + + + + + + + + tcutility.job.orca — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.job.orca

+from tcutility import log, results
+from tcutility.job.generic import Job
+import subprocess as sp
+import os
+
+
+j = os.path.join
+
+
+
+[docs] +class ORCAJob(Job): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.settings.main = {'LARGEPRINT'} + self._charge = 0 + self._multiplicity = 1 + self.memory = None + self.processes = None + self.orca_path = None + + self.single_point() + + def __casefold_main(self): + self.settings.main = {key.casefold() for key in self.settings.main} + + def __remove_task(self): + self.__casefold_main() + [self.settings.main.discard(task) for task in ['sp', 'opt', 'tsopt', 'neb-ts']] + +
+[docs] + def single_point(self): + self.__remove_task() + self.settings.main.add('sp')
+ + +
+[docs] + def transition_state(self): + self.__remove_task() + self.vibrations() + self.settings.main.add('optts')
+ + +
+[docs] + def optimization(self): + self.__remove_task() + self.vibrations() + self.settings.main.add('opt')
+ + +
+[docs] + def vibrations(self, enable=True, numerical=False): + self.__casefold_main() + self.settings.main.discard('numfreq') + self.settings.main.discard('freq') + if not enable: + return + if numerical: + self.settings.main.add('numfreq') + else: + self.settings.main.add('freq')
+ + +
+[docs] + def charge(self, val): + self._charge = val
+ + +
+[docs] + def spin_polarization(self, val): + self._multiplicity = 2 * val + 1
+ + +
+[docs] + def multiplicity(self, val): + self._multiplicity = val
+ + +
+[docs] + def get_memory_usage(self): + mem = self.memory or self._sbatch.mem or None + + ntasks = self.processes + if ntasks is None: + if self._sbatch.n: + ntasks = self._sbatch.n + if self._sbatch.ntasks: + ntasks = self._sbatch.ntasks + if self._sbatch.ntasks_per_node: + ntasks = self._sbatch.ntasks_per_node * self._sbatch.get('N', 1) * self._sbatch.get('nodes', 1) + + return mem, ntasks
+ + +
+[docs] + def get_input(self): + # set the correct memory usage and processes + mem, ntasks = self.get_memory_usage() + if ntasks and mem: + natoms = len(self._molecule) + ntasks = min(ntasks, (natoms - 1) * 3) + self.settings.PAL.nprocs = ntasks + self.settings.maxcore = int(mem / ntasks * 0.75) + else: + log.warn('MaxCore and nprocs not specified. Please use SBATCH settings or set job.processes and job.memory.') + + ret = '' + for key in self.settings.main: + ret += f'!{key}\n' + ret += '\n' + + for option, block in self.settings.items(): + if option == 'main': + continue + + if isinstance(block, results.Result): + ret += f'%{option}\n' + + for key, val in block.items(): + ret += f' {key} {val}\n' + + ret += 'END\n\n' + else: + ret += f'%{option} {block}\n' + + ret += '\n' + + if self._molecule_path: + ret += f'* xyz {self._charge} {self._multiplicity} {os.path.abspath(self._molecule_path)}\n' + + else: + ret += f'* xyz {self._charge} {self._multiplicity}\n' + for atom in self._molecule: + ret += f' {atom.symbol:2} {atom.x: >13f} {atom.y: >13f} {atom.z: >13f}\n' + ret += '*\n' + + return ret
+ + + def _setup_job(self): + try: + if self.orca_path is None: + self.orca_path = sp.check_output(['which', 'orca']).decode().strip() + except sp.CalledProcessError: + log.error('Could not find the orca path. Please set it manually.') + return + + if not self._molecule and not self._molecule_path: + log.error(f'You did not supply a molecule for this job. Call the {self.__class__}.molecule method to add one.') + return + + os.makedirs(self.workdir, exist_ok=True) + with open(self.inputfile_path, 'w+') as inp: + inp.write(self.get_input()) + + with open(self.runfile_path, 'w+') as runf: + runf.write('#!/bin/sh\n\n') # the shebang is not written by default by ADF + runf.write('\n'.join(self._preambles) + '\n\n') + runf.write(f'{self.orca_path} {self.inputfile_path}\n') + runf.write('\n'.join(self._postambles)) + + return True
+ + + +if __name__ == '__main__': + job = ORCAJob() + job.molecule('water.xyz') + job._setup_job() +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/log.html b/docs/_build/html/_modules/tcutility/log.html index 0e156df1..54917757 100644 --- a/docs/_build/html/_modules/tcutility/log.html +++ b/docs/_build/html/_modules/tcutility/log.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + @@ -263,6 +268,7 @@

Source code for tcutility.log

 ###########################################################
 # MODULE LEVEL VARIABLES USED TO CHANGE LOGGING BEHAVIOUR #
 logfile = sys.stdout  # stream or file to send prints to. Default sys.stdout is the standard Python print output
+errfile = sys.stderr  # stream or file to send prints to. Default sys.stderr is the standard Python print output
 tab_level = 0  # number of tabs to add before a logged message. This is useful to build a sense of structure in a long output
 max_width = 0  # maximum width of printed messages. Default 0 means unbounded
 print_date = True  # print time stamp before a logged message
@@ -276,7 +282,7 @@ 

Source code for tcutility.log

     Class containing some useful emojis and other characters.
     Supports dot-notation and indexation to get a character.
 
-    E.g. Emojis.wait == Emojis['wait']
+    E.g. ``Emojis.wait == Emojis['wait']``
     """
 
     wait = "🕒"
@@ -312,17 +318,20 @@ 

Source code for tcutility.log

     This file is deleted after exiting the context-manager.
     """
 
-    def __init__(self, stdout=None):
+    def __init__(self, stdout=None, stderr=None):
         self.stdout = stdout or logfile
+        self.stderr = stderr or errfile
         self.overflow = open(str(os.getpid()) + "_NOPRINT.tmp", "w+")
 
     def __enter__(self):
-        global logfile
+        global logfile, errfile
         logfile = self.overflow
+        errfile = self.overflow
 
     def __exit__(self, *args, **kwargs):
-        global logfile
+        global logfile, errfile
         logfile = self.stdout
+        errfile = self.stderr
         self.overflow.close()
         os.remove(str(os.getpid()) + "_NOPRINT.tmp")
@@ -341,12 +350,13 @@

Source code for tcutility.log

 
 
[docs] -def log(message: str = "", level: int = 20, end: str = "\n"): +def log(message: Any = "", level: int = 20, end: str = "\n"): r""" - Print a message to stream or file logfile. - This function adds the current timestamp and supports multi-line printing (split on the "\n" escape character). - level is the verbosity level with which the message is sent. - Generally we follow: + Print a nicely formatteed message. + This function adds the current timestamp and supports multi-line printing (split on the ``\n`` escape character). + For verbosity levels we use the following convention: + + .. code-block:: NOTSET = 0 DEBUG = 10 @@ -355,7 +365,11 @@

Source code for tcutility.log

         ERROR    = 40
         CRITICAL = 50
 
-    We compare the level against the module-wide log_level variable (by default log_level = 20). If the level is below log_level we do not print it.
+    
+    Args:
+        message: the message to send. Before printing we will use the ``message.__str__`` method to get the string representation. If the message is a ``dict`` we use the ``json`` module to format the message nicely.
+        level: the level to print the message at. We compare the level against the module-wide ``log_level`` variable (by default ``log_level = 20``). If the level is below ``log_level`` we do not print it.
+        end: the end of the string. This is usually the new-line character ``\n``.
     """
     if level < log_level:
         return
@@ -450,10 +464,10 @@ 

Source code for tcutility.log

 [docs]
 def loadbar(sequence: Iterable, comment: str = "", Nsegments: int = 50, Nsteps: int = 10, level: int = 20) -> None:
     """
-    Return values from an iterable `sequence` and also print a progress bar for the iteration over this sequence.
+    Return values from an iterable ``sequence`` and also print a progress bar for the iteration over this sequence.
 
     Args:
-        sequence: any iterable sequence. Should define the __len__ method.
+        sequence: any iterable sequence. Should define the ``__len__`` method.
         comment: a string to be printed at the end of the loading bar to give information about the loading bar.
         Nsegments: length of the loading bar in characters.
         Nsteps: number of times to print the loading bar during iteration. If the output is a tty-type stream Nsteps will be set to the length of sequence.
diff --git a/docs/_build/html/_modules/tcutility/molecule.html b/docs/_build/html/_modules/tcutility/molecule.html
index e1923642..21224105 100644
--- a/docs/_build/html/_modules/tcutility/molecule.html
+++ b/docs/_build/html/_modules/tcutility/molecule.html
@@ -28,6 +28,8 @@
 
 
     
+    
+    
   
   
   
@@ -37,6 +39,9 @@
     
     
     
+    
+    
+    
     
     
     
@@ -252,7 +257,7 @@
   

Source code for tcutility.molecule

 from scm import plams
 from tcutility.results import result
-
+from typing import Dict
 
 
[docs] @@ -330,22 +335,23 @@

Source code for tcutility.molecule

     Load a molecule from a given xyz file path.
     The xyz file is structured as follows:
 
-        ```
-        [int] number of atoms
+    .. code-block::
+
+        [int]
         Comment line
-        Xx X1 Y1 Z1 atom_tag1 atom_tag2 atom_key1=...
-        Xx X2 Y2 Z2 atom_tag1 atom_tag2 atom_key1=...
-        Xx X3 Y3 Z3
+        [str] [float] [float] [float] atom_tag1 atom_tag2 atom_key1=...
+        [str] [float] [float] [float] atom_tag1 atom_tag2 atom_key1=...
+        [str] [float] [float] [float]
 
         mol_tag1
         mol_tag2
         mol_key1=...
         mol_key2 = ...
-        ```
 
-    The xyz file is parsed and returned as a plams.Molecule object.
-    Flags and tags are given as mol.flags and mol.flags.tags respectively
-    Similarly for the atoms, the flags and tags are given as mol.atoms[i].flags and mol.atoms[i].flags.tags
+
+    The xyz file is parsed and returned as a :class:`plams.Molecule <plams.mol.molecule.Molecule>` object.
+    Flags and tags are given as ``mol.flags`` and ``mol.flags.tags`` respectively.
+    Similarly for the atoms, the flags and tags are given as ``mol.atoms[i].flags`` and ``mol.atoms[i].flags.tags``
     """
 
     def parse_flags(args):
@@ -386,11 +392,97 @@ 

Source code for tcutility.molecule

 
 
 
+
+[docs] +def guess_fragments(mol: plams.Molecule) -> Dict[str, plams.Molecule]: + ''' + Guess fragments based on data from the xyz file. Two methods are supported, see the tabs below. + + + .. tabs:: + + .. group-tab:: First method + + .. code-block:: + + 8 + + N 0.00000000 0.00000000 -0.81474153 + B -0.00000000 -0.00000000 0.83567034 + H 0.47608351 -0.82460084 -1.14410295 + H 0.47608351 0.82460084 -1.14410295 + H -0.95216703 0.00000000 -1.14410295 + H -0.58149793 1.00718395 1.13712667 + H -0.58149793 -1.00718395 1.13712667 + H 1.16299585 -0.00000000 1.13712667 + + frag_Donor = 1, 3-5 + frag_Acceptor = 2, 6-8 + + In this case, fragment atom indices must be provided below the coordinates. + The fragment name must be prefixed with ``frag_``. Indices can be given as integers or as ranges using ``-``. + + .. group-tab:: Second method + + .. code-block:: + + 8 + + N 0.00000000 0.00000000 -0.81474153 frag=Donor + B -0.00000000 -0.00000000 0.83567034 frag=Acceptor + H 0.47608351 -0.82460084 -1.14410295 frag=Donor + H 0.47608351 0.82460084 -1.14410295 frag=Donor + H -0.95216703 0.00000000 -1.14410295 frag=Donor + H -0.58149793 1.00718395 1.13712667 frag=Acceptor + H -0.58149793 -1.00718395 1.13712667 frag=Acceptor + H 1.16299585 -0.00000000 1.13712667 frag=Acceptor + + In this case, fragment atoms are marked with the `frag` flag which gives the name of the fragment the atom belongs to. + + Args: + mol: the molecule that is to be split into fragments. It should have defined either method shown above. If it does not define these methods this function returns ``None``. + + Returns: + A dictionary containing fragment names as keys and :class:`plams.Molecule <scm.plams.mol.molecule.Molecule>` objects as values. Atoms that were not included by either method will be placed in the molecule object with key ``None``. + + ''' + + # first method, check if the fragments are defined as molecule flags + fragment_flags = [flag for flag in mol.flags if flag.startswith('frag_')] + if len(fragment_flags) > 0: + fragment_mols = {frag.removeprefix('frag_'): plams.Molecule() for frag in fragment_flags} + for frag in fragment_flags: + indices = [] + index_line = mol.flags[frag] + for indx in index_line: + if isinstance(indx, int): + indices.append(indx) + elif isinstance(indx, str) and '-' in indx: + indices.extend(range(int(indx.split('-')[0]), int(indx.split('-')[1]) + 1)) + else: + raise ValueError(f'Fragment index {indx} could not be parsed.') + + [fragment_mols[frag.removeprefix('frag_')].add_atom(mol[i]) for i in indices] + return fragment_mols + + # second method, check if the atoms have a frag= flag defined + fragment_names = set(atom.flags.get('frag') for atom in mol) + if len(fragment_names) > 0: + fragment_mols = {name: plams.Molecule() for name in fragment_names} + for atom in mol: + # get the fragment the atom belongs to and add it to the list + fragment_mols[atom.flags.get('frag')].add_atom(atom) + + return fragment_mols
+ + + + if __name__ == "__main__": - mol = load(r"D:\Users\Yuman\Desktop\PhD\ychem\calculations2\5ef3a511141a993d83552515df6bf882a7560dd806f88df4e2c2887b4d2a9595\transitionstate\input_mol.xyz") - print(mol) - print(mol.flags) - print(mol[1].flags) + # mol = load(r"D:\Users\Yuman\Desktop\PhD\ychem\calculations2\5ef3a511141a993d83552515df6bf882a7560dd806f88df4e2c2887b4d2a9595\transitionstate\input_mol.xyz") + mol = load('../../examples/job/NH3BH3.xyz') + frags = guess_fragments(mol) + print(frags)
diff --git a/docs/_build/html/_modules/tcutility/report.html b/docs/_build/html/_modules/tcutility/report.html index 3aec873b..52fcd8de 100644 --- a/docs/_build/html/_modules/tcutility/report.html +++ b/docs/_build/html/_modules/tcutility/report.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + diff --git a/docs/_build/html/_modules/tcutility/results.html b/docs/_build/html/_modules/tcutility/results.html new file mode 100644 index 00000000..4530fbf6 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/results.html @@ -0,0 +1,452 @@ + + + + + + + + + + tcutility.results — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results

+"""
+This module provides basic and general information about calculations done using AMS given a calculation directory.
+This includes information about the engine used (ADF, DFTB, BAND, ...), general information such as timings, files, status of the calculation, etc.
+This information is used in further analysis programs.
+
+Typical usage example:
+
+.. literalinclude:: ../tcutility.results.rst
+"""
+
+from typing import Union
+from . import result
+
+Result = result.Result
+
+from . import adf, dftb, ams, orca, cache  # noqa: E402
+from .. import slurm  # noqa: E402
+import os  # noqa: E402
+import pathlib as pl  # noqa: E402
+
+
+
+[docs] +def get_info(calc_dir: str): + try: + return ams.get_ams_info(calc_dir) + except: # noqa + pass + + try: + return orca.get_info(calc_dir) + except: # noqa + pass + + res = Result() + + # if we cannot correctly read the info, we return some generic result object + # before that, we check the job status by checking slurm + if slurm.workdir_info(os.path.abspath(calc_dir)): + res.engine = 'unknown' + + state = slurm.workdir_info(os.path.abspath(calc_dir)).statuscode + state_name = { + 'CG': 'COMPLETING', + 'CF': 'CONFIGURING', + 'PD': 'PENDING', + 'R': 'RUNNING' + }.get(state, 'UNKNOWN') + + res.status.fatal = False + res.status.name = state_name + res.status.code = state + res.status.reasons = [] + else: + res.engine = 'unknown' + res.status.fatal = True + res.status.name = 'UNKNOWN' + res.status.code = 'U' + res.status.reasons = [] + + # give a little more specific information about the error + if not os.path.exists(calc_dir): + res.status.reasons.append(f'Could not find folder {calc_dir}') + elif not os.path.isdir(calc_dir): + res.status.reasons.append(f'Path {calc_dir} is not a directory') + else: + res.status.reasons.append(f'Could not read calculation in {calc_dir}') + + return res
+ + + +
+[docs] +def read(calc_dir: Union[str, pl.Path]) -> Result: + """Master function for reading data from calculations. It reads general information as well as engine-specific information. + + Args: + calc_dir: path pointing to the working directory for the desired calculation + + Returns: + dictionary containing information about the calculation + """ + calc_dir = str(calc_dir) if isinstance(calc_dir, pl.Path) else calc_dir + + ret = Result() + ret.update(get_info(calc_dir)) + if ret.engine == "adf": + try: + ret.adf = adf.get_calc_settings(ret) + except: # noqa + ret.adf = None + + try: + ret.properties = adf.get_properties(ret) + except: # noqa + ret.properties = None + + try: + ret.level = adf.get_level_of_theory(ret) + except: # noqa + ret.level = None + + elif ret.engine == "dftb": + ret.dftb = dftb.get_calc_settings(ret) + ret.properties = dftb.get_properties(ret) + elif ret.engine == "orca": + ret.orca = orca.get_calc_settings(ret) + ret.properties = orca.get_properties(ret) + + # unload cached KFReaders associated with this calc_dir + to_delete = [key for key in cache._cache if key.startswith(os.path.abspath(calc_dir))] + [cache.unload(key) for key in to_delete] + return ret
+ + + +if __name__ == "__main__": + res = read("/Users/yumanhordijk/Library/CloudStorage/OneDrive-VrijeUniversiteitAmsterdam/RadicalAdditionBenchmark/data/abinitio/P_C2H2_NH2/OPT_pVTZ") + print(res.molecule) +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/results/adf.html b/docs/_build/html/_modules/tcutility/results/adf.html new file mode 100644 index 00000000..ff7b69da --- /dev/null +++ b/docs/_build/html/_modules/tcutility/results/adf.html @@ -0,0 +1,641 @@ + + + + + + + + + + tcutility.results.adf — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results.adf

+from typing import Dict, List
+
+import numpy as np
+from scm.plams import KFReader
+
+from tcutility import constants, ensure_list
+from tcutility.results import Result, cache
+from tcutility.typing import arrays
+
+# ------------------------------------------------------------- #
+# ------------------- Calculation Settings -------------------- #
+# ------------------------------------------------------------- #
+
+
+
+[docs] +def get_calc_settings(info: Result) -> Result: + """Function to read calculation settings for an ADF calculation. + + Args: + info: Result object containing ADF calculation settings. + + Returns: + :Result object containing properties from the ADF calculation: + + - **task (str)** – the task that was set for the calculation. + - **relativistic (bool)** – whether or not relativistic effects were enabled. + - **relativistic_type (str)** – the name of the relativistic approximation used. + - **unrestricted_sfos (bool)** – whether or not SFOs are treated in an unrestricted manner. + - **unrestricted_mos (bool)** – whether or not MOs are treated in an unrestricted manner. + - **symmetry.group (str)** – the symmetry group selected for the molecule. + - **symmetry.labels (list[str])** – the symmetry labels associated with the symmetry group. + - **used_regions (bool)** – whether regions were used in the calculation. + - **charge (int)** - the charge of the system. + - **spin_polarization (int)** - the spin-polarization of the system. + - **multiplicity (int)** - the multiplicity of the system. This is equal to 2|S|+1 for spin-polarization S. + """ + assert info.engine == "adf", f"This function reads ADF data, not {info.engine} data" + + ret = Result() + + # set the calculation task at a higher level + ret.task = info.input.task + + # the VibrationalAnalysis task does not produce adf.rkf files + # in that case we end the reading here, since the following + # variables do not apply + if ret.task.lower() == "vibrationalanalysis": + return ret + + reader_adf = cache.get(info.files["adf.rkf"]) + + relativistic_type_map = { + 1: 'scalar Pauli', + 3: 'scalar ZORA', # scalar ZORA + MAPA + 4: 'scalar ZORA + full pot.', + 5: 'scalar ZORA + APA', + 6: 'scalar X2C + MAPA', + 7: 'scalar X2C ZORA + MAPA', + 11: 'spin-orbit Pauli', + 13: 'spin-orbit ZORA', # spin-orbit ZORA + MAPA + 14: 'spin-orbit ZORA + full pot.', + 15: 'spin-orbit ZORA + APA', + 16: 'spin-orbit X2C + MAPA', + 17: 'spin-orbit X2C ZORA + MAPA', + } + # determine if calculation used relativistic corrections + # if it did, variable 'escale' will be present in 'SFOs' + # if it didnt, only variable 'energy' will be present + ret.relativistic = ("SFOs", "escale") in reader_adf + ret.relativistic_type = relativistic_type_map[reader_adf.read("General", "ioprel")] + + # determine if MOs are unrestricted or not + # general, nspin is 1 for restricted and 2 for unrestricted calculations + ret.unrestricted_mos = reader_adf.read("General", "nspin") == 2 + + # determine if SFOs are unrestricted or not + ret.unrestricted_sfos = reader_adf.read("General", "nspinf") == 2 + + # get the symmetry group + ret.symmetry.group = reader_adf.read("Geometry", "grouplabel").strip() + + # get the symmetry labels + ret.symmetry.labels = reader_adf.read("Symmetry", "symlab").strip().split() + + # determine if the calculation used regions or not + frag_order = reader_adf.read("Geometry", "fragment and atomtype index") + frag_order = frag_order[: len(frag_order) // 2] + ret.used_regions = max(frag_order) != len(frag_order) + + ret.charge = reader_adf.read("Molecule", "Charge") + + ret.spin_polarization = 0 + if ret.unrestricted_mos: + nalpha = 0 + nbeta = 0 + for label in ret.symmetry.labels: + nalpha += sum(ensure_list(reader_adf.read(label, "froc_A"))) + nbeta += sum(ensure_list(reader_adf.read(label, "froc_B"))) + ret.spin_polarization = nalpha - nbeta + ret.multiplicity = 2 * ret.spin_polarization + 1 + + return ret
+ + + +# ------------------------------------------------------------- # +# ------------------------ Properties ------------------------- # +# ------------------------------------------------------------- # + + +# ----------------------- VDD charges ------------------------- # + + +def _read_vdd_charges(kf_reader: KFReader) -> arrays.Array1D[np.float64]: + """Returns the VDD charges from the KFReader object.""" + vdd_scf: List[float] = ensure_list(kf_reader.read("Properties", "AtomCharge_SCF Voronoi")) # type: ignore since plams does not include typing for KFReader. List[float] is returned + vdd_ini: List[float] = ensure_list(kf_reader.read("Properties", "AtomCharge_initial Voronoi")) # type: ignore since plams does not include typing for KFReader. List[float] is returned + + # VDD charges are scf - initial charges. Note, these are in units of electrons while most often these are denoted in mili-electrons + return np.array([float((scf - ini)) for scf, ini in zip(vdd_scf, vdd_ini)]) + + +def _get_vdd_charges_per_irrep(results_type: KFReader) -> Dict[str, arrays.Array1D[np.float64]]: + """Extracts the Voronoi Deformation Density charges from the fragment calculation sorted per irrep.""" + symlabels = str(results_type.read("Symmetry", "symlab")).split() # split on whitespace + + # If there is only one irrep, there is no irrep decomposition + if len(symlabels) == 1: + return {} + + vdd_irrep = np.array(results_type.read("Properties", "Voronoi chrg per irrep")) + n_atoms = int(results_type.read("Molecule", "nAtoms")) # type: ignore since no static typing. Returns an int + + # NOTE: apparently, the irrep charges are minus the total VDD charges. That's why the minus sign in the second line below + vdd_irrep = vdd_irrep[-len(symlabels) * n_atoms :] # vdd_irrep = vdd_irrep.reshape((n_headers, len(symlabels), n_atoms)) # NOQA E203 + vdd_per_irrep = {irrep: -vdd_irrep[i * n_atoms : (i + 1) * n_atoms] for i, irrep in enumerate(symlabels)} # NOQA E203 + return vdd_per_irrep + + +# ----------------------- Vibrations ------------------------- # + + +def _read_vibrations(reader: cache.TrackKFReader) -> Result: + ret = Result() + ret.number_of_modes = reader.read("Vibrations", "nNormalModes") + ret.frequencies = ensure_list(reader.read("Vibrations", "Frequencies[cm-1]")) + if ("Vibrations", "Intensities[km/mol]") in reader: + ret.intensities = ensure_list(reader.read("Vibrations", "Intensities[km/mol]")) + ret.number_of_imag_modes = len([freq for freq in ret.frequencies if freq < 0]) + ret.character = "minimum" if ret.number_of_imag_modes == 0 else "transitionstate" + ret.modes = [] + for i in range(ret.number_of_modes): + ret.modes.append(reader.read("Vibrations", f"NoWeightNormalMode({i+1})")) + return ret + + +
+[docs] +def get_properties(info: Result) -> Result: + """Function to get properties from an ADF calculation. + + Args: + info: Result object containing ADF properties. + + Returns: + :Result object containing properties from the ADF calculation: + + - **energy.bond (float)** – bonding energy (|kcal/mol|). + - **energy.elstat (float)** – total electrostatic potential (|kcal/mol|). + - **energy.orbint.total (float)** – total orbital interaction energy containing contributions from each symmetry label (|kcal/mol|). + - **energy.orbint.{symmetry label} (float)** – orbital interaction energy from a specific symmetry label (|kcal/mol|). + - **energy.pauli.total (float)** – total Pauli repulsion energy (|kcal/mol|). + - **energy.dispersion (float)** – total dispersion energy (|kcal/mol|). + - **energy.gibbs (float)** – Gibb's free energy (|kcal/mol|). Only populated if vibrational modes were calculated. + - **energy.enthalpy (float)** – enthalpy (|kcal/mol|). Only populated if vibrational modes were calculated. + - **energy.nuclear_internal (float)** – nuclear internal energy (|kcal/mol|). Only populated if vibrational modes were calculated. + - **vibrations.number_of_modes (int)** – number of vibrational modes for this molecule, 3N-5 for non-linear molecules and 3N-6 for linear molecules, where N is the number of atoms. + - **vibrations.number_of_imaginary_modes (int)** – number of imaginary vibrational modes for this molecule. + - **vibrations.frequencies (float)** – vibrational frequencies associated with the vibrational modes, sorted from low to high (|cm-1|). + - **vibrations.intensities (float)** – vibrational intensities associated with the vibrational modes (|km/mol|). + - **vibrations.modes (list[float])** – list of vibrational modes sorted from low frequency to high frequency. + - **vdd.charges (nparray[float] (1D))** - 1D array of Voronoi Deformation Denisty (VDD) charges in [electrons], being the difference between the final (SCF) and initial VDD charges. + - **vdd.charges.{symmetry label} (nparray[float] (1D))** - 1D array of Voronoi Deformation Denisty (VDD) charges in [electrons] per irrep. + """ + + assert info.engine == "adf", f"This function reads ADF data, not {info.engine} data" + + ret = Result() + + if info.adf.task.lower() == "vibrationalanalysis": + reader_ams = cache.get(info.files["ams.rkf"]) + ret.vibrations = _read_vibrations(reader_ams) + return ret + + reader_adf = cache.get(info.files["adf.rkf"]) + + # read energies (given in Ha in rkf files) + ret.energy.bond = reader_adf.read("Energy", "Bond Energy") * constants.HA2KCALMOL + ret.energy.elstat = reader_adf.read("Energy", "elstat") * constants.HA2KCALMOL + ret.energy.orbint.total = reader_adf.read("Energy", "Orb.Int. Total") * constants.HA2KCALMOL + for symlabel in info.adf.symmetry.labels: + symlabel = symlabel.split(":")[0] + ret.energy.orbint[symlabel] = reader_adf.read("Energy", f"Orb.Int. {symlabel}") * constants.HA2KCALMOL + ret.energy.pauli.total = reader_adf.read("Energy", "Pauli Total") * constants.HA2KCALMOL + ret.energy.dispersion = reader_adf.read("Energy", "Dispersion Energy") * constants.HA2KCALMOL + + if ("Thermodynamics", "Gibbs free Energy") in reader_adf: + ret.energy.gibbs = reader_adf.read("Thermodynamics", "Gibbs free Energy") * constants.HA2KCALMOL + ret.energy.enthalpy = reader_adf.read("Thermodynamics", "Enthalpy") * constants.HA2KCALMOL + ret.energy.nuclear_internal = reader_adf.read("Thermodynamics", "Internal Energy total") * constants.HA2KCALMOL + + # vibrational information + if ("Vibrations", "nNormalModes") in reader_adf: + ret.vibrations = _read_vibrations(reader_adf) + + # read the Voronoi Deformation Charges Deformation (VDD) before and after SCF convergence (being "inital" and "SCF") + try: + ret.vdd.charges = _read_vdd_charges(reader_adf) + ret.vdd.update(_get_vdd_charges_per_irrep(reader_adf)) + except KeyError: + pass + + return ret
+ + + +
+[docs] +def get_level_of_theory(info: Result) -> Result: + """Function to get the level-of-theory from an input-file. + + Args: + inp_path: Path to the input file. Can be a .run or .in file create for AMS + + Returns: + :Dictionary containing information about the level-of-theory: + + - **summary (str)** - a summary string that gives the level-of-theory in a human-readable format. + - **xc.functional (str)** - XC-functional used in the calculation. + - **xc.category (str)** - category the XC-functional belongs to. E.g. GGA, MetaHybrid, etc ... + - **xc.dispersion (str)** - the dispersion correction method used during the calculation. + - **xc.summary (str)** - a summary string that gives the XC-functional information in a human-readable format. + - **xc.empiricalScaling (str)** - which empirical scaling parameter was used. Useful for MP2 calculations. + - **basis.type (str)** - the size/type of the basis-set. + - **basis.core (str)** - the size of the frozen-core approximation. + - **quality (str)** - the numerical quality setting. + """ + sett = info.input + ret = Result() + # print(json.dumps(sett, indent=4)) + xc_categories = ["GGA", "LDA", "MetaGGA", "MetaHybrid", "Model", "LibXC", "DoubleHybrid", "Hybrid", "MP2", "HartreeFock"] + ret.xc.functional = "VWN" + ret.xc.category = "LDA" + for cat in xc_categories: + if cat.lower() in [key.lower() for key in sett.adf.xc]: + ret.xc.functional = sett.adf.xc[cat] + ret.xc.category = cat + + ret.basis.type = sett.adf.basis.type + ret.basis.core = sett.adf.basis.core + ret.quality = sett.adf.NumericalQuality or "Normal" + + ret.xc.dispersion = None + if "dispersion" in [key.lower() for key in sett.adf.xc]: + ret.xc.dispersion = " ".join(sett.adf.xc.dispersion.split()) + + # the empirical scaling value is used for MP2 calculations + ret.xc.empirical_scaling = None + if "empiricalscaling" in [key.lower() for key in sett.adf.xc]: + ret.xc.empiricalscaling = sett.adf.xc.empiricalscaling + + # MP2 and HF are a little bit different from the usual xc categories. They are not key-value pairs but only the key + # we start building the ret.xc.summary string here already. This will contain the human-readable functional name + if ret.xc.category == "MP2": + ret.xc.summary = "MP2" + if ret.xc.empiricalscaling: + ret.xc.summary += f"-{ret.xc.empiricalscaling}" + elif ret.xc.category == "HartreeFock": + ret.xc.summary = "HF" + else: + ret.xc.summary = ret.xc.functional + + # If dispersion was used, we want to add it to the ret.xc.summary + if ret.xc.dispersion: + if ret.xc.dispersion.lower() == "grimme3": + ret.xc.summary += "-D3" + if ret.xc.dispersion.lower() == "grimme3 bjdamp": + ret.xc.summary += "-D3(BJ)" + if ret.xc.dispersion.lower() == "grimme4": + ret.xc.summary += "-D4" + if ret.xc.dispersion.lower() == "ddsc": + ret.xc.summary += "-dDsC" + if ret.xc.dispersion.lower() == "uff": + ret.xc.summary += "-dUFF" + if ret.xc.dispersion.lower() == "mbd": + ret.xc.summary += "-MBD@rsSC" + if ret.xc.dispersion.lower() == "default": + ret.xc.summary += "-D" + + # ret.summary is simply the ret.xc.summary plus the basis set type + ret.summary = f"{ret.xc.summary}/{ret.basis.type}" + return ret
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/results/ams.html b/docs/_build/html/_modules/tcutility/results/ams.html new file mode 100644 index 00000000..db10b881 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/results/ams.html @@ -0,0 +1,931 @@ + + + + + + + + + + tcutility.results.ams — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results.ams

+import os
+import re
+from datetime import datetime
+from typing import List
+
+import numpy as np
+from scm import plams
+
+from tcutility import constants, ensure_list
+from tcutility.results import Result, cache
+from tcutility.typing import arrays
+
+j = os.path.join
+
+
+
+[docs] +def get_calc_files(calc_dir: str) -> dict: + """Function that returns files relevant to AMS calculations stored in ``calc_dir``. + + Args: + calc_dir: path pointing to the desired calculation + + Returns: + Dictionary containing filenames and paths + """ + # collect all files in the current directory and subdirectories + files = [] + for root, _, files_ in os.walk(calc_dir): + # some results are stored in dirs called {name}.results, if the calculations uses fragments there will be additional dirs called + # {name}.{fragname}.results, which do not contain new information as the required info is copied over to {name}.results. Therefore + # we should skip the fragment directories + if os.path.split(root)[1].endswith(".results") and len(os.path.split(root)[1].split(".")) > 2: + continue + + # we only need the rkf files in the .results directories + if root.endswith(".rkf") and ".results" not in root: + continue + + # opened files end in ~ and should be ignored + if root.endswith("~"): + continue + + # t21 files for specific atoms are not usefull and should be ignored + if "t21." in root: + continue + + # if a calculation is running or did not finish correctly there might be tmp. dirs, which should be ignored + if os.path.split(root)[1].startswith("tmp."): + continue + + # the rest can all be stored + files.extend([j(root, file) for file in files_]) + + # parse the filenames + ret = {} + ret["root"] = os.path.abspath(calc_dir) + for file in files: + # rkf files are either called /{program}.rkf, or /{name}.{program}.rkf, so we must parse them in a special way + if file.endswith(".rkf"): + f = os.path.split(file)[1] + parts = f.split(".") + f = f"{parts[-2]}.rkf" + ret[f] = os.path.abspath(file) + + # logfiles are generally called either {name}.log or {name}.logfile + if file.endswith(".logfile") or file.endswith(".log") or file.endswith(".err"): + f = os.path.split(file)[1] + parts = f.split(".") + f = ".".join(parts[1:]).replace("logfile", "log") + ret[f] = os.path.abspath(file) + + return ret
+ + + +
+[docs] +def get_ams_version(calc_dir: str) -> Result: + """Function to get the AMS version used in the calculation. + + Args: + calc_dir: path pointing to the desired calculation. + + Returns: + :Dictionary containing results about the AMS version: + + - **full (str)** – the full version string as written by SCM. + - **major (str)** – major AMS version, should correspond to the year of release. + - **minor (str)** – minor AMS version. + - **micro (str)** – micro AMS version, should correspond to the internal revision number. + - **date (datetime.datetime)** – date the AMS version was released. + """ + ret = Result() + files = get_calc_files(calc_dir) + reader_ams = cache.get(files["ams.rkf"]) + + # store information about the version of AMS + ret.full = str(reader_ams.read("General", "release")) + # decompose the full version string + ret.major = ret.full.split(".")[0] + ret.minor = ret.full.split()[0].split(".")[1] + ret.micro = ret.full.split()[1] + ret.date = datetime.strptime(ret.full.split()[-1][1:-1], "%Y-%m-%d") + + return ret
+ + + +
+[docs] +def get_ams_info(calc_dir: str) -> Result: + """Function to read useful info about the calculation in ``calc_dir``. Returned information will depend on the type of file that is provided. + + Args: + calc_dir: path pointing to the desired calculation. + + Returns: + :Dictionary containing results about the calculation and AMS: + + - **ams_version (Result)** – information about the AMS version used, see :func:`get_ams_version`. + - **engine (str)** – the engine that was used to perform the calculation, for example 'adf', 'dftb', ... + - **job_id (str)** – the ID of the job, can be used to check if two calculations are the same. Might also be used as a unique identifier for the calculation. + - **status (Result)** – information about calculation status, see :func:`get_calculation_status`. + - **is_multijob (bool)** – whether the job was a multijob, for example a fragment analysis. + - **molecule (Result)** – information about the input and output molecules and the molecular system in general, see :func:`get_molecules`. + - **history (Result)** – information about history variables, see :func:`get_history`. + """ + ret = Result() + ret.files = get_calc_files(calc_dir) + reader_ams = cache.get(ret.files["ams.rkf"]) + + # check what the program is first. The program can be either AMS or one of the engines (ADF, DFTB, ...) + if ("General", "engine") in reader_ams: + ret.engine = str(reader_ams.read("General", "engine")).strip().lower() + # if program cannot be read from reader it is probably an old version of ADF, so we should default to ADF + else: + ret.engine = "adf" + + # store the input of the calculation + ret.input = get_ams_input(reader_ams.read("General", "user input")) + + # store the job id, which should be unique for the job + ret.job_id = reader_ams.read("General", "jobid") if ("General", "jobid") in reader_ams else None + + # store information about the version of AMS + ret.ams_version = get_ams_version(calc_dir) + + # store the computation timings, only available in ams.rkf + ret.timing = get_timing(calc_dir) + + # store the calculation status + ret.status = get_calculation_status(calc_dir) + + # check if this was a multijob + ret.is_multijob = False + if len([file for file in ret.files if file.endswith(".rkf")]) > 2: + ret.is_multijob = True + + # read molecules + ret.molecule = get_molecules(calc_dir) + + # and history variables + ret.history = get_history(calc_dir) + + cache.unload(ret.files["ams.rkf"]) + return ret
+ + + +
+[docs] +def get_timing(calc_dir: str) -> Result: + """Function to get the timings from the calculation. + + Args: + calc_dir: path pointing to the desired calculation. + + Returns: + :Dictionary containing results about the timings: + + - **cpu (float)** – time spent performing calculations on the cpu. + - **sys (float)** – time spent by the system (file IO, process creation/destruction, etc ...). + - **total (float)** – total time spent by AMS on the calculation, can be larger than the sum of cpu and sys. + """ + ret = Result() + files = get_calc_files(calc_dir) + reader_ams = cache.get(files["ams.rkf"]) + + ret.cpu = reader_ams.read("General", "CPUTime") if ("General", "CPUTime") in reader_ams else None + ret.sys = reader_ams.read("General", "SysTime") if ("General", "SysTime") in reader_ams else None + ret.total = reader_ams.read("General", "ElapsedTime") if ("General", "ElapsedTime") in reader_ams else None + + return ret
+ + + +
+[docs] +def get_calculation_status(calc_dir: str) -> Result: + """Function that returns the status of the calculation described in reader. + In case of non-succes it will also give possible reasons for the errors/warnings. + + Args: + reader: ``plams.KFReader`` or ``plams.KFFile`` object pointing to the desired calculation + + Returns: + :Dictionary containing information about the calculation status: + + - **fatal (bool)** – True if calculation cannot be analysed correctly, False otherwise + - **reasons (list[str])** – list of reasons to explain the status, they can be errors, warnings, etc. + - **name (str)** – calculation status written as a string, one of ("SUCCESS", "RUNNING", "UNKNOWN", "SUCCESS(W)", "FAILED") + - **code (str)** – calculation status written as a single character, one of ("S", "R", "U", "W" "F") + """ + files = get_calc_files(calc_dir) + reader_ams = cache.get(files["ams.rkf"]) + + ret = Result() + ret.fatal = True + ret.name = None + ret.code = None + ret.reasons = [] + + termination_status = str(reader_ams.read("General", "termination status")).strip() + + # parse the logfile to find errors and warnings + if "log" in files: + with open(files["log"]) as logfile: + for line in logfile.readlines(): + # the first 25 characters include the timestamp and two spaces + line_ = line.strip()[25:] + # errors and warnings have a predictable format + if line_.lower().startswith("error:") or line_.lower().startswith("warning: "): + ret.reasons.append(line_) + + if termination_status == "NORMAL TERMINATION": + ret.fatal = False + ret.name = "SUCCESS" + ret.code = "S" + return ret + + if termination_status == "IN PROGRESS": + ret.reasons.append("Calculation in progress") + ret.name = "RUNNING" + ret.code = "R" + return ret + + if termination_status == "UNKNOWN": + ret.reasons.append("Calculation status unknown") + ret.name = "UNKNOWN" + ret.code = "U" + return ret + + if termination_status == "NORMAL TERMINATION with warnings": + ret.fatal = False + ret.name = "SUCCESS(W)" + ret.code = "W" + return ret + + if termination_status == "NORMAL TERMINATION with errors": + ret.name = "FAILED" + ret.code = "F" + return ret + + # if we have not excited the function yet we do not know what the status is + # probably means that there was a parsing error in ams, which will be placed in termination status + ret.reasons.append(termination_status) + ret.name = "UNKNOWN" + ret.code = "U" + return ret
+ + + +# ------------------------------------------------------------- # +# ------------------------- Geometry -------------------------- # +# ------------------------------------------------------------- # + + +# -------------------- Fragment indices ----------------------- # + + +def _get_fragment_indices_from_input_order(results_type) -> arrays.Array1D: + """Function to get the fragment indices from the input order. This is needed because the fragment indices are stored in internal order in the rkf file.""" + frag_indices = np.array(results_type.read("Geometry", "fragment and atomtype index")).reshape(2, -1) # 1st row: Fragment index; 2nd row atomtype index + atom_order = np.array(results_type.read("Geometry", "atom order index")).reshape(2, -1) # 1st row: input order; 2nd row: internal order + combined = np.concatenate((frag_indices, atom_order), axis=0) + sorted_by_input_order = np.array(sorted(combined.T, key=lambda x: x[2])) # sort the fragment indices by input order + frag_order = sorted_by_input_order[:, 0] + return frag_order + + +# ------------------------ Molecule -------------------------- # + + +def _make_molecule(kf_variable: str, reader_ams: plams.KFReader, natoms: int, atnums: List[int]) -> plams.Molecule: + """Makes a plams.Molecule object from the given kf_variable ("InputMolecule" or "Molecule") and reader.""" + # read output molecule + ret_mol = plams.Molecule() + coords = np.array(reader_ams.read(kf_variable, "Coords")).reshape(natoms, 3) * constants.BOHR2ANG + for atnum, coord in zip(atnums, coords): + ret_mol.add_atom(plams.Atom(atnum=atnum, coords=coord)) + if ("Molecule", "fromAtoms") in reader_ams and ("Molecule", "toAtoms") in reader_ams and ("Molecule", "bondOrders"): + at_from = ensure_list(reader_ams.read("InputMolecule", "fromAtoms")) + at_to = ensure_list(reader_ams.read("InputMolecule", "toAtoms")) + bos = ensure_list(reader_ams.read("InputMolecule", "bondOrders")) + for at1, at2, order in zip(at_from, at_to, bos): + ret_mol.add_bond(plams.Bond(ret_mol[at1], ret_mol[at2], order=order)) + else: + ret_mol.guess_bonds() + return ret_mol + + +
+[docs] +def get_molecules(calc_dir: str) -> Result: + """ + Function to get molecules from the calculation, including input, output and history molecules. + It will also add bonds to the molecule if they are given in the rkf file, else it will guess them. + + Args: + calc_dir: path pointing to the desired calculation. + + Returns: + :Dictionary containing information about the molecular systems: + + - **number_of_atoms (int)** – number of atoms in the molecule. + - **atom_numbers (list[int])** – list of atomic numbers for each atom in the molecule. + - **atom_symbols (list[str])** – list of elements for each atom in the molecule. + - **atom_masses (list[float])** – list of atomic masses for each atom in the molecule. + - **input (plams.Molecule)** – molecule that was given in the input for the calculation. + - **output (plams.Molecule)** – final molecule that was given as the output for the calculation. If the calculation was a singlepoint calculation output and input molecules will be the same. + - **frag_indices (numpy array[int] (1D))** – list of fragment indices for each atom in the molecule. The indices are given in the order of the atoms in the molecule. + """ + files = get_calc_files(calc_dir) + # all info is stored in reader_ams + reader_ams = cache.get(files["ams.rkf"]) + + ret = Result() + + # read general + atnums = ensure_list(reader_ams.read("InputMolecule", "AtomicNumbers")) # type: ignore plams does not include type hints. Returns list[int] + natoms = len(atnums) + ret.number_of_atoms = natoms + ret.atom_numbers = atnums + ret.atom_symbols = str(reader_ams.read("InputMolecule", "AtomSymbols")).split() + ret.atom_masses = reader_ams.read("InputMolecule", "AtomMasses") + + # read input molecule + ret.input = _make_molecule("InputMolecule", reader_ams, natoms, atnums) + + # read output molecule + ret.output = _make_molecule("Molecule", reader_ams, natoms, atnums) + + # add fragment indices to the molecule using adf file + try: + reader_adf = cache.get(files["adf.rkf"]) + ret.frag_indices = _get_fragment_indices_from_input_order(reader_adf) + except KeyError: + ret.frag_indices = np.ones(natoms) + + # add the charges to the molecule + try: + ret.mol_charge = reader_ams.read("Molecule", "Charge") + except KeyError: + ret.mol_charge = 0.0 + + return ret
+ + + +
+[docs] +def get_history(calc_dir: str) -> Result: + """ + Function to get history variables. The type of variables read depends on the type of calculation. + + Args: + calc_dir: path pointing to the desired calculation. + + Returns: + :Dictionary containing information about the calculation status: + + - **number_of_entries (int)** – number of steps in the history. + - **{variable} (list[Any])** – variable read from the history section. The number of variables and type of variables depend on the nature of the calculation. + + Common variables: + - **coords (list[plams.Molecule])** – list of molecules from the history, for example from a geometry optimization or PES scan. + - **energy (list[float])** – list of energies associated with each geometry step. + - **gradient (list[list[float]])** – array of gradients for each geometry step and each atom. + """ + # read history mols + files = get_calc_files(calc_dir) + # all info is stored in reader_ams + reader_ams = cache.get(files["ams.rkf"]) + + ret = Result() + + # read general info + atnums = ensure_list(reader_ams.read("InputMolecule", "AtomicNumbers")) # type: ignore plams does not include type hints. Returns list[int] + natoms = len(atnums) + + if ("History", "nEntries") in reader_ams: + # the number of elements per history variable (e.g. number of steps in a geometry optimization) + ret.number_of_entries = reader_ams.read("History", "nEntries") + # for history we read the other variables in the rkf file + # the variables are given in ('History', f'ItemName({index})') so we have to find all of those + index = 1 # tracks the current index of the variable. Will be set to False to stop the search + items = [] + while index: + # try to access ItemName, if it cannot find it stop iteration + try: + item_name = reader_ams.read("History", f"ItemName({index})") + items.append(item_name) + index += 1 + except KeyError: + index = False + + # create variable in result for each variable found + for item in items: + ret[item.lower()] = [] + + # collect the elements for each history variable + for i in range(ret.number_of_entries): + for item in items: + val = reader_ams.read("History", f"{item}({i+1})") + # coords are special, because we will convert them to plams.Molecule objects first + if item == "Coords": + mol = plams.Molecule() + coords = np.array(val).reshape(natoms, 3) * 0.529177 + for atnum, coord in zip(atnums, coords): + mol.add_atom(plams.Atom(atnum=atnum, coords=coord)) + mol.guess_bonds() + ret.coords.append(mol) + # other variables are just added as-is + else: + ret[item.lower()].append(val) + + return ret
+ + + +
+[docs] +def get_input_blocks(): + """ + This function reads input_blocks and decomposes its content into a list of blocks and a list of non-standard blocks + The general format is as follows: + + parentblock + - subblock + - - subsubblock + - subblock !nonstandard + parentblock + - subblock + - - subsubblock + - - - subsubsubblock + - - - subsubsubblock !nonstandard + + Each subblock has to be defined within its parent block. !nonstandard indicates that the block is a non-standard block + These blocks are special in that they can contain multiple of the same entry + """ + blocks = [] + nonstandard_blocks = [] + parent_blocks = [] # this list tracks the parent blocks of the current block + with open(j(os.path.split(__file__)[0], "input_blocks")) as inpblx: + lines = inpblx.readlines() + + for line in lines: + line = line.strip().lower() + # we can ignore some lines + if line == "" or line.startswith("#"): + continue + + # block_depth indicates how many parents the block has + block_depth = line.count("- ") + # we reduce the amount of parent_blocks using block_depth + # if we move from a subsubblock to a subblock we remove the last-added block + parent_blocks = parent_blocks[:block_depth] + + # remove the "- " substrings + block = line.split("- ")[-1].strip().lower() + # check if the block is non-standard. If it is, remove the !nonstandard substring + # and add it to the nonstandard_blocks list + if block.endswith("!nonstandard"): + block = block.split()[0] + nonstandard_blocks.append(parent_blocks.copy() + [block]) + # in both standard and nonstandard cases add the block to blocks list + blocks.append(parent_blocks.copy() + [block]) + # add the current block to parent_blocks for the next line + parent_blocks.append(block.lower()) + + return blocks, nonstandard_blocks
+ + + +
+[docs] +def get_ams_input(inp: str) -> Result: + def get_possible_blocks(): + # check which blocks are openable given the current open blocks + # we start by considering all blocks + possible_blocks = blocks + # we iterate through the open blocks and check if the first element in the possible_blocks is the same. + # this way we move down through the blocks + for open_block in open_blocks: + possible_blocks = [block[1:] for block in possible_blocks if len(block) > 0 and block[0].lower() == open_block.lower()] + # we want only the first element in the possible blocks, not the tails + possible_blocks = set([block[0] for block in possible_blocks if len(block) > 0]) + return possible_blocks + + sett = Result() + + blocks, nonstandard_blocks = get_input_blocks() + + open_blocks = ["ams"] + for line in inp.splitlines(): + line = line.strip() + + # we remove comments from the line + # comments can be either at the start of a line or after a real statement + # so we have to search the line for comment starters and remove the part after it + for comment_start in ["#", "!", "::"]: + if comment_start in line: + idx = line.index(comment_start) + line = line[:idx] + + # skip empty lines + if not line: + continue + + # if we encounter an end statement we can close the last openblock + if line.lower().startswith("end"): + open_blocks.pop(-1) + continue + + # check if we are opening a block + # We have to store the parts of a compact block (if it is compact) + # it will be a list of tuples of key-value pairs + compact_parts = None + skip = False + # check if the current line corresponds to a possible block + for possible_block in get_possible_blocks(): + if line.lower().startswith(possible_block.lower()): + # a block opening can either span multiple lines or can be use with compact notation + # compact notation will always have = signs + if "=" in line: + # split the key-values using some regex magic + compact = line[len(possible_block) :].strip() # remove the block name + compact_parts = re.findall(r"""(\S+)=['"]{0,1}([^'"\n]*)['"]{0,1}""", compact) + else: + skip = True + # add the new block to the open_blocks + open_blocks.append(possible_block) + + # if we are not in a compact block we can just skip + if skip: + continue + + # get the sett to the correct level + # first check if the block is nonstandard + is_nonstandard = [block.lower() for block in open_blocks] in nonstandard_blocks + sett_ = sett + # go to the layer one above the lowest + for open_block in open_blocks[:-1]: + sett_ = sett_[open_block] + # at the lowest level we have to check if the block is nonstandard. If it is, we add the whole line to the settings object + if is_nonstandard and not sett_[open_blocks[-1]]: + sett_[open_blocks[-1]] = [] + # then finally go to the lowest sett layer + sett_ = sett_[open_blocks[-1]] + + # if we are in a compact block we just add all the key-value pairs + if compact_parts: + for key, val in compact_parts: + sett_[key] = val + # compact blocks do not have end statements, so we can remove it again from the open_blocks + open_blocks.pop(-1) + # in a normal block we split the line and add them to the settings + else: + # for nonstandard blocks we add the line to the list + if is_nonstandard: + sett_.append(line.strip()) + # for normal blocks we split the line and set it as a key, the rest of the line is the value + else: + sett_[line.split()[0]] = line[len(line.split()[0]) :].strip() + + for engine_block in ["engine adf", "engine dftb", "engine band"]: + if engine_block not in sett["ams"]: + continue + sett["ams"][engine_block.split()[1]] = sett["ams"][engine_block] + del sett["ams"][engine_block] + + return sett["ams"]
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/results/cache.html b/docs/_build/html/_modules/tcutility/results/cache.html new file mode 100644 index 00000000..2e35063a --- /dev/null +++ b/docs/_build/html/_modules/tcutility/results/cache.html @@ -0,0 +1,430 @@ + + + + + + + + + + tcutility.results.cache — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results.cache

+"""
+Tiny module that handles caching rkf files.
+rkf files take a long time to open (especially {engine}.rkf), so it is better to open them once and cache them for later use
+"""
+from typing import Any, Union
+
+from scm import plams
+
+# the actual cache is stored in this dict
+_cache = {}
+
+
+
+[docs] +class TrackKFReader(plams.KFReader): + """Subclass of plams.KFReader that also tracks the variables that were read. This class can be useful to figure out which variables are important. + For example, we can then trim rkf files to reduce their filesizes.""" + + def __init__(self, *args, **kwargs): + self.tracker = [] + super().__init__(*args, **kwargs) + +
+[docs] + def read(self, section: str, variable: str) -> Any: + """Read a variable from a section of an rkf file and store the accessed section and variable in the tracker. + + Args: + section: Name of the section to read from. + variable: Name of the variable inside the section. + + Returns: + Any value returned will be automatically converted into the correct type. E.g. text-based data will be converted to a string, numbers to floats or integers, etc.""" + + self.tracker.append((section, variable)) + return super().read(section, variable)
+
+ + + +
+[docs] +def store(reader: plams.KFReader) -> None: + """Store an rkf reader in the cache. It can later be indexed by its path. + + Args: + reader: An rkf file reader object.""" + path = reader.path + _cache[path] = reader
+ + + +
+[docs] +def get(path: str) -> plams.KFReader: + """Retrieve an rkf reader from storage using its path. If the file was not opened yet, open it first and then store and return the new object. + + Args: + path: path to the rkf file location. + + Returns: + An rkf file reader that can be used for reading data from a calculation. + """ + if not path: + return None + + # if the path is already in the cache, simply return it + if path in _cache: + return _cache[path] + # else we will load the rkf file and store it in the cache + reader = TrackKFReader(path) + store(reader) + return reader
+ + + +
+[docs] +def unload(arg: Union[str, plams.KFReader]): + """Delete an rkf reader from storage. Since rkf files can be quite large, we should not forget to unload them after we have finished reading from them, lest we run into memory issues. + + Args: + arg: Either a path pointing to the rkf file location or the reader itself.""" + # if the arg is a key in the cache we will delete the key + if arg in _cache: + del _cache[arg] + return + # if it is not a key, find the key corresponding to the value and delete it + if arg in _cache.values(): + key = [key for key, val in _cache.items() if val == arg][0] + del _cache[key] + return
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/results/dftb.html b/docs/_build/html/_modules/tcutility/results/dftb.html new file mode 100644 index 00000000..b556efb6 --- /dev/null +++ b/docs/_build/html/_modules/tcutility/results/dftb.html @@ -0,0 +1,411 @@ + + + + + + + + + + tcutility.results.dftb — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results.dftb

+from tcutility.results import cache, Result
+from tcutility import ensure_list
+
+
+
+[docs] +def get_calc_settings(info: Result) -> Result: + """ + Function to read useful calculation settings from kf reader + """ + + assert info.engine == "dftb", f"This function reads DFTB data, not {info.engine} data" + assert "dftb.rkf" in info.files, f'Missing dftb.rkf file, [{", ".join([": ".join(item) for item in info.files.items()])}]' + + ret = Result() + + # set the calculation task at a higher level + ret.task = info.input.task + + return ret
+ + + +
+[docs] +def get_properties(info: Result) -> Result: + """Function to get properties from an ADF calculation. + + Args: + info: Result object containing ADF properties. + + Returns: + :Result object containing properties from the ADF calculation: + + - **energy.bond (float)** – bonding energy (|kcal/mol|). + """ + + assert info.engine == "dftb", f"This function reads DFTB data, not {info.engine} data" + assert "dftb.rkf" in info.files, f'Missing dftb.rkf file, [{", ".join([": ".join(item) for item in info.files.items()])}]' + + reader_dftb = cache.get(info.files["dftb.rkf"]) + ret = Result() + + # properties are not given as in ADF. Instead you must first know which index each key is at. For example we might have: + # (Properties, SubType(k)) == Coulomb + # therefore, to get the Coulomb energy we first have to know the index k + # we therefore first loop through every subtype entry and store the substypes in order in a list + # we also store the main type (e.g. 'Energy', 'Gradient', ...) and the value + number_of_properties = reader_dftb.read("Properties", "nEntries") + subtypes = [] + types = [] + values = [] + for i in range(1, number_of_properties + 1): + subtypes.append(reader_dftb.read("Properties", f"Subtype({i})").strip()) + types.append(reader_dftb.read("Properties", f"Type({i})").strip()) + values.append(reader_dftb.read("Properties", f"Value({i})")) + + # then simply add the properties to ret + for typ, subtyp, value in zip(types, subtypes, values): + ret[typ.replace(" ", "_")][subtyp] = value + + # we also read vibrations + ret.vibrations.number_of_modes = reader_dftb.read("Vibrations", "nNormalModes") + ret.vibrations.frequencies = ensure_list(reader_dftb.read("Vibrations", "Frequencies[cm-1]")) + if ("Vibrations", "Intensities[km/mol]") in reader_dftb: + ret.vibrations.intensities = ensure_list(reader_dftb.read("Vibrations", "Intensities[km/mol]")) + ret.vibrations.number_of_imag_modes = len([freq for freq in ret.vibrations.frequencies if freq < 0]) + ret.vibrations.character = "minimum" if ret.vibrations.number_of_imag_modes == 0 else "transitionstate" + ret.vibrations.modes = [] + for i in range(ret.vibrations.number_of_modes): + ret.vibrations.modes.append(reader_dftb.read("Vibrations", f"NoWeightNormalMode({i+1})")) + + return ret
+ +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/results/orca.html b/docs/_build/html/_modules/tcutility/results/orca.html index 6f1ff87d..b9a7e95e 100644 --- a/docs/_build/html/_modules/tcutility/results/orca.html +++ b/docs/_build/html/_modules/tcutility/results/orca.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + @@ -442,16 +447,13 @@

Source code for tcutility.results.orca

     sett = info.input
     ret = Result()
     main = [x.lower() for x in sett.main]
+    ret.method = 'HF'
     for method in ["MP2", "CCSD", "CCSD(T)", "CCSDT"]:
         if method.lower() in main:
             ret.method = method
             break
 
-    for method in ["MP2", "CCSD", "CCSD(T)", "CCSDT"]:
-        if method.lower() in main:
-            ret.method = method
-            break
-
+    ret.basis.type = 'def2-SVP'
     for bs in ["cc-pVDZ", "cc-pVTZ", "cc-pVQZ", "cc-pV5Z", "aug-cc-pVDZ", "aug-cc-pVTZ", "aug-cc-pVQZ", "aug-cc-pV5Z"]:
         if bs.lower() in main:
             ret.basis.type = bs
diff --git a/docs/_build/html/_modules/tcutility/results/result.html b/docs/_build/html/_modules/tcutility/results/result.html
new file mode 100644
index 00000000..0a8d1239
--- /dev/null
+++ b/docs/_build/html/_modules/tcutility/results/result.html
@@ -0,0 +1,497 @@
+
+
+
+
+
+
+  
+    
+    
+    tcutility.results.result — TCutility v0.7.2 documentation
+  
+  
+  
+  
+  
+  
+  
+
+
+
+  
+  
+  
+
+
+
+    
+    
+    
+  
+  
+  
+
+  
+
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+  
+  
+  
+  
+  
+  
+
+  
+  
+  
+  
+  
+ + + + + + + + + + +
+
+
+
+
+ + + + +
+
+ + + + + +
+ + + + + + + + + + + +
+ +
+ + +
+
+ +
+
+ +
+ +
+ + + + + + +
+ +
+ + +
+
+ + + + + +
+ +

Source code for tcutility.results.result

+'''Module containing the TCutility.results.result.Result class.'''
+
+
+
+[docs] +class Result(dict): + '''Class used for storing results from AMS calculations. The class is functionally a dictionary, but allows dot notation to access variables in the dictionary. + The class works case-insensitively, but will retain the case of the key when it was first set.''' + + def __call__(self): + '''Calling of a dictionary subclass should not be possible, instead we raise an error with information about the key and method that were attempted to be called.''' + head, method = '.'.join(self.get_parent_tree().split('.')[:-1]), self.get_parent_tree().split('.')[-1] + raise AttributeError(f'Tried to call method "{method}" from {head}, but {head} is empty') + + def __str__(self): + '''Override str method to prevent printing of hidden keys. You can still print them if you call repr instead of str.''' + return '{' + ', '.join([f'{key}: {str(val)}' for key, val in self.items()]) + '}' + +
+[docs] + def items(self): + '''We override the items method from dict in order to skip certain keys. We want to hide keys starting and ending + with dunders, as they should not be exposed to the user. + ''' + return [(key, self[key]) for key in self.keys()]
+ + +
+[docs] + def keys(self): + original_keys = super().keys() + return [key for key in original_keys if not (key.startswith('__') and key.endswith('__'))]
+ + + def __getitem__(self, key): + if key.startswith('__') and key.endswith('__'): + return None + self.__set_empty(key) + val = super().__getitem__(self.__get_case(key)) + return val + + def __getattr__(self, key): + return self.__getitem__(key) + + def __setitem__(self, key, val): + # we set the item, but if it is a dict we convert the dict to a Result first + if isinstance(val, dict): + val = Result(val) + super().__setitem__(self.__get_case(key), val) + + def __setattr__(self, key, val): + self.__setitem__(key, val) + + def __contains__(self, key): + # Custom method to check if the key is defined in this object and is also non-empty, case-insensitive. + return key.lower() in [key_.lower() for key_ in self.keys()] and self[key] + + def __hash__(self): + '''Hashing of a dictionary subclass should not be possible, instead we should raise an error to let the user know + that they made a mistake. Also give information of which key was being read. + ''' + raise KeyError(f'Tried to hash {self.get_parent_tree()}, but it is empty') + + def __reduce__(self): + return 'TCutility.results.result.Result' + + def __bool__(self): + '''Make sure that keys starting and ending in "__" are skipped''' + return len([key for key in self.keys() if not (key.startswith('__') and key.endswith('__'))]) > 0 + +
+[docs] + def get_parent_tree(self): + '''Method to get the path from this object to the parent object. The result is presented in a formatted string''' + # every parent except the top-most parent has defined a __parent__ attribute + if '__parent__' not in self: + return 'Head' + # iteratively build the tree using the __name__ attribute. + parent_names = self.__parent__.get_parent_tree() + parent_names += '.' + self.__name__ + return parent_names
+ + + def __set_empty(self, key): + # This function checks if the key has been set. + # If it has not, we create a new Result object and set it at the desired key + if self.__get_case(key) not in self.keys(): + val = Result() + # we also keep track of the parent of this object and also the name it was assigned to for later bookkeeping + val.__parent__ = self + val.__name__ = key + self.__setitem__(key, val) + + def __get_case(self, key): + # Get the case of the key as it has been set in this object. + # The first time a key-value pair has been assigned the case of the key will be set. + for key_ in self: + if key_.lower() == key.lower(): + return key_ + return key + +
+[docs] + def prune(self): + '''Remove empty paths of this object. + ''' + items = list(self.items()) + for key, value in items: + try: + value.prune() + except AttributeError: + pass + + if not value: + del self[key]
+ + +
+[docs] + def get_multi_key(self, key: str): + ''' + Method that returns the value of a "multikey". The multikey is multiple keys joined by dots. + E.g. res.properties.energy.bond can be gotten by calling res.get_multi_key("properties.energy.bond") + ''' + data = self + for keypart in key.split('.'): + data = data[keypart] + return data
+ + +
+[docs] + def as_plams_settings(self): + ''' + Returns this Result object as a plams.Settings object. + ''' + from scm import plams + import dictfunc + + clean_dict = dictfunc.list_to_dict(dictfunc.dict_to_list(self)) + return plams.Settings(clean_dict)
+
+ + + +if __name__ == '__main__': + ret = Result() + # print(ret.adf) + # print(dict(ret.adf)) + # print(bool(ret.adf)) + ret.adf.x = {'a': 1, 'b': 2} + # ret.adf.system.atoms = [] + # ret.adf.system.atoms.append('test 1 2 3') + + # test_dict[ret.adf.y] = 20 + # ret.adf.y.join() + # {ret.test: 123} + # ret.__name__ = 'testname' + # print(ret.__name__) + print(repr(ret)) +
+ +
+ + + + + +
+ +
+
+
+ +
+ + + +
+ + +
+
+ +
+ +
+
+
+ + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/_build/html/_modules/tcutility/slurm.html b/docs/_build/html/_modules/tcutility/slurm.html index 09e23c3e..92a4013c 100644 --- a/docs/_build/html/_modules/tcutility/slurm.html +++ b/docs/_build/html/_modules/tcutility/slurm.html @@ -28,6 +28,8 @@ + + @@ -37,6 +39,9 @@ + + + @@ -251,21 +256,28 @@

Source code for tcutility.slurm

 import subprocess as sp
-from tcutility import results, log
+from tcutility import results, log, cache
+import time
+import os
 
 
 
[docs] +@cache.cache def has_slurm() -> bool: ''' Function to check if the current platform uses slurm. Returns: - has_slurm: whether slurm is available on this platform. + Whether slurm is available on this platform. ''' try: - sp.check_output(['which', 'sbatch']).decode() + # we do not want this function to print anything when it does not find sbatch + with open(os.devnull, 'wb') as devnull: + sp.check_output(['which', 'sbatch'], stderr=devnull).decode() + # if it runs without error, we have access to slurm return True + # if an error is raised we do not have slurm except sp.CalledProcessError: return False
@@ -273,6 +285,7 @@

Source code for tcutility.slurm

 
 
[docs] +@cache.timed_cache(3) def squeue() -> results.Result: ''' Get information about jobs managed by slurm using squeue. @@ -284,6 +297,10 @@

Source code for tcutility.slurm

             - **id (list[str])** – slurm job id's.
             - **status (list[str])** – slurm job status name. See squeue documentation.
             - **statuscode (list[str])** – slurm job status codes. See squeue documentation
+
+    .. note::
+
+        By default this function uses a timed cache (see :func:`cache.timed_cache`) with a 3 second delay to lessen the load on HPC systems.
     '''
     ret = results.Result()
 
@@ -310,6 +327,45 @@ 

Source code for tcutility.slurm

 
 
 
+
+[docs] +def sbatch(runfile: str, **options: dict) -> results.Result: + ''' + Submit a job to slurm using sbatch. + + Args: + runfile: the path to the filename to be submitted. + options: options to be used for sbatch. + + Returns: + A :class:`results.Result` containing the slurm job ID as the ``id`` key and the full command used for submitting the job as the ``command`` key. + ''' + cmd = 'sbatch ' + for key, val in options.items(): + key = key.replace('_', '-') + if len(key) > 1: + cmd += f'--{key}={val} ' + else: + cmd += f'-{key} {val} ' + + cmd = cmd + runfile + + ret = results.Result() + ret.command = cmd + + # run the job + sbatch_out = sp.check_output(cmd.split(), stderr=sp.STDOUT).decode() + # get the slurm job id from the output + for line in sbatch_out.splitlines(): + if line.startswith('Submitted batch job'): + # set the slurm job id for this calculation, we use this in order to set dependencies between jobs. + ret.id = line.strip().split()[-1] + break + + return ret
+ + +
[docs] def workdir_info(workdir: str) -> results.Result: @@ -335,6 +391,21 @@

Source code for tcutility.slurm

 
 
 
+
+[docs] +def wait_for_job(slurmid: int, check_every: int = 3): + ''' + Wait for a slurm job to finish. We check every `check_every` seconds if the slurm job id is still present in squeue. + + Args: + slurmid: the ID of the slurm job we are waiting for. + check_every: the amount of seconds to wait before checking squeue again. Don't put this too high, or you will anger the cluster people. + ''' + while slurmid in squeue().id: + time.sleep(check_every)
+ + + if __name__ == '__main__': if has_slurm(): log.info('This platform has SLURM.') diff --git a/docs/_build/html/_sources/api/modules.rst.txt b/docs/_build/html/_sources/api/modules.rst.txt index ae3878e0..8708b821 100644 --- a/docs/_build/html/_sources/api/modules.rst.txt +++ b/docs/_build/html/_sources/api/modules.rst.txt @@ -5,5 +5,3 @@ tcutility :maxdepth: 4 tcutility - tcutility.job - tcutility.results diff --git a/docs/_build/html/_sources/api/tcutility.job.rst.txt b/docs/_build/html/_sources/api/tcutility.job.rst.txt new file mode 100644 index 00000000..4bcb6dba --- /dev/null +++ b/docs/_build/html/_sources/api/tcutility.job.rst.txt @@ -0,0 +1,69 @@ +tcutility.job package +===================== + +Submodules +---------- + +tcutility.job.adf module +------------------------ + +.. automodule:: tcutility.job.adf + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.ams module +------------------------ + +.. automodule:: tcutility.job.ams + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.crest module +-------------------------- + +.. automodule:: tcutility.job.crest + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.dftb module +------------------------- + +.. automodule:: tcutility.job.dftb + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.generic module +---------------------------- + +.. automodule:: tcutility.job.generic + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.nmr module +------------------------ + +.. automodule:: tcutility.job.nmr + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.orca module +------------------------- + +.. automodule:: tcutility.job.orca + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: tcutility.job + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_build/html/_sources/api/tcutility.rst.txt b/docs/_build/html/_sources/api/tcutility.rst.txt index 263b1886..87a19c36 100644 --- a/docs/_build/html/_sources/api/tcutility.rst.txt +++ b/docs/_build/html/_sources/api/tcutility.rst.txt @@ -8,17 +8,17 @@ Subpackages :maxdepth: 4 tcutility.analysis - tcutility.atom_data_info + tcutility.job tcutility.results tcutility.typing Submodules ---------- -tcutility.atom\_data module ---------------------------- +tcutility.cache module +---------------------- -.. automodule:: tcutility.atom_data +.. automodule:: tcutility.cache :members: :undoc-members: :show-inheritance: diff --git a/docs/_build/html/_sources/examples.rst.txt b/docs/_build/html/_sources/examples.rst.txt new file mode 100644 index 00000000..39589e98 --- /dev/null +++ b/docs/_build/html/_sources/examples.rst.txt @@ -0,0 +1,13 @@ +Examples +======== + +tcutility.results package +--------------------- + + +tcutility.job package +--------------------- + + +tcutility package +--------------------- diff --git a/docs/_build/html/_sources/index.rst.txt b/docs/_build/html/_sources/index.rst.txt new file mode 100644 index 00000000..ae598ba9 --- /dev/null +++ b/docs/_build/html/_sources/index.rst.txt @@ -0,0 +1,40 @@ +.. TCutility documentation master file, created by + sphinx-quickstart on Sun Aug 27 13:58:34 2023. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + +TCutility |ProjectVersion| documentation +======================================== + +**TCutility** is a Python library containing many helper functions and classes for use in programs written in the TheoCheM group. + +.. toctree:: + :maxdepth: 2 + + tcutility.results + analysis/analysis + +.. toctree:: + :maxdepth: 2 + :caption: Extra (utility) modules are: + + tcutility.constants + +.. toctree:: + :maxdepth: 2 + :caption: Full API: + + api/modules + + +Indices and tables +================== + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` + + +.. note:: + + This library is under heavy development, so there are no guarantees that older code will work with newer versions. diff --git a/docs/_build/html/_sources/tcutility.constants.rst.txt b/docs/_build/html/_sources/tcutility.constants.rst.txt new file mode 100644 index 00000000..77ee53e5 --- /dev/null +++ b/docs/_build/html/_sources/tcutility.constants.rst.txt @@ -0,0 +1,4 @@ +tcutility.constants package +=========================== + +A small package containing some helpful constants used internally. diff --git a/docs/_build/html/_sources/tcutility.job.rst.txt b/docs/_build/html/_sources/tcutility.job.rst.txt new file mode 100644 index 00000000..e79019f5 --- /dev/null +++ b/docs/_build/html/_sources/tcutility.job.rst.txt @@ -0,0 +1,190 @@ +Setup workflows with tcutility.job +=================================== + +Overview +-------- + +This module offers you the tools to efficiently and easily build computational workflows with various engines. +The module defines usefull classes that do all the heavy lifting (input and runscript preparation) in the background, while ensuring correctness of the generated inputs + +Job classes +*********** + +Jobs are run using subclasses of the :class:`Job ` class. The base :class:`Job ` class handles setting up directories and running the calculations. + +The :class:`Job ` subclasses are also context-managers, which results in cleaner and more error-proof code: + +.. code-block:: python + :linenos: + + from tcutility.job import ADFJob + + # job classes are also context-managers + # when exiting the context-manager the job will automatically be run + # this ensures you won't forget to start the job + with ADFJob() as job: + job.molecule('example.xyz') + + # you can also not use the context-manager + # in that case, don't forget to run the job + job = ADFJob() + job.molecule('example.xyz') + job.run() + +You can control where a calculation is run by changing the ``job.name`` and ``job.rundir`` properties. + +.. code-block:: python + :linenos: + + from tcutility.job import ADFJob + + with ADFJob() as job: + job.molecule('example.xyz') + job.rundir = './calc_dir/molecule_1' + job.name = 'ADF_calculation' + + print(job.workdir) + +This script will run a single point calculation using ADF in the working directory ``./calc_dir/molecule_1/ADF_calculation``. You can access the full path to the working directory using the ``job.workdir`` property. + + +Slurm support +************* + +One usefull feature is that the :class:`Job ` class detects if slurm is able to be used on the platform the script is running on. If slurm is available, jobs will be submitted using ``sbatch`` instead of ran locally. It is possible to set any ``sbatch`` option you would like. + +.. code-block:: python + :linenos: + + from tcutility.job import ADFJob + + with ADFJob() as job: + job.molecule('example.xyz') + # we can set any sbatch settings using the job.sbatch() method + # in this case, we set the partition to 'tc' and the number of cores to 32 + job.sbatch(p='tc', n=32) + +Job dependencies +**************** + +It is possible to setup dependencies between jobs. This allows you to use the results of one calculation as input for a different calculation. + +.. code-block:: python + :linenos: + + from tcutility.job import ADFJob, CRESTJob + + # submit and run a CREST calculation + with CRESTJob() as crest_job: + crest_job.molecule('input.xyz') + crest_job.sbatch(p='tc', n=32) + + crest_job.rundir = './calculations/molecule_1' + crest_job.name = 'CREST' + + # get the 10 lowest conformers using the crest_job.get_conformer_xyz() method + for i, conformer_xyz in enumerate(crest_job.get_conformer_xyz(10)): + # set up the ADF calculation + with ADFJob() as opt_job: + # make the ADFJob depend on the CRESTJob + # slurm will wait for the CRESTJob to finish before starting the ADFJob + opt_job.dependency(crest_job) + # you can set a file to an xyz-file + # that does not exist yet as the molecule + opt_job.molecule(conformer_xyz) + opt_job.sbatch(p='tc', n=16) + + opt_job.functional('OLYP-D3(BJ)') + opt_job.basis_set('TZ2P') + opt_job.quality('Good') + opt_job.optimization() + + opt_job.rundir = './calculations/molecule_1' + opt_job.name = f'conformer_{i}' + +This script will first setup and submit a :class:`CRESTJob ` calculation to generate conformers for the structure in ``input.xyz``. It will then submit geometry optimizations for the 10 lowest conformers using :class:`ADFJob ` at the ``OLYP-D3(BJ)/TZ2P`` level of theory. Slurm will first wait for the :class:`CRESTJob ` calculation to finish before starting the :class:`ADFJob ` calculations. + +Supported engines +***************** + +We currently support the following engines and job classes: + +* `Amsterdam Density Functional (ADF) `_ + + * :class:`ADFJob `, regular ADF calculations + * :class:`ADFFragmentJob `, fragment based calculations + * :class:`NMRJob `, Nuclear Magnetic Resonance (NMR) calculations using ADF + + +* `Density Functional with Tight Binding (DFTB) `_ + + * :class:`DFTBJob `, regular DFTB calculations + +* `ORCA `_ + + * :class:`ORCAJob `, regular ORCA calculations + +* `Conformer rotamer ensemble sampling tool (CREST) `_ including `Quantum Cluster Growth (QCG) `_ + + * :class:`CRESTJob `, CREST conformational search + * :class:`QCGJob `, QCG explicit solvation search + +See the `API Documentation <./api/tcutility.job.html>`_ for an overview of the Job classes offered by tcutility.job module. + +.. note:: + + If you want support for new engines/classes, please open an issue on our GitHub page, or let one of the developers know! + +Requirements +------------ + +To run calculations related to the Amsterdam Modelling Suite (AMS) you will require a license. + +For ORCA calculations you will need to add the ORCA executable to your PATH. + + +Examples +-------- +A few typical use-cases are given below. Click `here <./examples.html>`_ for a full overview of all examples. + +Geometry optimization using ADF +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ + +It is quite easy to set up calculations using the :mod:`tcutility.job` package. +For example, if we want to run a simple geometry optimization using ADF we can use the :class:`ADFJob ` class. + +In this case we are optimizing the water dimer at the BP86-D3(BJ)/TZ2P level. +To handle the ADF settings you can refer to the GUI. For example, to use a specific functional simply enter the name of the functional as it appears in the ADF GUI. The same applies to pretty much all settings. The :class:`ADFJob ` class will handle everything in the background for you. + +The job will be run in the ``./calculations/GO_water_dimer`` directory. The :mod:`tcutility.job` package will handle running of the calculation as well. It will detect if your platform supports slurm. If it does, it will use ``sbatch`` to run your calculations. Otherwise, it will simply run the calculation locally. + +.. tabs:: + + .. group-tab:: Runscript (:download:`󠀠download <../examples/job/GO_water_dimer.py>`) + + .. literalinclude:: ../examples/job/GO_water_dimer.py + :language: python + :linenos: + + .. group-tab:: XYZ-file (:download:`󠀠download <../examples/job/water_dimer.xyz>`) + + .. literalinclude:: ../examples/job/water_dimer.xyz + +Fragment calculation using ADF +~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ + +Another common usage of ADF is running a fragment calculation. This calculation requires setting up three different ADF jobs. Using the :mod:`tcutility.job` package allows you to set up these kinds of jobs in as little as 8 lines of code. + +In this case we make use of a special xyz file format (see :func:`tcutility.molecule.guess_fragments`) which specifies the fragments. This saves us some work in setting up the calculations. + +.. tabs:: + + .. group-tab:: Runscript (:download:`󠀠download <../examples/job/frag_NH3BH3.py>`) + + .. literalinclude:: ../examples/job/frag_NH3BH3.py + :language: python + :linenos: + + .. group-tab:: XYZ-file (:download:`󠀠download <../examples/job/NH3BH3.xyz>`) + + .. literalinclude:: ../examples/job/NH3BH3.xyz diff --git a/docs/_build/html/_sources/tcutility.results.rst.txt b/docs/_build/html/_sources/tcutility.results.rst.txt new file mode 100644 index 00000000..e5d6515d --- /dev/null +++ b/docs/_build/html/_sources/tcutility.results.rst.txt @@ -0,0 +1,29 @@ +Reading a calculation +======================= + +The tcutility.results package enables you to easily retrieve information and results from a calculation done using AMS. +This includes results and settings from AMS as well as the calculation engine used (e.g. ADF, BAND, DFTB, ...). +Recommended usage is to use the |read| function to read the information. +One can also access specific information by calling one the functions in the submodules below. +Information will be given as :class:`tcutility.results.result.Result` objects and can be used just like a `dict`_. + +.. code-block:: python + + >>> import TCutility.results + >>> calc_dir = '../test/fixtures/ethanol' + >>> info = TCutility.results.read(calc_dir) + >>> info.engine + adf + >>> info.ams_version.full + 2022.103 r104886 (2022-06-17) + >>> info.adf.symmetry + {'group': 'C(S)', 'labels': ['AA', 'AAA']} + >>> info.properties.energy.orbint + {'AA': -2738.644830445246, + 'AAA': -1056.9706925183411, + 'total': -3795.615522963587} + >>> info.properties.vibrations.number_of_imag_modes + 0 + + +.. _dict: https://docs.python.org/3.8/library/stdtypes.html#dict diff --git a/docs/_build/html/_static/basic.css b/docs/_build/html/_static/basic.css new file mode 100644 index 00000000..e760386b --- /dev/null +++ b/docs/_build/html/_static/basic.css @@ -0,0 +1,925 @@ +/* + * basic.css + * ~~~~~~~~~ + * + * Sphinx stylesheet -- basic theme. + * + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +/* -- main layout ----------------------------------------------------------- */ + +div.clearer { + clear: both; +} + +div.section::after { + display: block; + content: ''; + clear: left; +} + +/* -- relbar ---------------------------------------------------------------- */ + +div.related { + width: 100%; + font-size: 90%; +} + +div.related h3 { + display: none; +} + +div.related ul { + margin: 0; + padding: 0 0 0 10px; + list-style: none; +} + +div.related li { + display: inline; +} + +div.related li.right { + float: right; + margin-right: 5px; +} + +/* -- sidebar --------------------------------------------------------------- */ + +div.sphinxsidebarwrapper { + padding: 10px 5px 0 10px; +} + +div.sphinxsidebar { + float: left; + width: 270px; + margin-left: -100%; + font-size: 90%; + word-wrap: break-word; + overflow-wrap : break-word; +} + +div.sphinxsidebar ul { + list-style: none; +} + +div.sphinxsidebar ul ul, +div.sphinxsidebar ul.want-points { + margin-left: 20px; + list-style: square; +} + +div.sphinxsidebar ul ul { + margin-top: 0; + margin-bottom: 0; +} + +div.sphinxsidebar form { + margin-top: 10px; +} + +div.sphinxsidebar input { + border: 1px solid #98dbcc; + font-family: sans-serif; + font-size: 1em; +} + +div.sphinxsidebar #searchbox form.search { + overflow: hidden; +} + +div.sphinxsidebar #searchbox input[type="text"] { + float: left; + width: 80%; + padding: 0.25em; + box-sizing: border-box; +} + +div.sphinxsidebar #searchbox input[type="submit"] { + float: left; + width: 20%; + border-left: none; + padding: 0.25em; + box-sizing: border-box; +} + + +img { + border: 0; + max-width: 100%; +} + +/* -- search page ----------------------------------------------------------- */ + +ul.search { + margin: 10px 0 0 20px; + padding: 0; +} + +ul.search li { + padding: 5px 0 5px 20px; + background-image: url(file.png); + background-repeat: no-repeat; + background-position: 0 7px; +} + +ul.search li a { + font-weight: bold; +} + +ul.search li p.context { + color: #888; + margin: 2px 0 0 30px; + text-align: left; +} + +ul.keywordmatches li.goodmatch a { + font-weight: bold; +} + +/* -- index page ------------------------------------------------------------ */ + +table.contentstable { + width: 90%; + margin-left: auto; + margin-right: auto; +} + +table.contentstable p.biglink { + line-height: 150%; +} + +a.biglink { + font-size: 1.3em; +} + +span.linkdescr { + font-style: italic; + padding-top: 5px; + font-size: 90%; +} + +/* -- general index --------------------------------------------------------- */ + +table.indextable { + width: 100%; +} + +table.indextable td { + text-align: left; + vertical-align: top; +} + +table.indextable ul { + margin-top: 0; + margin-bottom: 0; + list-style-type: none; +} + +table.indextable > tbody > tr > td > ul { + padding-left: 0em; +} + +table.indextable tr.pcap { + height: 10px; +} + +table.indextable tr.cap { + margin-top: 10px; + background-color: #f2f2f2; +} + +img.toggler { + margin-right: 3px; + margin-top: 3px; + cursor: pointer; +} + +div.modindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +div.genindex-jumpbox { + border-top: 1px solid #ddd; + border-bottom: 1px solid #ddd; + margin: 1em 0 1em 0; + padding: 0.4em; +} + +/* -- domain module index --------------------------------------------------- */ + +table.modindextable td { + padding: 2px; + border-collapse: collapse; +} + +/* -- general body styles --------------------------------------------------- */ + +div.body { + min-width: 360px; + max-width: 800px; +} + +div.body p, div.body dd, div.body li, div.body blockquote { + -moz-hyphens: auto; + -ms-hyphens: auto; + -webkit-hyphens: auto; + hyphens: auto; +} + +a.headerlink { + visibility: hidden; +} + +a:visited { + color: #551A8B; +} + +h1:hover > a.headerlink, +h2:hover > a.headerlink, +h3:hover > a.headerlink, +h4:hover > a.headerlink, +h5:hover > a.headerlink, +h6:hover > a.headerlink, +dt:hover > a.headerlink, +caption:hover > a.headerlink, +p.caption:hover > a.headerlink, +div.code-block-caption:hover > a.headerlink { + visibility: visible; +} + +div.body p.caption { + text-align: inherit; +} + +div.body td { + text-align: left; +} + +.first { + margin-top: 0 !important; +} + +p.rubric { + margin-top: 30px; + font-weight: bold; +} + +img.align-left, figure.align-left, .figure.align-left, object.align-left { + clear: left; + float: left; + margin-right: 1em; +} + +img.align-right, figure.align-right, .figure.align-right, object.align-right { + clear: right; + float: right; + margin-left: 1em; +} + +img.align-center, figure.align-center, .figure.align-center, object.align-center { + display: block; + margin-left: auto; + margin-right: auto; +} + +img.align-default, figure.align-default, .figure.align-default { + display: block; + margin-left: auto; + margin-right: auto; +} + +.align-left { + text-align: left; +} + +.align-center { + text-align: center; +} + +.align-default { + text-align: center; +} + +.align-right { + text-align: right; +} + +/* -- sidebars -------------------------------------------------------------- */ + +div.sidebar, +aside.sidebar { + margin: 0 0 0.5em 1em; + border: 1px solid #ddb; + padding: 7px; + background-color: #ffe; + width: 40%; + float: right; + clear: right; + overflow-x: auto; +} + +p.sidebar-title { + font-weight: bold; +} + +nav.contents, +aside.topic, +div.admonition, div.topic, blockquote { + clear: left; +} + +/* -- topics ---------------------------------------------------------------- */ + +nav.contents, +aside.topic, +div.topic { + border: 1px solid #ccc; + padding: 7px; + margin: 10px 0 10px 0; +} + +p.topic-title { + font-size: 1.1em; + font-weight: bold; + margin-top: 10px; +} + +/* -- admonitions ----------------------------------------------------------- */ + +div.admonition { + margin-top: 10px; + margin-bottom: 10px; + padding: 7px; +} + +div.admonition dt { + font-weight: bold; +} + +p.admonition-title { + margin: 0px 10px 5px 0px; + font-weight: bold; +} + +div.body p.centered { + text-align: center; + margin-top: 25px; +} + +/* -- content of sidebars/topics/admonitions -------------------------------- */ + +div.sidebar > :last-child, +aside.sidebar > :last-child, +nav.contents > :last-child, +aside.topic > :last-child, +div.topic > :last-child, +div.admonition > :last-child { + margin-bottom: 0; +} + +div.sidebar::after, +aside.sidebar::after, +nav.contents::after, +aside.topic::after, +div.topic::after, +div.admonition::after, +blockquote::after { + display: block; + content: ''; + clear: both; +} + +/* -- tables ---------------------------------------------------------------- */ + +table.docutils { + margin-top: 10px; + margin-bottom: 10px; + border: 0; + border-collapse: collapse; +} + +table.align-center { + margin-left: auto; + margin-right: auto; +} + +table.align-default { + margin-left: auto; + margin-right: auto; +} + +table caption span.caption-number { + font-style: italic; +} + +table caption span.caption-text { +} + +table.docutils td, table.docutils th { + padding: 1px 8px 1px 5px; + border-top: 0; + border-left: 0; + border-right: 0; + border-bottom: 1px solid #aaa; +} + +th { + text-align: left; + padding-right: 5px; +} + +table.citation { + border-left: solid 1px gray; + margin-left: 1px; +} + +table.citation td { + border-bottom: none; +} + +th > :first-child, +td > :first-child { + margin-top: 0px; +} + +th > :last-child, +td > :last-child { + margin-bottom: 0px; +} + +/* -- figures --------------------------------------------------------------- */ + +div.figure, figure { + margin: 0.5em; + padding: 0.5em; +} + +div.figure p.caption, figcaption { + padding: 0.3em; +} + +div.figure p.caption span.caption-number, +figcaption span.caption-number { + font-style: italic; +} + +div.figure p.caption span.caption-text, +figcaption span.caption-text { +} + +/* -- field list styles ----------------------------------------------------- */ + +table.field-list td, table.field-list th { + border: 0 !important; +} + +.field-list ul { + margin: 0; + padding-left: 1em; +} + +.field-list p { + margin: 0; +} + +.field-name { + -moz-hyphens: manual; + -ms-hyphens: manual; + -webkit-hyphens: manual; + hyphens: manual; +} + +/* -- hlist styles ---------------------------------------------------------- */ + +table.hlist { + margin: 1em 0; +} + +table.hlist td { + vertical-align: top; +} + +/* -- object description styles --------------------------------------------- */ + +.sig { + font-family: 'Consolas', 'Menlo', 'DejaVu Sans Mono', 'Bitstream Vera Sans Mono', monospace; +} + +.sig-name, code.descname { + background-color: transparent; + font-weight: bold; +} + +.sig-name { + font-size: 1.1em; +} + +code.descname { + font-size: 1.2em; +} + +.sig-prename, code.descclassname { + background-color: transparent; +} + +.optional { + font-size: 1.3em; +} + +.sig-paren { + font-size: larger; +} + +.sig-param.n { + font-style: italic; +} + +/* C++ specific styling */ + +.sig-inline.c-texpr, +.sig-inline.cpp-texpr { + font-family: unset; +} + +.sig.c .k, .sig.c .kt, +.sig.cpp .k, .sig.cpp .kt { + color: #0033B3; +} + +.sig.c .m, +.sig.cpp .m { + color: #1750EB; +} + +.sig.c .s, .sig.c .sc, +.sig.cpp .s, .sig.cpp .sc { + color: #067D17; +} + + +/* -- other body styles ----------------------------------------------------- */ + +ol.arabic { + list-style: decimal; +} + +ol.loweralpha { + list-style: lower-alpha; +} + +ol.upperalpha { + list-style: upper-alpha; +} + +ol.lowerroman { + list-style: lower-roman; +} + +ol.upperroman { + list-style: upper-roman; +} + +:not(li) > ol > li:first-child > :first-child, +:not(li) > ul > li:first-child > :first-child { + margin-top: 0px; +} + +:not(li) > ol > li:last-child > :last-child, +:not(li) > ul > li:last-child > :last-child { + margin-bottom: 0px; +} + +ol.simple ol p, +ol.simple ul p, +ul.simple ol p, +ul.simple ul p { + margin-top: 0; +} + +ol.simple > li:not(:first-child) > p, +ul.simple > li:not(:first-child) > p { + margin-top: 0; +} + +ol.simple p, +ul.simple p { + margin-bottom: 0; +} + +aside.footnote > span, +div.citation > span { + float: left; +} +aside.footnote > span:last-of-type, +div.citation > span:last-of-type { + padding-right: 0.5em; +} +aside.footnote > p { + margin-left: 2em; +} +div.citation > p { + margin-left: 4em; +} +aside.footnote > p:last-of-type, +div.citation > p:last-of-type { + margin-bottom: 0em; +} +aside.footnote > p:last-of-type:after, +div.citation > p:last-of-type:after { + content: ""; + clear: both; +} + +dl.field-list { + display: grid; + grid-template-columns: fit-content(30%) auto; +} + +dl.field-list > dt { + font-weight: bold; + word-break: break-word; + padding-left: 0.5em; + padding-right: 5px; +} + +dl.field-list > dd { + padding-left: 0.5em; + margin-top: 0em; + margin-left: 0em; + margin-bottom: 0em; +} + +dl { + margin-bottom: 15px; +} + +dd > :first-child { + margin-top: 0px; +} + +dd ul, dd table { + margin-bottom: 10px; +} + +dd { + margin-top: 3px; + margin-bottom: 10px; + margin-left: 30px; +} + +.sig dd { + margin-top: 0px; + margin-bottom: 0px; +} + +.sig dl { + margin-top: 0px; + margin-bottom: 0px; +} + +dl > dd:last-child, +dl > dd:last-child > :last-child { + margin-bottom: 0; +} + +dt:target, span.highlighted { + background-color: #fbe54e; +} + +rect.highlighted { + fill: #fbe54e; +} + +dl.glossary dt { + font-weight: bold; + font-size: 1.1em; +} + +.versionmodified { + font-style: italic; +} + +.system-message { + background-color: #fda; + padding: 5px; + border: 3px solid red; +} + +.footnote:target { + background-color: #ffa; +} + +.line-block { + display: block; + margin-top: 1em; + margin-bottom: 1em; +} + +.line-block .line-block { + margin-top: 0; + margin-bottom: 0; + margin-left: 1.5em; +} + +.guilabel, .menuselection { + font-family: sans-serif; +} + +.accelerator { + text-decoration: underline; +} + +.classifier { + font-style: oblique; +} + +.classifier:before { + font-style: normal; + margin: 0 0.5em; + content: ":"; + display: inline-block; +} + +abbr, acronym { + border-bottom: dotted 1px; + cursor: help; +} + +.translated { + background-color: rgba(207, 255, 207, 0.2) +} + +.untranslated { + background-color: rgba(255, 207, 207, 0.2) +} + +/* -- code displays --------------------------------------------------------- */ + +pre { + overflow: auto; + overflow-y: hidden; /* fixes display issues on Chrome browsers */ +} + +pre, div[class*="highlight-"] { + clear: both; +} + +span.pre { + -moz-hyphens: none; + -ms-hyphens: none; + -webkit-hyphens: none; + hyphens: none; + white-space: nowrap; +} + +div[class*="highlight-"] { + margin: 1em 0; +} + +td.linenos pre { + border: 0; + background-color: transparent; + color: #aaa; +} + +table.highlighttable { + display: block; +} + +table.highlighttable tbody { + display: block; +} + +table.highlighttable tr { + display: flex; +} + +table.highlighttable td { + margin: 0; + padding: 0; +} + +table.highlighttable td.linenos { + padding-right: 0.5em; +} + +table.highlighttable td.code { + flex: 1; + overflow: hidden; +} + +.highlight .hll { + display: block; +} + +div.highlight pre, +table.highlighttable pre { + margin: 0; +} + +div.code-block-caption + div { + margin-top: 0; +} + +div.code-block-caption { + margin-top: 1em; + padding: 2px 5px; + font-size: small; +} + +div.code-block-caption code { + background-color: transparent; +} + +table.highlighttable td.linenos, +span.linenos, +div.highlight span.gp { /* gp: Generic.Prompt */ + user-select: none; + -webkit-user-select: text; /* Safari fallback only */ + -webkit-user-select: none; /* Chrome/Safari */ + -moz-user-select: none; /* Firefox */ + -ms-user-select: none; /* IE10+ */ +} + +div.code-block-caption span.caption-number { + padding: 0.1em 0.3em; + font-style: italic; +} + +div.code-block-caption span.caption-text { +} + +div.literal-block-wrapper { + margin: 1em 0; +} + +code.xref, a code { + background-color: transparent; + font-weight: bold; +} + +h1 code, h2 code, h3 code, h4 code, h5 code, h6 code { + background-color: transparent; +} + +.viewcode-link { + float: right; +} + +.viewcode-back { + float: right; + font-family: sans-serif; +} + +div.viewcode-block:target { + margin: -1px -10px; + padding: 0 10px; +} + +/* -- math display ---------------------------------------------------------- */ + +img.math { + vertical-align: middle; +} + +div.body div.math p { + text-align: center; +} + +span.eqno { + float: right; +} + +span.eqno a.headerlink { + position: absolute; + z-index: 1; +} + +div.math:hover a.headerlink { + visibility: visible; +} + +/* -- printout stylesheet --------------------------------------------------- */ + +@media print { + div.document, + div.documentwrapper, + div.bodywrapper { + margin: 0 !important; + width: 100%; + } + + div.sphinxsidebar, + div.related, + div.footer, + #top-link { + display: none; + } +} \ No newline at end of file diff --git a/docs/_build/html/_static/check-solid.svg b/docs/_build/html/_static/check-solid.svg new file mode 100644 index 00000000..92fad4b5 --- /dev/null +++ b/docs/_build/html/_static/check-solid.svg @@ -0,0 +1,4 @@ + + + + diff --git a/docs/_build/html/_static/clipboard.min.js b/docs/_build/html/_static/clipboard.min.js new file mode 100644 index 00000000..54b3c463 --- /dev/null +++ b/docs/_build/html/_static/clipboard.min.js @@ -0,0 +1,7 @@ +/*! + * clipboard.js v2.0.8 + * https://clipboardjs.com/ + * + * Licensed MIT © Zeno Rocha + */ +!function(t,e){"object"==typeof exports&&"object"==typeof module?module.exports=e():"function"==typeof define&&define.amd?define([],e):"object"==typeof exports?exports.ClipboardJS=e():t.ClipboardJS=e()}(this,function(){return n={686:function(t,e,n){"use strict";n.d(e,{default:function(){return o}});var e=n(279),i=n.n(e),e=n(370),u=n.n(e),e=n(817),c=n.n(e);function a(t){try{return document.execCommand(t)}catch(t){return}}var f=function(t){t=c()(t);return a("cut"),t};var l=function(t){var e,n,o,r=1 + + + + diff --git a/docs/_build/html/_static/copybutton.css b/docs/_build/html/_static/copybutton.css new file mode 100644 index 00000000..f1916ec7 --- /dev/null +++ b/docs/_build/html/_static/copybutton.css @@ -0,0 +1,94 @@ +/* Copy buttons */ +button.copybtn { + position: absolute; + display: flex; + top: .3em; + right: .3em; + width: 1.7em; + height: 1.7em; + opacity: 0; + transition: opacity 0.3s, border .3s, background-color .3s; + user-select: none; + padding: 0; + border: none; + outline: none; + border-radius: 0.4em; + /* The colors that GitHub uses */ + border: #1b1f2426 1px solid; + background-color: #f6f8fa; + color: #57606a; +} + +button.copybtn.success { + border-color: #22863a; + color: #22863a; +} + +button.copybtn svg { + stroke: currentColor; + width: 1.5em; + height: 1.5em; + padding: 0.1em; +} + +div.highlight { + position: relative; +} + +/* Show the copybutton */ +.highlight:hover button.copybtn, button.copybtn.success { + opacity: 1; +} + +.highlight button.copybtn:hover { + background-color: rgb(235, 235, 235); +} + +.highlight button.copybtn:active { + background-color: rgb(187, 187, 187); +} + +/** + * A minimal CSS-only tooltip copied from: + * https://codepen.io/mildrenben/pen/rVBrpK + * + * To use, write HTML like the following: + * + *

Short

+ */ + .o-tooltip--left { + position: relative; + } + + .o-tooltip--left:after { + opacity: 0; + visibility: hidden; + position: absolute; + content: attr(data-tooltip); + padding: .2em; + font-size: .8em; + left: -.2em; + background: grey; + color: white; + white-space: nowrap; + z-index: 2; + border-radius: 2px; + transform: translateX(-102%) translateY(0); + transition: opacity 0.2s cubic-bezier(0.64, 0.09, 0.08, 1), transform 0.2s cubic-bezier(0.64, 0.09, 0.08, 1); +} + +.o-tooltip--left:hover:after { + display: block; + opacity: 1; + visibility: visible; + transform: translateX(-100%) translateY(0); + transition: opacity 0.2s cubic-bezier(0.64, 0.09, 0.08, 1), transform 0.2s cubic-bezier(0.64, 0.09, 0.08, 1); + transition-delay: .5s; +} + +/* By default the copy button shouldn't show up when printing a page */ +@media print { + button.copybtn { + display: none; + } +} diff --git a/docs/_build/html/_static/copybutton.js b/docs/_build/html/_static/copybutton.js new file mode 100644 index 00000000..2ea7ff3e --- /dev/null +++ b/docs/_build/html/_static/copybutton.js @@ -0,0 +1,248 @@ +// Localization support +const messages = { + 'en': { + 'copy': 'Copy', + 'copy_to_clipboard': 'Copy to clipboard', + 'copy_success': 'Copied!', + 'copy_failure': 'Failed to copy', + }, + 'es' : { + 'copy': 'Copiar', + 'copy_to_clipboard': 'Copiar al portapapeles', + 'copy_success': '¡Copiado!', + 'copy_failure': 'Error al copiar', + }, + 'de' : { + 'copy': 'Kopieren', + 'copy_to_clipboard': 'In die Zwischenablage kopieren', + 'copy_success': 'Kopiert!', + 'copy_failure': 'Fehler beim Kopieren', + }, + 'fr' : { + 'copy': 'Copier', + 'copy_to_clipboard': 'Copier dans le presse-papier', + 'copy_success': 'Copié !', + 'copy_failure': 'Échec de la copie', + }, + 'ru': { + 'copy': 'Скопировать', + 'copy_to_clipboard': 'Скопировать в буфер', + 'copy_success': 'Скопировано!', + 'copy_failure': 'Не удалось скопировать', + }, + 'zh-CN': { + 'copy': '复制', + 'copy_to_clipboard': '复制到剪贴板', + 'copy_success': '复制成功!', + 'copy_failure': '复制失败', + }, + 'it' : { + 'copy': 'Copiare', + 'copy_to_clipboard': 'Copiato negli appunti', + 'copy_success': 'Copiato!', + 'copy_failure': 'Errore durante la copia', + } +} + +let locale = 'en' +if( document.documentElement.lang !== undefined + && messages[document.documentElement.lang] !== undefined ) { + locale = document.documentElement.lang +} + +let doc_url_root = DOCUMENTATION_OPTIONS.URL_ROOT; +if (doc_url_root == '#') { + doc_url_root = ''; +} + +/** + * SVG files for our copy buttons + */ +let iconCheck = ` + ${messages[locale]['copy_success']} + + +` + +// If the user specified their own SVG use that, otherwise use the default +let iconCopy = ``; +if (!iconCopy) { + iconCopy = ` + ${messages[locale]['copy_to_clipboard']} + + + +` +} + +/** + * Set up copy/paste for code blocks + */ + +const runWhenDOMLoaded = cb => { + if (document.readyState != 'loading') { + cb() + } else if (document.addEventListener) { + document.addEventListener('DOMContentLoaded', cb) + } else { + document.attachEvent('onreadystatechange', function() { + if (document.readyState == 'complete') cb() + }) + } +} + +const codeCellId = index => `codecell${index}` + +// Clears selected text since ClipboardJS will select the text when copying +const clearSelection = () => { + if (window.getSelection) { + window.getSelection().removeAllRanges() + } else if (document.selection) { + document.selection.empty() + } +} + +// Changes tooltip text for a moment, then changes it back +// We want the timeout of our `success` class to be a bit shorter than the +// tooltip and icon change, so that we can hide the icon before changing back. +var timeoutIcon = 2000; +var timeoutSuccessClass = 1500; + +const temporarilyChangeTooltip = (el, oldText, newText) => { + el.setAttribute('data-tooltip', newText) + el.classList.add('success') + // Remove success a little bit sooner than we change the tooltip + // So that we can use CSS to hide the copybutton first + setTimeout(() => el.classList.remove('success'), timeoutSuccessClass) + setTimeout(() => el.setAttribute('data-tooltip', oldText), timeoutIcon) +} + +// Changes the copy button icon for two seconds, then changes it back +const temporarilyChangeIcon = (el) => { + el.innerHTML = iconCheck; + setTimeout(() => {el.innerHTML = iconCopy}, timeoutIcon) +} + +const addCopyButtonToCodeCells = () => { + // If ClipboardJS hasn't loaded, wait a bit and try again. This + // happens because we load ClipboardJS asynchronously. + if (window.ClipboardJS === undefined) { + setTimeout(addCopyButtonToCodeCells, 250) + return + } + + // Add copybuttons to all of our code cells + const COPYBUTTON_SELECTOR = 'div.highlight pre'; + const codeCells = document.querySelectorAll(COPYBUTTON_SELECTOR) + codeCells.forEach((codeCell, index) => { + const id = codeCellId(index) + codeCell.setAttribute('id', id) + + const clipboardButton = id => + `` + codeCell.insertAdjacentHTML('afterend', clipboardButton(id)) + }) + +function escapeRegExp(string) { + return string.replace(/[.*+?^${}()|[\]\\]/g, '\\$&'); // $& means the whole matched string +} + +/** + * Removes excluded text from a Node. + * + * @param {Node} target Node to filter. + * @param {string} exclude CSS selector of nodes to exclude. + * @returns {DOMString} Text from `target` with text removed. + */ +function filterText(target, exclude) { + const clone = target.cloneNode(true); // clone as to not modify the live DOM + if (exclude) { + // remove excluded nodes + clone.querySelectorAll(exclude).forEach(node => node.remove()); + } + return clone.innerText; +} + +// Callback when a copy button is clicked. Will be passed the node that was clicked +// should then grab the text and replace pieces of text that shouldn't be used in output +function formatCopyText(textContent, copybuttonPromptText, isRegexp = false, onlyCopyPromptLines = true, removePrompts = true, copyEmptyLines = true, lineContinuationChar = "", hereDocDelim = "") { + var regexp; + var match; + + // Do we check for line continuation characters and "HERE-documents"? + var useLineCont = !!lineContinuationChar + var useHereDoc = !!hereDocDelim + + // create regexp to capture prompt and remaining line + if (isRegexp) { + regexp = new RegExp('^(' + copybuttonPromptText + ')(.*)') + } else { + regexp = new RegExp('^(' + escapeRegExp(copybuttonPromptText) + ')(.*)') + } + + const outputLines = []; + var promptFound = false; + var gotLineCont = false; + var gotHereDoc = false; + const lineGotPrompt = []; + for (const line of textContent.split('\n')) { + match = line.match(regexp) + if (match || gotLineCont || gotHereDoc) { + promptFound = regexp.test(line) + lineGotPrompt.push(promptFound) + if (removePrompts && promptFound) { + outputLines.push(match[2]) + } else { + outputLines.push(line) + } + gotLineCont = line.endsWith(lineContinuationChar) & useLineCont + if (line.includes(hereDocDelim) & useHereDoc) + gotHereDoc = !gotHereDoc + } else if (!onlyCopyPromptLines) { + outputLines.push(line) + } else if (copyEmptyLines && line.trim() === '') { + outputLines.push(line) + } + } + + // If no lines with the prompt were found then just use original lines + if (lineGotPrompt.some(v => v === true)) { + textContent = outputLines.join('\n'); + } + + // Remove a trailing newline to avoid auto-running when pasting + if (textContent.endsWith("\n")) { + textContent = textContent.slice(0, -1) + } + return textContent +} + + +var copyTargetText = (trigger) => { + var target = document.querySelector(trigger.attributes['data-clipboard-target'].value); + + // get filtered text + let exclude = '.linenos'; + + let text = filterText(target, exclude); + return formatCopyText(text, '', false, true, true, true, '', '') +} + + // Initialize with a callback so we can modify the text before copy + const clipboard = new ClipboardJS('.copybtn', {text: copyTargetText}) + + // Update UI with error/success messages + clipboard.on('success', event => { + clearSelection() + temporarilyChangeTooltip(event.trigger, messages[locale]['copy'], messages[locale]['copy_success']) + temporarilyChangeIcon(event.trigger) + }) + + clipboard.on('error', event => { + temporarilyChangeTooltip(event.trigger, messages[locale]['copy'], messages[locale]['copy_failure']) + }) +} + +runWhenDOMLoaded(addCopyButtonToCodeCells) \ No newline at end of file diff --git a/docs/_build/html/_static/copybutton_funcs.js b/docs/_build/html/_static/copybutton_funcs.js new file mode 100644 index 00000000..dbe1aaad --- /dev/null +++ b/docs/_build/html/_static/copybutton_funcs.js @@ -0,0 +1,73 @@ +function escapeRegExp(string) { + return string.replace(/[.*+?^${}()|[\]\\]/g, '\\$&'); // $& means the whole matched string +} + +/** + * Removes excluded text from a Node. + * + * @param {Node} target Node to filter. + * @param {string} exclude CSS selector of nodes to exclude. + * @returns {DOMString} Text from `target` with text removed. + */ +export function filterText(target, exclude) { + const clone = target.cloneNode(true); // clone as to not modify the live DOM + if (exclude) { + // remove excluded nodes + clone.querySelectorAll(exclude).forEach(node => node.remove()); + } + return clone.innerText; +} + +// Callback when a copy button is clicked. Will be passed the node that was clicked +// should then grab the text and replace pieces of text that shouldn't be used in output +export function formatCopyText(textContent, copybuttonPromptText, isRegexp = false, onlyCopyPromptLines = true, removePrompts = true, copyEmptyLines = true, lineContinuationChar = "", hereDocDelim = "") { + var regexp; + var match; + + // Do we check for line continuation characters and "HERE-documents"? + var useLineCont = !!lineContinuationChar + var useHereDoc = !!hereDocDelim + + // create regexp to capture prompt and remaining line + if (isRegexp) { + regexp = new RegExp('^(' + copybuttonPromptText + ')(.*)') + } else { + regexp = new RegExp('^(' + escapeRegExp(copybuttonPromptText) + ')(.*)') + } + + const outputLines = []; + var promptFound = false; + var gotLineCont = false; + var gotHereDoc = false; + const lineGotPrompt = []; + for (const line of textContent.split('\n')) { + match = line.match(regexp) + if (match || gotLineCont || gotHereDoc) { + promptFound = regexp.test(line) + lineGotPrompt.push(promptFound) + if (removePrompts && promptFound) { + outputLines.push(match[2]) + } else { + outputLines.push(line) + } + gotLineCont = line.endsWith(lineContinuationChar) & useLineCont + if (line.includes(hereDocDelim) & useHereDoc) + gotHereDoc = !gotHereDoc + } else if (!onlyCopyPromptLines) { + outputLines.push(line) + } else if (copyEmptyLines && line.trim() === '') { + outputLines.push(line) + } + } + + // If no lines with the prompt were found then just use original lines + if (lineGotPrompt.some(v => v === true)) { + textContent = outputLines.join('\n'); + } + + // Remove a trailing newline to avoid auto-running when pasting + if (textContent.endsWith("\n")) { + textContent = textContent.slice(0, -1) + } + return textContent +} diff --git a/docs/_build/html/_static/doctools.js b/docs/_build/html/_static/doctools.js new file mode 100644 index 00000000..d06a71d7 --- /dev/null +++ b/docs/_build/html/_static/doctools.js @@ -0,0 +1,156 @@ +/* + * doctools.js + * ~~~~~~~~~~~ + * + * Base JavaScript utilities for all Sphinx HTML documentation. + * + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ +"use strict"; + +const BLACKLISTED_KEY_CONTROL_ELEMENTS = new Set([ + "TEXTAREA", + "INPUT", + "SELECT", + "BUTTON", +]); + +const _ready = (callback) => { + if (document.readyState !== "loading") { + callback(); + } else { + document.addEventListener("DOMContentLoaded", callback); + } +}; + +/** + * Small JavaScript module for the documentation. + */ +const Documentation = { + init: () => { + Documentation.initDomainIndexTable(); + Documentation.initOnKeyListeners(); + }, + + /** + * i18n support + */ + TRANSLATIONS: {}, + PLURAL_EXPR: (n) => (n === 1 ? 0 : 1), + LOCALE: "unknown", + + // gettext and ngettext don't access this so that the functions + // can safely bound to a different name (_ = Documentation.gettext) + gettext: (string) => { + const translated = Documentation.TRANSLATIONS[string]; + switch (typeof translated) { + case "undefined": + return string; // no translation + case "string": + return translated; // translation exists + default: + return translated[0]; // (singular, plural) translation tuple exists + } + }, + + ngettext: (singular, plural, n) => { + const translated = Documentation.TRANSLATIONS[singular]; + if (typeof translated !== "undefined") + return translated[Documentation.PLURAL_EXPR(n)]; + return n === 1 ? singular : plural; + }, + + addTranslations: (catalog) => { + Object.assign(Documentation.TRANSLATIONS, catalog.messages); + Documentation.PLURAL_EXPR = new Function( + "n", + `return (${catalog.plural_expr})` + ); + Documentation.LOCALE = catalog.locale; + }, + + /** + * helper function to focus on search bar + */ + focusSearchBar: () => { + document.querySelectorAll("input[name=q]")[0]?.focus(); + }, + + /** + * Initialise the domain index toggle buttons + */ + initDomainIndexTable: () => { + const toggler = (el) => { + const idNumber = el.id.substr(7); + const toggledRows = document.querySelectorAll(`tr.cg-${idNumber}`); + if (el.src.substr(-9) === "minus.png") { + el.src = `${el.src.substr(0, el.src.length - 9)}plus.png`; + toggledRows.forEach((el) => (el.style.display = "none")); + } else { + el.src = `${el.src.substr(0, el.src.length - 8)}minus.png`; + toggledRows.forEach((el) => (el.style.display = "")); + } + }; + + const togglerElements = document.querySelectorAll("img.toggler"); + togglerElements.forEach((el) => + el.addEventListener("click", (event) => toggler(event.currentTarget)) + ); + togglerElements.forEach((el) => (el.style.display = "")); + if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) togglerElements.forEach(toggler); + }, + + initOnKeyListeners: () => { + // only install a listener if it is really needed + if ( + !DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS && + !DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS + ) + return; + + document.addEventListener("keydown", (event) => { + // bail for input elements + if (BLACKLISTED_KEY_CONTROL_ELEMENTS.has(document.activeElement.tagName)) return; + // bail with special keys + if (event.altKey || event.ctrlKey || event.metaKey) return; + + if (!event.shiftKey) { + switch (event.key) { + case "ArrowLeft": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const prevLink = document.querySelector('link[rel="prev"]'); + if (prevLink && prevLink.href) { + window.location.href = prevLink.href; + event.preventDefault(); + } + break; + case "ArrowRight": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const nextLink = document.querySelector('link[rel="next"]'); + if (nextLink && nextLink.href) { + window.location.href = nextLink.href; + event.preventDefault(); + } + break; + } + } + + // some keyboard layouts may need Shift to get / + switch (event.key) { + case "/": + if (!DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS) break; + Documentation.focusSearchBar(); + event.preventDefault(); + } + }); + }, +}; + +// quick alias for translations +const _ = Documentation.gettext; + +_ready(Documentation.init); diff --git a/docs/_build/html/_static/documentation_options.js b/docs/_build/html/_static/documentation_options.js new file mode 100644 index 00000000..167fc0ab --- /dev/null +++ b/docs/_build/html/_static/documentation_options.js @@ -0,0 +1,13 @@ +const DOCUMENTATION_OPTIONS = { + VERSION: 'v0.7.2', + LANGUAGE: 'en', + COLLAPSE_INDEX: false, + BUILDER: 'html', + FILE_SUFFIX: '.html', + LINK_SUFFIX: '.html', + HAS_SOURCE: true, + SOURCELINK_SUFFIX: '.txt', + NAVIGATION_WITH_KEYS: false, + SHOW_SEARCH_SUMMARY: true, + ENABLE_SEARCH_SHORTCUTS: true, +}; \ No newline at end of file diff --git a/docs/_build/html/_static/file.png b/docs/_build/html/_static/file.png new file mode 100644 index 00000000..a858a410 Binary files /dev/null and b/docs/_build/html/_static/file.png differ diff --git a/docs/_build/html/_static/language_data.js b/docs/_build/html/_static/language_data.js new file mode 100644 index 00000000..250f5665 --- /dev/null +++ b/docs/_build/html/_static/language_data.js @@ -0,0 +1,199 @@ +/* + * language_data.js + * ~~~~~~~~~~~~~~~~ + * + * This script contains the language-specific data used by searchtools.js, + * namely the list of stopwords, stemmer, scorer and splitter. + * + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +var stopwords = ["a", "and", "are", "as", "at", "be", "but", "by", "for", "if", "in", "into", "is", "it", "near", "no", "not", "of", "on", "or", "such", "that", "the", "their", "then", "there", "these", "they", "this", "to", "was", "will", "with"]; + + +/* Non-minified version is copied as a separate JS file, is available */ + +/** + * Porter Stemmer + */ +var Stemmer = function() { + + var step2list = { + ational: 'ate', + tional: 'tion', + enci: 'ence', + anci: 'ance', + izer: 'ize', + bli: 'ble', + alli: 'al', + entli: 'ent', + eli: 'e', + ousli: 'ous', + ization: 'ize', + ation: 'ate', + ator: 'ate', + alism: 'al', + iveness: 'ive', + fulness: 'ful', + ousness: 'ous', + aliti: 'al', + iviti: 'ive', + biliti: 'ble', + logi: 'log' + }; + + var step3list = { + icate: 'ic', + ative: '', + alize: 'al', + iciti: 'ic', + ical: 'ic', + ful: '', + ness: '' + }; + + var c = "[^aeiou]"; // consonant + var v = "[aeiouy]"; // vowel + var C = c + "[^aeiouy]*"; // consonant sequence + var V = v + "[aeiou]*"; // vowel sequence + + var mgr0 = "^(" + C + ")?" + V + C; // [C]VC... is m>0 + var meq1 = "^(" + C + ")?" + V + C + "(" + V + ")?$"; // [C]VC[V] is m=1 + var mgr1 = "^(" + C + ")?" + V + C + V + C; // [C]VCVC... is m>1 + var s_v = "^(" + C + ")?" + v; // vowel in stem + + this.stemWord = function (w) { + var stem; + var suffix; + var firstch; + var origword = w; + + if (w.length < 3) + return w; + + var re; + var re2; + var re3; + var re4; + + firstch = w.substr(0,1); + if (firstch == "y") + w = firstch.toUpperCase() + w.substr(1); + + // Step 1a + re = /^(.+?)(ss|i)es$/; + re2 = /^(.+?)([^s])s$/; + + if (re.test(w)) + w = w.replace(re,"$1$2"); + else if (re2.test(w)) + w = w.replace(re2,"$1$2"); + + // Step 1b + re = /^(.+?)eed$/; + re2 = /^(.+?)(ed|ing)$/; + if (re.test(w)) { + var fp = re.exec(w); + re = new RegExp(mgr0); + if (re.test(fp[1])) { + re = /.$/; + w = w.replace(re,""); + } + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1]; + re2 = new RegExp(s_v); + if (re2.test(stem)) { + w = stem; + re2 = /(at|bl|iz)$/; + re3 = new RegExp("([^aeiouylsz])\\1$"); + re4 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re2.test(w)) + w = w + "e"; + else if (re3.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + else if (re4.test(w)) + w = w + "e"; + } + } + + // Step 1c + re = /^(.+?)y$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(s_v); + if (re.test(stem)) + w = stem + "i"; + } + + // Step 2 + re = /^(.+?)(ational|tional|enci|anci|izer|bli|alli|entli|eli|ousli|ization|ation|ator|alism|iveness|fulness|ousness|aliti|iviti|biliti|logi)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step2list[suffix]; + } + + // Step 3 + re = /^(.+?)(icate|ative|alize|iciti|ical|ful|ness)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + suffix = fp[2]; + re = new RegExp(mgr0); + if (re.test(stem)) + w = stem + step3list[suffix]; + } + + // Step 4 + re = /^(.+?)(al|ance|ence|er|ic|able|ible|ant|ement|ment|ent|ou|ism|ate|iti|ous|ive|ize)$/; + re2 = /^(.+?)(s|t)(ion)$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + if (re.test(stem)) + w = stem; + } + else if (re2.test(w)) { + var fp = re2.exec(w); + stem = fp[1] + fp[2]; + re2 = new RegExp(mgr1); + if (re2.test(stem)) + w = stem; + } + + // Step 5 + re = /^(.+?)e$/; + if (re.test(w)) { + var fp = re.exec(w); + stem = fp[1]; + re = new RegExp(mgr1); + re2 = new RegExp(meq1); + re3 = new RegExp("^" + C + v + "[^aeiouwxy]$"); + if (re.test(stem) || (re2.test(stem) && !(re3.test(stem)))) + w = stem; + } + re = /ll$/; + re2 = new RegExp(mgr1); + if (re.test(w) && re2.test(w)) { + re = /.$/; + w = w.replace(re,""); + } + + // and turn initial Y back to y + if (firstch == "y") + w = firstch.toLowerCase() + w.substr(1); + return w; + } +} + diff --git a/docs/_build/html/_static/minus.png b/docs/_build/html/_static/minus.png new file mode 100644 index 00000000..d96755fd Binary files /dev/null and b/docs/_build/html/_static/minus.png differ diff --git a/docs/_build/html/_static/plus.png b/docs/_build/html/_static/plus.png new file mode 100644 index 00000000..7107cec9 Binary files /dev/null and b/docs/_build/html/_static/plus.png differ diff --git a/docs/_build/html/_static/pygments.css b/docs/_build/html/_static/pygments.css new file mode 100644 index 00000000..997797f2 --- /dev/null +++ b/docs/_build/html/_static/pygments.css @@ -0,0 +1,152 @@ +html[data-theme="light"] .highlight pre { line-height: 125%; } +html[data-theme="light"] .highlight td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="light"] .highlight .hll { background-color: #7971292e } +html[data-theme="light"] .highlight { background: #fefefe; color: #545454 } +html[data-theme="light"] .highlight .c { color: #797129 } /* Comment */ +html[data-theme="light"] .highlight .err { color: #d91e18 } /* Error */ +html[data-theme="light"] .highlight .k { color: #7928a1 } /* Keyword */ +html[data-theme="light"] .highlight .l { color: #797129 } /* Literal */ +html[data-theme="light"] .highlight .n { color: #545454 } /* Name */ +html[data-theme="light"] .highlight .o { color: #008000 } /* Operator */ +html[data-theme="light"] .highlight .p { color: #545454 } /* Punctuation */ +html[data-theme="light"] .highlight .ch { color: #797129 } /* Comment.Hashbang */ +html[data-theme="light"] .highlight .cm { color: #797129 } /* Comment.Multiline */ +html[data-theme="light"] .highlight .cp { color: #797129 } /* Comment.Preproc */ +html[data-theme="light"] .highlight .cpf { color: #797129 } /* Comment.PreprocFile */ +html[data-theme="light"] .highlight .c1 { color: #797129 } /* Comment.Single */ +html[data-theme="light"] .highlight .cs { color: #797129 } /* Comment.Special */ +html[data-theme="light"] .highlight .gd { color: #007faa } /* Generic.Deleted */ +html[data-theme="light"] .highlight .ge { font-style: italic } /* Generic.Emph */ +html[data-theme="light"] .highlight .gh { color: #007faa } /* Generic.Heading */ +html[data-theme="light"] .highlight .gs { font-weight: bold } /* Generic.Strong */ +html[data-theme="light"] .highlight .gu { color: #007faa } /* Generic.Subheading */ +html[data-theme="light"] .highlight .kc { color: #7928a1 } /* Keyword.Constant */ +html[data-theme="light"] .highlight .kd { color: #7928a1 } /* Keyword.Declaration */ +html[data-theme="light"] .highlight .kn { color: #7928a1 } /* Keyword.Namespace */ +html[data-theme="light"] .highlight .kp { color: #7928a1 } /* Keyword.Pseudo */ +html[data-theme="light"] .highlight .kr { color: #7928a1 } /* Keyword.Reserved */ +html[data-theme="light"] .highlight .kt { color: #797129 } /* Keyword.Type */ +html[data-theme="light"] .highlight .ld { color: #797129 } /* Literal.Date */ +html[data-theme="light"] .highlight .m { color: #797129 } /* Literal.Number */ +html[data-theme="light"] .highlight .s { color: #008000 } /* Literal.String */ +html[data-theme="light"] .highlight .na { color: #797129 } /* Name.Attribute */ +html[data-theme="light"] .highlight .nb { color: #797129 } /* Name.Builtin */ +html[data-theme="light"] .highlight .nc { color: #007faa } /* Name.Class */ +html[data-theme="light"] .highlight .no { color: #007faa } /* Name.Constant */ +html[data-theme="light"] .highlight .nd { color: #797129 } /* Name.Decorator */ +html[data-theme="light"] .highlight .ni { color: #008000 } /* Name.Entity */ +html[data-theme="light"] .highlight .ne { color: #7928a1 } /* Name.Exception */ +html[data-theme="light"] .highlight .nf { color: #007faa } /* Name.Function */ +html[data-theme="light"] .highlight .nl { color: #797129 } /* Name.Label */ +html[data-theme="light"] .highlight .nn { color: #545454 } /* Name.Namespace */ +html[data-theme="light"] .highlight .nx { color: #545454 } /* Name.Other */ +html[data-theme="light"] .highlight .py { color: #007faa } /* Name.Property */ +html[data-theme="light"] .highlight .nt { color: #007faa } /* Name.Tag */ +html[data-theme="light"] .highlight .nv { color: #d91e18 } /* Name.Variable */ +html[data-theme="light"] .highlight .ow { color: #7928a1 } /* Operator.Word */ +html[data-theme="light"] .highlight .pm { color: #545454 } /* Punctuation.Marker */ +html[data-theme="light"] .highlight .w { color: #545454 } /* Text.Whitespace */ +html[data-theme="light"] .highlight .mb { color: #797129 } /* Literal.Number.Bin */ +html[data-theme="light"] .highlight .mf { color: #797129 } /* Literal.Number.Float */ +html[data-theme="light"] .highlight .mh { color: #797129 } /* Literal.Number.Hex */ +html[data-theme="light"] .highlight .mi { color: #797129 } /* Literal.Number.Integer */ +html[data-theme="light"] .highlight .mo { color: #797129 } /* Literal.Number.Oct */ +html[data-theme="light"] .highlight .sa { color: #008000 } /* Literal.String.Affix */ +html[data-theme="light"] .highlight .sb { color: #008000 } /* Literal.String.Backtick */ +html[data-theme="light"] .highlight .sc { color: #008000 } /* Literal.String.Char */ +html[data-theme="light"] .highlight .dl { color: #008000 } /* Literal.String.Delimiter */ +html[data-theme="light"] .highlight .sd { color: #008000 } /* Literal.String.Doc */ +html[data-theme="light"] .highlight .s2 { color: #008000 } /* Literal.String.Double */ +html[data-theme="light"] .highlight .se { color: #008000 } /* Literal.String.Escape */ +html[data-theme="light"] .highlight .sh { color: #008000 } /* Literal.String.Heredoc */ +html[data-theme="light"] .highlight .si { color: #008000 } /* Literal.String.Interpol */ +html[data-theme="light"] .highlight .sx { color: #008000 } /* Literal.String.Other */ +html[data-theme="light"] .highlight .sr { color: #d91e18 } /* Literal.String.Regex */ +html[data-theme="light"] .highlight .s1 { color: #008000 } /* Literal.String.Single */ +html[data-theme="light"] .highlight .ss { color: #007faa } /* Literal.String.Symbol */ +html[data-theme="light"] .highlight .bp { color: #797129 } /* Name.Builtin.Pseudo */ +html[data-theme="light"] .highlight .fm { color: #007faa } /* Name.Function.Magic */ +html[data-theme="light"] .highlight .vc { color: #d91e18 } /* Name.Variable.Class */ +html[data-theme="light"] .highlight .vg { color: #d91e18 } /* Name.Variable.Global */ +html[data-theme="light"] .highlight .vi { color: #d91e18 } /* Name.Variable.Instance */ +html[data-theme="light"] .highlight .vm { color: #797129 } /* Name.Variable.Magic */ +html[data-theme="light"] .highlight .il { color: #797129 } /* Literal.Number.Integer.Long */ +html[data-theme="dark"] .highlight pre { line-height: 125%; } +html[data-theme="dark"] .highlight td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } +html[data-theme="dark"] .highlight .hll { background-color: #ffd9002e } +html[data-theme="dark"] .highlight { background: #2b2b2b; color: #f8f8f2 } +html[data-theme="dark"] .highlight .c { color: #ffd900 } /* Comment */ +html[data-theme="dark"] .highlight .err { color: #ffa07a } /* Error */ +html[data-theme="dark"] .highlight .k { color: #dcc6e0 } /* Keyword */ +html[data-theme="dark"] .highlight .l { color: #ffd900 } /* Literal */ +html[data-theme="dark"] .highlight .n { color: #f8f8f2 } /* Name */ +html[data-theme="dark"] .highlight .o { color: #abe338 } /* Operator */ +html[data-theme="dark"] .highlight .p { color: #f8f8f2 } /* Punctuation */ +html[data-theme="dark"] .highlight .ch { color: #ffd900 } /* Comment.Hashbang */ +html[data-theme="dark"] .highlight .cm { color: #ffd900 } /* Comment.Multiline */ +html[data-theme="dark"] .highlight .cp { color: #ffd900 } /* Comment.Preproc */ +html[data-theme="dark"] .highlight .cpf { color: #ffd900 } /* Comment.PreprocFile */ +html[data-theme="dark"] .highlight .c1 { color: #ffd900 } /* Comment.Single */ +html[data-theme="dark"] .highlight .cs { color: #ffd900 } /* Comment.Special */ +html[data-theme="dark"] .highlight .gd { color: #00e0e0 } /* Generic.Deleted */ +html[data-theme="dark"] .highlight .ge { font-style: italic } /* Generic.Emph */ +html[data-theme="dark"] .highlight .gh { color: #00e0e0 } /* Generic.Heading */ +html[data-theme="dark"] .highlight .gs { font-weight: bold } /* Generic.Strong */ +html[data-theme="dark"] .highlight .gu { color: #00e0e0 } /* Generic.Subheading */ +html[data-theme="dark"] .highlight .kc { color: #dcc6e0 } /* Keyword.Constant */ +html[data-theme="dark"] .highlight .kd { color: #dcc6e0 } /* Keyword.Declaration */ +html[data-theme="dark"] .highlight .kn { color: #dcc6e0 } /* Keyword.Namespace */ +html[data-theme="dark"] .highlight .kp { color: #dcc6e0 } /* Keyword.Pseudo */ +html[data-theme="dark"] .highlight .kr { color: #dcc6e0 } /* Keyword.Reserved */ +html[data-theme="dark"] .highlight .kt { color: #ffd900 } /* Keyword.Type */ +html[data-theme="dark"] .highlight .ld { color: #ffd900 } /* Literal.Date */ +html[data-theme="dark"] .highlight .m { color: #ffd900 } /* Literal.Number */ +html[data-theme="dark"] .highlight .s { color: #abe338 } /* Literal.String */ +html[data-theme="dark"] .highlight .na { color: #ffd900 } /* Name.Attribute */ +html[data-theme="dark"] .highlight .nb { color: #ffd900 } /* Name.Builtin */ +html[data-theme="dark"] .highlight .nc { color: #00e0e0 } /* Name.Class */ +html[data-theme="dark"] .highlight .no { color: #00e0e0 } /* Name.Constant */ +html[data-theme="dark"] .highlight .nd { color: #ffd900 } /* Name.Decorator */ +html[data-theme="dark"] .highlight .ni { color: #abe338 } /* Name.Entity */ +html[data-theme="dark"] .highlight .ne { color: #dcc6e0 } /* Name.Exception */ +html[data-theme="dark"] .highlight .nf { color: #00e0e0 } /* Name.Function */ +html[data-theme="dark"] .highlight .nl { color: #ffd900 } /* Name.Label */ +html[data-theme="dark"] .highlight .nn { color: #f8f8f2 } /* Name.Namespace */ +html[data-theme="dark"] .highlight .nx { color: #f8f8f2 } /* Name.Other */ +html[data-theme="dark"] .highlight .py { color: #00e0e0 } /* Name.Property */ +html[data-theme="dark"] .highlight .nt { color: #00e0e0 } /* Name.Tag */ +html[data-theme="dark"] .highlight .nv { color: #ffa07a } /* Name.Variable */ +html[data-theme="dark"] .highlight .ow { color: #dcc6e0 } /* Operator.Word */ +html[data-theme="dark"] .highlight .pm { color: #f8f8f2 } /* Punctuation.Marker */ +html[data-theme="dark"] .highlight .w { color: #f8f8f2 } /* Text.Whitespace */ +html[data-theme="dark"] .highlight .mb { color: #ffd900 } /* Literal.Number.Bin */ +html[data-theme="dark"] .highlight .mf { color: #ffd900 } /* Literal.Number.Float */ +html[data-theme="dark"] .highlight .mh { color: #ffd900 } /* Literal.Number.Hex */ +html[data-theme="dark"] .highlight .mi { color: #ffd900 } /* Literal.Number.Integer */ +html[data-theme="dark"] .highlight .mo { color: #ffd900 } /* Literal.Number.Oct */ +html[data-theme="dark"] .highlight .sa { color: #abe338 } /* Literal.String.Affix */ +html[data-theme="dark"] .highlight .sb { color: #abe338 } /* Literal.String.Backtick */ +html[data-theme="dark"] .highlight .sc { color: #abe338 } /* Literal.String.Char */ +html[data-theme="dark"] .highlight .dl { color: #abe338 } /* Literal.String.Delimiter */ +html[data-theme="dark"] .highlight .sd { color: #abe338 } /* Literal.String.Doc */ +html[data-theme="dark"] .highlight .s2 { color: #abe338 } /* Literal.String.Double */ +html[data-theme="dark"] .highlight .se { color: #abe338 } /* Literal.String.Escape */ +html[data-theme="dark"] .highlight .sh { color: #abe338 } /* Literal.String.Heredoc */ +html[data-theme="dark"] .highlight .si { color: #abe338 } /* Literal.String.Interpol */ +html[data-theme="dark"] .highlight .sx { color: #abe338 } /* Literal.String.Other */ +html[data-theme="dark"] .highlight .sr { color: #ffa07a } /* Literal.String.Regex */ +html[data-theme="dark"] .highlight .s1 { color: #abe338 } /* Literal.String.Single */ +html[data-theme="dark"] .highlight .ss { color: #00e0e0 } /* Literal.String.Symbol */ +html[data-theme="dark"] .highlight .bp { color: #ffd900 } /* Name.Builtin.Pseudo */ +html[data-theme="dark"] .highlight .fm { color: #00e0e0 } /* Name.Function.Magic */ +html[data-theme="dark"] .highlight .vc { color: #ffa07a } /* Name.Variable.Class */ +html[data-theme="dark"] .highlight .vg { color: #ffa07a } /* Name.Variable.Global */ +html[data-theme="dark"] .highlight .vi { color: #ffa07a } /* Name.Variable.Instance */ +html[data-theme="dark"] .highlight .vm { color: #ffd900 } /* Name.Variable.Magic */ +html[data-theme="dark"] .highlight .il { color: #ffd900 } /* Literal.Number.Integer.Long */ \ No newline at end of file diff --git a/docs/_build/html/_static/scripts/bootstrap.js b/docs/_build/html/_static/scripts/bootstrap.js new file mode 100644 index 00000000..4e209b0e --- /dev/null +++ b/docs/_build/html/_static/scripts/bootstrap.js @@ -0,0 +1,3 @@ +/*! For license information please see bootstrap.js.LICENSE.txt */ +(()=>{"use strict";var t={d:(e,i)=>{for(var n in i)t.o(i,n)&&!t.o(e,n)&&Object.defineProperty(e,n,{enumerable:!0,get:i[n]})},o:(t,e)=>Object.prototype.hasOwnProperty.call(t,e),r:t=>{"undefined"!=typeof Symbol&&Symbol.toStringTag&&Object.defineProperty(t,Symbol.toStringTag,{value:"Module"}),Object.defineProperty(t,"__esModule",{value:!0})}},e={};t.r(e),t.d(e,{afterMain:()=>E,afterRead:()=>v,afterWrite:()=>C,applyStyles:()=>$,arrow:()=>J,auto:()=>a,basePlacements:()=>l,beforeMain:()=>y,beforeRead:()=>_,beforeWrite:()=>A,bottom:()=>s,clippingParents:()=>d,computeStyles:()=>it,createPopper:()=>Dt,createPopperBase:()=>St,createPopperLite:()=>$t,detectOverflow:()=>_t,end:()=>h,eventListeners:()=>st,flip:()=>bt,hide:()=>wt,left:()=>r,main:()=>w,modifierPhases:()=>O,offset:()=>Et,placements:()=>g,popper:()=>f,popperGenerator:()=>Lt,popperOffsets:()=>At,preventOverflow:()=>Tt,read:()=>b,reference:()=>p,right:()=>o,start:()=>c,top:()=>n,variationPlacements:()=>m,viewport:()=>u,write:()=>T});var i={};t.r(i),t.d(i,{Alert:()=>Oe,Button:()=>ke,Carousel:()=>ri,Collapse:()=>yi,Dropdown:()=>Vi,Modal:()=>xn,Offcanvas:()=>Vn,Popover:()=>fs,ScrollSpy:()=>Ts,Tab:()=>Ks,Toast:()=>lo,Tooltip:()=>hs});var n="top",s="bottom",o="right",r="left",a="auto",l=[n,s,o,r],c="start",h="end",d="clippingParents",u="viewport",f="popper",p="reference",m=l.reduce((function(t,e){return t.concat([e+"-"+c,e+"-"+h])}),[]),g=[].concat(l,[a]).reduce((function(t,e){return t.concat([e,e+"-"+c,e+"-"+h])}),[]),_="beforeRead",b="read",v="afterRead",y="beforeMain",w="main",E="afterMain",A="beforeWrite",T="write",C="afterWrite",O=[_,b,v,y,w,E,A,T,C];function x(t){return t?(t.nodeName||"").toLowerCase():null}function k(t){if(null==t)return window;if("[object Window]"!==t.toString()){var e=t.ownerDocument;return e&&e.defaultView||window}return t}function L(t){return t instanceof k(t).Element||t instanceof Element}function S(t){return t instanceof k(t).HTMLElement||t instanceof HTMLElement}function D(t){return"undefined"!=typeof ShadowRoot&&(t instanceof k(t).ShadowRoot||t instanceof ShadowRoot)}const $={name:"applyStyles",enabled:!0,phase:"write",fn:function(t){var e=t.state;Object.keys(e.elements).forEach((function(t){var i=e.styles[t]||{},n=e.attributes[t]||{},s=e.elements[t];S(s)&&x(s)&&(Object.assign(s.style,i),Object.keys(n).forEach((function(t){var e=n[t];!1===e?s.removeAttribute(t):s.setAttribute(t,!0===e?"":e)})))}))},effect:function(t){var e=t.state,i={popper:{position:e.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(e.elements.popper.style,i.popper),e.styles=i,e.elements.arrow&&Object.assign(e.elements.arrow.style,i.arrow),function(){Object.keys(e.elements).forEach((function(t){var n=e.elements[t],s=e.attributes[t]||{},o=Object.keys(e.styles.hasOwnProperty(t)?e.styles[t]:i[t]).reduce((function(t,e){return t[e]="",t}),{});S(n)&&x(n)&&(Object.assign(n.style,o),Object.keys(s).forEach((function(t){n.removeAttribute(t)})))}))}},requires:["computeStyles"]};function I(t){return t.split("-")[0]}var N=Math.max,P=Math.min,M=Math.round;function j(){var t=navigator.userAgentData;return null!=t&&t.brands&&Array.isArray(t.brands)?t.brands.map((function(t){return t.brand+"/"+t.version})).join(" "):navigator.userAgent}function F(){return!/^((?!chrome|android).)*safari/i.test(j())}function H(t,e,i){void 0===e&&(e=!1),void 0===i&&(i=!1);var n=t.getBoundingClientRect(),s=1,o=1;e&&S(t)&&(s=t.offsetWidth>0&&M(n.width)/t.offsetWidth||1,o=t.offsetHeight>0&&M(n.height)/t.offsetHeight||1);var r=(L(t)?k(t):window).visualViewport,a=!F()&&i,l=(n.left+(a&&r?r.offsetLeft:0))/s,c=(n.top+(a&&r?r.offsetTop:0))/o,h=n.width/s,d=n.height/o;return{width:h,height:d,top:c,right:l+h,bottom:c+d,left:l,x:l,y:c}}function B(t){var e=H(t),i=t.offsetWidth,n=t.offsetHeight;return Math.abs(e.width-i)<=1&&(i=e.width),Math.abs(e.height-n)<=1&&(n=e.height),{x:t.offsetLeft,y:t.offsetTop,width:i,height:n}}function W(t,e){var i=e.getRootNode&&e.getRootNode();if(t.contains(e))return!0;if(i&&D(i)){var n=e;do{if(n&&t.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function z(t){return k(t).getComputedStyle(t)}function R(t){return["table","td","th"].indexOf(x(t))>=0}function q(t){return((L(t)?t.ownerDocument:t.document)||window.document).documentElement}function V(t){return"html"===x(t)?t:t.assignedSlot||t.parentNode||(D(t)?t.host:null)||q(t)}function Y(t){return S(t)&&"fixed"!==z(t).position?t.offsetParent:null}function K(t){for(var e=k(t),i=Y(t);i&&R(i)&&"static"===z(i).position;)i=Y(i);return i&&("html"===x(i)||"body"===x(i)&&"static"===z(i).position)?e:i||function(t){var e=/firefox/i.test(j());if(/Trident/i.test(j())&&S(t)&&"fixed"===z(t).position)return null;var i=V(t);for(D(i)&&(i=i.host);S(i)&&["html","body"].indexOf(x(i))<0;){var n=z(i);if("none"!==n.transform||"none"!==n.perspective||"paint"===n.contain||-1!==["transform","perspective"].indexOf(n.willChange)||e&&"filter"===n.willChange||e&&n.filter&&"none"!==n.filter)return i;i=i.parentNode}return null}(t)||e}function Q(t){return["top","bottom"].indexOf(t)>=0?"x":"y"}function X(t,e,i){return N(t,P(e,i))}function U(t){return Object.assign({},{top:0,right:0,bottom:0,left:0},t)}function G(t,e){return e.reduce((function(e,i){return e[i]=t,e}),{})}const J={name:"arrow",enabled:!0,phase:"main",fn:function(t){var e,i=t.state,a=t.name,c=t.options,h=i.elements.arrow,d=i.modifiersData.popperOffsets,u=I(i.placement),f=Q(u),p=[r,o].indexOf(u)>=0?"height":"width";if(h&&d){var m=function(t,e){return U("number"!=typeof(t="function"==typeof t?t(Object.assign({},e.rects,{placement:e.placement})):t)?t:G(t,l))}(c.padding,i),g=B(h),_="y"===f?n:r,b="y"===f?s:o,v=i.rects.reference[p]+i.rects.reference[f]-d[f]-i.rects.popper[p],y=d[f]-i.rects.reference[f],w=K(h),E=w?"y"===f?w.clientHeight||0:w.clientWidth||0:0,A=v/2-y/2,T=m[_],C=E-g[p]-m[b],O=E/2-g[p]/2+A,x=X(T,O,C),k=f;i.modifiersData[a]=((e={})[k]=x,e.centerOffset=x-O,e)}},effect:function(t){var e=t.state,i=t.options.element,n=void 0===i?"[data-popper-arrow]":i;null!=n&&("string"!=typeof n||(n=e.elements.popper.querySelector(n)))&&W(e.elements.popper,n)&&(e.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function Z(t){return t.split("-")[1]}var tt={top:"auto",right:"auto",bottom:"auto",left:"auto"};function et(t){var e,i=t.popper,a=t.popperRect,l=t.placement,c=t.variation,d=t.offsets,u=t.position,f=t.gpuAcceleration,p=t.adaptive,m=t.roundOffsets,g=t.isFixed,_=d.x,b=void 0===_?0:_,v=d.y,y=void 0===v?0:v,w="function"==typeof m?m({x:b,y}):{x:b,y};b=w.x,y=w.y;var E=d.hasOwnProperty("x"),A=d.hasOwnProperty("y"),T=r,C=n,O=window;if(p){var x=K(i),L="clientHeight",S="clientWidth";x===k(i)&&"static"!==z(x=q(i)).position&&"absolute"===u&&(L="scrollHeight",S="scrollWidth"),(l===n||(l===r||l===o)&&c===h)&&(C=s,y-=(g&&x===O&&O.visualViewport?O.visualViewport.height:x[L])-a.height,y*=f?1:-1),l!==r&&(l!==n&&l!==s||c!==h)||(T=o,b-=(g&&x===O&&O.visualViewport?O.visualViewport.width:x[S])-a.width,b*=f?1:-1)}var D,$=Object.assign({position:u},p&&tt),I=!0===m?function(t,e){var i=t.x,n=t.y,s=e.devicePixelRatio||1;return{x:M(i*s)/s||0,y:M(n*s)/s||0}}({x:b,y},k(i)):{x:b,y};return b=I.x,y=I.y,f?Object.assign({},$,((D={})[C]=A?"0":"",D[T]=E?"0":"",D.transform=(O.devicePixelRatio||1)<=1?"translate("+b+"px, "+y+"px)":"translate3d("+b+"px, "+y+"px, 0)",D)):Object.assign({},$,((e={})[C]=A?y+"px":"",e[T]=E?b+"px":"",e.transform="",e))}const it={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(t){var e=t.state,i=t.options,n=i.gpuAcceleration,s=void 0===n||n,o=i.adaptive,r=void 0===o||o,a=i.roundOffsets,l=void 0===a||a,c={placement:I(e.placement),variation:Z(e.placement),popper:e.elements.popper,popperRect:e.rects.popper,gpuAcceleration:s,isFixed:"fixed"===e.options.strategy};null!=e.modifiersData.popperOffsets&&(e.styles.popper=Object.assign({},e.styles.popper,et(Object.assign({},c,{offsets:e.modifiersData.popperOffsets,position:e.options.strategy,adaptive:r,roundOffsets:l})))),null!=e.modifiersData.arrow&&(e.styles.arrow=Object.assign({},e.styles.arrow,et(Object.assign({},c,{offsets:e.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-placement":e.placement})},data:{}};var nt={passive:!0};const st={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(t){var e=t.state,i=t.instance,n=t.options,s=n.scroll,o=void 0===s||s,r=n.resize,a=void 0===r||r,l=k(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return o&&c.forEach((function(t){t.addEventListener("scroll",i.update,nt)})),a&&l.addEventListener("resize",i.update,nt),function(){o&&c.forEach((function(t){t.removeEventListener("scroll",i.update,nt)})),a&&l.removeEventListener("resize",i.update,nt)}},data:{}};var ot={left:"right",right:"left",bottom:"top",top:"bottom"};function rt(t){return t.replace(/left|right|bottom|top/g,(function(t){return ot[t]}))}var at={start:"end",end:"start"};function lt(t){return t.replace(/start|end/g,(function(t){return at[t]}))}function ct(t){var e=k(t);return{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function ht(t){return H(q(t)).left+ct(t).scrollLeft}function dt(t){var e=z(t),i=e.overflow,n=e.overflowX,s=e.overflowY;return/auto|scroll|overlay|hidden/.test(i+s+n)}function ut(t){return["html","body","#document"].indexOf(x(t))>=0?t.ownerDocument.body:S(t)&&dt(t)?t:ut(V(t))}function ft(t,e){var i;void 0===e&&(e=[]);var n=ut(t),s=n===(null==(i=t.ownerDocument)?void 0:i.body),o=k(n),r=s?[o].concat(o.visualViewport||[],dt(n)?n:[]):n,a=e.concat(r);return s?a:a.concat(ft(V(r)))}function pt(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function mt(t,e,i){return e===u?pt(function(t,e){var i=k(t),n=q(t),s=i.visualViewport,o=n.clientWidth,r=n.clientHeight,a=0,l=0;if(s){o=s.width,r=s.height;var c=F();(c||!c&&"fixed"===e)&&(a=s.offsetLeft,l=s.offsetTop)}return{width:o,height:r,x:a+ht(t),y:l}}(t,i)):L(e)?function(t,e){var i=H(t,!1,"fixed"===e);return i.top=i.top+t.clientTop,i.left=i.left+t.clientLeft,i.bottom=i.top+t.clientHeight,i.right=i.left+t.clientWidth,i.width=t.clientWidth,i.height=t.clientHeight,i.x=i.left,i.y=i.top,i}(e,i):pt(function(t){var e,i=q(t),n=ct(t),s=null==(e=t.ownerDocument)?void 0:e.body,o=N(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),r=N(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0),a=-n.scrollLeft+ht(t),l=-n.scrollTop;return"rtl"===z(s||i).direction&&(a+=N(i.clientWidth,s?s.clientWidth:0)-o),{width:o,height:r,x:a,y:l}}(q(t)))}function gt(t){var e,i=t.reference,a=t.element,l=t.placement,d=l?I(l):null,u=l?Z(l):null,f=i.x+i.width/2-a.width/2,p=i.y+i.height/2-a.height/2;switch(d){case n:e={x:f,y:i.y-a.height};break;case s:e={x:f,y:i.y+i.height};break;case o:e={x:i.x+i.width,y:p};break;case r:e={x:i.x-a.width,y:p};break;default:e={x:i.x,y:i.y}}var m=d?Q(d):null;if(null!=m){var g="y"===m?"height":"width";switch(u){case c:e[m]=e[m]-(i[g]/2-a[g]/2);break;case h:e[m]=e[m]+(i[g]/2-a[g]/2)}}return e}function _t(t,e){void 0===e&&(e={});var i=e,r=i.placement,a=void 0===r?t.placement:r,c=i.strategy,h=void 0===c?t.strategy:c,m=i.boundary,g=void 0===m?d:m,_=i.rootBoundary,b=void 0===_?u:_,v=i.elementContext,y=void 0===v?f:v,w=i.altBoundary,E=void 0!==w&&w,A=i.padding,T=void 0===A?0:A,C=U("number"!=typeof T?T:G(T,l)),O=y===f?p:f,k=t.rects.popper,D=t.elements[E?O:y],$=function(t,e,i,n){var s="clippingParents"===e?function(t){var e=ft(V(t)),i=["absolute","fixed"].indexOf(z(t).position)>=0&&S(t)?K(t):t;return L(i)?e.filter((function(t){return L(t)&&W(t,i)&&"body"!==x(t)})):[]}(t):[].concat(e),o=[].concat(s,[i]),r=o[0],a=o.reduce((function(e,i){var s=mt(t,i,n);return e.top=N(s.top,e.top),e.right=P(s.right,e.right),e.bottom=P(s.bottom,e.bottom),e.left=N(s.left,e.left),e}),mt(t,r,n));return a.width=a.right-a.left,a.height=a.bottom-a.top,a.x=a.left,a.y=a.top,a}(L(D)?D:D.contextElement||q(t.elements.popper),g,b,h),I=H(t.elements.reference),M=gt({reference:I,element:k,strategy:"absolute",placement:a}),j=pt(Object.assign({},k,M)),F=y===f?j:I,B={top:$.top-F.top+C.top,bottom:F.bottom-$.bottom+C.bottom,left:$.left-F.left+C.left,right:F.right-$.right+C.right},R=t.modifiersData.offset;if(y===f&&R){var Y=R[a];Object.keys(B).forEach((function(t){var e=[o,s].indexOf(t)>=0?1:-1,i=[n,s].indexOf(t)>=0?"y":"x";B[t]+=Y[i]*e}))}return B}const bt={name:"flip",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,h=t.name;if(!e.modifiersData[h]._skip){for(var d=i.mainAxis,u=void 0===d||d,f=i.altAxis,p=void 0===f||f,_=i.fallbackPlacements,b=i.padding,v=i.boundary,y=i.rootBoundary,w=i.altBoundary,E=i.flipVariations,A=void 0===E||E,T=i.allowedAutoPlacements,C=e.options.placement,O=I(C),x=_||(O!==C&&A?function(t){if(I(t)===a)return[];var e=rt(t);return[lt(t),e,lt(e)]}(C):[rt(C)]),k=[C].concat(x).reduce((function(t,i){return t.concat(I(i)===a?function(t,e){void 0===e&&(e={});var i=e,n=i.placement,s=i.boundary,o=i.rootBoundary,r=i.padding,a=i.flipVariations,c=i.allowedAutoPlacements,h=void 0===c?g:c,d=Z(n),u=d?a?m:m.filter((function(t){return Z(t)===d})):l,f=u.filter((function(t){return h.indexOf(t)>=0}));0===f.length&&(f=u);var p=f.reduce((function(e,i){return e[i]=_t(t,{placement:i,boundary:s,rootBoundary:o,padding:r})[I(i)],e}),{});return Object.keys(p).sort((function(t,e){return p[t]-p[e]}))}(e,{placement:i,boundary:v,rootBoundary:y,padding:b,flipVariations:A,allowedAutoPlacements:T}):i)}),[]),L=e.rects.reference,S=e.rects.popper,D=new Map,$=!0,N=k[0],P=0;P=0,B=H?"width":"height",W=_t(e,{placement:M,boundary:v,rootBoundary:y,altBoundary:w,padding:b}),z=H?F?o:r:F?s:n;L[B]>S[B]&&(z=rt(z));var R=rt(z),q=[];if(u&&q.push(W[j]<=0),p&&q.push(W[z]<=0,W[R]<=0),q.every((function(t){return t}))){N=M,$=!1;break}D.set(M,q)}if($)for(var V=function(t){var e=k.find((function(e){var i=D.get(e);if(i)return i.slice(0,t).every((function(t){return t}))}));if(e)return N=e,"break"},Y=A?3:1;Y>0&&"break"!==V(Y);Y--);e.placement!==N&&(e.modifiersData[h]._skip=!0,e.placement=N,e.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function vt(t,e,i){return void 0===i&&(i={x:0,y:0}),{top:t.top-e.height-i.y,right:t.right-e.width+i.x,bottom:t.bottom-e.height+i.y,left:t.left-e.width-i.x}}function yt(t){return[n,o,s,r].some((function(e){return t[e]>=0}))}const wt={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(t){var e=t.state,i=t.name,n=e.rects.reference,s=e.rects.popper,o=e.modifiersData.preventOverflow,r=_t(e,{elementContext:"reference"}),a=_t(e,{altBoundary:!0}),l=vt(r,n),c=vt(a,s,o),h=yt(l),d=yt(c);e.modifiersData[i]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:h,hasPopperEscaped:d},e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-reference-hidden":h,"data-popper-escaped":d})}},Et={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(t){var e=t.state,i=t.options,s=t.name,a=i.offset,l=void 0===a?[0,0]:a,c=g.reduce((function(t,i){return t[i]=function(t,e,i){var s=I(t),a=[r,n].indexOf(s)>=0?-1:1,l="function"==typeof i?i(Object.assign({},e,{placement:t})):i,c=l[0],h=l[1];return c=c||0,h=(h||0)*a,[r,o].indexOf(s)>=0?{x:h,y:c}:{x:c,y:h}}(i,e.rects,l),t}),{}),h=c[e.placement],d=h.x,u=h.y;null!=e.modifiersData.popperOffsets&&(e.modifiersData.popperOffsets.x+=d,e.modifiersData.popperOffsets.y+=u),e.modifiersData[s]=c}},At={name:"popperOffsets",enabled:!0,phase:"read",fn:function(t){var e=t.state,i=t.name;e.modifiersData[i]=gt({reference:e.rects.reference,element:e.rects.popper,strategy:"absolute",placement:e.placement})},data:{}},Tt={name:"preventOverflow",enabled:!0,phase:"main",fn:function(t){var e=t.state,i=t.options,a=t.name,l=i.mainAxis,h=void 0===l||l,d=i.altAxis,u=void 0!==d&&d,f=i.boundary,p=i.rootBoundary,m=i.altBoundary,g=i.padding,_=i.tether,b=void 0===_||_,v=i.tetherOffset,y=void 0===v?0:v,w=_t(e,{boundary:f,rootBoundary:p,padding:g,altBoundary:m}),E=I(e.placement),A=Z(e.placement),T=!A,C=Q(E),O="x"===C?"y":"x",x=e.modifiersData.popperOffsets,k=e.rects.reference,L=e.rects.popper,S="function"==typeof y?y(Object.assign({},e.rects,{placement:e.placement})):y,D="number"==typeof S?{mainAxis:S,altAxis:S}:Object.assign({mainAxis:0,altAxis:0},S),$=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,M={x:0,y:0};if(x){if(h){var j,F="y"===C?n:r,H="y"===C?s:o,W="y"===C?"height":"width",z=x[C],R=z+w[F],q=z-w[H],V=b?-L[W]/2:0,Y=A===c?k[W]:L[W],U=A===c?-L[W]:-k[W],G=e.elements.arrow,J=b&&G?B(G):{width:0,height:0},tt=e.modifiersData["arrow#persistent"]?e.modifiersData["arrow#persistent"].padding:{top:0,right:0,bottom:0,left:0},et=tt[F],it=tt[H],nt=X(0,k[W],J[W]),st=T?k[W]/2-V-nt-et-D.mainAxis:Y-nt-et-D.mainAxis,ot=T?-k[W]/2+V+nt+it+D.mainAxis:U+nt+it+D.mainAxis,rt=e.elements.arrow&&K(e.elements.arrow),at=rt?"y"===C?rt.clientTop||0:rt.clientLeft||0:0,lt=null!=(j=null==$?void 0:$[C])?j:0,ct=z+ot-lt,ht=X(b?P(R,z+st-lt-at):R,z,b?N(q,ct):q);x[C]=ht,M[C]=ht-z}if(u){var dt,ut="x"===C?n:r,ft="x"===C?s:o,pt=x[O],mt="y"===O?"height":"width",gt=pt+w[ut],bt=pt-w[ft],vt=-1!==[n,r].indexOf(E),yt=null!=(dt=null==$?void 0:$[O])?dt:0,wt=vt?gt:pt-k[mt]-L[mt]-yt+D.altAxis,Et=vt?pt+k[mt]+L[mt]-yt-D.altAxis:bt,At=b&&vt?function(t,e,i){var n=X(t,e,i);return n>i?i:n}(wt,pt,Et):X(b?wt:gt,pt,b?Et:bt);x[O]=At,M[O]=At-pt}e.modifiersData[a]=M}},requiresIfExists:["offset"]};function Ct(t,e,i){void 0===i&&(i=!1);var n,s,o=S(e),r=S(e)&&function(t){var e=t.getBoundingClientRect(),i=M(e.width)/t.offsetWidth||1,n=M(e.height)/t.offsetHeight||1;return 1!==i||1!==n}(e),a=q(e),l=H(t,r,i),c={scrollLeft:0,scrollTop:0},h={x:0,y:0};return(o||!o&&!i)&&(("body"!==x(e)||dt(a))&&(c=(n=e)!==k(n)&&S(n)?{scrollLeft:(s=n).scrollLeft,scrollTop:s.scrollTop}:ct(n)),S(e)?((h=H(e,!0)).x+=e.clientLeft,h.y+=e.clientTop):a&&(h.x=ht(a))),{x:l.left+c.scrollLeft-h.x,y:l.top+c.scrollTop-h.y,width:l.width,height:l.height}}function Ot(t){var e=new Map,i=new Set,n=[];function s(t){i.add(t.name),[].concat(t.requires||[],t.requiresIfExists||[]).forEach((function(t){if(!i.has(t)){var n=e.get(t);n&&s(n)}})),n.push(t)}return t.forEach((function(t){e.set(t.name,t)})),t.forEach((function(t){i.has(t.name)||s(t)})),n}var xt={placement:"bottom",modifiers:[],strategy:"absolute"};function kt(){for(var t=arguments.length,e=new Array(t),i=0;iIt.has(t)&&It.get(t).get(e)||null,remove(t,e){if(!It.has(t))return;const i=It.get(t);i.delete(e),0===i.size&&It.delete(t)}},Pt="transitionend",Mt=t=>(t&&window.CSS&&window.CSS.escape&&(t=t.replace(/#([^\s"#']+)/g,((t,e)=>`#${CSS.escape(e)}`))),t),jt=t=>{t.dispatchEvent(new Event(Pt))},Ft=t=>!(!t||"object"!=typeof t)&&(void 0!==t.jquery&&(t=t[0]),void 0!==t.nodeType),Ht=t=>Ft(t)?t.jquery?t[0]:t:"string"==typeof t&&t.length>0?document.querySelector(Mt(t)):null,Bt=t=>{if(!Ft(t)||0===t.getClientRects().length)return!1;const e="visible"===getComputedStyle(t).getPropertyValue("visibility"),i=t.closest("details:not([open])");if(!i)return e;if(i!==t){const e=t.closest("summary");if(e&&e.parentNode!==i)return!1;if(null===e)return!1}return e},Wt=t=>!t||t.nodeType!==Node.ELEMENT_NODE||!!t.classList.contains("disabled")||(void 0!==t.disabled?t.disabled:t.hasAttribute("disabled")&&"false"!==t.getAttribute("disabled")),zt=t=>{if(!document.documentElement.attachShadow)return null;if("function"==typeof t.getRootNode){const e=t.getRootNode();return e instanceof ShadowRoot?e:null}return t instanceof ShadowRoot?t:t.parentNode?zt(t.parentNode):null},Rt=()=>{},qt=t=>{t.offsetHeight},Vt=()=>window.jQuery&&!document.body.hasAttribute("data-bs-no-jquery")?window.jQuery:null,Yt=[],Kt=()=>"rtl"===document.documentElement.dir,Qt=t=>{var e;e=()=>{const e=Vt();if(e){const i=t.NAME,n=e.fn[i];e.fn[i]=t.jQueryInterface,e.fn[i].Constructor=t,e.fn[i].noConflict=()=>(e.fn[i]=n,t.jQueryInterface)}},"loading"===document.readyState?(Yt.length||document.addEventListener("DOMContentLoaded",(()=>{for(const t of Yt)t()})),Yt.push(e)):e()},Xt=(t,e=[],i=t)=>"function"==typeof t?t(...e):i,Ut=(t,e,i=!0)=>{if(!i)return void Xt(t);const n=(t=>{if(!t)return 0;let{transitionDuration:e,transitionDelay:i}=window.getComputedStyle(t);const n=Number.parseFloat(e),s=Number.parseFloat(i);return n||s?(e=e.split(",")[0],i=i.split(",")[0],1e3*(Number.parseFloat(e)+Number.parseFloat(i))):0})(e)+5;let s=!1;const o=({target:i})=>{i===e&&(s=!0,e.removeEventListener(Pt,o),Xt(t))};e.addEventListener(Pt,o),setTimeout((()=>{s||jt(e)}),n)},Gt=(t,e,i,n)=>{const s=t.length;let o=t.indexOf(e);return-1===o?!i&&n?t[s-1]:t[0]:(o+=i?1:-1,n&&(o=(o+s)%s),t[Math.max(0,Math.min(o,s-1))])},Jt=/[^.]*(?=\..*)\.|.*/,Zt=/\..*/,te=/::\d+$/,ee={};let ie=1;const ne={mouseenter:"mouseover",mouseleave:"mouseout"},se=new Set(["click","dblclick","mouseup","mousedown","contextmenu","mousewheel","DOMMouseScroll","mouseover","mouseout","mousemove","selectstart","selectend","keydown","keypress","keyup","orientationchange","touchstart","touchmove","touchend","touchcancel","pointerdown","pointermove","pointerup","pointerleave","pointercancel","gesturestart","gesturechange","gestureend","focus","blur","change","reset","select","submit","focusin","focusout","load","unload","beforeunload","resize","move","DOMContentLoaded","readystatechange","error","abort","scroll"]);function oe(t,e){return e&&`${e}::${ie++}`||t.uidEvent||ie++}function re(t){const e=oe(t);return t.uidEvent=e,ee[e]=ee[e]||{},ee[e]}function ae(t,e,i=null){return Object.values(t).find((t=>t.callable===e&&t.delegationSelector===i))}function le(t,e,i){const n="string"==typeof e,s=n?i:e||i;let o=ue(t);return se.has(o)||(o=t),[n,s,o]}function ce(t,e,i,n,s){if("string"!=typeof e||!t)return;let[o,r,a]=le(e,i,n);if(e in ne){const t=t=>function(e){if(!e.relatedTarget||e.relatedTarget!==e.delegateTarget&&!e.delegateTarget.contains(e.relatedTarget))return t.call(this,e)};r=t(r)}const l=re(t),c=l[a]||(l[a]={}),h=ae(c,r,o?i:null);if(h)return void(h.oneOff=h.oneOff&&s);const d=oe(r,e.replace(Jt,"")),u=o?function(t,e,i){return function n(s){const o=t.querySelectorAll(e);for(let{target:r}=s;r&&r!==this;r=r.parentNode)for(const a of o)if(a===r)return pe(s,{delegateTarget:r}),n.oneOff&&fe.off(t,s.type,e,i),i.apply(r,[s])}}(t,i,r):function(t,e){return function i(n){return pe(n,{delegateTarget:t}),i.oneOff&&fe.off(t,n.type,e),e.apply(t,[n])}}(t,r);u.delegationSelector=o?i:null,u.callable=r,u.oneOff=s,u.uidEvent=d,c[d]=u,t.addEventListener(a,u,o)}function he(t,e,i,n,s){const o=ae(e[i],n,s);o&&(t.removeEventListener(i,o,Boolean(s)),delete e[i][o.uidEvent])}function de(t,e,i,n){const s=e[i]||{};for(const[o,r]of Object.entries(s))o.includes(n)&&he(t,e,i,r.callable,r.delegationSelector)}function ue(t){return t=t.replace(Zt,""),ne[t]||t}const fe={on(t,e,i,n){ce(t,e,i,n,!1)},one(t,e,i,n){ce(t,e,i,n,!0)},off(t,e,i,n){if("string"!=typeof e||!t)return;const[s,o,r]=le(e,i,n),a=r!==e,l=re(t),c=l[r]||{},h=e.startsWith(".");if(void 0===o){if(h)for(const i of Object.keys(l))de(t,l,i,e.slice(1));for(const[i,n]of Object.entries(c)){const s=i.replace(te,"");a&&!e.includes(s)||he(t,l,r,n.callable,n.delegationSelector)}}else{if(!Object.keys(c).length)return;he(t,l,r,o,s?i:null)}},trigger(t,e,i){if("string"!=typeof e||!t)return null;const n=Vt();let s=null,o=!0,r=!0,a=!1;e!==ue(e)&&n&&(s=n.Event(e,i),n(t).trigger(s),o=!s.isPropagationStopped(),r=!s.isImmediatePropagationStopped(),a=s.isDefaultPrevented());const l=pe(new Event(e,{bubbles:o,cancelable:!0}),i);return a&&l.preventDefault(),r&&t.dispatchEvent(l),l.defaultPrevented&&s&&s.preventDefault(),l}};function pe(t,e={}){for(const[i,n]of Object.entries(e))try{t[i]=n}catch(e){Object.defineProperty(t,i,{configurable:!0,get:()=>n})}return t}function me(t){if("true"===t)return!0;if("false"===t)return!1;if(t===Number(t).toString())return Number(t);if(""===t||"null"===t)return null;if("string"!=typeof t)return t;try{return JSON.parse(decodeURIComponent(t))}catch(e){return t}}function ge(t){return t.replace(/[A-Z]/g,(t=>`-${t.toLowerCase()}`))}const _e={setDataAttribute(t,e,i){t.setAttribute(`data-bs-${ge(e)}`,i)},removeDataAttribute(t,e){t.removeAttribute(`data-bs-${ge(e)}`)},getDataAttributes(t){if(!t)return{};const e={},i=Object.keys(t.dataset).filter((t=>t.startsWith("bs")&&!t.startsWith("bsConfig")));for(const n of i){let i=n.replace(/^bs/,"");i=i.charAt(0).toLowerCase()+i.slice(1,i.length),e[i]=me(t.dataset[n])}return e},getDataAttribute:(t,e)=>me(t.getAttribute(`data-bs-${ge(e)}`))};class be{static get Default(){return{}}static get DefaultType(){return{}}static get NAME(){throw new Error('You have to implement the static method "NAME", for each component!')}_getConfig(t){return t=this._mergeConfigObj(t),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}_configAfterMerge(t){return t}_mergeConfigObj(t,e){const i=Ft(e)?_e.getDataAttribute(e,"config"):{};return{...this.constructor.Default,..."object"==typeof i?i:{},...Ft(e)?_e.getDataAttributes(e):{},..."object"==typeof t?t:{}}}_typeCheckConfig(t,e=this.constructor.DefaultType){for(const[n,s]of Object.entries(e)){const e=t[n],o=Ft(e)?"element":null==(i=e)?`${i}`:Object.prototype.toString.call(i).match(/\s([a-z]+)/i)[1].toLowerCase();if(!new RegExp(s).test(o))throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option "${n}" provided type "${o}" but expected type "${s}".`)}var i}}class ve extends be{constructor(t,e){super(),(t=Ht(t))&&(this._element=t,this._config=this._getConfig(e),Nt.set(this._element,this.constructor.DATA_KEY,this))}dispose(){Nt.remove(this._element,this.constructor.DATA_KEY),fe.off(this._element,this.constructor.EVENT_KEY);for(const t of Object.getOwnPropertyNames(this))this[t]=null}_queueCallback(t,e,i=!0){Ut(t,e,i)}_getConfig(t){return t=this._mergeConfigObj(t,this._element),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}static getInstance(t){return Nt.get(Ht(t),this.DATA_KEY)}static getOrCreateInstance(t,e={}){return this.getInstance(t)||new this(t,"object"==typeof e?e:null)}static get VERSION(){return"5.3.2"}static get DATA_KEY(){return`bs.${this.NAME}`}static get EVENT_KEY(){return`.${this.DATA_KEY}`}static eventName(t){return`${t}${this.EVENT_KEY}`}}const ye=t=>{let e=t.getAttribute("data-bs-target");if(!e||"#"===e){let i=t.getAttribute("href");if(!i||!i.includes("#")&&!i.startsWith("."))return null;i.includes("#")&&!i.startsWith("#")&&(i=`#${i.split("#")[1]}`),e=i&&"#"!==i?Mt(i.trim()):null}return e},we={find:(t,e=document.documentElement)=>[].concat(...Element.prototype.querySelectorAll.call(e,t)),findOne:(t,e=document.documentElement)=>Element.prototype.querySelector.call(e,t),children:(t,e)=>[].concat(...t.children).filter((t=>t.matches(e))),parents(t,e){const i=[];let n=t.parentNode.closest(e);for(;n;)i.push(n),n=n.parentNode.closest(e);return i},prev(t,e){let i=t.previousElementSibling;for(;i;){if(i.matches(e))return[i];i=i.previousElementSibling}return[]},next(t,e){let i=t.nextElementSibling;for(;i;){if(i.matches(e))return[i];i=i.nextElementSibling}return[]},focusableChildren(t){const e=["a","button","input","textarea","select","details","[tabindex]",'[contenteditable="true"]'].map((t=>`${t}:not([tabindex^="-"])`)).join(",");return this.find(e,t).filter((t=>!Wt(t)&&Bt(t)))},getSelectorFromElement(t){const e=ye(t);return e&&we.findOne(e)?e:null},getElementFromSelector(t){const e=ye(t);return e?we.findOne(e):null},getMultipleElementsFromSelector(t){const e=ye(t);return e?we.find(e):[]}},Ee=(t,e="hide")=>{const i=`click.dismiss${t.EVENT_KEY}`,n=t.NAME;fe.on(document,i,`[data-bs-dismiss="${n}"]`,(function(i){if(["A","AREA"].includes(this.tagName)&&i.preventDefault(),Wt(this))return;const s=we.getElementFromSelector(this)||this.closest(`.${n}`);t.getOrCreateInstance(s)[e]()}))},Ae=".bs.alert",Te=`close${Ae}`,Ce=`closed${Ae}`;class Oe extends ve{static get NAME(){return"alert"}close(){if(fe.trigger(this._element,Te).defaultPrevented)return;this._element.classList.remove("show");const t=this._element.classList.contains("fade");this._queueCallback((()=>this._destroyElement()),this._element,t)}_destroyElement(){this._element.remove(),fe.trigger(this._element,Ce),this.dispose()}static jQueryInterface(t){return this.each((function(){const e=Oe.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}Ee(Oe,"close"),Qt(Oe);const xe='[data-bs-toggle="button"]';class ke extends ve{static get NAME(){return"button"}toggle(){this._element.setAttribute("aria-pressed",this._element.classList.toggle("active"))}static jQueryInterface(t){return this.each((function(){const e=ke.getOrCreateInstance(this);"toggle"===t&&e[t]()}))}}fe.on(document,"click.bs.button.data-api",xe,(t=>{t.preventDefault();const e=t.target.closest(xe);ke.getOrCreateInstance(e).toggle()})),Qt(ke);const Le=".bs.swipe",Se=`touchstart${Le}`,De=`touchmove${Le}`,$e=`touchend${Le}`,Ie=`pointerdown${Le}`,Ne=`pointerup${Le}`,Pe={endCallback:null,leftCallback:null,rightCallback:null},Me={endCallback:"(function|null)",leftCallback:"(function|null)",rightCallback:"(function|null)"};class je extends be{constructor(t,e){super(),this._element=t,t&&je.isSupported()&&(this._config=this._getConfig(e),this._deltaX=0,this._supportPointerEvents=Boolean(window.PointerEvent),this._initEvents())}static get Default(){return Pe}static get DefaultType(){return Me}static get NAME(){return"swipe"}dispose(){fe.off(this._element,Le)}_start(t){this._supportPointerEvents?this._eventIsPointerPenTouch(t)&&(this._deltaX=t.clientX):this._deltaX=t.touches[0].clientX}_end(t){this._eventIsPointerPenTouch(t)&&(this._deltaX=t.clientX-this._deltaX),this._handleSwipe(),Xt(this._config.endCallback)}_move(t){this._deltaX=t.touches&&t.touches.length>1?0:t.touches[0].clientX-this._deltaX}_handleSwipe(){const t=Math.abs(this._deltaX);if(t<=40)return;const e=t/this._deltaX;this._deltaX=0,e&&Xt(e>0?this._config.rightCallback:this._config.leftCallback)}_initEvents(){this._supportPointerEvents?(fe.on(this._element,Ie,(t=>this._start(t))),fe.on(this._element,Ne,(t=>this._end(t))),this._element.classList.add("pointer-event")):(fe.on(this._element,Se,(t=>this._start(t))),fe.on(this._element,De,(t=>this._move(t))),fe.on(this._element,$e,(t=>this._end(t))))}_eventIsPointerPenTouch(t){return this._supportPointerEvents&&("pen"===t.pointerType||"touch"===t.pointerType)}static isSupported(){return"ontouchstart"in document.documentElement||navigator.maxTouchPoints>0}}const Fe=".bs.carousel",He=".data-api",Be="next",We="prev",ze="left",Re="right",qe=`slide${Fe}`,Ve=`slid${Fe}`,Ye=`keydown${Fe}`,Ke=`mouseenter${Fe}`,Qe=`mouseleave${Fe}`,Xe=`dragstart${Fe}`,Ue=`load${Fe}${He}`,Ge=`click${Fe}${He}`,Je="carousel",Ze="active",ti=".active",ei=".carousel-item",ii=ti+ei,ni={ArrowLeft:Re,ArrowRight:ze},si={interval:5e3,keyboard:!0,pause:"hover",ride:!1,touch:!0,wrap:!0},oi={interval:"(number|boolean)",keyboard:"boolean",pause:"(string|boolean)",ride:"(boolean|string)",touch:"boolean",wrap:"boolean"};class ri extends ve{constructor(t,e){super(t,e),this._interval=null,this._activeElement=null,this._isSliding=!1,this.touchTimeout=null,this._swipeHelper=null,this._indicatorsElement=we.findOne(".carousel-indicators",this._element),this._addEventListeners(),this._config.ride===Je&&this.cycle()}static get Default(){return si}static get DefaultType(){return oi}static get NAME(){return"carousel"}next(){this._slide(Be)}nextWhenVisible(){!document.hidden&&Bt(this._element)&&this.next()}prev(){this._slide(We)}pause(){this._isSliding&&jt(this._element),this._clearInterval()}cycle(){this._clearInterval(),this._updateInterval(),this._interval=setInterval((()=>this.nextWhenVisible()),this._config.interval)}_maybeEnableCycle(){this._config.ride&&(this._isSliding?fe.one(this._element,Ve,(()=>this.cycle())):this.cycle())}to(t){const e=this._getItems();if(t>e.length-1||t<0)return;if(this._isSliding)return void fe.one(this._element,Ve,(()=>this.to(t)));const i=this._getItemIndex(this._getActive());if(i===t)return;const n=t>i?Be:We;this._slide(n,e[t])}dispose(){this._swipeHelper&&this._swipeHelper.dispose(),super.dispose()}_configAfterMerge(t){return t.defaultInterval=t.interval,t}_addEventListeners(){this._config.keyboard&&fe.on(this._element,Ye,(t=>this._keydown(t))),"hover"===this._config.pause&&(fe.on(this._element,Ke,(()=>this.pause())),fe.on(this._element,Qe,(()=>this._maybeEnableCycle()))),this._config.touch&&je.isSupported()&&this._addTouchEventListeners()}_addTouchEventListeners(){for(const t of we.find(".carousel-item img",this._element))fe.on(t,Xe,(t=>t.preventDefault()));const t={leftCallback:()=>this._slide(this._directionToOrder(ze)),rightCallback:()=>this._slide(this._directionToOrder(Re)),endCallback:()=>{"hover"===this._config.pause&&(this.pause(),this.touchTimeout&&clearTimeout(this.touchTimeout),this.touchTimeout=setTimeout((()=>this._maybeEnableCycle()),500+this._config.interval))}};this._swipeHelper=new je(this._element,t)}_keydown(t){if(/input|textarea/i.test(t.target.tagName))return;const e=ni[t.key];e&&(t.preventDefault(),this._slide(this._directionToOrder(e)))}_getItemIndex(t){return this._getItems().indexOf(t)}_setActiveIndicatorElement(t){if(!this._indicatorsElement)return;const e=we.findOne(ti,this._indicatorsElement);e.classList.remove(Ze),e.removeAttribute("aria-current");const i=we.findOne(`[data-bs-slide-to="${t}"]`,this._indicatorsElement);i&&(i.classList.add(Ze),i.setAttribute("aria-current","true"))}_updateInterval(){const t=this._activeElement||this._getActive();if(!t)return;const e=Number.parseInt(t.getAttribute("data-bs-interval"),10);this._config.interval=e||this._config.defaultInterval}_slide(t,e=null){if(this._isSliding)return;const i=this._getActive(),n=t===Be,s=e||Gt(this._getItems(),i,n,this._config.wrap);if(s===i)return;const o=this._getItemIndex(s),r=e=>fe.trigger(this._element,e,{relatedTarget:s,direction:this._orderToDirection(t),from:this._getItemIndex(i),to:o});if(r(qe).defaultPrevented)return;if(!i||!s)return;const a=Boolean(this._interval);this.pause(),this._isSliding=!0,this._setActiveIndicatorElement(o),this._activeElement=s;const l=n?"carousel-item-start":"carousel-item-end",c=n?"carousel-item-next":"carousel-item-prev";s.classList.add(c),qt(s),i.classList.add(l),s.classList.add(l),this._queueCallback((()=>{s.classList.remove(l,c),s.classList.add(Ze),i.classList.remove(Ze,c,l),this._isSliding=!1,r(Ve)}),i,this._isAnimated()),a&&this.cycle()}_isAnimated(){return this._element.classList.contains("slide")}_getActive(){return we.findOne(ii,this._element)}_getItems(){return we.find(ei,this._element)}_clearInterval(){this._interval&&(clearInterval(this._interval),this._interval=null)}_directionToOrder(t){return Kt()?t===ze?We:Be:t===ze?Be:We}_orderToDirection(t){return Kt()?t===We?ze:Re:t===We?Re:ze}static jQueryInterface(t){return this.each((function(){const e=ri.getOrCreateInstance(this,t);if("number"!=typeof t){if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}else e.to(t)}))}}fe.on(document,Ge,"[data-bs-slide], [data-bs-slide-to]",(function(t){const e=we.getElementFromSelector(this);if(!e||!e.classList.contains(Je))return;t.preventDefault();const i=ri.getOrCreateInstance(e),n=this.getAttribute("data-bs-slide-to");return n?(i.to(n),void i._maybeEnableCycle()):"next"===_e.getDataAttribute(this,"slide")?(i.next(),void i._maybeEnableCycle()):(i.prev(),void i._maybeEnableCycle())})),fe.on(window,Ue,(()=>{const t=we.find('[data-bs-ride="carousel"]');for(const e of t)ri.getOrCreateInstance(e)})),Qt(ri);const ai=".bs.collapse",li=`show${ai}`,ci=`shown${ai}`,hi=`hide${ai}`,di=`hidden${ai}`,ui=`click${ai}.data-api`,fi="show",pi="collapse",mi="collapsing",gi=`:scope .${pi} .${pi}`,_i='[data-bs-toggle="collapse"]',bi={parent:null,toggle:!0},vi={parent:"(null|element)",toggle:"boolean"};class yi extends ve{constructor(t,e){super(t,e),this._isTransitioning=!1,this._triggerArray=[];const i=we.find(_i);for(const t of i){const e=we.getSelectorFromElement(t),i=we.find(e).filter((t=>t===this._element));null!==e&&i.length&&this._triggerArray.push(t)}this._initializeChildren(),this._config.parent||this._addAriaAndCollapsedClass(this._triggerArray,this._isShown()),this._config.toggle&&this.toggle()}static get Default(){return bi}static get DefaultType(){return vi}static get NAME(){return"collapse"}toggle(){this._isShown()?this.hide():this.show()}show(){if(this._isTransitioning||this._isShown())return;let t=[];if(this._config.parent&&(t=this._getFirstLevelChildren(".collapse.show, .collapse.collapsing").filter((t=>t!==this._element)).map((t=>yi.getOrCreateInstance(t,{toggle:!1})))),t.length&&t[0]._isTransitioning)return;if(fe.trigger(this._element,li).defaultPrevented)return;for(const e of t)e.hide();const e=this._getDimension();this._element.classList.remove(pi),this._element.classList.add(mi),this._element.style[e]=0,this._addAriaAndCollapsedClass(this._triggerArray,!0),this._isTransitioning=!0;const i=`scroll${e[0].toUpperCase()+e.slice(1)}`;this._queueCallback((()=>{this._isTransitioning=!1,this._element.classList.remove(mi),this._element.classList.add(pi,fi),this._element.style[e]="",fe.trigger(this._element,ci)}),this._element,!0),this._element.style[e]=`${this._element[i]}px`}hide(){if(this._isTransitioning||!this._isShown())return;if(fe.trigger(this._element,hi).defaultPrevented)return;const t=this._getDimension();this._element.style[t]=`${this._element.getBoundingClientRect()[t]}px`,qt(this._element),this._element.classList.add(mi),this._element.classList.remove(pi,fi);for(const t of this._triggerArray){const e=we.getElementFromSelector(t);e&&!this._isShown(e)&&this._addAriaAndCollapsedClass([t],!1)}this._isTransitioning=!0,this._element.style[t]="",this._queueCallback((()=>{this._isTransitioning=!1,this._element.classList.remove(mi),this._element.classList.add(pi),fe.trigger(this._element,di)}),this._element,!0)}_isShown(t=this._element){return t.classList.contains(fi)}_configAfterMerge(t){return t.toggle=Boolean(t.toggle),t.parent=Ht(t.parent),t}_getDimension(){return this._element.classList.contains("collapse-horizontal")?"width":"height"}_initializeChildren(){if(!this._config.parent)return;const t=this._getFirstLevelChildren(_i);for(const e of t){const t=we.getElementFromSelector(e);t&&this._addAriaAndCollapsedClass([e],this._isShown(t))}}_getFirstLevelChildren(t){const e=we.find(gi,this._config.parent);return we.find(t,this._config.parent).filter((t=>!e.includes(t)))}_addAriaAndCollapsedClass(t,e){if(t.length)for(const i of t)i.classList.toggle("collapsed",!e),i.setAttribute("aria-expanded",e)}static jQueryInterface(t){const e={};return"string"==typeof t&&/show|hide/.test(t)&&(e.toggle=!1),this.each((function(){const i=yi.getOrCreateInstance(this,e);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t]()}}))}}fe.on(document,ui,_i,(function(t){("A"===t.target.tagName||t.delegateTarget&&"A"===t.delegateTarget.tagName)&&t.preventDefault();for(const t of we.getMultipleElementsFromSelector(this))yi.getOrCreateInstance(t,{toggle:!1}).toggle()})),Qt(yi);const wi="dropdown",Ei=".bs.dropdown",Ai=".data-api",Ti="ArrowUp",Ci="ArrowDown",Oi=`hide${Ei}`,xi=`hidden${Ei}`,ki=`show${Ei}`,Li=`shown${Ei}`,Si=`click${Ei}${Ai}`,Di=`keydown${Ei}${Ai}`,$i=`keyup${Ei}${Ai}`,Ii="show",Ni='[data-bs-toggle="dropdown"]:not(.disabled):not(:disabled)',Pi=`${Ni}.${Ii}`,Mi=".dropdown-menu",ji=Kt()?"top-end":"top-start",Fi=Kt()?"top-start":"top-end",Hi=Kt()?"bottom-end":"bottom-start",Bi=Kt()?"bottom-start":"bottom-end",Wi=Kt()?"left-start":"right-start",zi=Kt()?"right-start":"left-start",Ri={autoClose:!0,boundary:"clippingParents",display:"dynamic",offset:[0,2],popperConfig:null,reference:"toggle"},qi={autoClose:"(boolean|string)",boundary:"(string|element)",display:"string",offset:"(array|string|function)",popperConfig:"(null|object|function)",reference:"(string|element|object)"};class Vi extends ve{constructor(t,e){super(t,e),this._popper=null,this._parent=this._element.parentNode,this._menu=we.next(this._element,Mi)[0]||we.prev(this._element,Mi)[0]||we.findOne(Mi,this._parent),this._inNavbar=this._detectNavbar()}static get Default(){return Ri}static get DefaultType(){return qi}static get NAME(){return wi}toggle(){return this._isShown()?this.hide():this.show()}show(){if(Wt(this._element)||this._isShown())return;const t={relatedTarget:this._element};if(!fe.trigger(this._element,ki,t).defaultPrevented){if(this._createPopper(),"ontouchstart"in document.documentElement&&!this._parent.closest(".navbar-nav"))for(const t of[].concat(...document.body.children))fe.on(t,"mouseover",Rt);this._element.focus(),this._element.setAttribute("aria-expanded",!0),this._menu.classList.add(Ii),this._element.classList.add(Ii),fe.trigger(this._element,Li,t)}}hide(){if(Wt(this._element)||!this._isShown())return;const t={relatedTarget:this._element};this._completeHide(t)}dispose(){this._popper&&this._popper.destroy(),super.dispose()}update(){this._inNavbar=this._detectNavbar(),this._popper&&this._popper.update()}_completeHide(t){if(!fe.trigger(this._element,Oi,t).defaultPrevented){if("ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.off(t,"mouseover",Rt);this._popper&&this._popper.destroy(),this._menu.classList.remove(Ii),this._element.classList.remove(Ii),this._element.setAttribute("aria-expanded","false"),_e.removeDataAttribute(this._menu,"popper"),fe.trigger(this._element,xi,t)}}_getConfig(t){if("object"==typeof(t=super._getConfig(t)).reference&&!Ft(t.reference)&&"function"!=typeof t.reference.getBoundingClientRect)throw new TypeError(`${wi.toUpperCase()}: Option "reference" provided type "object" without a required "getBoundingClientRect" method.`);return t}_createPopper(){if(void 0===e)throw new TypeError("Bootstrap's dropdowns require Popper (https://popper.js.org)");let t=this._element;"parent"===this._config.reference?t=this._parent:Ft(this._config.reference)?t=Ht(this._config.reference):"object"==typeof this._config.reference&&(t=this._config.reference);const i=this._getPopperConfig();this._popper=Dt(t,this._menu,i)}_isShown(){return this._menu.classList.contains(Ii)}_getPlacement(){const t=this._parent;if(t.classList.contains("dropend"))return Wi;if(t.classList.contains("dropstart"))return zi;if(t.classList.contains("dropup-center"))return"top";if(t.classList.contains("dropdown-center"))return"bottom";const e="end"===getComputedStyle(this._menu).getPropertyValue("--bs-position").trim();return t.classList.contains("dropup")?e?Fi:ji:e?Bi:Hi}_detectNavbar(){return null!==this._element.closest(".navbar")}_getOffset(){const{offset:t}=this._config;return"string"==typeof t?t.split(",").map((t=>Number.parseInt(t,10))):"function"==typeof t?e=>t(e,this._element):t}_getPopperConfig(){const t={placement:this._getPlacement(),modifiers:[{name:"preventOverflow",options:{boundary:this._config.boundary}},{name:"offset",options:{offset:this._getOffset()}}]};return(this._inNavbar||"static"===this._config.display)&&(_e.setDataAttribute(this._menu,"popper","static"),t.modifiers=[{name:"applyStyles",enabled:!1}]),{...t,...Xt(this._config.popperConfig,[t])}}_selectMenuItem({key:t,target:e}){const i=we.find(".dropdown-menu .dropdown-item:not(.disabled):not(:disabled)",this._menu).filter((t=>Bt(t)));i.length&&Gt(i,e,t===Ci,!i.includes(e)).focus()}static jQueryInterface(t){return this.each((function(){const e=Vi.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}static clearMenus(t){if(2===t.button||"keyup"===t.type&&"Tab"!==t.key)return;const e=we.find(Pi);for(const i of e){const e=Vi.getInstance(i);if(!e||!1===e._config.autoClose)continue;const n=t.composedPath(),s=n.includes(e._menu);if(n.includes(e._element)||"inside"===e._config.autoClose&&!s||"outside"===e._config.autoClose&&s)continue;if(e._menu.contains(t.target)&&("keyup"===t.type&&"Tab"===t.key||/input|select|option|textarea|form/i.test(t.target.tagName)))continue;const o={relatedTarget:e._element};"click"===t.type&&(o.clickEvent=t),e._completeHide(o)}}static dataApiKeydownHandler(t){const e=/input|textarea/i.test(t.target.tagName),i="Escape"===t.key,n=[Ti,Ci].includes(t.key);if(!n&&!i)return;if(e&&!i)return;t.preventDefault();const s=this.matches(Ni)?this:we.prev(this,Ni)[0]||we.next(this,Ni)[0]||we.findOne(Ni,t.delegateTarget.parentNode),o=Vi.getOrCreateInstance(s);if(n)return t.stopPropagation(),o.show(),void o._selectMenuItem(t);o._isShown()&&(t.stopPropagation(),o.hide(),s.focus())}}fe.on(document,Di,Ni,Vi.dataApiKeydownHandler),fe.on(document,Di,Mi,Vi.dataApiKeydownHandler),fe.on(document,Si,Vi.clearMenus),fe.on(document,$i,Vi.clearMenus),fe.on(document,Si,Ni,(function(t){t.preventDefault(),Vi.getOrCreateInstance(this).toggle()})),Qt(Vi);const Yi="backdrop",Ki="show",Qi=`mousedown.bs.${Yi}`,Xi={className:"modal-backdrop",clickCallback:null,isAnimated:!1,isVisible:!0,rootElement:"body"},Ui={className:"string",clickCallback:"(function|null)",isAnimated:"boolean",isVisible:"boolean",rootElement:"(element|string)"};class Gi extends be{constructor(t){super(),this._config=this._getConfig(t),this._isAppended=!1,this._element=null}static get Default(){return Xi}static get DefaultType(){return Ui}static get NAME(){return Yi}show(t){if(!this._config.isVisible)return void Xt(t);this._append();const e=this._getElement();this._config.isAnimated&&qt(e),e.classList.add(Ki),this._emulateAnimation((()=>{Xt(t)}))}hide(t){this._config.isVisible?(this._getElement().classList.remove(Ki),this._emulateAnimation((()=>{this.dispose(),Xt(t)}))):Xt(t)}dispose(){this._isAppended&&(fe.off(this._element,Qi),this._element.remove(),this._isAppended=!1)}_getElement(){if(!this._element){const t=document.createElement("div");t.className=this._config.className,this._config.isAnimated&&t.classList.add("fade"),this._element=t}return this._element}_configAfterMerge(t){return t.rootElement=Ht(t.rootElement),t}_append(){if(this._isAppended)return;const t=this._getElement();this._config.rootElement.append(t),fe.on(t,Qi,(()=>{Xt(this._config.clickCallback)})),this._isAppended=!0}_emulateAnimation(t){Ut(t,this._getElement(),this._config.isAnimated)}}const Ji=".bs.focustrap",Zi=`focusin${Ji}`,tn=`keydown.tab${Ji}`,en="backward",nn={autofocus:!0,trapElement:null},sn={autofocus:"boolean",trapElement:"element"};class on extends be{constructor(t){super(),this._config=this._getConfig(t),this._isActive=!1,this._lastTabNavDirection=null}static get Default(){return nn}static get DefaultType(){return sn}static get NAME(){return"focustrap"}activate(){this._isActive||(this._config.autofocus&&this._config.trapElement.focus(),fe.off(document,Ji),fe.on(document,Zi,(t=>this._handleFocusin(t))),fe.on(document,tn,(t=>this._handleKeydown(t))),this._isActive=!0)}deactivate(){this._isActive&&(this._isActive=!1,fe.off(document,Ji))}_handleFocusin(t){const{trapElement:e}=this._config;if(t.target===document||t.target===e||e.contains(t.target))return;const i=we.focusableChildren(e);0===i.length?e.focus():this._lastTabNavDirection===en?i[i.length-1].focus():i[0].focus()}_handleKeydown(t){"Tab"===t.key&&(this._lastTabNavDirection=t.shiftKey?en:"forward")}}const rn=".fixed-top, .fixed-bottom, .is-fixed, .sticky-top",an=".sticky-top",ln="padding-right",cn="margin-right";class hn{constructor(){this._element=document.body}getWidth(){const t=document.documentElement.clientWidth;return Math.abs(window.innerWidth-t)}hide(){const t=this.getWidth();this._disableOverFlow(),this._setElementAttributes(this._element,ln,(e=>e+t)),this._setElementAttributes(rn,ln,(e=>e+t)),this._setElementAttributes(an,cn,(e=>e-t))}reset(){this._resetElementAttributes(this._element,"overflow"),this._resetElementAttributes(this._element,ln),this._resetElementAttributes(rn,ln),this._resetElementAttributes(an,cn)}isOverflowing(){return this.getWidth()>0}_disableOverFlow(){this._saveInitialAttribute(this._element,"overflow"),this._element.style.overflow="hidden"}_setElementAttributes(t,e,i){const n=this.getWidth();this._applyManipulationCallback(t,(t=>{if(t!==this._element&&window.innerWidth>t.clientWidth+n)return;this._saveInitialAttribute(t,e);const s=window.getComputedStyle(t).getPropertyValue(e);t.style.setProperty(e,`${i(Number.parseFloat(s))}px`)}))}_saveInitialAttribute(t,e){const i=t.style.getPropertyValue(e);i&&_e.setDataAttribute(t,e,i)}_resetElementAttributes(t,e){this._applyManipulationCallback(t,(t=>{const i=_e.getDataAttribute(t,e);null!==i?(_e.removeDataAttribute(t,e),t.style.setProperty(e,i)):t.style.removeProperty(e)}))}_applyManipulationCallback(t,e){if(Ft(t))e(t);else for(const i of we.find(t,this._element))e(i)}}const dn=".bs.modal",un=`hide${dn}`,fn=`hidePrevented${dn}`,pn=`hidden${dn}`,mn=`show${dn}`,gn=`shown${dn}`,_n=`resize${dn}`,bn=`click.dismiss${dn}`,vn=`mousedown.dismiss${dn}`,yn=`keydown.dismiss${dn}`,wn=`click${dn}.data-api`,En="modal-open",An="show",Tn="modal-static",Cn={backdrop:!0,focus:!0,keyboard:!0},On={backdrop:"(boolean|string)",focus:"boolean",keyboard:"boolean"};class xn extends ve{constructor(t,e){super(t,e),this._dialog=we.findOne(".modal-dialog",this._element),this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._isShown=!1,this._isTransitioning=!1,this._scrollBar=new hn,this._addEventListeners()}static get Default(){return Cn}static get DefaultType(){return On}static get NAME(){return"modal"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||this._isTransitioning||fe.trigger(this._element,mn,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._isTransitioning=!0,this._scrollBar.hide(),document.body.classList.add(En),this._adjustDialog(),this._backdrop.show((()=>this._showElement(t))))}hide(){this._isShown&&!this._isTransitioning&&(fe.trigger(this._element,un).defaultPrevented||(this._isShown=!1,this._isTransitioning=!0,this._focustrap.deactivate(),this._element.classList.remove(An),this._queueCallback((()=>this._hideModal()),this._element,this._isAnimated())))}dispose(){fe.off(window,dn),fe.off(this._dialog,dn),this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}handleUpdate(){this._adjustDialog()}_initializeBackDrop(){return new Gi({isVisible:Boolean(this._config.backdrop),isAnimated:this._isAnimated()})}_initializeFocusTrap(){return new on({trapElement:this._element})}_showElement(t){document.body.contains(this._element)||document.body.append(this._element),this._element.style.display="block",this._element.removeAttribute("aria-hidden"),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.scrollTop=0;const e=we.findOne(".modal-body",this._dialog);e&&(e.scrollTop=0),qt(this._element),this._element.classList.add(An),this._queueCallback((()=>{this._config.focus&&this._focustrap.activate(),this._isTransitioning=!1,fe.trigger(this._element,gn,{relatedTarget:t})}),this._dialog,this._isAnimated())}_addEventListeners(){fe.on(this._element,yn,(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():this._triggerBackdropTransition())})),fe.on(window,_n,(()=>{this._isShown&&!this._isTransitioning&&this._adjustDialog()})),fe.on(this._element,vn,(t=>{fe.one(this._element,bn,(e=>{this._element===t.target&&this._element===e.target&&("static"!==this._config.backdrop?this._config.backdrop&&this.hide():this._triggerBackdropTransition())}))}))}_hideModal(){this._element.style.display="none",this._element.setAttribute("aria-hidden",!0),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._isTransitioning=!1,this._backdrop.hide((()=>{document.body.classList.remove(En),this._resetAdjustments(),this._scrollBar.reset(),fe.trigger(this._element,pn)}))}_isAnimated(){return this._element.classList.contains("fade")}_triggerBackdropTransition(){if(fe.trigger(this._element,fn).defaultPrevented)return;const t=this._element.scrollHeight>document.documentElement.clientHeight,e=this._element.style.overflowY;"hidden"===e||this._element.classList.contains(Tn)||(t||(this._element.style.overflowY="hidden"),this._element.classList.add(Tn),this._queueCallback((()=>{this._element.classList.remove(Tn),this._queueCallback((()=>{this._element.style.overflowY=e}),this._dialog)}),this._dialog),this._element.focus())}_adjustDialog(){const t=this._element.scrollHeight>document.documentElement.clientHeight,e=this._scrollBar.getWidth(),i=e>0;if(i&&!t){const t=Kt()?"paddingLeft":"paddingRight";this._element.style[t]=`${e}px`}if(!i&&t){const t=Kt()?"paddingRight":"paddingLeft";this._element.style[t]=`${e}px`}}_resetAdjustments(){this._element.style.paddingLeft="",this._element.style.paddingRight=""}static jQueryInterface(t,e){return this.each((function(){const i=xn.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===i[t])throw new TypeError(`No method named "${t}"`);i[t](e)}}))}}fe.on(document,wn,'[data-bs-toggle="modal"]',(function(t){const e=we.getElementFromSelector(this);["A","AREA"].includes(this.tagName)&&t.preventDefault(),fe.one(e,mn,(t=>{t.defaultPrevented||fe.one(e,pn,(()=>{Bt(this)&&this.focus()}))}));const i=we.findOne(".modal.show");i&&xn.getInstance(i).hide(),xn.getOrCreateInstance(e).toggle(this)})),Ee(xn),Qt(xn);const kn=".bs.offcanvas",Ln=".data-api",Sn=`load${kn}${Ln}`,Dn="show",$n="showing",In="hiding",Nn=".offcanvas.show",Pn=`show${kn}`,Mn=`shown${kn}`,jn=`hide${kn}`,Fn=`hidePrevented${kn}`,Hn=`hidden${kn}`,Bn=`resize${kn}`,Wn=`click${kn}${Ln}`,zn=`keydown.dismiss${kn}`,Rn={backdrop:!0,keyboard:!0,scroll:!1},qn={backdrop:"(boolean|string)",keyboard:"boolean",scroll:"boolean"};class Vn extends ve{constructor(t,e){super(t,e),this._isShown=!1,this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._addEventListeners()}static get Default(){return Rn}static get DefaultType(){return qn}static get NAME(){return"offcanvas"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||fe.trigger(this._element,Pn,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._backdrop.show(),this._config.scroll||(new hn).hide(),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.classList.add($n),this._queueCallback((()=>{this._config.scroll&&!this._config.backdrop||this._focustrap.activate(),this._element.classList.add(Dn),this._element.classList.remove($n),fe.trigger(this._element,Mn,{relatedTarget:t})}),this._element,!0))}hide(){this._isShown&&(fe.trigger(this._element,jn).defaultPrevented||(this._focustrap.deactivate(),this._element.blur(),this._isShown=!1,this._element.classList.add(In),this._backdrop.hide(),this._queueCallback((()=>{this._element.classList.remove(Dn,In),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._config.scroll||(new hn).reset(),fe.trigger(this._element,Hn)}),this._element,!0)))}dispose(){this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}_initializeBackDrop(){const t=Boolean(this._config.backdrop);return new Gi({className:"offcanvas-backdrop",isVisible:t,isAnimated:!0,rootElement:this._element.parentNode,clickCallback:t?()=>{"static"!==this._config.backdrop?this.hide():fe.trigger(this._element,Fn)}:null})}_initializeFocusTrap(){return new on({trapElement:this._element})}_addEventListeners(){fe.on(this._element,zn,(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():fe.trigger(this._element,Fn))}))}static jQueryInterface(t){return this.each((function(){const e=Vn.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}fe.on(document,Wn,'[data-bs-toggle="offcanvas"]',(function(t){const e=we.getElementFromSelector(this);if(["A","AREA"].includes(this.tagName)&&t.preventDefault(),Wt(this))return;fe.one(e,Hn,(()=>{Bt(this)&&this.focus()}));const i=we.findOne(Nn);i&&i!==e&&Vn.getInstance(i).hide(),Vn.getOrCreateInstance(e).toggle(this)})),fe.on(window,Sn,(()=>{for(const t of we.find(Nn))Vn.getOrCreateInstance(t).show()})),fe.on(window,Bn,(()=>{for(const t of we.find("[aria-modal][class*=show][class*=offcanvas-]"))"fixed"!==getComputedStyle(t).position&&Vn.getOrCreateInstance(t).hide()})),Ee(Vn),Qt(Vn);const Yn={"*":["class","dir","id","lang","role",/^aria-[\w-]*$/i],a:["target","href","title","rel"],area:[],b:[],br:[],col:[],code:[],div:[],em:[],hr:[],h1:[],h2:[],h3:[],h4:[],h5:[],h6:[],i:[],img:["src","srcset","alt","title","width","height"],li:[],ol:[],p:[],pre:[],s:[],small:[],span:[],sub:[],sup:[],strong:[],u:[],ul:[]},Kn=new Set(["background","cite","href","itemtype","longdesc","poster","src","xlink:href"]),Qn=/^(?!javascript:)(?:[a-z0-9+.-]+:|[^&:/?#]*(?:[/?#]|$))/i,Xn=(t,e)=>{const i=t.nodeName.toLowerCase();return e.includes(i)?!Kn.has(i)||Boolean(Qn.test(t.nodeValue)):e.filter((t=>t instanceof RegExp)).some((t=>t.test(i)))},Un={allowList:Yn,content:{},extraClass:"",html:!1,sanitize:!0,sanitizeFn:null,template:"
"},Gn={allowList:"object",content:"object",extraClass:"(string|function)",html:"boolean",sanitize:"boolean",sanitizeFn:"(null|function)",template:"string"},Jn={entry:"(string|element|function|null)",selector:"(string|element)"};class Zn extends be{constructor(t){super(),this._config=this._getConfig(t)}static get Default(){return Un}static get DefaultType(){return Gn}static get NAME(){return"TemplateFactory"}getContent(){return Object.values(this._config.content).map((t=>this._resolvePossibleFunction(t))).filter(Boolean)}hasContent(){return this.getContent().length>0}changeContent(t){return this._checkContent(t),this._config.content={...this._config.content,...t},this}toHtml(){const t=document.createElement("div");t.innerHTML=this._maybeSanitize(this._config.template);for(const[e,i]of Object.entries(this._config.content))this._setContent(t,i,e);const e=t.children[0],i=this._resolvePossibleFunction(this._config.extraClass);return i&&e.classList.add(...i.split(" ")),e}_typeCheckConfig(t){super._typeCheckConfig(t),this._checkContent(t.content)}_checkContent(t){for(const[e,i]of Object.entries(t))super._typeCheckConfig({selector:e,entry:i},Jn)}_setContent(t,e,i){const n=we.findOne(i,t);n&&((e=this._resolvePossibleFunction(e))?Ft(e)?this._putElementInTemplate(Ht(e),n):this._config.html?n.innerHTML=this._maybeSanitize(e):n.textContent=e:n.remove())}_maybeSanitize(t){return this._config.sanitize?function(t,e,i){if(!t.length)return t;if(i&&"function"==typeof i)return i(t);const n=(new window.DOMParser).parseFromString(t,"text/html"),s=[].concat(...n.body.querySelectorAll("*"));for(const t of s){const i=t.nodeName.toLowerCase();if(!Object.keys(e).includes(i)){t.remove();continue}const n=[].concat(...t.attributes),s=[].concat(e["*"]||[],e[i]||[]);for(const e of n)Xn(e,s)||t.removeAttribute(e.nodeName)}return n.body.innerHTML}(t,this._config.allowList,this._config.sanitizeFn):t}_resolvePossibleFunction(t){return Xt(t,[this])}_putElementInTemplate(t,e){if(this._config.html)return e.innerHTML="",void e.append(t);e.textContent=t.textContent}}const ts=new Set(["sanitize","allowList","sanitizeFn"]),es="fade",is="show",ns=".modal",ss="hide.bs.modal",os="hover",rs="focus",as={AUTO:"auto",TOP:"top",RIGHT:Kt()?"left":"right",BOTTOM:"bottom",LEFT:Kt()?"right":"left"},ls={allowList:Yn,animation:!0,boundary:"clippingParents",container:!1,customClass:"",delay:0,fallbackPlacements:["top","right","bottom","left"],html:!1,offset:[0,6],placement:"top",popperConfig:null,sanitize:!0,sanitizeFn:null,selector:!1,template:'',title:"",trigger:"hover focus"},cs={allowList:"object",animation:"boolean",boundary:"(string|element)",container:"(string|element|boolean)",customClass:"(string|function)",delay:"(number|object)",fallbackPlacements:"array",html:"boolean",offset:"(array|string|function)",placement:"(string|function)",popperConfig:"(null|object|function)",sanitize:"boolean",sanitizeFn:"(null|function)",selector:"(string|boolean)",template:"string",title:"(string|element|function)",trigger:"string"};class hs extends ve{constructor(t,i){if(void 0===e)throw new TypeError("Bootstrap's tooltips require Popper (https://popper.js.org)");super(t,i),this._isEnabled=!0,this._timeout=0,this._isHovered=null,this._activeTrigger={},this._popper=null,this._templateFactory=null,this._newContent=null,this.tip=null,this._setListeners(),this._config.selector||this._fixTitle()}static get Default(){return ls}static get DefaultType(){return cs}static get NAME(){return"tooltip"}enable(){this._isEnabled=!0}disable(){this._isEnabled=!1}toggleEnabled(){this._isEnabled=!this._isEnabled}toggle(){this._isEnabled&&(this._activeTrigger.click=!this._activeTrigger.click,this._isShown()?this._leave():this._enter())}dispose(){clearTimeout(this._timeout),fe.off(this._element.closest(ns),ss,this._hideModalHandler),this._element.getAttribute("data-bs-original-title")&&this._element.setAttribute("title",this._element.getAttribute("data-bs-original-title")),this._disposePopper(),super.dispose()}show(){if("none"===this._element.style.display)throw new Error("Please use show on visible elements");if(!this._isWithContent()||!this._isEnabled)return;const t=fe.trigger(this._element,this.constructor.eventName("show")),e=(zt(this._element)||this._element.ownerDocument.documentElement).contains(this._element);if(t.defaultPrevented||!e)return;this._disposePopper();const i=this._getTipElement();this._element.setAttribute("aria-describedby",i.getAttribute("id"));const{container:n}=this._config;if(this._element.ownerDocument.documentElement.contains(this.tip)||(n.append(i),fe.trigger(this._element,this.constructor.eventName("inserted"))),this._popper=this._createPopper(i),i.classList.add(is),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.on(t,"mouseover",Rt);this._queueCallback((()=>{fe.trigger(this._element,this.constructor.eventName("shown")),!1===this._isHovered&&this._leave(),this._isHovered=!1}),this.tip,this._isAnimated())}hide(){if(this._isShown()&&!fe.trigger(this._element,this.constructor.eventName("hide")).defaultPrevented){if(this._getTipElement().classList.remove(is),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))fe.off(t,"mouseover",Rt);this._activeTrigger.click=!1,this._activeTrigger[rs]=!1,this._activeTrigger[os]=!1,this._isHovered=null,this._queueCallback((()=>{this._isWithActiveTrigger()||(this._isHovered||this._disposePopper(),this._element.removeAttribute("aria-describedby"),fe.trigger(this._element,this.constructor.eventName("hidden")))}),this.tip,this._isAnimated())}}update(){this._popper&&this._popper.update()}_isWithContent(){return Boolean(this._getTitle())}_getTipElement(){return this.tip||(this.tip=this._createTipElement(this._newContent||this._getContentForTemplate())),this.tip}_createTipElement(t){const e=this._getTemplateFactory(t).toHtml();if(!e)return null;e.classList.remove(es,is),e.classList.add(`bs-${this.constructor.NAME}-auto`);const i=(t=>{do{t+=Math.floor(1e6*Math.random())}while(document.getElementById(t));return t})(this.constructor.NAME).toString();return e.setAttribute("id",i),this._isAnimated()&&e.classList.add(es),e}setContent(t){this._newContent=t,this._isShown()&&(this._disposePopper(),this.show())}_getTemplateFactory(t){return this._templateFactory?this._templateFactory.changeContent(t):this._templateFactory=new Zn({...this._config,content:t,extraClass:this._resolvePossibleFunction(this._config.customClass)}),this._templateFactory}_getContentForTemplate(){return{".tooltip-inner":this._getTitle()}}_getTitle(){return this._resolvePossibleFunction(this._config.title)||this._element.getAttribute("data-bs-original-title")}_initializeOnDelegatedTarget(t){return this.constructor.getOrCreateInstance(t.delegateTarget,this._getDelegateConfig())}_isAnimated(){return this._config.animation||this.tip&&this.tip.classList.contains(es)}_isShown(){return this.tip&&this.tip.classList.contains(is)}_createPopper(t){const e=Xt(this._config.placement,[this,t,this._element]),i=as[e.toUpperCase()];return Dt(this._element,t,this._getPopperConfig(i))}_getOffset(){const{offset:t}=this._config;return"string"==typeof t?t.split(",").map((t=>Number.parseInt(t,10))):"function"==typeof t?e=>t(e,this._element):t}_resolvePossibleFunction(t){return Xt(t,[this._element])}_getPopperConfig(t){const e={placement:t,modifiers:[{name:"flip",options:{fallbackPlacements:this._config.fallbackPlacements}},{name:"offset",options:{offset:this._getOffset()}},{name:"preventOverflow",options:{boundary:this._config.boundary}},{name:"arrow",options:{element:`.${this.constructor.NAME}-arrow`}},{name:"preSetPlacement",enabled:!0,phase:"beforeMain",fn:t=>{this._getTipElement().setAttribute("data-popper-placement",t.state.placement)}}]};return{...e,...Xt(this._config.popperConfig,[e])}}_setListeners(){const t=this._config.trigger.split(" ");for(const e of t)if("click"===e)fe.on(this._element,this.constructor.eventName("click"),this._config.selector,(t=>{this._initializeOnDelegatedTarget(t).toggle()}));else if("manual"!==e){const t=e===os?this.constructor.eventName("mouseenter"):this.constructor.eventName("focusin"),i=e===os?this.constructor.eventName("mouseleave"):this.constructor.eventName("focusout");fe.on(this._element,t,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusin"===t.type?rs:os]=!0,e._enter()})),fe.on(this._element,i,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusout"===t.type?rs:os]=e._element.contains(t.relatedTarget),e._leave()}))}this._hideModalHandler=()=>{this._element&&this.hide()},fe.on(this._element.closest(ns),ss,this._hideModalHandler)}_fixTitle(){const t=this._element.getAttribute("title");t&&(this._element.getAttribute("aria-label")||this._element.textContent.trim()||this._element.setAttribute("aria-label",t),this._element.setAttribute("data-bs-original-title",t),this._element.removeAttribute("title"))}_enter(){this._isShown()||this._isHovered?this._isHovered=!0:(this._isHovered=!0,this._setTimeout((()=>{this._isHovered&&this.show()}),this._config.delay.show))}_leave(){this._isWithActiveTrigger()||(this._isHovered=!1,this._setTimeout((()=>{this._isHovered||this.hide()}),this._config.delay.hide))}_setTimeout(t,e){clearTimeout(this._timeout),this._timeout=setTimeout(t,e)}_isWithActiveTrigger(){return Object.values(this._activeTrigger).includes(!0)}_getConfig(t){const e=_e.getDataAttributes(this._element);for(const t of Object.keys(e))ts.has(t)&&delete e[t];return t={...e,..."object"==typeof t&&t?t:{}},t=this._mergeConfigObj(t),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}_configAfterMerge(t){return t.container=!1===t.container?document.body:Ht(t.container),"number"==typeof t.delay&&(t.delay={show:t.delay,hide:t.delay}),"number"==typeof t.title&&(t.title=t.title.toString()),"number"==typeof t.content&&(t.content=t.content.toString()),t}_getDelegateConfig(){const t={};for(const[e,i]of Object.entries(this._config))this.constructor.Default[e]!==i&&(t[e]=i);return t.selector=!1,t.trigger="manual",t}_disposePopper(){this._popper&&(this._popper.destroy(),this._popper=null),this.tip&&(this.tip.remove(),this.tip=null)}static jQueryInterface(t){return this.each((function(){const e=hs.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(hs);const ds={...hs.Default,content:"",offset:[0,8],placement:"right",template:'',trigger:"click"},us={...hs.DefaultType,content:"(null|string|element|function)"};class fs extends hs{static get Default(){return ds}static get DefaultType(){return us}static get NAME(){return"popover"}_isWithContent(){return this._getTitle()||this._getContent()}_getContentForTemplate(){return{".popover-header":this._getTitle(),".popover-body":this._getContent()}}_getContent(){return this._resolvePossibleFunction(this._config.content)}static jQueryInterface(t){return this.each((function(){const e=fs.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(fs);const ps=".bs.scrollspy",ms=`activate${ps}`,gs=`click${ps}`,_s=`load${ps}.data-api`,bs="active",vs="[href]",ys=".nav-link",ws=`${ys}, .nav-item > ${ys}, .list-group-item`,Es={offset:null,rootMargin:"0px 0px -25%",smoothScroll:!1,target:null,threshold:[.1,.5,1]},As={offset:"(number|null)",rootMargin:"string",smoothScroll:"boolean",target:"element",threshold:"array"};class Ts extends ve{constructor(t,e){super(t,e),this._targetLinks=new Map,this._observableSections=new Map,this._rootElement="visible"===getComputedStyle(this._element).overflowY?null:this._element,this._activeTarget=null,this._observer=null,this._previousScrollData={visibleEntryTop:0,parentScrollTop:0},this.refresh()}static get Default(){return Es}static get DefaultType(){return As}static get NAME(){return"scrollspy"}refresh(){this._initializeTargetsAndObservables(),this._maybeEnableSmoothScroll(),this._observer?this._observer.disconnect():this._observer=this._getNewObserver();for(const t of this._observableSections.values())this._observer.observe(t)}dispose(){this._observer.disconnect(),super.dispose()}_configAfterMerge(t){return t.target=Ht(t.target)||document.body,t.rootMargin=t.offset?`${t.offset}px 0px -30%`:t.rootMargin,"string"==typeof t.threshold&&(t.threshold=t.threshold.split(",").map((t=>Number.parseFloat(t)))),t}_maybeEnableSmoothScroll(){this._config.smoothScroll&&(fe.off(this._config.target,gs),fe.on(this._config.target,gs,vs,(t=>{const e=this._observableSections.get(t.target.hash);if(e){t.preventDefault();const i=this._rootElement||window,n=e.offsetTop-this._element.offsetTop;if(i.scrollTo)return void i.scrollTo({top:n,behavior:"smooth"});i.scrollTop=n}})))}_getNewObserver(){const t={root:this._rootElement,threshold:this._config.threshold,rootMargin:this._config.rootMargin};return new IntersectionObserver((t=>this._observerCallback(t)),t)}_observerCallback(t){const e=t=>this._targetLinks.get(`#${t.target.id}`),i=t=>{this._previousScrollData.visibleEntryTop=t.target.offsetTop,this._process(e(t))},n=(this._rootElement||document.documentElement).scrollTop,s=n>=this._previousScrollData.parentScrollTop;this._previousScrollData.parentScrollTop=n;for(const o of t){if(!o.isIntersecting){this._activeTarget=null,this._clearActiveClass(e(o));continue}const t=o.target.offsetTop>=this._previousScrollData.visibleEntryTop;if(s&&t){if(i(o),!n)return}else s||t||i(o)}}_initializeTargetsAndObservables(){this._targetLinks=new Map,this._observableSections=new Map;const t=we.find(vs,this._config.target);for(const e of t){if(!e.hash||Wt(e))continue;const t=we.findOne(decodeURI(e.hash),this._element);Bt(t)&&(this._targetLinks.set(decodeURI(e.hash),e),this._observableSections.set(e.hash,t))}}_process(t){this._activeTarget!==t&&(this._clearActiveClass(this._config.target),this._activeTarget=t,t.classList.add(bs),this._activateParents(t),fe.trigger(this._element,ms,{relatedTarget:t}))}_activateParents(t){if(t.classList.contains("dropdown-item"))we.findOne(".dropdown-toggle",t.closest(".dropdown")).classList.add(bs);else for(const e of we.parents(t,".nav, .list-group"))for(const t of we.prev(e,ws))t.classList.add(bs)}_clearActiveClass(t){t.classList.remove(bs);const e=we.find(`${vs}.${bs}`,t);for(const t of e)t.classList.remove(bs)}static jQueryInterface(t){return this.each((function(){const e=Ts.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}fe.on(window,_s,(()=>{for(const t of we.find('[data-bs-spy="scroll"]'))Ts.getOrCreateInstance(t)})),Qt(Ts);const Cs=".bs.tab",Os=`hide${Cs}`,xs=`hidden${Cs}`,ks=`show${Cs}`,Ls=`shown${Cs}`,Ss=`click${Cs}`,Ds=`keydown${Cs}`,$s=`load${Cs}`,Is="ArrowLeft",Ns="ArrowRight",Ps="ArrowUp",Ms="ArrowDown",js="Home",Fs="End",Hs="active",Bs="fade",Ws="show",zs=".dropdown-toggle",Rs=`:not(${zs})`,qs='[data-bs-toggle="tab"], [data-bs-toggle="pill"], [data-bs-toggle="list"]',Vs=`.nav-link${Rs}, .list-group-item${Rs}, [role="tab"]${Rs}, ${qs}`,Ys=`.${Hs}[data-bs-toggle="tab"], .${Hs}[data-bs-toggle="pill"], .${Hs}[data-bs-toggle="list"]`;class Ks extends ve{constructor(t){super(t),this._parent=this._element.closest('.list-group, .nav, [role="tablist"]'),this._parent&&(this._setInitialAttributes(this._parent,this._getChildren()),fe.on(this._element,Ds,(t=>this._keydown(t))))}static get NAME(){return"tab"}show(){const t=this._element;if(this._elemIsActive(t))return;const e=this._getActiveElem(),i=e?fe.trigger(e,Os,{relatedTarget:t}):null;fe.trigger(t,ks,{relatedTarget:e}).defaultPrevented||i&&i.defaultPrevented||(this._deactivate(e,t),this._activate(t,e))}_activate(t,e){t&&(t.classList.add(Hs),this._activate(we.getElementFromSelector(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.removeAttribute("tabindex"),t.setAttribute("aria-selected",!0),this._toggleDropDown(t,!0),fe.trigger(t,Ls,{relatedTarget:e})):t.classList.add(Ws)}),t,t.classList.contains(Bs)))}_deactivate(t,e){t&&(t.classList.remove(Hs),t.blur(),this._deactivate(we.getElementFromSelector(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.setAttribute("aria-selected",!1),t.setAttribute("tabindex","-1"),this._toggleDropDown(t,!1),fe.trigger(t,xs,{relatedTarget:e})):t.classList.remove(Ws)}),t,t.classList.contains(Bs)))}_keydown(t){if(![Is,Ns,Ps,Ms,js,Fs].includes(t.key))return;t.stopPropagation(),t.preventDefault();const e=this._getChildren().filter((t=>!Wt(t)));let i;if([js,Fs].includes(t.key))i=e[t.key===js?0:e.length-1];else{const n=[Ns,Ms].includes(t.key);i=Gt(e,t.target,n,!0)}i&&(i.focus({preventScroll:!0}),Ks.getOrCreateInstance(i).show())}_getChildren(){return we.find(Vs,this._parent)}_getActiveElem(){return this._getChildren().find((t=>this._elemIsActive(t)))||null}_setInitialAttributes(t,e){this._setAttributeIfNotExists(t,"role","tablist");for(const t of e)this._setInitialAttributesOnChild(t)}_setInitialAttributesOnChild(t){t=this._getInnerElement(t);const e=this._elemIsActive(t),i=this._getOuterElement(t);t.setAttribute("aria-selected",e),i!==t&&this._setAttributeIfNotExists(i,"role","presentation"),e||t.setAttribute("tabindex","-1"),this._setAttributeIfNotExists(t,"role","tab"),this._setInitialAttributesOnTargetPanel(t)}_setInitialAttributesOnTargetPanel(t){const e=we.getElementFromSelector(t);e&&(this._setAttributeIfNotExists(e,"role","tabpanel"),t.id&&this._setAttributeIfNotExists(e,"aria-labelledby",`${t.id}`))}_toggleDropDown(t,e){const i=this._getOuterElement(t);if(!i.classList.contains("dropdown"))return;const n=(t,n)=>{const s=we.findOne(t,i);s&&s.classList.toggle(n,e)};n(zs,Hs),n(".dropdown-menu",Ws),i.setAttribute("aria-expanded",e)}_setAttributeIfNotExists(t,e,i){t.hasAttribute(e)||t.setAttribute(e,i)}_elemIsActive(t){return t.classList.contains(Hs)}_getInnerElement(t){return t.matches(Vs)?t:we.findOne(Vs,t)}_getOuterElement(t){return t.closest(".nav-item, .list-group-item")||t}static jQueryInterface(t){return this.each((function(){const e=Ks.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}fe.on(document,Ss,qs,(function(t){["A","AREA"].includes(this.tagName)&&t.preventDefault(),Wt(this)||Ks.getOrCreateInstance(this).show()})),fe.on(window,$s,(()=>{for(const t of we.find(Ys))Ks.getOrCreateInstance(t)})),Qt(Ks);const Qs=".bs.toast",Xs=`mouseover${Qs}`,Us=`mouseout${Qs}`,Gs=`focusin${Qs}`,Js=`focusout${Qs}`,Zs=`hide${Qs}`,to=`hidden${Qs}`,eo=`show${Qs}`,io=`shown${Qs}`,no="hide",so="show",oo="showing",ro={animation:"boolean",autohide:"boolean",delay:"number"},ao={animation:!0,autohide:!0,delay:5e3};class lo extends ve{constructor(t,e){super(t,e),this._timeout=null,this._hasMouseInteraction=!1,this._hasKeyboardInteraction=!1,this._setListeners()}static get Default(){return ao}static get DefaultType(){return ro}static get NAME(){return"toast"}show(){fe.trigger(this._element,eo).defaultPrevented||(this._clearTimeout(),this._config.animation&&this._element.classList.add("fade"),this._element.classList.remove(no),qt(this._element),this._element.classList.add(so,oo),this._queueCallback((()=>{this._element.classList.remove(oo),fe.trigger(this._element,io),this._maybeScheduleHide()}),this._element,this._config.animation))}hide(){this.isShown()&&(fe.trigger(this._element,Zs).defaultPrevented||(this._element.classList.add(oo),this._queueCallback((()=>{this._element.classList.add(no),this._element.classList.remove(oo,so),fe.trigger(this._element,to)}),this._element,this._config.animation)))}dispose(){this._clearTimeout(),this.isShown()&&this._element.classList.remove(so),super.dispose()}isShown(){return this._element.classList.contains(so)}_maybeScheduleHide(){this._config.autohide&&(this._hasMouseInteraction||this._hasKeyboardInteraction||(this._timeout=setTimeout((()=>{this.hide()}),this._config.delay)))}_onInteraction(t,e){switch(t.type){case"mouseover":case"mouseout":this._hasMouseInteraction=e;break;case"focusin":case"focusout":this._hasKeyboardInteraction=e}if(e)return void this._clearTimeout();const i=t.relatedTarget;this._element===i||this._element.contains(i)||this._maybeScheduleHide()}_setListeners(){fe.on(this._element,Xs,(t=>this._onInteraction(t,!0))),fe.on(this._element,Us,(t=>this._onInteraction(t,!1))),fe.on(this._element,Gs,(t=>this._onInteraction(t,!0))),fe.on(this._element,Js,(t=>this._onInteraction(t,!1)))}_clearTimeout(){clearTimeout(this._timeout),this._timeout=null}static jQueryInterface(t){return this.each((function(){const e=lo.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}function co(t){"loading"!=document.readyState?t():document.addEventListener("DOMContentLoaded",t)}Ee(lo),Qt(lo),co((function(){[].slice.call(document.querySelectorAll('[data-bs-toggle="tooltip"]')).map((function(t){return new hs(t,{delay:{show:500,hide:100}})}))})),co((function(){document.getElementById("pst-back-to-top").addEventListener("click",(function(){document.body.scrollTop=0,document.documentElement.scrollTop=0}))})),co((function(){var t=document.getElementById("pst-back-to-top"),e=document.getElementsByClassName("bd-header")[0].getBoundingClientRect();window.addEventListener("scroll",(function(){this.oldScroll>this.scrollY&&this.scrollY>e.bottom?t.style.display="block":t.style.display="none",this.oldScroll=this.scrollY}))})),window.bootstrap=i})(); +//# sourceMappingURL=bootstrap.js.map \ No newline at end of file diff --git a/docs/_build/html/_static/scripts/bootstrap.js.LICENSE.txt b/docs/_build/html/_static/scripts/bootstrap.js.LICENSE.txt new file mode 100644 index 00000000..10f979d0 --- /dev/null +++ b/docs/_build/html/_static/scripts/bootstrap.js.LICENSE.txt @@ -0,0 +1,5 @@ +/*! + * Bootstrap v5.3.2 (https://getbootstrap.com/) + * Copyright 2011-2023 The Bootstrap Authors (https://github.com/twbs/bootstrap/graphs/contributors) + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE) + */ diff --git a/docs/_build/html/_static/scripts/bootstrap.js.map b/docs/_build/html/_static/scripts/bootstrap.js.map new file mode 100644 index 00000000..64e212b1 --- /dev/null +++ b/docs/_build/html/_static/scripts/bootstrap.js.map @@ -0,0 +1 @@ +{"version":3,"file":"scripts/bootstrap.js","mappings":";mBACA,IAAIA,EAAsB,CCA1BA,EAAwB,CAACC,EAASC,KACjC,IAAI,IAAIC,KAAOD,EACXF,EAAoBI,EAAEF,EAAYC,KAASH,EAAoBI,EAAEH,EAASE,IAC5EE,OAAOC,eAAeL,EAASE,EAAK,CAAEI,YAAY,EAAMC,IAAKN,EAAWC,IAE1E,ECNDH,EAAwB,CAACS,EAAKC,IAAUL,OAAOM,UAAUC,eAAeC,KAAKJ,EAAKC,GCClFV,EAAyBC,IACH,oBAAXa,QAA0BA,OAAOC,aAC1CV,OAAOC,eAAeL,EAASa,OAAOC,YAAa,CAAEC,MAAO,WAE7DX,OAAOC,eAAeL,EAAS,aAAc,CAAEe,OAAO,GAAO,01BCLvD,IAAI,EAAM,MACNC,EAAS,SACTC,EAAQ,QACRC,EAAO,OACPC,EAAO,OACPC,EAAiB,CAAC,EAAKJ,EAAQC,EAAOC,GACtCG,EAAQ,QACRC,EAAM,MACNC,EAAkB,kBAClBC,EAAW,WACXC,EAAS,SACTC,EAAY,YACZC,EAAmCP,EAAeQ,QAAO,SAAUC,EAAKC,GACjF,OAAOD,EAAIE,OAAO,CAACD,EAAY,IAAMT,EAAOS,EAAY,IAAMR,GAChE,GAAG,IACQ,EAA0B,GAAGS,OAAOX,EAAgB,CAACD,IAAOS,QAAO,SAAUC,EAAKC,GAC3F,OAAOD,EAAIE,OAAO,CAACD,EAAWA,EAAY,IAAMT,EAAOS,EAAY,IAAMR,GAC3E,GAAG,IAEQU,EAAa,aACbC,EAAO,OACPC,EAAY,YAEZC,EAAa,aACbC,EAAO,OACPC,EAAY,YAEZC,EAAc,cACdC,EAAQ,QACRC,EAAa,aACbC,EAAiB,CAACT,EAAYC,EAAMC,EAAWC,EAAYC,EAAMC,EAAWC,EAAaC,EAAOC,GC9B5F,SAASE,EAAYC,GAClC,OAAOA,GAAWA,EAAQC,UAAY,IAAIC,cAAgB,IAC5D,CCFe,SAASC,EAAUC,GAChC,GAAY,MAARA,EACF,OAAOC,OAGT,GAAwB,oBAApBD,EAAKE,WAAkC,CACzC,IAAIC,EAAgBH,EAAKG,cACzB,OAAOA,GAAgBA,EAAcC,aAAwBH,MAC/D,CAEA,OAAOD,CACT,CCTA,SAASK,EAAUL,GAEjB,OAAOA,aADUD,EAAUC,GAAMM,SACIN,aAAgBM,OACvD,CAEA,SAASC,EAAcP,GAErB,OAAOA,aADUD,EAAUC,GAAMQ,aACIR,aAAgBQ,WACvD,CAEA,SAASC,EAAaT,GAEpB,MAA0B,oBAAfU,aAKJV,aADUD,EAAUC,GAAMU,YACIV,aAAgBU,WACvD,CCwDA,SACEC,KAAM,cACNC,SAAS,EACTC,MAAO,QACPC,GA5EF,SAAqBC,GACnB,IAAIC,EAAQD,EAAKC,MACjB3D,OAAO4D,KAAKD,EAAME,UAAUC,SAAQ,SAAUR,GAC5C,IAAIS,EAAQJ,EAAMK,OAAOV,IAAS,CAAC,EAC/BW,EAAaN,EAAMM,WAAWX,IAAS,CAAC,EACxCf,EAAUoB,EAAME,SAASP,GAExBJ,EAAcX,IAAaD,EAAYC,KAO5CvC,OAAOkE,OAAO3B,EAAQwB,MAAOA,GAC7B/D,OAAO4D,KAAKK,GAAYH,SAAQ,SAAUR,GACxC,IAAI3C,EAAQsD,EAAWX,IAET,IAAV3C,EACF4B,EAAQ4B,gBAAgBb,GAExBf,EAAQ6B,aAAad,GAAgB,IAAV3C,EAAiB,GAAKA,EAErD,IACF,GACF,EAoDE0D,OAlDF,SAAgBC,GACd,IAAIX,EAAQW,EAAMX,MACdY,EAAgB,CAClBlD,OAAQ,CACNmD,SAAUb,EAAMc,QAAQC,SACxB5D,KAAM,IACN6D,IAAK,IACLC,OAAQ,KAEVC,MAAO,CACLL,SAAU,YAEZlD,UAAW,CAAC,GASd,OAPAtB,OAAOkE,OAAOP,EAAME,SAASxC,OAAO0C,MAAOQ,EAAclD,QACzDsC,EAAMK,OAASO,EAEXZ,EAAME,SAASgB,OACjB7E,OAAOkE,OAAOP,EAAME,SAASgB,MAAMd,MAAOQ,EAAcM,OAGnD,WACL7E,OAAO4D,KAAKD,EAAME,UAAUC,SAAQ,SAAUR,GAC5C,IAAIf,EAAUoB,EAAME,SAASP,GACzBW,EAAaN,EAAMM,WAAWX,IAAS,CAAC,EAGxCS,EAFkB/D,OAAO4D,KAAKD,EAAMK,OAAOzD,eAAe+C,GAAQK,EAAMK,OAAOV,GAAQiB,EAAcjB,IAE7E9B,QAAO,SAAUuC,EAAOe,GAElD,OADAf,EAAMe,GAAY,GACXf,CACT,GAAG,CAAC,GAECb,EAAcX,IAAaD,EAAYC,KAI5CvC,OAAOkE,OAAO3B,EAAQwB,MAAOA,GAC7B/D,OAAO4D,KAAKK,GAAYH,SAAQ,SAAUiB,GACxCxC,EAAQ4B,gBAAgBY,EAC1B,IACF,GACF,CACF,EASEC,SAAU,CAAC,kBCjFE,SAASC,EAAiBvD,GACvC,OAAOA,EAAUwD,MAAM,KAAK,EAC9B,CCHO,IAAI,EAAMC,KAAKC,IACX,EAAMD,KAAKE,IACXC,EAAQH,KAAKG,MCFT,SAASC,IACtB,IAAIC,EAASC,UAAUC,cAEvB,OAAc,MAAVF,GAAkBA,EAAOG,QAAUC,MAAMC,QAAQL,EAAOG,QACnDH,EAAOG,OAAOG,KAAI,SAAUC,GACjC,OAAOA,EAAKC,MAAQ,IAAMD,EAAKE,OACjC,IAAGC,KAAK,KAGHT,UAAUU,SACnB,CCTe,SAASC,IACtB,OAAQ,iCAAiCC,KAAKd,IAChD,CCCe,SAASe,EAAsB/D,EAASgE,EAAcC,QAC9C,IAAjBD,IACFA,GAAe,QAGO,IAApBC,IACFA,GAAkB,GAGpB,IAAIC,EAAalE,EAAQ+D,wBACrBI,EAAS,EACTC,EAAS,EAETJ,GAAgBrD,EAAcX,KAChCmE,EAASnE,EAAQqE,YAAc,GAAItB,EAAMmB,EAAWI,OAAStE,EAAQqE,aAAmB,EACxFD,EAASpE,EAAQuE,aAAe,GAAIxB,EAAMmB,EAAWM,QAAUxE,EAAQuE,cAAoB,GAG7F,IACIE,GADOhE,EAAUT,GAAWG,EAAUH,GAAWK,QAC3BoE,eAEtBC,GAAoBb,KAAsBI,EAC1CU,GAAKT,EAAW3F,MAAQmG,GAAoBD,EAAiBA,EAAeG,WAAa,IAAMT,EAC/FU,GAAKX,EAAW9B,KAAOsC,GAAoBD,EAAiBA,EAAeK,UAAY,IAAMV,EAC7FE,EAAQJ,EAAWI,MAAQH,EAC3BK,EAASN,EAAWM,OAASJ,EACjC,MAAO,CACLE,MAAOA,EACPE,OAAQA,EACRpC,IAAKyC,EACLvG,MAAOqG,EAAIL,EACXjG,OAAQwG,EAAIL,EACZjG,KAAMoG,EACNA,EAAGA,EACHE,EAAGA,EAEP,CCrCe,SAASE,EAAc/E,GACpC,IAAIkE,EAAaH,EAAsB/D,GAGnCsE,EAAQtE,EAAQqE,YAChBG,EAASxE,EAAQuE,aAUrB,OARI3B,KAAKoC,IAAId,EAAWI,MAAQA,IAAU,IACxCA,EAAQJ,EAAWI,OAGjB1B,KAAKoC,IAAId,EAAWM,OAASA,IAAW,IAC1CA,EAASN,EAAWM,QAGf,CACLG,EAAG3E,EAAQ4E,WACXC,EAAG7E,EAAQ8E,UACXR,MAAOA,EACPE,OAAQA,EAEZ,CCvBe,SAASS,EAASC,EAAQC,GACvC,IAAIC,EAAWD,EAAME,aAAeF,EAAME,cAE1C,GAAIH,EAAOD,SAASE,GAClB,OAAO,EAEJ,GAAIC,GAAYvE,EAAauE,GAAW,CACzC,IAAIE,EAAOH,EAEX,EAAG,CACD,GAAIG,GAAQJ,EAAOK,WAAWD,GAC5B,OAAO,EAITA,EAAOA,EAAKE,YAAcF,EAAKG,IACjC,OAASH,EACX,CAGF,OAAO,CACT,CCrBe,SAAS,EAAiBtF,GACvC,OAAOG,EAAUH,GAAS0F,iBAAiB1F,EAC7C,CCFe,SAAS2F,EAAe3F,GACrC,MAAO,CAAC,QAAS,KAAM,MAAM4F,QAAQ7F,EAAYC,KAAa,CAChE,CCFe,SAAS6F,EAAmB7F,GAEzC,QAASS,EAAUT,GAAWA,EAAQO,cACtCP,EAAQ8F,WAAazF,OAAOyF,UAAUC,eACxC,CCFe,SAASC,EAAchG,GACpC,MAA6B,SAAzBD,EAAYC,GACPA,EAMPA,EAAQiG,cACRjG,EAAQwF,aACR3E,EAAab,GAAWA,EAAQyF,KAAO,OAEvCI,EAAmB7F,EAGvB,CCVA,SAASkG,EAAoBlG,GAC3B,OAAKW,EAAcX,IACoB,UAAvC,EAAiBA,GAASiC,SAInBjC,EAAQmG,aAHN,IAIX,CAwCe,SAASC,EAAgBpG,GAItC,IAHA,IAAIK,EAASF,EAAUH,GACnBmG,EAAeD,EAAoBlG,GAEhCmG,GAAgBR,EAAeQ,IAA6D,WAA5C,EAAiBA,GAAclE,UACpFkE,EAAeD,EAAoBC,GAGrC,OAAIA,IAA+C,SAA9BpG,EAAYoG,IAA0D,SAA9BpG,EAAYoG,IAAwE,WAA5C,EAAiBA,GAAclE,UAC3H5B,EAGF8F,GAhDT,SAA4BnG,GAC1B,IAAIqG,EAAY,WAAWvC,KAAKd,KAGhC,GAFW,WAAWc,KAAKd,MAEfrC,EAAcX,IAII,UAFX,EAAiBA,GAEnBiC,SACb,OAAO,KAIX,IAAIqE,EAAcN,EAAchG,GAMhC,IAJIa,EAAayF,KACfA,EAAcA,EAAYb,MAGrB9E,EAAc2F,IAAgB,CAAC,OAAQ,QAAQV,QAAQ7F,EAAYuG,IAAgB,GAAG,CAC3F,IAAIC,EAAM,EAAiBD,GAI3B,GAAsB,SAAlBC,EAAIC,WAA4C,SAApBD,EAAIE,aAA0C,UAAhBF,EAAIG,UAAiF,IAA1D,CAAC,YAAa,eAAed,QAAQW,EAAII,aAAsBN,GAAgC,WAAnBE,EAAII,YAA2BN,GAAaE,EAAIK,QAAyB,SAAfL,EAAIK,OACjO,OAAON,EAEPA,EAAcA,EAAYd,UAE9B,CAEA,OAAO,IACT,CAgByBqB,CAAmB7G,IAAYK,CACxD,CCpEe,SAASyG,EAAyB3H,GAC/C,MAAO,CAAC,MAAO,UAAUyG,QAAQzG,IAAc,EAAI,IAAM,GAC3D,CCDO,SAAS4H,EAAOjE,EAAK1E,EAAOyE,GACjC,OAAO,EAAQC,EAAK,EAAQ1E,EAAOyE,GACrC,CCFe,SAASmE,EAAmBC,GACzC,OAAOxJ,OAAOkE,OAAO,CAAC,ECDf,CACLS,IAAK,EACL9D,MAAO,EACPD,OAAQ,EACRE,KAAM,GDHuC0I,EACjD,CEHe,SAASC,EAAgB9I,EAAOiD,GAC7C,OAAOA,EAAKpC,QAAO,SAAUkI,EAAS5J,GAEpC,OADA4J,EAAQ5J,GAAOa,EACR+I,CACT,GAAG,CAAC,EACN,CC4EA,SACEpG,KAAM,QACNC,SAAS,EACTC,MAAO,OACPC,GApEF,SAAeC,GACb,IAAIiG,EAEAhG,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KACZmB,EAAUf,EAAKe,QACfmF,EAAejG,EAAME,SAASgB,MAC9BgF,EAAgBlG,EAAMmG,cAAcD,cACpCE,EAAgB9E,EAAiBtB,EAAMjC,WACvCsI,EAAOX,EAAyBU,GAEhCE,EADa,CAACnJ,EAAMD,GAAOsH,QAAQ4B,IAAkB,EAClC,SAAW,QAElC,GAAKH,GAAiBC,EAAtB,CAIA,IAAIL,EAxBgB,SAAyBU,EAASvG,GAItD,OAAO4F,EAAsC,iBAH7CW,EAA6B,mBAAZA,EAAyBA,EAAQlK,OAAOkE,OAAO,CAAC,EAAGP,EAAMwG,MAAO,CAC/EzI,UAAWiC,EAAMjC,aACbwI,GACkDA,EAAUT,EAAgBS,EAASlJ,GAC7F,CAmBsBoJ,CAAgB3F,EAAQyF,QAASvG,GACjD0G,EAAY/C,EAAcsC,GAC1BU,EAAmB,MAATN,EAAe,EAAMlJ,EAC/ByJ,EAAmB,MAATP,EAAepJ,EAASC,EAClC2J,EAAU7G,EAAMwG,MAAM7I,UAAU2I,GAAOtG,EAAMwG,MAAM7I,UAAU0I,GAAQH,EAAcG,GAAQrG,EAAMwG,MAAM9I,OAAO4I,GAC9GQ,EAAYZ,EAAcG,GAAQrG,EAAMwG,MAAM7I,UAAU0I,GACxDU,EAAoB/B,EAAgBiB,GACpCe,EAAaD,EAA6B,MAATV,EAAeU,EAAkBE,cAAgB,EAAIF,EAAkBG,aAAe,EAAI,EAC3HC,EAAoBN,EAAU,EAAIC,EAAY,EAG9CpF,EAAMmE,EAAcc,GACpBlF,EAAMuF,EAAaN,EAAUJ,GAAOT,EAAce,GAClDQ,EAASJ,EAAa,EAAIN,EAAUJ,GAAO,EAAIa,EAC/CE,EAAS1B,EAAOjE,EAAK0F,EAAQ3F,GAE7B6F,EAAWjB,EACfrG,EAAMmG,cAAcxG,KAASqG,EAAwB,CAAC,GAAyBsB,GAAYD,EAAQrB,EAAsBuB,aAAeF,EAASD,EAAQpB,EAnBzJ,CAoBF,EAkCEtF,OAhCF,SAAgBC,GACd,IAAIX,EAAQW,EAAMX,MAEdwH,EADU7G,EAAMG,QACWlC,QAC3BqH,OAAoC,IAArBuB,EAA8B,sBAAwBA,EAErD,MAAhBvB,IAKwB,iBAAjBA,IACTA,EAAejG,EAAME,SAASxC,OAAO+J,cAAcxB,MAOhDpC,EAAS7D,EAAME,SAASxC,OAAQuI,KAIrCjG,EAAME,SAASgB,MAAQ+E,EACzB,EASE5E,SAAU,CAAC,iBACXqG,iBAAkB,CAAC,oBCxFN,SAASC,EAAa5J,GACnC,OAAOA,EAAUwD,MAAM,KAAK,EAC9B,CCOA,IAAIqG,GAAa,CACf5G,IAAK,OACL9D,MAAO,OACPD,OAAQ,OACRE,KAAM,QAeD,SAAS0K,GAAYlH,GAC1B,IAAImH,EAEApK,EAASiD,EAAMjD,OACfqK,EAAapH,EAAMoH,WACnBhK,EAAY4C,EAAM5C,UAClBiK,EAAYrH,EAAMqH,UAClBC,EAAUtH,EAAMsH,QAChBpH,EAAWF,EAAME,SACjBqH,EAAkBvH,EAAMuH,gBACxBC,EAAWxH,EAAMwH,SACjBC,EAAezH,EAAMyH,aACrBC,EAAU1H,EAAM0H,QAChBC,EAAaL,EAAQ1E,EACrBA,OAAmB,IAAf+E,EAAwB,EAAIA,EAChCC,EAAaN,EAAQxE,EACrBA,OAAmB,IAAf8E,EAAwB,EAAIA,EAEhCC,EAAgC,mBAAjBJ,EAA8BA,EAAa,CAC5D7E,EAAGA,EACHE,IACG,CACHF,EAAGA,EACHE,GAGFF,EAAIiF,EAAMjF,EACVE,EAAI+E,EAAM/E,EACV,IAAIgF,EAAOR,EAAQrL,eAAe,KAC9B8L,EAAOT,EAAQrL,eAAe,KAC9B+L,EAAQxL,EACRyL,EAAQ,EACRC,EAAM5J,OAEV,GAAIkJ,EAAU,CACZ,IAAIpD,EAAeC,EAAgBtH,GAC/BoL,EAAa,eACbC,EAAY,cAEZhE,IAAiBhG,EAAUrB,IAGmB,WAA5C,EAFJqH,EAAeN,EAAmB/G,IAECmD,UAAsC,aAAbA,IAC1DiI,EAAa,eACbC,EAAY,gBAOZhL,IAAc,IAAQA,IAAcZ,GAAQY,IAAcb,IAAU8K,IAAczK,KACpFqL,EAAQ3L,EAGRwG,IAFc4E,GAAWtD,IAAiB8D,GAAOA,EAAIxF,eAAiBwF,EAAIxF,eAAeD,OACzF2B,EAAa+D,IACEf,EAAW3E,OAC1BK,GAAKyE,EAAkB,GAAK,GAG1BnK,IAAcZ,IAASY,IAAc,GAAOA,IAAcd,GAAW+K,IAAczK,KACrFoL,EAAQzL,EAGRqG,IAFc8E,GAAWtD,IAAiB8D,GAAOA,EAAIxF,eAAiBwF,EAAIxF,eAAeH,MACzF6B,EAAagE,IACEhB,EAAW7E,MAC1BK,GAAK2E,EAAkB,GAAK,EAEhC,CAEA,IAgBMc,EAhBFC,EAAe5M,OAAOkE,OAAO,CAC/BM,SAAUA,GACTsH,GAAYP,IAEXsB,GAAyB,IAAjBd,EAlFd,SAA2BrI,EAAM8I,GAC/B,IAAItF,EAAIxD,EAAKwD,EACTE,EAAI1D,EAAK0D,EACT0F,EAAMN,EAAIO,kBAAoB,EAClC,MAAO,CACL7F,EAAG5B,EAAM4B,EAAI4F,GAAOA,GAAO,EAC3B1F,EAAG9B,EAAM8B,EAAI0F,GAAOA,GAAO,EAE/B,CA0EsCE,CAAkB,CACpD9F,EAAGA,EACHE,GACC1E,EAAUrB,IAAW,CACtB6F,EAAGA,EACHE,GAMF,OAHAF,EAAI2F,EAAM3F,EACVE,EAAIyF,EAAMzF,EAENyE,EAGK7L,OAAOkE,OAAO,CAAC,EAAG0I,IAAeD,EAAiB,CAAC,GAAkBJ,GAASF,EAAO,IAAM,GAAIM,EAAeL,GAASF,EAAO,IAAM,GAAIO,EAAe5D,WAAayD,EAAIO,kBAAoB,IAAM,EAAI,aAAe7F,EAAI,OAASE,EAAI,MAAQ,eAAiBF,EAAI,OAASE,EAAI,SAAUuF,IAG5R3M,OAAOkE,OAAO,CAAC,EAAG0I,IAAenB,EAAkB,CAAC,GAAmBc,GAASF,EAAOjF,EAAI,KAAO,GAAIqE,EAAgBa,GAASF,EAAOlF,EAAI,KAAO,GAAIuE,EAAgB1C,UAAY,GAAI0C,GAC9L,CA4CA,UACEnI,KAAM,gBACNC,SAAS,EACTC,MAAO,cACPC,GA9CF,SAAuBwJ,GACrB,IAAItJ,EAAQsJ,EAAMtJ,MACdc,EAAUwI,EAAMxI,QAChByI,EAAwBzI,EAAQoH,gBAChCA,OAA4C,IAA1BqB,GAA0CA,EAC5DC,EAAoB1I,EAAQqH,SAC5BA,OAAiC,IAAtBqB,GAAsCA,EACjDC,EAAwB3I,EAAQsH,aAChCA,OAAyC,IAA1BqB,GAA0CA,EACzDR,EAAe,CACjBlL,UAAWuD,EAAiBtB,EAAMjC,WAClCiK,UAAWL,EAAa3H,EAAMjC,WAC9BL,OAAQsC,EAAME,SAASxC,OACvBqK,WAAY/H,EAAMwG,MAAM9I,OACxBwK,gBAAiBA,EACjBG,QAAoC,UAA3BrI,EAAMc,QAAQC,UAGgB,MAArCf,EAAMmG,cAAcD,gBACtBlG,EAAMK,OAAO3C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMK,OAAO3C,OAAQmK,GAAYxL,OAAOkE,OAAO,CAAC,EAAG0I,EAAc,CACvGhB,QAASjI,EAAMmG,cAAcD,cAC7BrF,SAAUb,EAAMc,QAAQC,SACxBoH,SAAUA,EACVC,aAAcA,OAIe,MAA7BpI,EAAMmG,cAAcjF,QACtBlB,EAAMK,OAAOa,MAAQ7E,OAAOkE,OAAO,CAAC,EAAGP,EAAMK,OAAOa,MAAO2G,GAAYxL,OAAOkE,OAAO,CAAC,EAAG0I,EAAc,CACrGhB,QAASjI,EAAMmG,cAAcjF,MAC7BL,SAAU,WACVsH,UAAU,EACVC,aAAcA,OAIlBpI,EAAMM,WAAW5C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMM,WAAW5C,OAAQ,CACnE,wBAAyBsC,EAAMjC,WAEnC,EAQE2L,KAAM,CAAC,GCrKT,IAAIC,GAAU,CACZA,SAAS,GAsCX,UACEhK,KAAM,iBACNC,SAAS,EACTC,MAAO,QACPC,GAAI,WAAe,EACnBY,OAxCF,SAAgBX,GACd,IAAIC,EAAQD,EAAKC,MACb4J,EAAW7J,EAAK6J,SAChB9I,EAAUf,EAAKe,QACf+I,EAAkB/I,EAAQgJ,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7CE,EAAkBjJ,EAAQkJ,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7C9K,EAASF,EAAUiB,EAAME,SAASxC,QAClCuM,EAAgB,GAAGjM,OAAOgC,EAAMiK,cAActM,UAAWqC,EAAMiK,cAAcvM,QAYjF,OAVIoM,GACFG,EAAc9J,SAAQ,SAAU+J,GAC9BA,EAAaC,iBAAiB,SAAUP,EAASQ,OAAQT,GAC3D,IAGEK,GACF/K,EAAOkL,iBAAiB,SAAUP,EAASQ,OAAQT,IAG9C,WACDG,GACFG,EAAc9J,SAAQ,SAAU+J,GAC9BA,EAAaG,oBAAoB,SAAUT,EAASQ,OAAQT,GAC9D,IAGEK,GACF/K,EAAOoL,oBAAoB,SAAUT,EAASQ,OAAQT,GAE1D,CACF,EASED,KAAM,CAAC,GC/CT,IAAIY,GAAO,CACTnN,KAAM,QACND,MAAO,OACPD,OAAQ,MACR+D,IAAK,UAEQ,SAASuJ,GAAqBxM,GAC3C,OAAOA,EAAUyM,QAAQ,0BAA0B,SAAUC,GAC3D,OAAOH,GAAKG,EACd,GACF,CCVA,IAAI,GAAO,CACTnN,MAAO,MACPC,IAAK,SAEQ,SAASmN,GAA8B3M,GACpD,OAAOA,EAAUyM,QAAQ,cAAc,SAAUC,GAC/C,OAAO,GAAKA,EACd,GACF,CCPe,SAASE,GAAgB3L,GACtC,IAAI6J,EAAM9J,EAAUC,GAGpB,MAAO,CACL4L,WAHe/B,EAAIgC,YAInBC,UAHcjC,EAAIkC,YAKtB,CCNe,SAASC,GAAoBpM,GAQ1C,OAAO+D,EAAsB8B,EAAmB7F,IAAUzB,KAAOwN,GAAgB/L,GAASgM,UAC5F,CCXe,SAASK,GAAerM,GAErC,IAAIsM,EAAoB,EAAiBtM,GACrCuM,EAAWD,EAAkBC,SAC7BC,EAAYF,EAAkBE,UAC9BC,EAAYH,EAAkBG,UAElC,MAAO,6BAA6B3I,KAAKyI,EAAWE,EAAYD,EAClE,CCLe,SAASE,GAAgBtM,GACtC,MAAI,CAAC,OAAQ,OAAQ,aAAawF,QAAQ7F,EAAYK,KAAU,EAEvDA,EAAKG,cAAcoM,KAGxBhM,EAAcP,IAASiM,GAAejM,GACjCA,EAGFsM,GAAgB1G,EAAc5F,GACvC,CCJe,SAASwM,GAAkB5M,EAAS6M,GACjD,IAAIC,OAES,IAATD,IACFA,EAAO,IAGT,IAAIvB,EAAeoB,GAAgB1M,GAC/B+M,EAASzB,KAAqE,OAAlDwB,EAAwB9M,EAAQO,oBAAyB,EAASuM,EAAsBH,MACpH1C,EAAM9J,EAAUmL,GAChB0B,EAASD,EAAS,CAAC9C,GAAK7K,OAAO6K,EAAIxF,gBAAkB,GAAI4H,GAAef,GAAgBA,EAAe,IAAMA,EAC7G2B,EAAcJ,EAAKzN,OAAO4N,GAC9B,OAAOD,EAASE,EAChBA,EAAY7N,OAAOwN,GAAkB5G,EAAcgH,IACrD,CCzBe,SAASE,GAAiBC,GACvC,OAAO1P,OAAOkE,OAAO,CAAC,EAAGwL,EAAM,CAC7B5O,KAAM4O,EAAKxI,EACXvC,IAAK+K,EAAKtI,EACVvG,MAAO6O,EAAKxI,EAAIwI,EAAK7I,MACrBjG,OAAQ8O,EAAKtI,EAAIsI,EAAK3I,QAE1B,CCqBA,SAAS4I,GAA2BpN,EAASqN,EAAgBlL,GAC3D,OAAOkL,IAAmBxO,EAAWqO,GCzBxB,SAAyBlN,EAASmC,GAC/C,IAAI8H,EAAM9J,EAAUH,GAChBsN,EAAOzH,EAAmB7F,GAC1ByE,EAAiBwF,EAAIxF,eACrBH,EAAQgJ,EAAKhF,YACb9D,EAAS8I,EAAKjF,aACd1D,EAAI,EACJE,EAAI,EAER,GAAIJ,EAAgB,CAClBH,EAAQG,EAAeH,MACvBE,EAASC,EAAeD,OACxB,IAAI+I,EAAiB1J,KAEjB0J,IAAmBA,GAA+B,UAAbpL,KACvCwC,EAAIF,EAAeG,WACnBC,EAAIJ,EAAeK,UAEvB,CAEA,MAAO,CACLR,MAAOA,EACPE,OAAQA,EACRG,EAAGA,EAAIyH,GAAoBpM,GAC3B6E,EAAGA,EAEP,CDDwD2I,CAAgBxN,EAASmC,IAAa1B,EAAU4M,GAdxG,SAAoCrN,EAASmC,GAC3C,IAAIgL,EAAOpJ,EAAsB/D,GAAS,EAAoB,UAAbmC,GASjD,OARAgL,EAAK/K,IAAM+K,EAAK/K,IAAMpC,EAAQyN,UAC9BN,EAAK5O,KAAO4O,EAAK5O,KAAOyB,EAAQ0N,WAChCP,EAAK9O,OAAS8O,EAAK/K,IAAMpC,EAAQqI,aACjC8E,EAAK7O,MAAQ6O,EAAK5O,KAAOyB,EAAQsI,YACjC6E,EAAK7I,MAAQtE,EAAQsI,YACrB6E,EAAK3I,OAASxE,EAAQqI,aACtB8E,EAAKxI,EAAIwI,EAAK5O,KACd4O,EAAKtI,EAAIsI,EAAK/K,IACP+K,CACT,CAG0HQ,CAA2BN,EAAgBlL,GAAY+K,GEtBlK,SAAyBlN,GACtC,IAAI8M,EAEAQ,EAAOzH,EAAmB7F,GAC1B4N,EAAY7B,GAAgB/L,GAC5B2M,EAA0D,OAAlDG,EAAwB9M,EAAQO,oBAAyB,EAASuM,EAAsBH,KAChGrI,EAAQ,EAAIgJ,EAAKO,YAAaP,EAAKhF,YAAaqE,EAAOA,EAAKkB,YAAc,EAAGlB,EAAOA,EAAKrE,YAAc,GACvG9D,EAAS,EAAI8I,EAAKQ,aAAcR,EAAKjF,aAAcsE,EAAOA,EAAKmB,aAAe,EAAGnB,EAAOA,EAAKtE,aAAe,GAC5G1D,GAAKiJ,EAAU5B,WAAaI,GAAoBpM,GAChD6E,GAAK+I,EAAU1B,UAMnB,MAJiD,QAA7C,EAAiBS,GAAQW,GAAMS,YACjCpJ,GAAK,EAAI2I,EAAKhF,YAAaqE,EAAOA,EAAKrE,YAAc,GAAKhE,GAGrD,CACLA,MAAOA,EACPE,OAAQA,EACRG,EAAGA,EACHE,EAAGA,EAEP,CFCkMmJ,CAAgBnI,EAAmB7F,IACrO,CG1Be,SAASiO,GAAe9M,GACrC,IAOIkI,EAPAtK,EAAYoC,EAAKpC,UACjBiB,EAAUmB,EAAKnB,QACfb,EAAYgC,EAAKhC,UACjBqI,EAAgBrI,EAAYuD,EAAiBvD,GAAa,KAC1DiK,EAAYjK,EAAY4J,EAAa5J,GAAa,KAClD+O,EAAUnP,EAAU4F,EAAI5F,EAAUuF,MAAQ,EAAItE,EAAQsE,MAAQ,EAC9D6J,EAAUpP,EAAU8F,EAAI9F,EAAUyF,OAAS,EAAIxE,EAAQwE,OAAS,EAGpE,OAAQgD,GACN,KAAK,EACH6B,EAAU,CACR1E,EAAGuJ,EACHrJ,EAAG9F,EAAU8F,EAAI7E,EAAQwE,QAE3B,MAEF,KAAKnG,EACHgL,EAAU,CACR1E,EAAGuJ,EACHrJ,EAAG9F,EAAU8F,EAAI9F,EAAUyF,QAE7B,MAEF,KAAKlG,EACH+K,EAAU,CACR1E,EAAG5F,EAAU4F,EAAI5F,EAAUuF,MAC3BO,EAAGsJ,GAEL,MAEF,KAAK5P,EACH8K,EAAU,CACR1E,EAAG5F,EAAU4F,EAAI3E,EAAQsE,MACzBO,EAAGsJ,GAEL,MAEF,QACE9E,EAAU,CACR1E,EAAG5F,EAAU4F,EACbE,EAAG9F,EAAU8F,GAInB,IAAIuJ,EAAW5G,EAAgBV,EAAyBU,GAAiB,KAEzE,GAAgB,MAAZ4G,EAAkB,CACpB,IAAI1G,EAAmB,MAAb0G,EAAmB,SAAW,QAExC,OAAQhF,GACN,KAAK1K,EACH2K,EAAQ+E,GAAY/E,EAAQ+E,IAAarP,EAAU2I,GAAO,EAAI1H,EAAQ0H,GAAO,GAC7E,MAEF,KAAK/I,EACH0K,EAAQ+E,GAAY/E,EAAQ+E,IAAarP,EAAU2I,GAAO,EAAI1H,EAAQ0H,GAAO,GAKnF,CAEA,OAAO2B,CACT,CC3De,SAASgF,GAAejN,EAAOc,QAC5B,IAAZA,IACFA,EAAU,CAAC,GAGb,IAAIoM,EAAWpM,EACXqM,EAAqBD,EAASnP,UAC9BA,OAAmC,IAAvBoP,EAAgCnN,EAAMjC,UAAYoP,EAC9DC,EAAoBF,EAASnM,SAC7BA,OAAiC,IAAtBqM,EAA+BpN,EAAMe,SAAWqM,EAC3DC,EAAoBH,EAASI,SAC7BA,OAAiC,IAAtBD,EAA+B7P,EAAkB6P,EAC5DE,EAAwBL,EAASM,aACjCA,OAAyC,IAA1BD,EAAmC9P,EAAW8P,EAC7DE,EAAwBP,EAASQ,eACjCA,OAA2C,IAA1BD,EAAmC/P,EAAS+P,EAC7DE,EAAuBT,EAASU,YAChCA,OAAuC,IAAzBD,GAA0CA,EACxDE,EAAmBX,EAAS3G,QAC5BA,OAA+B,IAArBsH,EAA8B,EAAIA,EAC5ChI,EAAgBD,EAAsC,iBAAZW,EAAuBA,EAAUT,EAAgBS,EAASlJ,IACpGyQ,EAAaJ,IAAmBhQ,EAASC,EAAYD,EACrDqK,EAAa/H,EAAMwG,MAAM9I,OACzBkB,EAAUoB,EAAME,SAAS0N,EAAcE,EAAaJ,GACpDK,EJkBS,SAAyBnP,EAAS0O,EAAUE,EAAczM,GACvE,IAAIiN,EAAmC,oBAAbV,EAlB5B,SAA4B1O,GAC1B,IAAIpB,EAAkBgO,GAAkB5G,EAAchG,IAElDqP,EADoB,CAAC,WAAY,SAASzJ,QAAQ,EAAiB5F,GAASiC,WAAa,GACnDtB,EAAcX,GAAWoG,EAAgBpG,GAAWA,EAE9F,OAAKS,EAAU4O,GAKRzQ,EAAgBgI,QAAO,SAAUyG,GACtC,OAAO5M,EAAU4M,IAAmBpI,EAASoI,EAAgBgC,IAAmD,SAAhCtP,EAAYsN,EAC9F,IANS,EAOX,CAK6DiC,CAAmBtP,GAAW,GAAGZ,OAAOsP,GAC/F9P,EAAkB,GAAGQ,OAAOgQ,EAAqB,CAACR,IAClDW,EAAsB3Q,EAAgB,GACtC4Q,EAAe5Q,EAAgBK,QAAO,SAAUwQ,EAASpC,GAC3D,IAAIF,EAAOC,GAA2BpN,EAASqN,EAAgBlL,GAK/D,OAJAsN,EAAQrN,IAAM,EAAI+K,EAAK/K,IAAKqN,EAAQrN,KACpCqN,EAAQnR,MAAQ,EAAI6O,EAAK7O,MAAOmR,EAAQnR,OACxCmR,EAAQpR,OAAS,EAAI8O,EAAK9O,OAAQoR,EAAQpR,QAC1CoR,EAAQlR,KAAO,EAAI4O,EAAK5O,KAAMkR,EAAQlR,MAC/BkR,CACT,GAAGrC,GAA2BpN,EAASuP,EAAqBpN,IAK5D,OAJAqN,EAAalL,MAAQkL,EAAalR,MAAQkR,EAAajR,KACvDiR,EAAahL,OAASgL,EAAanR,OAASmR,EAAapN,IACzDoN,EAAa7K,EAAI6K,EAAajR,KAC9BiR,EAAa3K,EAAI2K,EAAapN,IACvBoN,CACT,CInC2BE,CAAgBjP,EAAUT,GAAWA,EAAUA,EAAQ2P,gBAAkB9J,EAAmBzE,EAAME,SAASxC,QAAS4P,EAAUE,EAAczM,GACjKyN,EAAsB7L,EAAsB3C,EAAME,SAASvC,WAC3DuI,EAAgB2G,GAAe,CACjClP,UAAW6Q,EACX5P,QAASmJ,EACThH,SAAU,WACVhD,UAAWA,IAET0Q,EAAmB3C,GAAiBzP,OAAOkE,OAAO,CAAC,EAAGwH,EAAY7B,IAClEwI,EAAoBhB,IAAmBhQ,EAAS+Q,EAAmBD,EAGnEG,EAAkB,CACpB3N,IAAK+M,EAAmB/M,IAAM0N,EAAkB1N,IAAM6E,EAAc7E,IACpE/D,OAAQyR,EAAkBzR,OAAS8Q,EAAmB9Q,OAAS4I,EAAc5I,OAC7EE,KAAM4Q,EAAmB5Q,KAAOuR,EAAkBvR,KAAO0I,EAAc1I,KACvED,MAAOwR,EAAkBxR,MAAQ6Q,EAAmB7Q,MAAQ2I,EAAc3I,OAExE0R,EAAa5O,EAAMmG,cAAckB,OAErC,GAAIqG,IAAmBhQ,GAAUkR,EAAY,CAC3C,IAAIvH,EAASuH,EAAW7Q,GACxB1B,OAAO4D,KAAK0O,GAAiBxO,SAAQ,SAAUhE,GAC7C,IAAI0S,EAAW,CAAC3R,EAAOD,GAAQuH,QAAQrI,IAAQ,EAAI,GAAK,EACpDkK,EAAO,CAAC,EAAKpJ,GAAQuH,QAAQrI,IAAQ,EAAI,IAAM,IACnDwS,EAAgBxS,IAAQkL,EAAOhB,GAAQwI,CACzC,GACF,CAEA,OAAOF,CACT,CCyEA,UACEhP,KAAM,OACNC,SAAS,EACTC,MAAO,OACPC,GA5HF,SAAcC,GACZ,IAAIC,EAAQD,EAAKC,MACbc,EAAUf,EAAKe,QACfnB,EAAOI,EAAKJ,KAEhB,IAAIK,EAAMmG,cAAcxG,GAAMmP,MAA9B,CAoCA,IAhCA,IAAIC,EAAoBjO,EAAQkM,SAC5BgC,OAAsC,IAAtBD,GAAsCA,EACtDE,EAAmBnO,EAAQoO,QAC3BC,OAAoC,IAArBF,GAAqCA,EACpDG,EAA8BtO,EAAQuO,mBACtC9I,EAAUzF,EAAQyF,QAClB+G,EAAWxM,EAAQwM,SACnBE,EAAe1M,EAAQ0M,aACvBI,EAAc9M,EAAQ8M,YACtB0B,EAAwBxO,EAAQyO,eAChCA,OAA2C,IAA1BD,GAA0CA,EAC3DE,EAAwB1O,EAAQ0O,sBAChCC,EAAqBzP,EAAMc,QAAQ/C,UACnCqI,EAAgB9E,EAAiBmO,GAEjCJ,EAAqBD,IADHhJ,IAAkBqJ,GACqCF,EAjC/E,SAAuCxR,GACrC,GAAIuD,EAAiBvD,KAAeX,EAClC,MAAO,GAGT,IAAIsS,EAAoBnF,GAAqBxM,GAC7C,MAAO,CAAC2M,GAA8B3M,GAAY2R,EAAmBhF,GAA8BgF,GACrG,CA0B6IC,CAA8BF,GAA3E,CAAClF,GAAqBkF,KAChHG,EAAa,CAACH,GAAoBzR,OAAOqR,GAAoBxR,QAAO,SAAUC,EAAKC,GACrF,OAAOD,EAAIE,OAAOsD,EAAiBvD,KAAeX,ECvCvC,SAA8B4C,EAAOc,QAClC,IAAZA,IACFA,EAAU,CAAC,GAGb,IAAIoM,EAAWpM,EACX/C,EAAYmP,EAASnP,UACrBuP,EAAWJ,EAASI,SACpBE,EAAeN,EAASM,aACxBjH,EAAU2G,EAAS3G,QACnBgJ,EAAiBrC,EAASqC,eAC1BM,EAAwB3C,EAASsC,sBACjCA,OAAkD,IAA1BK,EAAmC,EAAgBA,EAC3E7H,EAAYL,EAAa5J,GACzB6R,EAAa5H,EAAYuH,EAAiB3R,EAAsBA,EAAoB4H,QAAO,SAAUzH,GACvG,OAAO4J,EAAa5J,KAAeiK,CACrC,IAAK3K,EACDyS,EAAoBF,EAAWpK,QAAO,SAAUzH,GAClD,OAAOyR,EAAsBhL,QAAQzG,IAAc,CACrD,IAEiC,IAA7B+R,EAAkBC,SACpBD,EAAoBF,GAItB,IAAII,EAAYF,EAAkBjS,QAAO,SAAUC,EAAKC,GAOtD,OANAD,EAAIC,GAAakP,GAAejN,EAAO,CACrCjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdjH,QAASA,IACRjF,EAAiBvD,IACbD,CACT,GAAG,CAAC,GACJ,OAAOzB,OAAO4D,KAAK+P,GAAWC,MAAK,SAAUC,EAAGC,GAC9C,OAAOH,EAAUE,GAAKF,EAAUG,EAClC,GACF,CDC6DC,CAAqBpQ,EAAO,CACnFjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdjH,QAASA,EACTgJ,eAAgBA,EAChBC,sBAAuBA,IACpBzR,EACP,GAAG,IACCsS,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzB4S,EAAY,IAAIC,IAChBC,GAAqB,EACrBC,EAAwBb,EAAW,GAE9Bc,EAAI,EAAGA,EAAId,EAAWG,OAAQW,IAAK,CAC1C,IAAI3S,EAAY6R,EAAWc,GAEvBC,EAAiBrP,EAAiBvD,GAElC6S,EAAmBjJ,EAAa5J,KAAeT,EAC/CuT,EAAa,CAAC,EAAK5T,GAAQuH,QAAQmM,IAAmB,EACtDrK,EAAMuK,EAAa,QAAU,SAC7B1F,EAAW8B,GAAejN,EAAO,CACnCjC,UAAWA,EACXuP,SAAUA,EACVE,aAAcA,EACdI,YAAaA,EACbrH,QAASA,IAEPuK,EAAoBD,EAAaD,EAAmB1T,EAAQC,EAAOyT,EAAmB3T,EAAS,EAE/FoT,EAAc/J,GAAOyB,EAAWzB,KAClCwK,EAAoBvG,GAAqBuG,IAG3C,IAAIC,EAAmBxG,GAAqBuG,GACxCE,EAAS,GAUb,GARIhC,GACFgC,EAAOC,KAAK9F,EAASwF,IAAmB,GAGtCxB,GACF6B,EAAOC,KAAK9F,EAAS2F,IAAsB,EAAG3F,EAAS4F,IAAqB,GAG1EC,EAAOE,OAAM,SAAUC,GACzB,OAAOA,CACT,IAAI,CACFV,EAAwB1S,EACxByS,GAAqB,EACrB,KACF,CAEAF,EAAUc,IAAIrT,EAAWiT,EAC3B,CAEA,GAAIR,EAqBF,IAnBA,IAEIa,EAAQ,SAAeC,GACzB,IAAIC,EAAmB3B,EAAW4B,MAAK,SAAUzT,GAC/C,IAAIiT,EAASV,EAAU9T,IAAIuB,GAE3B,GAAIiT,EACF,OAAOA,EAAOS,MAAM,EAAGH,GAAIJ,OAAM,SAAUC,GACzC,OAAOA,CACT,GAEJ,IAEA,GAAII,EAEF,OADAd,EAAwBc,EACjB,OAEX,EAESD,EAnBY/B,EAAiB,EAAI,EAmBZ+B,EAAK,GAGpB,UAFFD,EAAMC,GADmBA,KAOpCtR,EAAMjC,YAAc0S,IACtBzQ,EAAMmG,cAAcxG,GAAMmP,OAAQ,EAClC9O,EAAMjC,UAAY0S,EAClBzQ,EAAM0R,OAAQ,EA5GhB,CA8GF,EAQEhK,iBAAkB,CAAC,UACnBgC,KAAM,CACJoF,OAAO,IE7IX,SAAS6C,GAAexG,EAAUY,EAAM6F,GAQtC,YAPyB,IAArBA,IACFA,EAAmB,CACjBrO,EAAG,EACHE,EAAG,IAIA,CACLzC,IAAKmK,EAASnK,IAAM+K,EAAK3I,OAASwO,EAAiBnO,EACnDvG,MAAOiO,EAASjO,MAAQ6O,EAAK7I,MAAQ0O,EAAiBrO,EACtDtG,OAAQkO,EAASlO,OAAS8O,EAAK3I,OAASwO,EAAiBnO,EACzDtG,KAAMgO,EAAShO,KAAO4O,EAAK7I,MAAQ0O,EAAiBrO,EAExD,CAEA,SAASsO,GAAsB1G,GAC7B,MAAO,CAAC,EAAKjO,EAAOD,EAAQE,GAAM2U,MAAK,SAAUC,GAC/C,OAAO5G,EAAS4G,IAAS,CAC3B,GACF,CA+BA,UACEpS,KAAM,OACNC,SAAS,EACTC,MAAO,OACP6H,iBAAkB,CAAC,mBACnB5H,GAlCF,SAAcC,GACZ,IAAIC,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KACZ0Q,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzBkU,EAAmB5R,EAAMmG,cAAc6L,gBACvCC,EAAoBhF,GAAejN,EAAO,CAC5C0N,eAAgB,cAEdwE,EAAoBjF,GAAejN,EAAO,CAC5C4N,aAAa,IAEXuE,EAA2BR,GAAeM,EAAmB5B,GAC7D+B,EAAsBT,GAAeO,EAAmBnK,EAAY6J,GACpES,EAAoBR,GAAsBM,GAC1CG,EAAmBT,GAAsBO,GAC7CpS,EAAMmG,cAAcxG,GAAQ,CAC1BwS,yBAA0BA,EAC1BC,oBAAqBA,EACrBC,kBAAmBA,EACnBC,iBAAkBA,GAEpBtS,EAAMM,WAAW5C,OAASrB,OAAOkE,OAAO,CAAC,EAAGP,EAAMM,WAAW5C,OAAQ,CACnE,+BAAgC2U,EAChC,sBAAuBC,GAE3B,GCJA,IACE3S,KAAM,SACNC,SAAS,EACTC,MAAO,OACPwB,SAAU,CAAC,iBACXvB,GA5BF,SAAgBa,GACd,IAAIX,EAAQW,EAAMX,MACdc,EAAUH,EAAMG,QAChBnB,EAAOgB,EAAMhB,KACb4S,EAAkBzR,EAAQuG,OAC1BA,OAA6B,IAApBkL,EAA6B,CAAC,EAAG,GAAKA,EAC/C7I,EAAO,EAAW7L,QAAO,SAAUC,EAAKC,GAE1C,OADAD,EAAIC,GA5BD,SAAiCA,EAAWyI,EAAOa,GACxD,IAAIjB,EAAgB9E,EAAiBvD,GACjCyU,EAAiB,CAACrV,EAAM,GAAKqH,QAAQ4B,IAAkB,GAAK,EAAI,EAEhErG,EAAyB,mBAAXsH,EAAwBA,EAAOhL,OAAOkE,OAAO,CAAC,EAAGiG,EAAO,CACxEzI,UAAWA,KACPsJ,EACFoL,EAAW1S,EAAK,GAChB2S,EAAW3S,EAAK,GAIpB,OAFA0S,EAAWA,GAAY,EACvBC,GAAYA,GAAY,GAAKF,EACtB,CAACrV,EAAMD,GAAOsH,QAAQ4B,IAAkB,EAAI,CACjD7C,EAAGmP,EACHjP,EAAGgP,GACD,CACFlP,EAAGkP,EACHhP,EAAGiP,EAEP,CASqBC,CAAwB5U,EAAWiC,EAAMwG,MAAOa,GAC1DvJ,CACT,GAAG,CAAC,GACA8U,EAAwBlJ,EAAK1J,EAAMjC,WACnCwF,EAAIqP,EAAsBrP,EAC1BE,EAAImP,EAAsBnP,EAEW,MAArCzD,EAAMmG,cAAcD,gBACtBlG,EAAMmG,cAAcD,cAAc3C,GAAKA,EACvCvD,EAAMmG,cAAcD,cAAczC,GAAKA,GAGzCzD,EAAMmG,cAAcxG,GAAQ+J,CAC9B,GC1BA,IACE/J,KAAM,gBACNC,SAAS,EACTC,MAAO,OACPC,GApBF,SAAuBC,GACrB,IAAIC,EAAQD,EAAKC,MACbL,EAAOI,EAAKJ,KAKhBK,EAAMmG,cAAcxG,GAAQkN,GAAe,CACzClP,UAAWqC,EAAMwG,MAAM7I,UACvBiB,QAASoB,EAAMwG,MAAM9I,OACrBqD,SAAU,WACVhD,UAAWiC,EAAMjC,WAErB,EAQE2L,KAAM,CAAC,GCgHT,IACE/J,KAAM,kBACNC,SAAS,EACTC,MAAO,OACPC,GA/HF,SAAyBC,GACvB,IAAIC,EAAQD,EAAKC,MACbc,EAAUf,EAAKe,QACfnB,EAAOI,EAAKJ,KACZoP,EAAoBjO,EAAQkM,SAC5BgC,OAAsC,IAAtBD,GAAsCA,EACtDE,EAAmBnO,EAAQoO,QAC3BC,OAAoC,IAArBF,GAAsCA,EACrD3B,EAAWxM,EAAQwM,SACnBE,EAAe1M,EAAQ0M,aACvBI,EAAc9M,EAAQ8M,YACtBrH,EAAUzF,EAAQyF,QAClBsM,EAAkB/R,EAAQgS,OAC1BA,OAA6B,IAApBD,GAAoCA,EAC7CE,EAAwBjS,EAAQkS,aAChCA,OAAyC,IAA1BD,EAAmC,EAAIA,EACtD5H,EAAW8B,GAAejN,EAAO,CACnCsN,SAAUA,EACVE,aAAcA,EACdjH,QAASA,EACTqH,YAAaA,IAEXxH,EAAgB9E,EAAiBtB,EAAMjC,WACvCiK,EAAYL,EAAa3H,EAAMjC,WAC/BkV,GAAmBjL,EACnBgF,EAAWtH,EAAyBU,GACpC8I,ECrCY,MDqCSlC,ECrCH,IAAM,IDsCxB9G,EAAgBlG,EAAMmG,cAAcD,cACpCmK,EAAgBrQ,EAAMwG,MAAM7I,UAC5BoK,EAAa/H,EAAMwG,MAAM9I,OACzBwV,EAA4C,mBAAjBF,EAA8BA,EAAa3W,OAAOkE,OAAO,CAAC,EAAGP,EAAMwG,MAAO,CACvGzI,UAAWiC,EAAMjC,aACbiV,EACFG,EAA2D,iBAAtBD,EAAiC,CACxElG,SAAUkG,EACVhE,QAASgE,GACP7W,OAAOkE,OAAO,CAChByM,SAAU,EACVkC,QAAS,GACRgE,GACCE,EAAsBpT,EAAMmG,cAAckB,OAASrH,EAAMmG,cAAckB,OAAOrH,EAAMjC,WAAa,KACjG2L,EAAO,CACTnG,EAAG,EACHE,EAAG,GAGL,GAAKyC,EAAL,CAIA,GAAI8I,EAAe,CACjB,IAAIqE,EAEAC,EAAwB,MAAbtG,EAAmB,EAAM7P,EACpCoW,EAAuB,MAAbvG,EAAmB/P,EAASC,EACtCoJ,EAAmB,MAAb0G,EAAmB,SAAW,QACpC3F,EAASnB,EAAc8G,GACvBtL,EAAM2F,EAAS8D,EAASmI,GACxB7R,EAAM4F,EAAS8D,EAASoI,GACxBC,EAAWV,GAAU/K,EAAWzB,GAAO,EAAI,EAC3CmN,EAASzL,IAAc1K,EAAQ+S,EAAc/J,GAAOyB,EAAWzB,GAC/DoN,EAAS1L,IAAc1K,GAASyK,EAAWzB,IAAQ+J,EAAc/J,GAGjEL,EAAejG,EAAME,SAASgB,MAC9BwF,EAAYoM,GAAU7M,EAAetC,EAAcsC,GAAgB,CACrE/C,MAAO,EACPE,OAAQ,GAENuQ,GAAqB3T,EAAMmG,cAAc,oBAAsBnG,EAAMmG,cAAc,oBAAoBI,QxBhFtG,CACLvF,IAAK,EACL9D,MAAO,EACPD,OAAQ,EACRE,KAAM,GwB6EFyW,GAAkBD,GAAmBL,GACrCO,GAAkBF,GAAmBJ,GAMrCO,GAAWnO,EAAO,EAAG0K,EAAc/J,GAAMI,EAAUJ,IACnDyN,GAAYd,EAAkB5C,EAAc/J,GAAO,EAAIkN,EAAWM,GAAWF,GAAkBT,EAA4BnG,SAAWyG,EAASK,GAAWF,GAAkBT,EAA4BnG,SACxMgH,GAAYf,GAAmB5C,EAAc/J,GAAO,EAAIkN,EAAWM,GAAWD,GAAkBV,EAA4BnG,SAAW0G,EAASI,GAAWD,GAAkBV,EAA4BnG,SACzMjG,GAAoB/G,EAAME,SAASgB,OAAS8D,EAAgBhF,EAAME,SAASgB,OAC3E+S,GAAelN,GAAiC,MAAbiG,EAAmBjG,GAAkBsF,WAAa,EAAItF,GAAkBuF,YAAc,EAAI,EAC7H4H,GAAwH,OAAjGb,EAA+C,MAAvBD,OAA8B,EAASA,EAAoBpG,IAAqBqG,EAAwB,EAEvJc,GAAY9M,EAAS2M,GAAYE,GACjCE,GAAkBzO,EAAOmN,EAAS,EAAQpR,EAF9B2F,EAAS0M,GAAYG,GAAsBD,IAEKvS,EAAK2F,EAAQyL,EAAS,EAAQrR,EAAK0S,IAAa1S,GAChHyE,EAAc8G,GAAYoH,GAC1B1K,EAAKsD,GAAYoH,GAAkB/M,CACrC,CAEA,GAAI8H,EAAc,CAChB,IAAIkF,GAEAC,GAAyB,MAAbtH,EAAmB,EAAM7P,EAErCoX,GAAwB,MAAbvH,EAAmB/P,EAASC,EAEvCsX,GAAUtO,EAAcgJ,GAExBuF,GAAmB,MAAZvF,EAAkB,SAAW,QAEpCwF,GAAOF,GAAUrJ,EAASmJ,IAE1BK,GAAOH,GAAUrJ,EAASoJ,IAE1BK,IAAuD,IAAxC,CAAC,EAAKzX,GAAMqH,QAAQ4B,GAEnCyO,GAAyH,OAAjGR,GAAgD,MAAvBjB,OAA8B,EAASA,EAAoBlE,IAAoBmF,GAAyB,EAEzJS,GAAaF,GAAeF,GAAOF,GAAUnE,EAAcoE,IAAQ1M,EAAW0M,IAAQI,GAAuB1B,EAA4BjE,QAEzI6F,GAAaH,GAAeJ,GAAUnE,EAAcoE,IAAQ1M,EAAW0M,IAAQI,GAAuB1B,EAA4BjE,QAAUyF,GAE5IK,GAAmBlC,GAAU8B,G1BzH9B,SAAwBlT,EAAK1E,EAAOyE,GACzC,IAAIwT,EAAItP,EAAOjE,EAAK1E,EAAOyE,GAC3B,OAAOwT,EAAIxT,EAAMA,EAAMwT,CACzB,C0BsHoDC,CAAeJ,GAAYN,GAASO,IAAcpP,EAAOmN,EAASgC,GAAaJ,GAAMF,GAAS1B,EAASiC,GAAaJ,IAEpKzO,EAAcgJ,GAAW8F,GACzBtL,EAAKwF,GAAW8F,GAAmBR,EACrC,CAEAxU,EAAMmG,cAAcxG,GAAQ+J,CAvE5B,CAwEF,EAQEhC,iBAAkB,CAAC,WE1HN,SAASyN,GAAiBC,EAAyBrQ,EAAcsD,QAC9D,IAAZA,IACFA,GAAU,GAGZ,ICnBoCrJ,ECJOJ,EFuBvCyW,EAA0B9V,EAAcwF,GACxCuQ,EAAuB/V,EAAcwF,IAf3C,SAAyBnG,GACvB,IAAImN,EAAOnN,EAAQ+D,wBACfI,EAASpB,EAAMoK,EAAK7I,OAAStE,EAAQqE,aAAe,EACpDD,EAASrB,EAAMoK,EAAK3I,QAAUxE,EAAQuE,cAAgB,EAC1D,OAAkB,IAAXJ,GAA2B,IAAXC,CACzB,CAU4DuS,CAAgBxQ,GACtEJ,EAAkBF,EAAmBM,GACrCgH,EAAOpJ,EAAsByS,EAAyBE,EAAsBjN,GAC5EyB,EAAS,CACXc,WAAY,EACZE,UAAW,GAET7C,EAAU,CACZ1E,EAAG,EACHE,EAAG,GAkBL,OAfI4R,IAA4BA,IAA4BhN,MACxB,SAA9B1J,EAAYoG,IAChBkG,GAAetG,MACbmF,GCnCgC9K,EDmCT+F,KClCdhG,EAAUC,IAAUO,EAAcP,GCJxC,CACL4L,YAFyChM,EDQbI,GCNR4L,WACpBE,UAAWlM,EAAQkM,WDGZH,GAAgB3L,IDoCnBO,EAAcwF,KAChBkD,EAAUtF,EAAsBoC,GAAc,IACtCxB,GAAKwB,EAAauH,WAC1BrE,EAAQxE,GAAKsB,EAAasH,WACjB1H,IACTsD,EAAQ1E,EAAIyH,GAAoBrG,KAI7B,CACLpB,EAAGwI,EAAK5O,KAAO2M,EAAOc,WAAa3C,EAAQ1E,EAC3CE,EAAGsI,EAAK/K,IAAM8I,EAAOgB,UAAY7C,EAAQxE,EACzCP,MAAO6I,EAAK7I,MACZE,OAAQ2I,EAAK3I,OAEjB,CGvDA,SAASoS,GAAMC,GACb,IAAItT,EAAM,IAAIoO,IACVmF,EAAU,IAAIC,IACdC,EAAS,GAKb,SAAS3F,EAAK4F,GACZH,EAAQI,IAAID,EAASlW,MACN,GAAG3B,OAAO6X,EAASxU,UAAY,GAAIwU,EAASnO,kBAAoB,IACtEvH,SAAQ,SAAU4V,GACzB,IAAKL,EAAQM,IAAID,GAAM,CACrB,IAAIE,EAAc9T,EAAI3F,IAAIuZ,GAEtBE,GACFhG,EAAKgG,EAET,CACF,IACAL,EAAO3E,KAAK4E,EACd,CAQA,OAzBAJ,EAAUtV,SAAQ,SAAU0V,GAC1B1T,EAAIiP,IAAIyE,EAASlW,KAAMkW,EACzB,IAiBAJ,EAAUtV,SAAQ,SAAU0V,GACrBH,EAAQM,IAAIH,EAASlW,OAExBsQ,EAAK4F,EAET,IACOD,CACT,CCvBA,IAAIM,GAAkB,CACpBnY,UAAW,SACX0X,UAAW,GACX1U,SAAU,YAGZ,SAASoV,KACP,IAAK,IAAI1B,EAAO2B,UAAUrG,OAAQsG,EAAO,IAAIpU,MAAMwS,GAAO6B,EAAO,EAAGA,EAAO7B,EAAM6B,IAC/ED,EAAKC,GAAQF,UAAUE,GAGzB,OAAQD,EAAKvE,MAAK,SAAUlT,GAC1B,QAASA,GAAoD,mBAAlCA,EAAQ+D,sBACrC,GACF,CAEO,SAAS4T,GAAgBC,QACL,IAArBA,IACFA,EAAmB,CAAC,GAGtB,IAAIC,EAAoBD,EACpBE,EAAwBD,EAAkBE,iBAC1CA,OAA6C,IAA1BD,EAAmC,GAAKA,EAC3DE,EAAyBH,EAAkBI,eAC3CA,OAA4C,IAA3BD,EAAoCV,GAAkBU,EAC3E,OAAO,SAAsBjZ,EAAWD,EAAQoD,QAC9B,IAAZA,IACFA,EAAU+V,GAGZ,ICxC6B/W,EAC3BgX,EDuCE9W,EAAQ,CACVjC,UAAW,SACXgZ,iBAAkB,GAClBjW,QAASzE,OAAOkE,OAAO,CAAC,EAAG2V,GAAiBW,GAC5C1Q,cAAe,CAAC,EAChBjG,SAAU,CACRvC,UAAWA,EACXD,OAAQA,GAEV4C,WAAY,CAAC,EACbD,OAAQ,CAAC,GAEP2W,EAAmB,GACnBC,GAAc,EACdrN,EAAW,CACb5J,MAAOA,EACPkX,WAAY,SAAoBC,GAC9B,IAAIrW,EAAsC,mBAArBqW,EAAkCA,EAAiBnX,EAAMc,SAAWqW,EACzFC,IACApX,EAAMc,QAAUzE,OAAOkE,OAAO,CAAC,EAAGsW,EAAgB7W,EAAMc,QAASA,GACjEd,EAAMiK,cAAgB,CACpBtM,UAAW0B,EAAU1B,GAAa6N,GAAkB7N,GAAaA,EAAU4Q,eAAiB/C,GAAkB7N,EAAU4Q,gBAAkB,GAC1I7Q,OAAQ8N,GAAkB9N,IAI5B,IElE4B+X,EAC9B4B,EFiEMN,EDhCG,SAAwBtB,GAErC,IAAIsB,EAAmBvB,GAAMC,GAE7B,OAAO/W,EAAeb,QAAO,SAAUC,EAAK+B,GAC1C,OAAO/B,EAAIE,OAAO+Y,EAAiBvR,QAAO,SAAUqQ,GAClD,OAAOA,EAAShW,QAAUA,CAC5B,IACF,GAAG,GACL,CCuB+ByX,EElEK7B,EFkEsB,GAAGzX,OAAO2Y,EAAkB3W,EAAMc,QAAQ2U,WEjE9F4B,EAAS5B,EAAU5X,QAAO,SAAUwZ,EAAQE,GAC9C,IAAIC,EAAWH,EAAOE,EAAQ5X,MAK9B,OAJA0X,EAAOE,EAAQ5X,MAAQ6X,EAAWnb,OAAOkE,OAAO,CAAC,EAAGiX,EAAUD,EAAS,CACrEzW,QAASzE,OAAOkE,OAAO,CAAC,EAAGiX,EAAS1W,QAASyW,EAAQzW,SACrD4I,KAAMrN,OAAOkE,OAAO,CAAC,EAAGiX,EAAS9N,KAAM6N,EAAQ7N,QAC5C6N,EACEF,CACT,GAAG,CAAC,GAEGhb,OAAO4D,KAAKoX,GAAQlV,KAAI,SAAUhG,GACvC,OAAOkb,EAAOlb,EAChB,MF4DM,OAJA6D,EAAM+W,iBAAmBA,EAAiBvR,QAAO,SAAUiS,GACzD,OAAOA,EAAE7X,OACX,IA+FFI,EAAM+W,iBAAiB5W,SAAQ,SAAUJ,GACvC,IAAIJ,EAAOI,EAAKJ,KACZ+X,EAAe3X,EAAKe,QACpBA,OAA2B,IAAjB4W,EAA0B,CAAC,EAAIA,EACzChX,EAASX,EAAKW,OAElB,GAAsB,mBAAXA,EAAuB,CAChC,IAAIiX,EAAYjX,EAAO,CACrBV,MAAOA,EACPL,KAAMA,EACNiK,SAAUA,EACV9I,QAASA,IAKXkW,EAAiB/F,KAAK0G,GAFT,WAAmB,EAGlC,CACF,IA/GS/N,EAASQ,QAClB,EAMAwN,YAAa,WACX,IAAIX,EAAJ,CAIA,IAAIY,EAAkB7X,EAAME,SACxBvC,EAAYka,EAAgBla,UAC5BD,EAASma,EAAgBna,OAG7B,GAAKyY,GAAiBxY,EAAWD,GAAjC,CAKAsC,EAAMwG,MAAQ,CACZ7I,UAAWwX,GAAiBxX,EAAWqH,EAAgBtH,GAAoC,UAA3BsC,EAAMc,QAAQC,UAC9ErD,OAAQiG,EAAcjG,IAOxBsC,EAAM0R,OAAQ,EACd1R,EAAMjC,UAAYiC,EAAMc,QAAQ/C,UAKhCiC,EAAM+W,iBAAiB5W,SAAQ,SAAU0V,GACvC,OAAO7V,EAAMmG,cAAc0P,EAASlW,MAAQtD,OAAOkE,OAAO,CAAC,EAAGsV,EAASnM,KACzE,IAEA,IAAK,IAAIoO,EAAQ,EAAGA,EAAQ9X,EAAM+W,iBAAiBhH,OAAQ+H,IACzD,IAAoB,IAAhB9X,EAAM0R,MAAV,CAMA,IAAIqG,EAAwB/X,EAAM+W,iBAAiBe,GAC/ChY,EAAKiY,EAAsBjY,GAC3BkY,EAAyBD,EAAsBjX,QAC/CoM,OAAsC,IAA3B8K,EAAoC,CAAC,EAAIA,EACpDrY,EAAOoY,EAAsBpY,KAEf,mBAAPG,IACTE,EAAQF,EAAG,CACTE,MAAOA,EACPc,QAASoM,EACTvN,KAAMA,EACNiK,SAAUA,KACN5J,EAdR,MAHEA,EAAM0R,OAAQ,EACdoG,GAAS,CAzBb,CATA,CAqDF,EAGA1N,QC1I2BtK,ED0IV,WACf,OAAO,IAAImY,SAAQ,SAAUC,GAC3BtO,EAASgO,cACTM,EAAQlY,EACV,GACF,EC7IG,WAUL,OATK8W,IACHA,EAAU,IAAImB,SAAQ,SAAUC,GAC9BD,QAAQC,UAAUC,MAAK,WACrBrB,OAAUsB,EACVF,EAAQpY,IACV,GACF,KAGKgX,CACT,GDmIIuB,QAAS,WACPjB,IACAH,GAAc,CAChB,GAGF,IAAKd,GAAiBxY,EAAWD,GAC/B,OAAOkM,EAmCT,SAASwN,IACPJ,EAAiB7W,SAAQ,SAAUL,GACjC,OAAOA,GACT,IACAkX,EAAmB,EACrB,CAEA,OAvCApN,EAASsN,WAAWpW,GAASqX,MAAK,SAAUnY,IACrCiX,GAAenW,EAAQwX,eAC1BxX,EAAQwX,cAActY,EAE1B,IAmCO4J,CACT,CACF,CACO,IAAI2O,GAA4BhC,KGzLnC,GAA4BA,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,EAAa,GAAQ,GAAM,GAAiB,EAAO,MCJrH,GAA4BjC,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,KCatE,MAAMC,GAAa,IAAIlI,IACjBmI,GAAO,CACX,GAAAtH,CAAIxS,EAASzC,EAAKyN,GACX6O,GAAWzC,IAAIpX,IAClB6Z,GAAWrH,IAAIxS,EAAS,IAAI2R,KAE9B,MAAMoI,EAAcF,GAAWjc,IAAIoC,GAI9B+Z,EAAY3C,IAAI7Z,IAA6B,IAArBwc,EAAYC,KAKzCD,EAAYvH,IAAIjV,EAAKyN,GAHnBiP,QAAQC,MAAM,+EAA+E7W,MAAM8W,KAAKJ,EAAY1Y,QAAQ,MAIhI,EACAzD,IAAG,CAACoC,EAASzC,IACPsc,GAAWzC,IAAIpX,IACV6Z,GAAWjc,IAAIoC,GAASpC,IAAIL,IAE9B,KAET,MAAA6c,CAAOpa,EAASzC,GACd,IAAKsc,GAAWzC,IAAIpX,GAClB,OAEF,MAAM+Z,EAAcF,GAAWjc,IAAIoC,GACnC+Z,EAAYM,OAAO9c,GAGM,IAArBwc,EAAYC,MACdH,GAAWQ,OAAOra,EAEtB,GAYIsa,GAAiB,gBAOjBC,GAAgBC,IAChBA,GAAYna,OAAOoa,KAAOpa,OAAOoa,IAAIC,SAEvCF,EAAWA,EAAS5O,QAAQ,iBAAiB,CAAC+O,EAAOC,IAAO,IAAIH,IAAIC,OAAOE,QAEtEJ,GA4CHK,GAAuB7a,IAC3BA,EAAQ8a,cAAc,IAAIC,MAAMT,IAAgB,EAE5C,GAAYU,MACXA,GAA4B,iBAAXA,UAGO,IAAlBA,EAAOC,SAChBD,EAASA,EAAO,SAEgB,IAApBA,EAAOE,UAEjBC,GAAaH,GAEb,GAAUA,GACLA,EAAOC,OAASD,EAAO,GAAKA,EAEf,iBAAXA,GAAuBA,EAAO7J,OAAS,EACzCrL,SAAS+C,cAAc0R,GAAcS,IAEvC,KAEHI,GAAYpb,IAChB,IAAK,GAAUA,IAAgD,IAApCA,EAAQqb,iBAAiBlK,OAClD,OAAO,EAET,MAAMmK,EAAgF,YAA7D5V,iBAAiB1F,GAASub,iBAAiB,cAE9DC,EAAgBxb,EAAQyb,QAAQ,uBACtC,IAAKD,EACH,OAAOF,EAET,GAAIE,IAAkBxb,EAAS,CAC7B,MAAM0b,EAAU1b,EAAQyb,QAAQ,WAChC,GAAIC,GAAWA,EAAQlW,aAAegW,EACpC,OAAO,EAET,GAAgB,OAAZE,EACF,OAAO,CAEX,CACA,OAAOJ,CAAgB,EAEnBK,GAAa3b,IACZA,GAAWA,EAAQkb,WAAaU,KAAKC,gBAGtC7b,EAAQ8b,UAAU7W,SAAS,mBAGC,IAArBjF,EAAQ+b,SACV/b,EAAQ+b,SAEV/b,EAAQgc,aAAa,aAAoD,UAArChc,EAAQic,aAAa,aAE5DC,GAAiBlc,IACrB,IAAK8F,SAASC,gBAAgBoW,aAC5B,OAAO,KAIT,GAAmC,mBAAxBnc,EAAQqF,YAA4B,CAC7C,MAAM+W,EAAOpc,EAAQqF,cACrB,OAAO+W,aAAgBtb,WAAasb,EAAO,IAC7C,CACA,OAAIpc,aAAmBc,WACdd,EAIJA,EAAQwF,WAGN0W,GAAelc,EAAQwF,YAFrB,IAEgC,EAErC6W,GAAO,OAUPC,GAAStc,IACbA,EAAQuE,YAAY,EAGhBgY,GAAY,IACZlc,OAAOmc,SAAW1W,SAAS6G,KAAKqP,aAAa,qBACxC3b,OAAOmc,OAET,KAEHC,GAA4B,GAgB5BC,GAAQ,IAAuC,QAAjC5W,SAASC,gBAAgB4W,IACvCC,GAAqBC,IAhBAC,QAiBN,KACjB,MAAMC,EAAIR,KAEV,GAAIQ,EAAG,CACL,MAAMhc,EAAO8b,EAAOG,KACdC,EAAqBF,EAAE7b,GAAGH,GAChCgc,EAAE7b,GAAGH,GAAQ8b,EAAOK,gBACpBH,EAAE7b,GAAGH,GAAMoc,YAAcN,EACzBE,EAAE7b,GAAGH,GAAMqc,WAAa,KACtBL,EAAE7b,GAAGH,GAAQkc,EACNJ,EAAOK,gBAElB,GA5B0B,YAAxBpX,SAASuX,YAENZ,GAA0BtL,QAC7BrL,SAASyF,iBAAiB,oBAAoB,KAC5C,IAAK,MAAMuR,KAAYL,GACrBK,GACF,IAGJL,GAA0BpK,KAAKyK,IAE/BA,GAkBA,EAEEQ,GAAU,CAACC,EAAkB9F,EAAO,GAAI+F,EAAeD,IACxB,mBAArBA,EAAkCA,KAAoB9F,GAAQ+F,EAExEC,GAAyB,CAACX,EAAUY,EAAmBC,GAAoB,KAC/E,IAAKA,EAEH,YADAL,GAAQR,GAGV,MACMc,EAhKiC5d,KACvC,IAAKA,EACH,OAAO,EAIT,IAAI,mBACF6d,EAAkB,gBAClBC,GACEzd,OAAOqF,iBAAiB1F,GAC5B,MAAM+d,EAA0BC,OAAOC,WAAWJ,GAC5CK,EAAuBF,OAAOC,WAAWH,GAG/C,OAAKC,GAA4BG,GAKjCL,EAAqBA,EAAmBlb,MAAM,KAAK,GACnDmb,EAAkBA,EAAgBnb,MAAM,KAAK,GAtDf,KAuDtBqb,OAAOC,WAAWJ,GAAsBG,OAAOC,WAAWH,KANzD,CAMoG,EA2IpFK,CAAiCT,GADlC,EAExB,IAAIU,GAAS,EACb,MAAMC,EAAU,EACdrR,aAEIA,IAAW0Q,IAGfU,GAAS,EACTV,EAAkBjS,oBAAoB6O,GAAgB+D,GACtDf,GAAQR,GAAS,EAEnBY,EAAkBnS,iBAAiB+O,GAAgB+D,GACnDC,YAAW,KACJF,GACHvD,GAAqB6C,EACvB,GACCE,EAAiB,EAYhBW,GAAuB,CAAC1R,EAAM2R,EAAeC,EAAeC,KAChE,MAAMC,EAAa9R,EAAKsE,OACxB,IAAI+H,EAAQrM,EAAKjH,QAAQ4Y,GAIzB,OAAe,IAAXtF,GACMuF,GAAiBC,EAAiB7R,EAAK8R,EAAa,GAAK9R,EAAK,IAExEqM,GAASuF,EAAgB,GAAK,EAC1BC,IACFxF,GAASA,EAAQyF,GAAcA,GAE1B9R,EAAKjK,KAAKC,IAAI,EAAGD,KAAKE,IAAIoW,EAAOyF,EAAa,KAAI,EAerDC,GAAiB,qBACjBC,GAAiB,OACjBC,GAAgB,SAChBC,GAAgB,CAAC,EACvB,IAAIC,GAAW,EACf,MAAMC,GAAe,CACnBC,WAAY,YACZC,WAAY,YAERC,GAAe,IAAIrI,IAAI,CAAC,QAAS,WAAY,UAAW,YAAa,cAAe,aAAc,iBAAkB,YAAa,WAAY,YAAa,cAAe,YAAa,UAAW,WAAY,QAAS,oBAAqB,aAAc,YAAa,WAAY,cAAe,cAAe,cAAe,YAAa,eAAgB,gBAAiB,eAAgB,gBAAiB,aAAc,QAAS,OAAQ,SAAU,QAAS,SAAU,SAAU,UAAW,WAAY,OAAQ,SAAU,eAAgB,SAAU,OAAQ,mBAAoB,mBAAoB,QAAS,QAAS,WAM/lB,SAASsI,GAAarf,EAASsf,GAC7B,OAAOA,GAAO,GAAGA,MAAQN,QAAgBhf,EAAQgf,UAAYA,IAC/D,CACA,SAASO,GAAiBvf,GACxB,MAAMsf,EAAMD,GAAarf,GAGzB,OAFAA,EAAQgf,SAAWM,EACnBP,GAAcO,GAAOP,GAAcO,IAAQ,CAAC,EACrCP,GAAcO,EACvB,CAiCA,SAASE,GAAYC,EAAQC,EAAUC,EAAqB,MAC1D,OAAOliB,OAAOmiB,OAAOH,GAAQ7M,MAAKiN,GAASA,EAAMH,WAAaA,GAAYG,EAAMF,qBAAuBA,GACzG,CACA,SAASG,GAAoBC,EAAmB1B,EAAS2B,GACvD,MAAMC,EAAiC,iBAAZ5B,EAErBqB,EAAWO,EAAcD,EAAqB3B,GAAW2B,EAC/D,IAAIE,EAAYC,GAAaJ,GAI7B,OAHKX,GAAahI,IAAI8I,KACpBA,EAAYH,GAEP,CAACE,EAAaP,EAAUQ,EACjC,CACA,SAASE,GAAWpgB,EAAS+f,EAAmB1B,EAAS2B,EAAoBK,GAC3E,GAAiC,iBAAtBN,IAAmC/f,EAC5C,OAEF,IAAKigB,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GAIzF,GAAID,KAAqBd,GAAc,CACrC,MAAMqB,EAAepf,GACZ,SAAU2e,GACf,IAAKA,EAAMU,eAAiBV,EAAMU,gBAAkBV,EAAMW,iBAAmBX,EAAMW,eAAevb,SAAS4a,EAAMU,eAC/G,OAAOrf,EAAGjD,KAAKwiB,KAAMZ,EAEzB,EAEFH,EAAWY,EAAaZ,EAC1B,CACA,MAAMD,EAASF,GAAiBvf,GAC1B0gB,EAAWjB,EAAOS,KAAeT,EAAOS,GAAa,CAAC,GACtDS,EAAmBnB,GAAYkB,EAAUhB,EAAUO,EAAc5B,EAAU,MACjF,GAAIsC,EAEF,YADAA,EAAiBN,OAASM,EAAiBN,QAAUA,GAGvD,MAAMf,EAAMD,GAAaK,EAAUK,EAAkBnU,QAAQgT,GAAgB,KACvE1d,EAAK+e,EA5Db,SAAoCjgB,EAASwa,EAAUtZ,GACrD,OAAO,SAASmd,EAAQwB,GACtB,MAAMe,EAAc5gB,EAAQ6gB,iBAAiBrG,GAC7C,IAAK,IAAI,OACPxN,GACE6S,EAAO7S,GAAUA,IAAWyT,KAAMzT,EAASA,EAAOxH,WACpD,IAAK,MAAMsb,KAAcF,EACvB,GAAIE,IAAe9T,EASnB,OANA+T,GAAWlB,EAAO,CAChBW,eAAgBxT,IAEdqR,EAAQgC,QACVW,GAAaC,IAAIjhB,EAAS6f,EAAMqB,KAAM1G,EAAUtZ,GAE3CA,EAAGigB,MAAMnU,EAAQ,CAAC6S,GAG/B,CACF,CAwC2BuB,CAA2BphB,EAASqe,EAASqB,GAvExE,SAA0B1f,EAASkB,GACjC,OAAO,SAASmd,EAAQwB,GAOtB,OANAkB,GAAWlB,EAAO,CAChBW,eAAgBxgB,IAEdqe,EAAQgC,QACVW,GAAaC,IAAIjhB,EAAS6f,EAAMqB,KAAMhgB,GAEjCA,EAAGigB,MAAMnhB,EAAS,CAAC6f,GAC5B,CACF,CA6DoFwB,CAAiBrhB,EAAS0f,GAC5Gxe,EAAGye,mBAAqBM,EAAc5B,EAAU,KAChDnd,EAAGwe,SAAWA,EACdxe,EAAGmf,OAASA,EACZnf,EAAG8d,SAAWM,EACdoB,EAASpB,GAAOpe,EAChBlB,EAAQuL,iBAAiB2U,EAAWhf,EAAI+e,EAC1C,CACA,SAASqB,GAActhB,EAASyf,EAAQS,EAAW7B,EAASsB,GAC1D,MAAMze,EAAKse,GAAYC,EAAOS,GAAY7B,EAASsB,GAC9Cze,IAGLlB,EAAQyL,oBAAoByU,EAAWhf,EAAIqgB,QAAQ5B,WAC5CF,EAAOS,GAAWhf,EAAG8d,UAC9B,CACA,SAASwC,GAAyBxhB,EAASyf,EAAQS,EAAWuB,GAC5D,MAAMC,EAAoBjC,EAAOS,IAAc,CAAC,EAChD,IAAK,MAAOyB,EAAY9B,KAAUpiB,OAAOmkB,QAAQF,GAC3CC,EAAWE,SAASJ,IACtBH,GAActhB,EAASyf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAGtE,CACA,SAASQ,GAAaN,GAGpB,OADAA,EAAQA,EAAMjU,QAAQiT,GAAgB,IAC/BI,GAAaY,IAAUA,CAChC,CACA,MAAMmB,GAAe,CACnB,EAAAc,CAAG9hB,EAAS6f,EAAOxB,EAAS2B,GAC1BI,GAAWpgB,EAAS6f,EAAOxB,EAAS2B,GAAoB,EAC1D,EACA,GAAA+B,CAAI/hB,EAAS6f,EAAOxB,EAAS2B,GAC3BI,GAAWpgB,EAAS6f,EAAOxB,EAAS2B,GAAoB,EAC1D,EACA,GAAAiB,CAAIjhB,EAAS+f,EAAmB1B,EAAS2B,GACvC,GAAiC,iBAAtBD,IAAmC/f,EAC5C,OAEF,MAAOigB,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GACrFgC,EAAc9B,IAAcH,EAC5BN,EAASF,GAAiBvf,GAC1B0hB,EAAoBjC,EAAOS,IAAc,CAAC,EAC1C+B,EAAclC,EAAkBmC,WAAW,KACjD,QAAwB,IAAbxC,EAAX,CAQA,GAAIuC,EACF,IAAK,MAAME,KAAgB1kB,OAAO4D,KAAKoe,GACrC+B,GAAyBxhB,EAASyf,EAAQ0C,EAAcpC,EAAkBlN,MAAM,IAGpF,IAAK,MAAOuP,EAAavC,KAAUpiB,OAAOmkB,QAAQF,GAAoB,CACpE,MAAMC,EAAaS,EAAYxW,QAAQkT,GAAe,IACjDkD,IAAejC,EAAkB8B,SAASF,IAC7CL,GAActhB,EAASyf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAEpE,CAXA,KAPA,CAEE,IAAKliB,OAAO4D,KAAKqgB,GAAmBvQ,OAClC,OAEFmQ,GAActhB,EAASyf,EAAQS,EAAWR,EAAUO,EAAc5B,EAAU,KAE9E,CAYF,EACA,OAAAgE,CAAQriB,EAAS6f,EAAOpI,GACtB,GAAqB,iBAAVoI,IAAuB7f,EAChC,OAAO,KAET,MAAM+c,EAAIR,KAGV,IAAI+F,EAAc,KACdC,GAAU,EACVC,GAAiB,EACjBC,GAAmB,EAJH5C,IADFM,GAAaN,IAMZ9C,IACjBuF,EAAcvF,EAAEhC,MAAM8E,EAAOpI,GAC7BsF,EAAE/c,GAASqiB,QAAQC,GACnBC,GAAWD,EAAYI,uBACvBF,GAAkBF,EAAYK,gCAC9BF,EAAmBH,EAAYM,sBAEjC,MAAMC,EAAM9B,GAAW,IAAIhG,MAAM8E,EAAO,CACtC0C,UACAO,YAAY,IACVrL,GAUJ,OATIgL,GACFI,EAAIE,iBAEFP,GACFxiB,EAAQ8a,cAAc+H,GAEpBA,EAAIJ,kBAAoBH,GAC1BA,EAAYS,iBAEPF,CACT,GAEF,SAAS9B,GAAWljB,EAAKmlB,EAAO,CAAC,GAC/B,IAAK,MAAOzlB,EAAKa,KAAUX,OAAOmkB,QAAQoB,GACxC,IACEnlB,EAAIN,GAAOa,CACb,CAAE,MAAO6kB,GACPxlB,OAAOC,eAAeG,EAAKN,EAAK,CAC9B2lB,cAAc,EACdtlB,IAAG,IACMQ,GAGb,CAEF,OAAOP,CACT,CASA,SAASslB,GAAc/kB,GACrB,GAAc,SAAVA,EACF,OAAO,EAET,GAAc,UAAVA,EACF,OAAO,EAET,GAAIA,IAAU4f,OAAO5f,GAAOkC,WAC1B,OAAO0d,OAAO5f,GAEhB,GAAc,KAAVA,GAA0B,SAAVA,EAClB,OAAO,KAET,GAAqB,iBAAVA,EACT,OAAOA,EAET,IACE,OAAOglB,KAAKC,MAAMC,mBAAmBllB,GACvC,CAAE,MAAO6kB,GACP,OAAO7kB,CACT,CACF,CACA,SAASmlB,GAAiBhmB,GACxB,OAAOA,EAAIqO,QAAQ,UAAU4X,GAAO,IAAIA,EAAItjB,iBAC9C,CACA,MAAMujB,GAAc,CAClB,gBAAAC,CAAiB1jB,EAASzC,EAAKa,GAC7B4B,EAAQ6B,aAAa,WAAW0hB,GAAiBhmB,KAAQa,EAC3D,EACA,mBAAAulB,CAAoB3jB,EAASzC,GAC3ByC,EAAQ4B,gBAAgB,WAAW2hB,GAAiBhmB,KACtD,EACA,iBAAAqmB,CAAkB5jB,GAChB,IAAKA,EACH,MAAO,CAAC,EAEV,MAAM0B,EAAa,CAAC,EACdmiB,EAASpmB,OAAO4D,KAAKrB,EAAQ8jB,SAASld,QAAOrJ,GAAOA,EAAI2kB,WAAW,QAAU3kB,EAAI2kB,WAAW,cAClG,IAAK,MAAM3kB,KAAOsmB,EAAQ,CACxB,IAAIE,EAAUxmB,EAAIqO,QAAQ,MAAO,IACjCmY,EAAUA,EAAQC,OAAO,GAAG9jB,cAAgB6jB,EAAQlR,MAAM,EAAGkR,EAAQ5S,QACrEzP,EAAWqiB,GAAWZ,GAAcnjB,EAAQ8jB,QAAQvmB,GACtD,CACA,OAAOmE,CACT,EACAuiB,iBAAgB,CAACjkB,EAASzC,IACjB4lB,GAAcnjB,EAAQic,aAAa,WAAWsH,GAAiBhmB,QAgB1E,MAAM2mB,GAEJ,kBAAWC,GACT,MAAO,CAAC,CACV,CACA,sBAAWC,GACT,MAAO,CAAC,CACV,CACA,eAAWpH,GACT,MAAM,IAAIqH,MAAM,sEAClB,CACA,UAAAC,CAAWC,GAIT,OAHAA,EAAS9D,KAAK+D,gBAAgBD,GAC9BA,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CACA,iBAAAE,CAAkBF,GAChB,OAAOA,CACT,CACA,eAAAC,CAAgBD,EAAQvkB,GACtB,MAAM2kB,EAAa,GAAU3kB,GAAWyjB,GAAYQ,iBAAiBjkB,EAAS,UAAY,CAAC,EAE3F,MAAO,IACFygB,KAAKmE,YAAYT,WACM,iBAAfQ,EAA0BA,EAAa,CAAC,KAC/C,GAAU3kB,GAAWyjB,GAAYG,kBAAkB5jB,GAAW,CAAC,KAC7C,iBAAXukB,EAAsBA,EAAS,CAAC,EAE/C,CACA,gBAAAG,CAAiBH,EAAQM,EAAcpE,KAAKmE,YAAYR,aACtD,IAAK,MAAO7hB,EAAUuiB,KAAkBrnB,OAAOmkB,QAAQiD,GAAc,CACnE,MAAMzmB,EAAQmmB,EAAOhiB,GACfwiB,EAAY,GAAU3mB,GAAS,UAjiBrC4c,OADSA,EAkiB+C5c,GAhiBnD,GAAG4c,IAELvd,OAAOM,UAAUuC,SAASrC,KAAK+c,GAAQL,MAAM,eAAe,GAAGza,cA+hBlE,IAAK,IAAI8kB,OAAOF,GAAehhB,KAAKihB,GAClC,MAAM,IAAIE,UAAU,GAAGxE,KAAKmE,YAAY5H,KAAKkI,0BAA0B3iB,qBAA4BwiB,yBAAiCD,MAExI,CAtiBW9J,KAuiBb,EAqBF,MAAMmK,WAAsBjB,GAC1B,WAAAU,CAAY5kB,EAASukB,GACnBa,SACAplB,EAAUmb,GAAWnb,MAIrBygB,KAAK4E,SAAWrlB,EAChBygB,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/BzK,GAAKtH,IAAIiO,KAAK4E,SAAU5E,KAAKmE,YAAYW,SAAU9E,MACrD,CAGA,OAAA+E,GACE1L,GAAKM,OAAOqG,KAAK4E,SAAU5E,KAAKmE,YAAYW,UAC5CvE,GAAaC,IAAIR,KAAK4E,SAAU5E,KAAKmE,YAAYa,WACjD,IAAK,MAAMC,KAAgBjoB,OAAOkoB,oBAAoBlF,MACpDA,KAAKiF,GAAgB,IAEzB,CACA,cAAAE,CAAe9I,EAAU9c,EAAS6lB,GAAa,GAC7CpI,GAAuBX,EAAU9c,EAAS6lB,EAC5C,CACA,UAAAvB,CAAWC,GAIT,OAHAA,EAAS9D,KAAK+D,gBAAgBD,EAAQ9D,KAAK4E,UAC3Cd,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CAGA,kBAAOuB,CAAY9lB,GACjB,OAAO8Z,GAAKlc,IAAIud,GAAWnb,GAAUygB,KAAK8E,SAC5C,CACA,0BAAOQ,CAAoB/lB,EAASukB,EAAS,CAAC,GAC5C,OAAO9D,KAAKqF,YAAY9lB,IAAY,IAAIygB,KAAKzgB,EAA2B,iBAAXukB,EAAsBA,EAAS,KAC9F,CACA,kBAAWyB,GACT,MA5CY,OA6Cd,CACA,mBAAWT,GACT,MAAO,MAAM9E,KAAKzD,MACpB,CACA,oBAAWyI,GACT,MAAO,IAAIhF,KAAK8E,UAClB,CACA,gBAAOU,CAAUllB,GACf,MAAO,GAAGA,IAAO0f,KAAKgF,WACxB,EAUF,MAAMS,GAAclmB,IAClB,IAAIwa,EAAWxa,EAAQic,aAAa,kBACpC,IAAKzB,GAAyB,MAAbA,EAAkB,CACjC,IAAI2L,EAAgBnmB,EAAQic,aAAa,QAMzC,IAAKkK,IAAkBA,EAActE,SAAS,OAASsE,EAAcjE,WAAW,KAC9E,OAAO,KAILiE,EAActE,SAAS,OAASsE,EAAcjE,WAAW,OAC3DiE,EAAgB,IAAIA,EAAcxjB,MAAM,KAAK,MAE/C6X,EAAW2L,GAAmC,MAAlBA,EAAwB5L,GAAc4L,EAAcC,QAAU,IAC5F,CACA,OAAO5L,CAAQ,EAEX6L,GAAiB,CACrBzT,KAAI,CAAC4H,EAAUxa,EAAU8F,SAASC,kBACzB,GAAG3G,UAAUsB,QAAQ3C,UAAU8iB,iBAAiB5iB,KAAK+B,EAASwa,IAEvE8L,QAAO,CAAC9L,EAAUxa,EAAU8F,SAASC,kBAC5BrF,QAAQ3C,UAAU8K,cAAc5K,KAAK+B,EAASwa,GAEvD+L,SAAQ,CAACvmB,EAASwa,IACT,GAAGpb,UAAUY,EAAQumB,UAAU3f,QAAOzB,GAASA,EAAMqhB,QAAQhM,KAEtE,OAAAiM,CAAQzmB,EAASwa,GACf,MAAMiM,EAAU,GAChB,IAAIC,EAAW1mB,EAAQwF,WAAWiW,QAAQjB,GAC1C,KAAOkM,GACLD,EAAQpU,KAAKqU,GACbA,EAAWA,EAASlhB,WAAWiW,QAAQjB,GAEzC,OAAOiM,CACT,EACA,IAAAE,CAAK3mB,EAASwa,GACZ,IAAIoM,EAAW5mB,EAAQ6mB,uBACvB,KAAOD,GAAU,CACf,GAAIA,EAASJ,QAAQhM,GACnB,MAAO,CAACoM,GAEVA,EAAWA,EAASC,sBACtB,CACA,MAAO,EACT,EAEA,IAAAvhB,CAAKtF,EAASwa,GACZ,IAAIlV,EAAOtF,EAAQ8mB,mBACnB,KAAOxhB,GAAM,CACX,GAAIA,EAAKkhB,QAAQhM,GACf,MAAO,CAAClV,GAEVA,EAAOA,EAAKwhB,kBACd,CACA,MAAO,EACT,EACA,iBAAAC,CAAkB/mB,GAChB,MAAMgnB,EAAa,CAAC,IAAK,SAAU,QAAS,WAAY,SAAU,UAAW,aAAc,4BAA4BzjB,KAAIiX,GAAY,GAAGA,2BAAiC7W,KAAK,KAChL,OAAO8c,KAAK7N,KAAKoU,EAAYhnB,GAAS4G,QAAOqgB,IAAOtL,GAAWsL,IAAO7L,GAAU6L,IAClF,EACA,sBAAAC,CAAuBlnB,GACrB,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAIwa,GACK6L,GAAeC,QAAQ9L,GAAYA,EAErC,IACT,EACA,sBAAA2M,CAAuBnnB,GACrB,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAOwa,EAAW6L,GAAeC,QAAQ9L,GAAY,IACvD,EACA,+BAAA4M,CAAgCpnB,GAC9B,MAAMwa,EAAW0L,GAAYlmB,GAC7B,OAAOwa,EAAW6L,GAAezT,KAAK4H,GAAY,EACpD,GAUI6M,GAAuB,CAACC,EAAWC,EAAS,UAChD,MAAMC,EAAa,gBAAgBF,EAAU7B,YACvC1kB,EAAOumB,EAAUtK,KACvBgE,GAAac,GAAGhc,SAAU0hB,EAAY,qBAAqBzmB,OAAU,SAAU8e,GAI7E,GAHI,CAAC,IAAK,QAAQgC,SAASpB,KAAKgH,UAC9B5H,EAAMkD,iBAEJpH,GAAW8E,MACb,OAEF,MAAMzT,EAASqZ,GAAec,uBAAuB1G,OAASA,KAAKhF,QAAQ,IAAI1a,KAC9DumB,EAAUvB,oBAAoB/Y,GAGtCua,IACX,GAAE,EAiBEG,GAAc,YACdC,GAAc,QAAQD,KACtBE,GAAe,SAASF,KAQ9B,MAAMG,WAAc1C,GAElB,eAAWnI,GACT,MAfW,OAgBb,CAGA,KAAA8K,GAEE,GADmB9G,GAAaqB,QAAQ5B,KAAK4E,SAAUsC,IACxClF,iBACb,OAEFhC,KAAK4E,SAASvJ,UAAU1B,OAlBF,QAmBtB,MAAMyL,EAAapF,KAAK4E,SAASvJ,UAAU7W,SApBrB,QAqBtBwb,KAAKmF,gBAAe,IAAMnF,KAAKsH,mBAAmBtH,KAAK4E,SAAUQ,EACnE,CAGA,eAAAkC,GACEtH,KAAK4E,SAASjL,SACd4G,GAAaqB,QAAQ5B,KAAK4E,SAAUuC,IACpCnH,KAAK+E,SACP,CAGA,sBAAOtI,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO+c,GAAM9B,oBAAoBtF,MACvC,GAAsB,iBAAX8D,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KAJb,CAKF,GACF,EAOF4G,GAAqBQ,GAAO,SAM5BjL,GAAmBiL,IAcnB,MAKMI,GAAyB,4BAO/B,MAAMC,WAAe/C,GAEnB,eAAWnI,GACT,MAfW,QAgBb,CAGA,MAAAmL,GAEE1H,KAAK4E,SAASxjB,aAAa,eAAgB4e,KAAK4E,SAASvJ,UAAUqM,OAjB3C,UAkB1B,CAGA,sBAAOjL,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAOod,GAAOnC,oBAAoBtF,MACzB,WAAX8D,GACFzZ,EAAKyZ,IAET,GACF,EAOFvD,GAAac,GAAGhc,SAjCe,2BAiCmBmiB,IAAwBpI,IACxEA,EAAMkD,iBACN,MAAMqF,EAASvI,EAAM7S,OAAOyO,QAAQwM,IACvBC,GAAOnC,oBAAoBqC,GACnCD,QAAQ,IAOfvL,GAAmBsL,IAcnB,MACMG,GAAc,YACdC,GAAmB,aAAaD,KAChCE,GAAkB,YAAYF,KAC9BG,GAAiB,WAAWH,KAC5BI,GAAoB,cAAcJ,KAClCK,GAAkB,YAAYL,KAK9BM,GAAY,CAChBC,YAAa,KACbC,aAAc,KACdC,cAAe,MAEXC,GAAgB,CACpBH,YAAa,kBACbC,aAAc,kBACdC,cAAe,mBAOjB,MAAME,WAAc9E,GAClB,WAAAU,CAAY5kB,EAASukB,GACnBa,QACA3E,KAAK4E,SAAWrlB,EACXA,GAAYgpB,GAAMC,gBAGvBxI,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAKyI,QAAU,EACfzI,KAAK0I,sBAAwB5H,QAAQlhB,OAAO+oB,cAC5C3I,KAAK4I,cACP,CAGA,kBAAWlF,GACT,OAAOwE,EACT,CACA,sBAAWvE,GACT,OAAO2E,EACT,CACA,eAAW/L,GACT,MA/CW,OAgDb,CAGA,OAAAwI,GACExE,GAAaC,IAAIR,KAAK4E,SAAUgD,GAClC,CAGA,MAAAiB,CAAOzJ,GACAY,KAAK0I,sBAIN1I,KAAK8I,wBAAwB1J,KAC/BY,KAAKyI,QAAUrJ,EAAM2J,SAJrB/I,KAAKyI,QAAUrJ,EAAM4J,QAAQ,GAAGD,OAMpC,CACA,IAAAE,CAAK7J,GACCY,KAAK8I,wBAAwB1J,KAC/BY,KAAKyI,QAAUrJ,EAAM2J,QAAU/I,KAAKyI,SAEtCzI,KAAKkJ,eACLrM,GAAQmD,KAAK6E,QAAQsD,YACvB,CACA,KAAAgB,CAAM/J,GACJY,KAAKyI,QAAUrJ,EAAM4J,SAAW5J,EAAM4J,QAAQtY,OAAS,EAAI,EAAI0O,EAAM4J,QAAQ,GAAGD,QAAU/I,KAAKyI,OACjG,CACA,YAAAS,GACE,MAAME,EAAYjnB,KAAKoC,IAAIyb,KAAKyI,SAChC,GAAIW,GAnEgB,GAoElB,OAEF,MAAM9b,EAAY8b,EAAYpJ,KAAKyI,QACnCzI,KAAKyI,QAAU,EACVnb,GAGLuP,GAAQvP,EAAY,EAAI0S,KAAK6E,QAAQwD,cAAgBrI,KAAK6E,QAAQuD,aACpE,CACA,WAAAQ,GACM5I,KAAK0I,uBACPnI,GAAac,GAAGrB,KAAK4E,SAAUoD,IAAmB5I,GAASY,KAAK6I,OAAOzJ,KACvEmB,GAAac,GAAGrB,KAAK4E,SAAUqD,IAAiB7I,GAASY,KAAKiJ,KAAK7J,KACnEY,KAAK4E,SAASvJ,UAAU5E,IAlFG,mBAoF3B8J,GAAac,GAAGrB,KAAK4E,SAAUiD,IAAkBzI,GAASY,KAAK6I,OAAOzJ,KACtEmB,GAAac,GAAGrB,KAAK4E,SAAUkD,IAAiB1I,GAASY,KAAKmJ,MAAM/J,KACpEmB,GAAac,GAAGrB,KAAK4E,SAAUmD,IAAgB3I,GAASY,KAAKiJ,KAAK7J,KAEtE,CACA,uBAAA0J,CAAwB1J,GACtB,OAAOY,KAAK0I,wBA3FS,QA2FiBtJ,EAAMiK,aA5FrB,UA4FyDjK,EAAMiK,YACxF,CAGA,kBAAOb,GACL,MAAO,iBAAkBnjB,SAASC,iBAAmB7C,UAAU6mB,eAAiB,CAClF,EAeF,MAEMC,GAAc,eACdC,GAAiB,YAKjBC,GAAa,OACbC,GAAa,OACbC,GAAiB,OACjBC,GAAkB,QAClBC,GAAc,QAAQN,KACtBO,GAAa,OAAOP,KACpBQ,GAAkB,UAAUR,KAC5BS,GAAqB,aAAaT,KAClCU,GAAqB,aAAaV,KAClCW,GAAmB,YAAYX,KAC/BY,GAAwB,OAAOZ,KAAcC,KAC7CY,GAAyB,QAAQb,KAAcC,KAC/Ca,GAAsB,WACtBC,GAAsB,SAMtBC,GAAkB,UAClBC,GAAgB,iBAChBC,GAAuBF,GAAkBC,GAKzCE,GAAmB,CACvB,UAAoBd,GACpB,WAAqBD,IAEjBgB,GAAY,CAChBC,SAAU,IACVC,UAAU,EACVC,MAAO,QACPC,MAAM,EACNC,OAAO,EACPC,MAAM,GAEFC,GAAgB,CACpBN,SAAU,mBAEVC,SAAU,UACVC,MAAO,mBACPC,KAAM,mBACNC,MAAO,UACPC,KAAM,WAOR,MAAME,WAAiBzG,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKoL,UAAY,KACjBpL,KAAKqL,eAAiB,KACtBrL,KAAKsL,YAAa,EAClBtL,KAAKuL,aAAe,KACpBvL,KAAKwL,aAAe,KACpBxL,KAAKyL,mBAAqB7F,GAAeC,QArCjB,uBAqC8C7F,KAAK4E,UAC3E5E,KAAK0L,qBACD1L,KAAK6E,QAAQkG,OAASV,IACxBrK,KAAK2L,OAET,CAGA,kBAAWjI,GACT,OAAOiH,EACT,CACA,sBAAWhH,GACT,OAAOuH,EACT,CACA,eAAW3O,GACT,MAnFW,UAoFb,CAGA,IAAA1X,GACEmb,KAAK4L,OAAOnC,GACd,CACA,eAAAoC,IAIOxmB,SAASymB,QAAUnR,GAAUqF,KAAK4E,WACrC5E,KAAKnb,MAET,CACA,IAAAqhB,GACElG,KAAK4L,OAAOlC,GACd,CACA,KAAAoB,GACM9K,KAAKsL,YACPlR,GAAqB4F,KAAK4E,UAE5B5E,KAAK+L,gBACP,CACA,KAAAJ,GACE3L,KAAK+L,iBACL/L,KAAKgM,kBACLhM,KAAKoL,UAAYa,aAAY,IAAMjM,KAAK6L,mBAAmB7L,KAAK6E,QAAQ+F,SAC1E,CACA,iBAAAsB,GACOlM,KAAK6E,QAAQkG,OAGd/K,KAAKsL,WACP/K,GAAae,IAAItB,KAAK4E,SAAUkF,IAAY,IAAM9J,KAAK2L,UAGzD3L,KAAK2L,QACP,CACA,EAAAQ,CAAG1T,GACD,MAAM2T,EAAQpM,KAAKqM,YACnB,GAAI5T,EAAQ2T,EAAM1b,OAAS,GAAK+H,EAAQ,EACtC,OAEF,GAAIuH,KAAKsL,WAEP,YADA/K,GAAae,IAAItB,KAAK4E,SAAUkF,IAAY,IAAM9J,KAAKmM,GAAG1T,KAG5D,MAAM6T,EAActM,KAAKuM,cAAcvM,KAAKwM,cAC5C,GAAIF,IAAgB7T,EAClB,OAEF,MAAMtC,EAAQsC,EAAQ6T,EAAc7C,GAAaC,GACjD1J,KAAK4L,OAAOzV,EAAOiW,EAAM3T,GAC3B,CACA,OAAAsM,GACM/E,KAAKwL,cACPxL,KAAKwL,aAAazG,UAEpBJ,MAAMI,SACR,CAGA,iBAAAf,CAAkBF,GAEhB,OADAA,EAAO2I,gBAAkB3I,EAAO8G,SACzB9G,CACT,CACA,kBAAA4H,GACM1L,KAAK6E,QAAQgG,UACftK,GAAac,GAAGrB,KAAK4E,SAAUmF,IAAiB3K,GAASY,KAAK0M,SAAStN,KAE9C,UAAvBY,KAAK6E,QAAQiG,QACfvK,GAAac,GAAGrB,KAAK4E,SAAUoF,IAAoB,IAAMhK,KAAK8K,UAC9DvK,GAAac,GAAGrB,KAAK4E,SAAUqF,IAAoB,IAAMjK,KAAKkM,uBAE5DlM,KAAK6E,QAAQmG,OAASzC,GAAMC,eAC9BxI,KAAK2M,yBAET,CACA,uBAAAA,GACE,IAAK,MAAMC,KAAOhH,GAAezT,KArIX,qBAqImC6N,KAAK4E,UAC5DrE,GAAac,GAAGuL,EAAK1C,IAAkB9K,GAASA,EAAMkD,mBAExD,MAmBMuK,EAAc,CAClBzE,aAAc,IAAMpI,KAAK4L,OAAO5L,KAAK8M,kBAAkBnD,KACvDtB,cAAe,IAAMrI,KAAK4L,OAAO5L,KAAK8M,kBAAkBlD,KACxDzB,YAtBkB,KACS,UAAvBnI,KAAK6E,QAAQiG,QAYjB9K,KAAK8K,QACD9K,KAAKuL,cACPwB,aAAa/M,KAAKuL,cAEpBvL,KAAKuL,aAAe1N,YAAW,IAAMmC,KAAKkM,qBAjLjB,IAiL+DlM,KAAK6E,QAAQ+F,UAAS,GAOhH5K,KAAKwL,aAAe,IAAIjD,GAAMvI,KAAK4E,SAAUiI,EAC/C,CACA,QAAAH,CAAStN,GACP,GAAI,kBAAkB/b,KAAK+b,EAAM7S,OAAOya,SACtC,OAEF,MAAM1Z,EAAYod,GAAiBtL,EAAMtiB,KACrCwQ,IACF8R,EAAMkD,iBACNtC,KAAK4L,OAAO5L,KAAK8M,kBAAkBxf,IAEvC,CACA,aAAAif,CAAchtB,GACZ,OAAOygB,KAAKqM,YAAYlnB,QAAQ5F,EAClC,CACA,0BAAAytB,CAA2BvU,GACzB,IAAKuH,KAAKyL,mBACR,OAEF,MAAMwB,EAAkBrH,GAAeC,QAAQ0E,GAAiBvK,KAAKyL,oBACrEwB,EAAgB5R,UAAU1B,OAAO2Q,IACjC2C,EAAgB9rB,gBAAgB,gBAChC,MAAM+rB,EAAqBtH,GAAeC,QAAQ,sBAAsBpN,MAAWuH,KAAKyL,oBACpFyB,IACFA,EAAmB7R,UAAU5E,IAAI6T,IACjC4C,EAAmB9rB,aAAa,eAAgB,QAEpD,CACA,eAAA4qB,GACE,MAAMzsB,EAAUygB,KAAKqL,gBAAkBrL,KAAKwM,aAC5C,IAAKjtB,EACH,OAEF,MAAM4tB,EAAkB5P,OAAO6P,SAAS7tB,EAAQic,aAAa,oBAAqB,IAClFwE,KAAK6E,QAAQ+F,SAAWuC,GAAmBnN,KAAK6E,QAAQ4H,eAC1D,CACA,MAAAb,CAAOzV,EAAO5W,EAAU,MACtB,GAAIygB,KAAKsL,WACP,OAEF,MAAMvN,EAAgBiC,KAAKwM,aACrBa,EAASlX,IAAUsT,GACnB6D,EAAc/tB,GAAWue,GAAqBkC,KAAKqM,YAAatO,EAAesP,EAAQrN,KAAK6E,QAAQoG,MAC1G,GAAIqC,IAAgBvP,EAClB,OAEF,MAAMwP,EAAmBvN,KAAKuM,cAAce,GACtCE,EAAehI,GACZjF,GAAaqB,QAAQ5B,KAAK4E,SAAUY,EAAW,CACpD1F,cAAewN,EACfhgB,UAAW0S,KAAKyN,kBAAkBtX,GAClCuD,KAAMsG,KAAKuM,cAAcxO,GACzBoO,GAAIoB,IAIR,GADmBC,EAAa3D,IACjB7H,iBACb,OAEF,IAAKjE,IAAkBuP,EAGrB,OAEF,MAAMI,EAAY5M,QAAQd,KAAKoL,WAC/BpL,KAAK8K,QACL9K,KAAKsL,YAAa,EAClBtL,KAAKgN,2BAA2BO,GAChCvN,KAAKqL,eAAiBiC,EACtB,MAAMK,EAAuBN,EA3OR,sBADF,oBA6ObO,EAAiBP,EA3OH,qBACA,qBA2OpBC,EAAYjS,UAAU5E,IAAImX,GAC1B/R,GAAOyR,GACPvP,EAAc1C,UAAU5E,IAAIkX,GAC5BL,EAAYjS,UAAU5E,IAAIkX,GAQ1B3N,KAAKmF,gBAPoB,KACvBmI,EAAYjS,UAAU1B,OAAOgU,EAAsBC,GACnDN,EAAYjS,UAAU5E,IAAI6T,IAC1BvM,EAAc1C,UAAU1B,OAAO2Q,GAAqBsD,EAAgBD,GACpE3N,KAAKsL,YAAa,EAClBkC,EAAa1D,GAAW,GAEY/L,EAAeiC,KAAK6N,eACtDH,GACF1N,KAAK2L,OAET,CACA,WAAAkC,GACE,OAAO7N,KAAK4E,SAASvJ,UAAU7W,SAhQV,QAiQvB,CACA,UAAAgoB,GACE,OAAO5G,GAAeC,QAAQ4E,GAAsBzK,KAAK4E,SAC3D,CACA,SAAAyH,GACE,OAAOzG,GAAezT,KAAKqY,GAAexK,KAAK4E,SACjD,CACA,cAAAmH,GACM/L,KAAKoL,YACP0C,cAAc9N,KAAKoL,WACnBpL,KAAKoL,UAAY,KAErB,CACA,iBAAA0B,CAAkBxf,GAChB,OAAI2O,KACK3O,IAAcqc,GAAiBD,GAAaD,GAE9Cnc,IAAcqc,GAAiBF,GAAaC,EACrD,CACA,iBAAA+D,CAAkBtX,GAChB,OAAI8F,KACK9F,IAAUuT,GAAaC,GAAiBC,GAE1CzT,IAAUuT,GAAaE,GAAkBD,EAClD,CAGA,sBAAOlN,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO8gB,GAAS7F,oBAAoBtF,KAAM8D,GAChD,GAAsB,iBAAXA,GAIX,GAAsB,iBAAXA,EAAqB,CAC9B,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IACP,OAREzZ,EAAK8hB,GAAGrI,EASZ,GACF,EAOFvD,GAAac,GAAGhc,SAAU+kB,GAvSE,uCAuS2C,SAAUhL,GAC/E,MAAM7S,EAASqZ,GAAec,uBAAuB1G,MACrD,IAAKzT,IAAWA,EAAO8O,UAAU7W,SAAS6lB,IACxC,OAEFjL,EAAMkD,iBACN,MAAMyL,EAAW5C,GAAS7F,oBAAoB/Y,GACxCyhB,EAAahO,KAAKxE,aAAa,oBACrC,OAAIwS,GACFD,EAAS5B,GAAG6B,QACZD,EAAS7B,qBAGyC,SAAhDlJ,GAAYQ,iBAAiBxD,KAAM,UACrC+N,EAASlpB,YACTkpB,EAAS7B,sBAGX6B,EAAS7H,YACT6H,EAAS7B,oBACX,IACA3L,GAAac,GAAGzhB,OAAQuqB,IAAuB,KAC7C,MAAM8D,EAAYrI,GAAezT,KA5TR,6BA6TzB,IAAK,MAAM4b,KAAYE,EACrB9C,GAAS7F,oBAAoByI,EAC/B,IAOF5R,GAAmBgP,IAcnB,MAEM+C,GAAc,eAEdC,GAAe,OAAOD,KACtBE,GAAgB,QAAQF,KACxBG,GAAe,OAAOH,KACtBI,GAAiB,SAASJ,KAC1BK,GAAyB,QAAQL,cACjCM,GAAoB,OACpBC,GAAsB,WACtBC,GAAwB,aAExBC,GAA6B,WAAWF,OAAwBA,KAKhEG,GAAyB,8BACzBC,GAAY,CAChBpqB,OAAQ,KACRijB,QAAQ,GAEJoH,GAAgB,CACpBrqB,OAAQ,iBACRijB,OAAQ,WAOV,MAAMqH,WAAiBrK,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKgP,kBAAmB,EACxBhP,KAAKiP,cAAgB,GACrB,MAAMC,EAAatJ,GAAezT,KAAKyc,IACvC,IAAK,MAAMO,KAAQD,EAAY,CAC7B,MAAMnV,EAAW6L,GAAea,uBAAuB0I,GACjDC,EAAgBxJ,GAAezT,KAAK4H,GAAU5T,QAAOkpB,GAAgBA,IAAiBrP,KAAK4E,WAChF,OAAb7K,GAAqBqV,EAAc1e,QACrCsP,KAAKiP,cAAcrd,KAAKud,EAE5B,CACAnP,KAAKsP,sBACAtP,KAAK6E,QAAQpgB,QAChBub,KAAKuP,0BAA0BvP,KAAKiP,cAAejP,KAAKwP,YAEtDxP,KAAK6E,QAAQ6C,QACf1H,KAAK0H,QAET,CAGA,kBAAWhE,GACT,OAAOmL,EACT,CACA,sBAAWlL,GACT,OAAOmL,EACT,CACA,eAAWvS,GACT,MA9DW,UA+Db,CAGA,MAAAmL,GACM1H,KAAKwP,WACPxP,KAAKyP,OAELzP,KAAK0P,MAET,CACA,IAAAA,GACE,GAAI1P,KAAKgP,kBAAoBhP,KAAKwP,WAChC,OAEF,IAAIG,EAAiB,GAQrB,GALI3P,KAAK6E,QAAQpgB,SACfkrB,EAAiB3P,KAAK4P,uBAhEH,wCAgE4CzpB,QAAO5G,GAAWA,IAAYygB,KAAK4E,WAAU9hB,KAAIvD,GAAWwvB,GAASzJ,oBAAoB/lB,EAAS,CAC/JmoB,QAAQ,OAGRiI,EAAejf,QAAUif,EAAe,GAAGX,iBAC7C,OAGF,GADmBzO,GAAaqB,QAAQ5B,KAAK4E,SAAUuJ,IACxCnM,iBACb,OAEF,IAAK,MAAM6N,KAAkBF,EAC3BE,EAAeJ,OAEjB,MAAMK,EAAY9P,KAAK+P,gBACvB/P,KAAK4E,SAASvJ,UAAU1B,OAAO8U,IAC/BzO,KAAK4E,SAASvJ,UAAU5E,IAAIiY,IAC5B1O,KAAK4E,SAAS7jB,MAAM+uB,GAAa,EACjC9P,KAAKuP,0BAA0BvP,KAAKiP,eAAe,GACnDjP,KAAKgP,kBAAmB,EACxB,MAQMgB,EAAa,SADUF,EAAU,GAAGrL,cAAgBqL,EAAU1d,MAAM,KAE1E4N,KAAKmF,gBATY,KACfnF,KAAKgP,kBAAmB,EACxBhP,KAAK4E,SAASvJ,UAAU1B,OAAO+U,IAC/B1O,KAAK4E,SAASvJ,UAAU5E,IAAIgY,GAAqBD,IACjDxO,KAAK4E,SAAS7jB,MAAM+uB,GAAa,GACjCvP,GAAaqB,QAAQ5B,KAAK4E,SAAUwJ,GAAc,GAItBpO,KAAK4E,UAAU,GAC7C5E,KAAK4E,SAAS7jB,MAAM+uB,GAAa,GAAG9P,KAAK4E,SAASoL,MACpD,CACA,IAAAP,GACE,GAAIzP,KAAKgP,mBAAqBhP,KAAKwP,WACjC,OAGF,GADmBjP,GAAaqB,QAAQ5B,KAAK4E,SAAUyJ,IACxCrM,iBACb,OAEF,MAAM8N,EAAY9P,KAAK+P,gBACvB/P,KAAK4E,SAAS7jB,MAAM+uB,GAAa,GAAG9P,KAAK4E,SAASthB,wBAAwBwsB,OAC1EjU,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAIiY,IAC5B1O,KAAK4E,SAASvJ,UAAU1B,OAAO8U,GAAqBD,IACpD,IAAK,MAAM5M,KAAW5B,KAAKiP,cAAe,CACxC,MAAM1vB,EAAUqmB,GAAec,uBAAuB9E,GAClDriB,IAAYygB,KAAKwP,SAASjwB,IAC5BygB,KAAKuP,0BAA0B,CAAC3N,IAAU,EAE9C,CACA5B,KAAKgP,kBAAmB,EAOxBhP,KAAK4E,SAAS7jB,MAAM+uB,GAAa,GACjC9P,KAAKmF,gBAPY,KACfnF,KAAKgP,kBAAmB,EACxBhP,KAAK4E,SAASvJ,UAAU1B,OAAO+U,IAC/B1O,KAAK4E,SAASvJ,UAAU5E,IAAIgY,IAC5BlO,GAAaqB,QAAQ5B,KAAK4E,SAAU0J,GAAe,GAGvBtO,KAAK4E,UAAU,EAC/C,CACA,QAAA4K,CAASjwB,EAAUygB,KAAK4E,UACtB,OAAOrlB,EAAQ8b,UAAU7W,SAASgqB,GACpC,CAGA,iBAAAxK,CAAkBF,GAGhB,OAFAA,EAAO4D,OAAS5G,QAAQgD,EAAO4D,QAC/B5D,EAAOrf,OAASiW,GAAWoJ,EAAOrf,QAC3Bqf,CACT,CACA,aAAAiM,GACE,OAAO/P,KAAK4E,SAASvJ,UAAU7W,SA3IL,uBAChB,QACC,QA0Ib,CACA,mBAAA8qB,GACE,IAAKtP,KAAK6E,QAAQpgB,OAChB,OAEF,MAAMqhB,EAAW9F,KAAK4P,uBAAuBhB,IAC7C,IAAK,MAAMrvB,KAAWumB,EAAU,CAC9B,MAAMmK,EAAWrK,GAAec,uBAAuBnnB,GACnD0wB,GACFjQ,KAAKuP,0BAA0B,CAAChwB,GAAUygB,KAAKwP,SAASS,GAE5D,CACF,CACA,sBAAAL,CAAuB7V,GACrB,MAAM+L,EAAWF,GAAezT,KAAKwc,GAA4B3O,KAAK6E,QAAQpgB,QAE9E,OAAOmhB,GAAezT,KAAK4H,EAAUiG,KAAK6E,QAAQpgB,QAAQ0B,QAAO5G,IAAYumB,EAAS1E,SAAS7hB,IACjG,CACA,yBAAAgwB,CAA0BW,EAAcC,GACtC,GAAKD,EAAaxf,OAGlB,IAAK,MAAMnR,KAAW2wB,EACpB3wB,EAAQ8b,UAAUqM,OArKK,aAqKyByI,GAChD5wB,EAAQ6B,aAAa,gBAAiB+uB,EAE1C,CAGA,sBAAO1T,CAAgBqH,GACrB,MAAMe,EAAU,CAAC,EAIjB,MAHsB,iBAAXf,GAAuB,YAAYzgB,KAAKygB,KACjDe,EAAQ6C,QAAS,GAEZ1H,KAAKuH,MAAK,WACf,MAAMld,EAAO0kB,GAASzJ,oBAAoBtF,KAAM6E,GAChD,GAAsB,iBAAXf,EAAqB,CAC9B,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IACP,CACF,GACF,EAOFvD,GAAac,GAAGhc,SAAUkpB,GAAwBK,IAAwB,SAAUxP,IAErD,MAAzBA,EAAM7S,OAAOya,SAAmB5H,EAAMW,gBAAmD,MAAjCX,EAAMW,eAAeiH,UAC/E5H,EAAMkD,iBAER,IAAK,MAAM/iB,KAAWqmB,GAAee,gCAAgC3G,MACnE+O,GAASzJ,oBAAoB/lB,EAAS,CACpCmoB,QAAQ,IACPA,QAEP,IAMAvL,GAAmB4S,IAcnB,MAAMqB,GAAS,WAETC,GAAc,eACdC,GAAiB,YAGjBC,GAAiB,UACjBC,GAAmB,YAGnBC,GAAe,OAAOJ,KACtBK,GAAiB,SAASL,KAC1BM,GAAe,OAAON,KACtBO,GAAgB,QAAQP,KACxBQ,GAAyB,QAAQR,KAAcC,KAC/CQ,GAAyB,UAAUT,KAAcC,KACjDS,GAAuB,QAAQV,KAAcC,KAC7CU,GAAoB,OAMpBC,GAAyB,4DACzBC,GAA6B,GAAGD,MAA0BD,KAC1DG,GAAgB,iBAIhBC,GAAgBnV,KAAU,UAAY,YACtCoV,GAAmBpV,KAAU,YAAc,UAC3CqV,GAAmBrV,KAAU,aAAe,eAC5CsV,GAAsBtV,KAAU,eAAiB,aACjDuV,GAAkBvV,KAAU,aAAe,cAC3CwV,GAAiBxV,KAAU,cAAgB,aAG3CyV,GAAY,CAChBC,WAAW,EACX1jB,SAAU,kBACV2jB,QAAS,UACT5pB,OAAQ,CAAC,EAAG,GACZ6pB,aAAc,KACdvzB,UAAW,UAEPwzB,GAAgB,CACpBH,UAAW,mBACX1jB,SAAU,mBACV2jB,QAAS,SACT5pB,OAAQ,0BACR6pB,aAAc,yBACdvzB,UAAW,2BAOb,MAAMyzB,WAAiBrN,GACrB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKgS,QAAU,KACfhS,KAAKiS,QAAUjS,KAAK4E,SAAS7f,WAE7Bib,KAAKkS,MAAQtM,GAAe/gB,KAAKmb,KAAK4E,SAAUuM,IAAe,IAAMvL,GAAeM,KAAKlG,KAAK4E,SAAUuM,IAAe,IAAMvL,GAAeC,QAAQsL,GAAenR,KAAKiS,SACxKjS,KAAKmS,UAAYnS,KAAKoS,eACxB,CAGA,kBAAW1O,GACT,OAAOgO,EACT,CACA,sBAAW/N,GACT,OAAOmO,EACT,CACA,eAAWvV,GACT,OAAO6T,EACT,CAGA,MAAA1I,GACE,OAAO1H,KAAKwP,WAAaxP,KAAKyP,OAASzP,KAAK0P,MAC9C,CACA,IAAAA,GACE,GAAIxU,GAAW8E,KAAK4E,WAAa5E,KAAKwP,WACpC,OAEF,MAAM1P,EAAgB,CACpBA,cAAeE,KAAK4E,UAGtB,IADkBrE,GAAaqB,QAAQ5B,KAAK4E,SAAU+L,GAAc7Q,GACtDkC,iBAAd,CASA,GANAhC,KAAKqS,gBAMD,iBAAkBhtB,SAASC,kBAAoB0a,KAAKiS,QAAQjX,QAzExC,eA0EtB,IAAK,MAAMzb,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK4Z,UAC/CvF,GAAac,GAAG9hB,EAAS,YAAaqc,IAG1CoE,KAAK4E,SAAS0N,QACdtS,KAAK4E,SAASxjB,aAAa,iBAAiB,GAC5C4e,KAAKkS,MAAM7W,UAAU5E,IAAIua,IACzBhR,KAAK4E,SAASvJ,UAAU5E,IAAIua,IAC5BzQ,GAAaqB,QAAQ5B,KAAK4E,SAAUgM,GAAe9Q,EAhBnD,CAiBF,CACA,IAAA2P,GACE,GAAIvU,GAAW8E,KAAK4E,YAAc5E,KAAKwP,WACrC,OAEF,MAAM1P,EAAgB,CACpBA,cAAeE,KAAK4E,UAEtB5E,KAAKuS,cAAczS,EACrB,CACA,OAAAiF,GACM/E,KAAKgS,SACPhS,KAAKgS,QAAQhZ,UAEf2L,MAAMI,SACR,CACA,MAAAha,GACEiV,KAAKmS,UAAYnS,KAAKoS,gBAClBpS,KAAKgS,SACPhS,KAAKgS,QAAQjnB,QAEjB,CAGA,aAAAwnB,CAAczS,GAEZ,IADkBS,GAAaqB,QAAQ5B,KAAK4E,SAAU6L,GAAc3Q,GACtDkC,iBAAd,CAMA,GAAI,iBAAkB3c,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK4Z,UAC/CvF,GAAaC,IAAIjhB,EAAS,YAAaqc,IAGvCoE,KAAKgS,SACPhS,KAAKgS,QAAQhZ,UAEfgH,KAAKkS,MAAM7W,UAAU1B,OAAOqX,IAC5BhR,KAAK4E,SAASvJ,UAAU1B,OAAOqX,IAC/BhR,KAAK4E,SAASxjB,aAAa,gBAAiB,SAC5C4hB,GAAYE,oBAAoBlD,KAAKkS,MAAO,UAC5C3R,GAAaqB,QAAQ5B,KAAK4E,SAAU8L,GAAgB5Q,EAhBpD,CAiBF,CACA,UAAA+D,CAAWC,GAET,GAAgC,iBADhCA,EAASa,MAAMd,WAAWC,IACRxlB,YAA2B,GAAUwlB,EAAOxlB,YAAgE,mBAA3CwlB,EAAOxlB,UAAUgF,sBAElG,MAAM,IAAIkhB,UAAU,GAAG4L,GAAO3L,+GAEhC,OAAOX,CACT,CACA,aAAAuO,GACE,QAAsB,IAAX,EACT,MAAM,IAAI7N,UAAU,gEAEtB,IAAIgO,EAAmBxS,KAAK4E,SACG,WAA3B5E,KAAK6E,QAAQvmB,UACfk0B,EAAmBxS,KAAKiS,QACf,GAAUjS,KAAK6E,QAAQvmB,WAChCk0B,EAAmB9X,GAAWsF,KAAK6E,QAAQvmB,WACA,iBAA3B0hB,KAAK6E,QAAQvmB,YAC7Bk0B,EAAmBxS,KAAK6E,QAAQvmB,WAElC,MAAMuzB,EAAe7R,KAAKyS,mBAC1BzS,KAAKgS,QAAU,GAAoBQ,EAAkBxS,KAAKkS,MAAOL,EACnE,CACA,QAAArC,GACE,OAAOxP,KAAKkS,MAAM7W,UAAU7W,SAASwsB,GACvC,CACA,aAAA0B,GACE,MAAMC,EAAiB3S,KAAKiS,QAC5B,GAAIU,EAAetX,UAAU7W,SArKN,WAsKrB,OAAOgtB,GAET,GAAImB,EAAetX,UAAU7W,SAvKJ,aAwKvB,OAAOitB,GAET,GAAIkB,EAAetX,UAAU7W,SAzKA,iBA0K3B,MA5JsB,MA8JxB,GAAImuB,EAAetX,UAAU7W,SA3KE,mBA4K7B,MA9JyB,SAkK3B,MAAMouB,EAAkF,QAA1E3tB,iBAAiB+a,KAAKkS,OAAOpX,iBAAiB,iBAAiB6K,OAC7E,OAAIgN,EAAetX,UAAU7W,SArLP,UAsLbouB,EAAQvB,GAAmBD,GAE7BwB,EAAQrB,GAAsBD,EACvC,CACA,aAAAc,GACE,OAAkD,OAA3CpS,KAAK4E,SAAS5J,QAnLD,UAoLtB,CACA,UAAA6X,GACE,MAAM,OACJ7qB,GACEgY,KAAK6E,QACT,MAAsB,iBAAX7c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAAS4f,OAAO6P,SAASzvB,EAAO,MAEzC,mBAAXqK,EACF8qB,GAAc9qB,EAAO8qB,EAAY9S,KAAK4E,UAExC5c,CACT,CACA,gBAAAyqB,GACE,MAAMM,EAAwB,CAC5Br0B,UAAWshB,KAAK0S,gBAChBtc,UAAW,CAAC,CACV9V,KAAM,kBACNmB,QAAS,CACPwM,SAAU+R,KAAK6E,QAAQ5W,WAExB,CACD3N,KAAM,SACNmB,QAAS,CACPuG,OAAQgY,KAAK6S,iBAanB,OAPI7S,KAAKmS,WAAsC,WAAzBnS,KAAK6E,QAAQ+M,WACjC5O,GAAYC,iBAAiBjD,KAAKkS,MAAO,SAAU,UACnDa,EAAsB3c,UAAY,CAAC,CACjC9V,KAAM,cACNC,SAAS,KAGN,IACFwyB,KACAlW,GAAQmD,KAAK6E,QAAQgN,aAAc,CAACkB,IAE3C,CACA,eAAAC,EAAgB,IACdl2B,EAAG,OACHyP,IAEA,MAAM6f,EAAQxG,GAAezT,KAhOF,8DAgO+B6N,KAAKkS,OAAO/rB,QAAO5G,GAAWob,GAAUpb,KAC7F6sB,EAAM1b,QAMXoN,GAAqBsO,EAAO7f,EAAQzP,IAAQ0zB,IAAmBpE,EAAMhL,SAAS7U,IAAS+lB,OACzF,CAGA,sBAAO7V,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO0nB,GAASzM,oBAAoBtF,KAAM8D,GAChD,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,CACA,iBAAOmP,CAAW7T,GAChB,GA5QuB,IA4QnBA,EAAMuI,QAAgD,UAAfvI,EAAMqB,MA/QnC,QA+QuDrB,EAAMtiB,IACzE,OAEF,MAAMo2B,EAActN,GAAezT,KAAK+e,IACxC,IAAK,MAAMxJ,KAAUwL,EAAa,CAChC,MAAMC,EAAUpB,GAAS1M,YAAYqC,GACrC,IAAKyL,IAAyC,IAA9BA,EAAQtO,QAAQ8M,UAC9B,SAEF,MAAMyB,EAAehU,EAAMgU,eACrBC,EAAeD,EAAahS,SAAS+R,EAAQjB,OACnD,GAAIkB,EAAahS,SAAS+R,EAAQvO,WAA2C,WAA9BuO,EAAQtO,QAAQ8M,YAA2B0B,GAA8C,YAA9BF,EAAQtO,QAAQ8M,WAA2B0B,EACnJ,SAIF,GAAIF,EAAQjB,MAAM1tB,SAAS4a,EAAM7S,UAA2B,UAAf6S,EAAMqB,MA/RvC,QA+R2DrB,EAAMtiB,KAAqB,qCAAqCuG,KAAK+b,EAAM7S,OAAOya,UACvJ,SAEF,MAAMlH,EAAgB,CACpBA,cAAeqT,EAAQvO,UAEN,UAAfxF,EAAMqB,OACRX,EAAciH,WAAa3H,GAE7B+T,EAAQZ,cAAczS,EACxB,CACF,CACA,4BAAOwT,CAAsBlU,GAI3B,MAAMmU,EAAU,kBAAkBlwB,KAAK+b,EAAM7S,OAAOya,SAC9CwM,EAjTW,WAiTKpU,EAAMtiB,IACtB22B,EAAkB,CAAClD,GAAgBC,IAAkBpP,SAAShC,EAAMtiB,KAC1E,IAAK22B,IAAoBD,EACvB,OAEF,GAAID,IAAYC,EACd,OAEFpU,EAAMkD,iBAGN,MAAMoR,EAAkB1T,KAAK+F,QAAQkL,IAA0BjR,KAAO4F,GAAeM,KAAKlG,KAAMiR,IAAwB,IAAMrL,GAAe/gB,KAAKmb,KAAMiR,IAAwB,IAAMrL,GAAeC,QAAQoL,GAAwB7R,EAAMW,eAAehb,YACpPwF,EAAWwnB,GAASzM,oBAAoBoO,GAC9C,GAAID,EAIF,OAHArU,EAAMuU,kBACNppB,EAASmlB,YACTnlB,EAASyoB,gBAAgB5T,GAGvB7U,EAASilB,aAEXpQ,EAAMuU,kBACNppB,EAASklB,OACTiE,EAAgBpB,QAEpB,EAOF/R,GAAac,GAAGhc,SAAUyrB,GAAwBG,GAAwBc,GAASuB,uBACnF/S,GAAac,GAAGhc,SAAUyrB,GAAwBK,GAAeY,GAASuB,uBAC1E/S,GAAac,GAAGhc,SAAUwrB,GAAwBkB,GAASkB,YAC3D1S,GAAac,GAAGhc,SAAU0rB,GAAsBgB,GAASkB,YACzD1S,GAAac,GAAGhc,SAAUwrB,GAAwBI,IAAwB,SAAU7R,GAClFA,EAAMkD,iBACNyP,GAASzM,oBAAoBtF,MAAM0H,QACrC,IAMAvL,GAAmB4V,IAcnB,MAAM6B,GAAS,WAETC,GAAoB,OACpBC,GAAkB,gBAAgBF,KAClCG,GAAY,CAChBC,UAAW,iBACXC,cAAe,KACf7O,YAAY,EACZzK,WAAW,EAEXuZ,YAAa,QAGTC,GAAgB,CACpBH,UAAW,SACXC,cAAe,kBACf7O,WAAY,UACZzK,UAAW,UACXuZ,YAAa,oBAOf,MAAME,WAAiB3Q,GACrB,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAKqU,aAAc,EACnBrU,KAAK4E,SAAW,IAClB,CAGA,kBAAWlB,GACT,OAAOqQ,EACT,CACA,sBAAWpQ,GACT,OAAOwQ,EACT,CACA,eAAW5X,GACT,OAAOqX,EACT,CAGA,IAAAlE,CAAKrT,GACH,IAAK2D,KAAK6E,QAAQlK,UAEhB,YADAkC,GAAQR,GAGV2D,KAAKsU,UACL,MAAM/0B,EAAUygB,KAAKuU,cACjBvU,KAAK6E,QAAQO,YACfvJ,GAAOtc,GAETA,EAAQ8b,UAAU5E,IAAIod,IACtB7T,KAAKwU,mBAAkB,KACrB3X,GAAQR,EAAS,GAErB,CACA,IAAAoT,CAAKpT,GACE2D,KAAK6E,QAAQlK,WAIlBqF,KAAKuU,cAAclZ,UAAU1B,OAAOka,IACpC7T,KAAKwU,mBAAkB,KACrBxU,KAAK+E,UACLlI,GAAQR,EAAS,KANjBQ,GAAQR,EAQZ,CACA,OAAA0I,GACO/E,KAAKqU,cAGV9T,GAAaC,IAAIR,KAAK4E,SAAUkP,IAChC9T,KAAK4E,SAASjL,SACdqG,KAAKqU,aAAc,EACrB,CAGA,WAAAE,GACE,IAAKvU,KAAK4E,SAAU,CAClB,MAAM6P,EAAWpvB,SAASqvB,cAAc,OACxCD,EAAST,UAAYhU,KAAK6E,QAAQmP,UAC9BhU,KAAK6E,QAAQO,YACfqP,EAASpZ,UAAU5E,IArFD,QAuFpBuJ,KAAK4E,SAAW6P,CAClB,CACA,OAAOzU,KAAK4E,QACd,CACA,iBAAAZ,CAAkBF,GAGhB,OADAA,EAAOoQ,YAAcxZ,GAAWoJ,EAAOoQ,aAChCpQ,CACT,CACA,OAAAwQ,GACE,GAAItU,KAAKqU,YACP,OAEF,MAAM90B,EAAUygB,KAAKuU,cACrBvU,KAAK6E,QAAQqP,YAAYS,OAAOp1B,GAChCghB,GAAac,GAAG9hB,EAASu0B,IAAiB,KACxCjX,GAAQmD,KAAK6E,QAAQoP,cAAc,IAErCjU,KAAKqU,aAAc,CACrB,CACA,iBAAAG,CAAkBnY,GAChBW,GAAuBX,EAAU2D,KAAKuU,cAAevU,KAAK6E,QAAQO,WACpE,EAeF,MAEMwP,GAAc,gBACdC,GAAkB,UAAUD,KAC5BE,GAAoB,cAAcF,KAGlCG,GAAmB,WACnBC,GAAY,CAChBC,WAAW,EACXC,YAAa,MAGTC,GAAgB,CACpBF,UAAW,UACXC,YAAa,WAOf,MAAME,WAAkB3R,GACtB,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,GAC/B9D,KAAKqV,WAAY,EACjBrV,KAAKsV,qBAAuB,IAC9B,CAGA,kBAAW5R,GACT,OAAOsR,EACT,CACA,sBAAWrR,GACT,OAAOwR,EACT,CACA,eAAW5Y,GACT,MAtCW,WAuCb,CAGA,QAAAgZ,GACMvV,KAAKqV,YAGLrV,KAAK6E,QAAQoQ,WACfjV,KAAK6E,QAAQqQ,YAAY5C,QAE3B/R,GAAaC,IAAInb,SAAUuvB,IAC3BrU,GAAac,GAAGhc,SAAUwvB,IAAiBzV,GAASY,KAAKwV,eAAepW,KACxEmB,GAAac,GAAGhc,SAAUyvB,IAAmB1V,GAASY,KAAKyV,eAAerW,KAC1EY,KAAKqV,WAAY,EACnB,CACA,UAAAK,GACO1V,KAAKqV,YAGVrV,KAAKqV,WAAY,EACjB9U,GAAaC,IAAInb,SAAUuvB,IAC7B,CAGA,cAAAY,CAAepW,GACb,MAAM,YACJ8V,GACElV,KAAK6E,QACT,GAAIzF,EAAM7S,SAAWlH,UAAY+Z,EAAM7S,SAAW2oB,GAAeA,EAAY1wB,SAAS4a,EAAM7S,QAC1F,OAEF,MAAM1L,EAAW+kB,GAAeU,kBAAkB4O,GAC1B,IAApBr0B,EAAS6P,OACXwkB,EAAY5C,QACHtS,KAAKsV,uBAAyBP,GACvCl0B,EAASA,EAAS6P,OAAS,GAAG4hB,QAE9BzxB,EAAS,GAAGyxB,OAEhB,CACA,cAAAmD,CAAerW,GA1ED,QA2ERA,EAAMtiB,MAGVkjB,KAAKsV,qBAAuBlW,EAAMuW,SAAWZ,GA7EzB,UA8EtB,EAeF,MAAMa,GAAyB,oDACzBC,GAA0B,cAC1BC,GAAmB,gBACnBC,GAAkB,eAMxB,MAAMC,GACJ,WAAA7R,GACEnE,KAAK4E,SAAWvf,SAAS6G,IAC3B,CAGA,QAAA+pB,GAEE,MAAMC,EAAgB7wB,SAASC,gBAAgBuC,YAC/C,OAAO1F,KAAKoC,IAAI3E,OAAOu2B,WAAaD,EACtC,CACA,IAAAzG,GACE,MAAM5rB,EAAQmc,KAAKiW,WACnBjW,KAAKoW,mBAELpW,KAAKqW,sBAAsBrW,KAAK4E,SAAUkR,IAAkBQ,GAAmBA,EAAkBzyB,IAEjGmc,KAAKqW,sBAAsBT,GAAwBE,IAAkBQ,GAAmBA,EAAkBzyB,IAC1Gmc,KAAKqW,sBAAsBR,GAAyBE,IAAiBO,GAAmBA,EAAkBzyB,GAC5G,CACA,KAAAwO,GACE2N,KAAKuW,wBAAwBvW,KAAK4E,SAAU,YAC5C5E,KAAKuW,wBAAwBvW,KAAK4E,SAAUkR,IAC5C9V,KAAKuW,wBAAwBX,GAAwBE,IACrD9V,KAAKuW,wBAAwBV,GAAyBE,GACxD,CACA,aAAAS,GACE,OAAOxW,KAAKiW,WAAa,CAC3B,CAGA,gBAAAG,GACEpW,KAAKyW,sBAAsBzW,KAAK4E,SAAU,YAC1C5E,KAAK4E,SAAS7jB,MAAM+K,SAAW,QACjC,CACA,qBAAAuqB,CAAsBtc,EAAU2c,EAAera,GAC7C,MAAMsa,EAAiB3W,KAAKiW,WAS5BjW,KAAK4W,2BAA2B7c,GARHxa,IAC3B,GAAIA,IAAYygB,KAAK4E,UAAYhlB,OAAOu2B,WAAa52B,EAAQsI,YAAc8uB,EACzE,OAEF3W,KAAKyW,sBAAsBl3B,EAASm3B,GACpC,MAAMJ,EAAkB12B,OAAOqF,iBAAiB1F,GAASub,iBAAiB4b,GAC1En3B,EAAQwB,MAAM81B,YAAYH,EAAe,GAAGra,EAASkB,OAAOC,WAAW8Y,QAAsB,GAGjG,CACA,qBAAAG,CAAsBl3B,EAASm3B,GAC7B,MAAMI,EAAcv3B,EAAQwB,MAAM+Z,iBAAiB4b,GAC/CI,GACF9T,GAAYC,iBAAiB1jB,EAASm3B,EAAeI,EAEzD,CACA,uBAAAP,CAAwBxc,EAAU2c,GAWhC1W,KAAK4W,2BAA2B7c,GAVHxa,IAC3B,MAAM5B,EAAQqlB,GAAYQ,iBAAiBjkB,EAASm3B,GAEtC,OAAV/4B,GAIJqlB,GAAYE,oBAAoB3jB,EAASm3B,GACzCn3B,EAAQwB,MAAM81B,YAAYH,EAAe/4B,IAJvC4B,EAAQwB,MAAMg2B,eAAeL,EAIgB,GAGnD,CACA,0BAAAE,CAA2B7c,EAAUid,GACnC,GAAI,GAAUjd,GACZid,EAASjd,QAGX,IAAK,MAAMkd,KAAOrR,GAAezT,KAAK4H,EAAUiG,KAAK4E,UACnDoS,EAASC,EAEb,EAeF,MAEMC,GAAc,YAGdC,GAAe,OAAOD,KACtBE,GAAyB,gBAAgBF,KACzCG,GAAiB,SAASH,KAC1BI,GAAe,OAAOJ,KACtBK,GAAgB,QAAQL,KACxBM,GAAiB,SAASN,KAC1BO,GAAsB,gBAAgBP,KACtCQ,GAA0B,oBAAoBR,KAC9CS,GAA0B,kBAAkBT,KAC5CU,GAAyB,QAAQV,cACjCW,GAAkB,aAElBC,GAAoB,OACpBC,GAAoB,eAKpBC,GAAY,CAChBvD,UAAU,EACVnC,OAAO,EACPzH,UAAU,GAENoN,GAAgB,CACpBxD,SAAU,mBACVnC,MAAO,UACPzH,SAAU,WAOZ,MAAMqN,WAAcxT,GAClB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKmY,QAAUvS,GAAeC,QArBV,gBAqBmC7F,KAAK4E,UAC5D5E,KAAKoY,UAAYpY,KAAKqY,sBACtBrY,KAAKsY,WAAatY,KAAKuY,uBACvBvY,KAAKwP,UAAW,EAChBxP,KAAKgP,kBAAmB,EACxBhP,KAAKwY,WAAa,IAAIxC,GACtBhW,KAAK0L,oBACP,CAGA,kBAAWhI,GACT,OAAOsU,EACT,CACA,sBAAWrU,GACT,OAAOsU,EACT,CACA,eAAW1b,GACT,MA1DW,OA2Db,CAGA,MAAAmL,CAAO5H,GACL,OAAOE,KAAKwP,SAAWxP,KAAKyP,OAASzP,KAAK0P,KAAK5P,EACjD,CACA,IAAA4P,CAAK5P,GACCE,KAAKwP,UAAYxP,KAAKgP,kBAGRzO,GAAaqB,QAAQ5B,KAAK4E,SAAU0S,GAAc,CAClExX,kBAEYkC,mBAGdhC,KAAKwP,UAAW,EAChBxP,KAAKgP,kBAAmB,EACxBhP,KAAKwY,WAAW/I,OAChBpqB,SAAS6G,KAAKmP,UAAU5E,IAAIohB,IAC5B7X,KAAKyY,gBACLzY,KAAKoY,UAAU1I,MAAK,IAAM1P,KAAK0Y,aAAa5Y,KAC9C,CACA,IAAA2P,GACOzP,KAAKwP,WAAYxP,KAAKgP,mBAGTzO,GAAaqB,QAAQ5B,KAAK4E,SAAUuS,IACxCnV,mBAGdhC,KAAKwP,UAAW,EAChBxP,KAAKgP,kBAAmB,EACxBhP,KAAKsY,WAAW5C,aAChB1V,KAAK4E,SAASvJ,UAAU1B,OAAOme,IAC/B9X,KAAKmF,gBAAe,IAAMnF,KAAK2Y,cAAc3Y,KAAK4E,SAAU5E,KAAK6N,gBACnE,CACA,OAAA9I,GACExE,GAAaC,IAAI5gB,OAAQs3B,IACzB3W,GAAaC,IAAIR,KAAKmY,QAASjB,IAC/BlX,KAAKoY,UAAUrT,UACf/E,KAAKsY,WAAW5C,aAChB/Q,MAAMI,SACR,CACA,YAAA6T,GACE5Y,KAAKyY,eACP,CAGA,mBAAAJ,GACE,OAAO,IAAIjE,GAAS,CAClBzZ,UAAWmG,QAAQd,KAAK6E,QAAQ4P,UAEhCrP,WAAYpF,KAAK6N,eAErB,CACA,oBAAA0K,GACE,OAAO,IAAInD,GAAU,CACnBF,YAAalV,KAAK4E,UAEtB,CACA,YAAA8T,CAAa5Y,GAENza,SAAS6G,KAAK1H,SAASwb,KAAK4E,WAC/Bvf,SAAS6G,KAAKyoB,OAAO3U,KAAK4E,UAE5B5E,KAAK4E,SAAS7jB,MAAM6wB,QAAU,QAC9B5R,KAAK4E,SAASzjB,gBAAgB,eAC9B6e,KAAK4E,SAASxjB,aAAa,cAAc,GACzC4e,KAAK4E,SAASxjB,aAAa,OAAQ,UACnC4e,KAAK4E,SAASnZ,UAAY,EAC1B,MAAMotB,EAAYjT,GAAeC,QA7GT,cA6GsC7F,KAAKmY,SAC/DU,IACFA,EAAUptB,UAAY,GAExBoQ,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAIqhB,IAU5B9X,KAAKmF,gBATsB,KACrBnF,KAAK6E,QAAQyN,OACftS,KAAKsY,WAAW/C,WAElBvV,KAAKgP,kBAAmB,EACxBzO,GAAaqB,QAAQ5B,KAAK4E,SAAU2S,GAAe,CACjDzX,iBACA,GAEoCE,KAAKmY,QAASnY,KAAK6N,cAC7D,CACA,kBAAAnC,GACEnL,GAAac,GAAGrB,KAAK4E,SAAU+S,IAAyBvY,IAhJvC,WAiJXA,EAAMtiB,MAGNkjB,KAAK6E,QAAQgG,SACf7K,KAAKyP,OAGPzP,KAAK8Y,6BAA4B,IAEnCvY,GAAac,GAAGzhB,OAAQ43B,IAAgB,KAClCxX,KAAKwP,WAAaxP,KAAKgP,kBACzBhP,KAAKyY,eACP,IAEFlY,GAAac,GAAGrB,KAAK4E,SAAU8S,IAAyBtY,IAEtDmB,GAAae,IAAItB,KAAK4E,SAAU6S,IAAqBsB,IAC/C/Y,KAAK4E,WAAaxF,EAAM7S,QAAUyT,KAAK4E,WAAamU,EAAOxsB,SAGjC,WAA1ByT,KAAK6E,QAAQ4P,SAIbzU,KAAK6E,QAAQ4P,UACfzU,KAAKyP,OAJLzP,KAAK8Y,6BAKP,GACA,GAEN,CACA,UAAAH,GACE3Y,KAAK4E,SAAS7jB,MAAM6wB,QAAU,OAC9B5R,KAAK4E,SAASxjB,aAAa,eAAe,GAC1C4e,KAAK4E,SAASzjB,gBAAgB,cAC9B6e,KAAK4E,SAASzjB,gBAAgB,QAC9B6e,KAAKgP,kBAAmB,EACxBhP,KAAKoY,UAAU3I,MAAK,KAClBpqB,SAAS6G,KAAKmP,UAAU1B,OAAOke,IAC/B7X,KAAKgZ,oBACLhZ,KAAKwY,WAAWnmB,QAChBkO,GAAaqB,QAAQ5B,KAAK4E,SAAUyS,GAAe,GAEvD,CACA,WAAAxJ,GACE,OAAO7N,KAAK4E,SAASvJ,UAAU7W,SAjLT,OAkLxB,CACA,0BAAAs0B,GAEE,GADkBvY,GAAaqB,QAAQ5B,KAAK4E,SAAUwS,IACxCpV,iBACZ,OAEF,MAAMiX,EAAqBjZ,KAAK4E,SAASvX,aAAehI,SAASC,gBAAgBsC,aAC3EsxB,EAAmBlZ,KAAK4E,SAAS7jB,MAAMiL,UAEpB,WAArBktB,GAAiClZ,KAAK4E,SAASvJ,UAAU7W,SAASuzB,MAGjEkB,IACHjZ,KAAK4E,SAAS7jB,MAAMiL,UAAY,UAElCgU,KAAK4E,SAASvJ,UAAU5E,IAAIshB,IAC5B/X,KAAKmF,gBAAe,KAClBnF,KAAK4E,SAASvJ,UAAU1B,OAAOoe,IAC/B/X,KAAKmF,gBAAe,KAClBnF,KAAK4E,SAAS7jB,MAAMiL,UAAYktB,CAAgB,GAC/ClZ,KAAKmY,QAAQ,GACfnY,KAAKmY,SACRnY,KAAK4E,SAAS0N,QAChB,CAMA,aAAAmG,GACE,MAAMQ,EAAqBjZ,KAAK4E,SAASvX,aAAehI,SAASC,gBAAgBsC,aAC3E+uB,EAAiB3W,KAAKwY,WAAWvC,WACjCkD,EAAoBxC,EAAiB,EAC3C,GAAIwC,IAAsBF,EAAoB,CAC5C,MAAMn3B,EAAWma,KAAU,cAAgB,eAC3C+D,KAAK4E,SAAS7jB,MAAMe,GAAY,GAAG60B,KACrC,CACA,IAAKwC,GAAqBF,EAAoB,CAC5C,MAAMn3B,EAAWma,KAAU,eAAiB,cAC5C+D,KAAK4E,SAAS7jB,MAAMe,GAAY,GAAG60B,KACrC,CACF,CACA,iBAAAqC,GACEhZ,KAAK4E,SAAS7jB,MAAMq4B,YAAc,GAClCpZ,KAAK4E,SAAS7jB,MAAMs4B,aAAe,EACrC,CAGA,sBAAO5c,CAAgBqH,EAAQhE,GAC7B,OAAOE,KAAKuH,MAAK,WACf,MAAMld,EAAO6tB,GAAM5S,oBAAoBtF,KAAM8D,GAC7C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQhE,EAJb,CAKF,GACF,EAOFS,GAAac,GAAGhc,SAAUuyB,GA9OK,4BA8O2C,SAAUxY,GAClF,MAAM7S,EAASqZ,GAAec,uBAAuB1G,MACjD,CAAC,IAAK,QAAQoB,SAASpB,KAAKgH,UAC9B5H,EAAMkD,iBAER/B,GAAae,IAAI/U,EAAQ+qB,IAAcgC,IACjCA,EAAUtX,kBAIdzB,GAAae,IAAI/U,EAAQ8qB,IAAgB,KACnC1c,GAAUqF,OACZA,KAAKsS,OACP,GACA,IAIJ,MAAMiH,EAAc3T,GAAeC,QAnQb,eAoQlB0T,GACFrB,GAAM7S,YAAYkU,GAAa9J,OAEpByI,GAAM5S,oBAAoB/Y,GAClCmb,OAAO1H,KACd,IACA4G,GAAqBsR,IAMrB/b,GAAmB+b,IAcnB,MAEMsB,GAAc,gBACdC,GAAiB,YACjBC,GAAwB,OAAOF,KAAcC,KAE7CE,GAAoB,OACpBC,GAAuB,UACvBC,GAAoB,SAEpBC,GAAgB,kBAChBC,GAAe,OAAOP,KACtBQ,GAAgB,QAAQR,KACxBS,GAAe,OAAOT,KACtBU,GAAuB,gBAAgBV,KACvCW,GAAiB,SAASX,KAC1BY,GAAe,SAASZ,KACxBa,GAAyB,QAAQb,KAAcC,KAC/Ca,GAAwB,kBAAkBd,KAE1Ce,GAAY,CAChB9F,UAAU,EACV5J,UAAU,EACVpgB,QAAQ,GAEJ+vB,GAAgB,CACpB/F,SAAU,mBACV5J,SAAU,UACVpgB,OAAQ,WAOV,MAAMgwB,WAAkB/V,GACtB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKwP,UAAW,EAChBxP,KAAKoY,UAAYpY,KAAKqY,sBACtBrY,KAAKsY,WAAatY,KAAKuY,uBACvBvY,KAAK0L,oBACP,CAGA,kBAAWhI,GACT,OAAO6W,EACT,CACA,sBAAW5W,GACT,OAAO6W,EACT,CACA,eAAWje,GACT,MApDW,WAqDb,CAGA,MAAAmL,CAAO5H,GACL,OAAOE,KAAKwP,SAAWxP,KAAKyP,OAASzP,KAAK0P,KAAK5P,EACjD,CACA,IAAA4P,CAAK5P,GACCE,KAAKwP,UAGSjP,GAAaqB,QAAQ5B,KAAK4E,SAAUmV,GAAc,CAClEja,kBAEYkC,mBAGdhC,KAAKwP,UAAW,EAChBxP,KAAKoY,UAAU1I,OACV1P,KAAK6E,QAAQpa,SAChB,IAAIurB,IAAkBvG,OAExBzP,KAAK4E,SAASxjB,aAAa,cAAc,GACzC4e,KAAK4E,SAASxjB,aAAa,OAAQ,UACnC4e,KAAK4E,SAASvJ,UAAU5E,IAAImjB,IAW5B5Z,KAAKmF,gBAVoB,KAClBnF,KAAK6E,QAAQpa,SAAUuV,KAAK6E,QAAQ4P,UACvCzU,KAAKsY,WAAW/C,WAElBvV,KAAK4E,SAASvJ,UAAU5E,IAAIkjB,IAC5B3Z,KAAK4E,SAASvJ,UAAU1B,OAAOigB,IAC/BrZ,GAAaqB,QAAQ5B,KAAK4E,SAAUoV,GAAe,CACjDla,iBACA,GAEkCE,KAAK4E,UAAU,GACvD,CACA,IAAA6K,GACOzP,KAAKwP,WAGQjP,GAAaqB,QAAQ5B,KAAK4E,SAAUqV,IACxCjY,mBAGdhC,KAAKsY,WAAW5C,aAChB1V,KAAK4E,SAAS8V,OACd1a,KAAKwP,UAAW,EAChBxP,KAAK4E,SAASvJ,UAAU5E,IAAIojB,IAC5B7Z,KAAKoY,UAAU3I,OAUfzP,KAAKmF,gBAToB,KACvBnF,KAAK4E,SAASvJ,UAAU1B,OAAOggB,GAAmBE,IAClD7Z,KAAK4E,SAASzjB,gBAAgB,cAC9B6e,KAAK4E,SAASzjB,gBAAgB,QACzB6e,KAAK6E,QAAQpa,SAChB,IAAIurB,IAAkB3jB,QAExBkO,GAAaqB,QAAQ5B,KAAK4E,SAAUuV,GAAe,GAEfna,KAAK4E,UAAU,IACvD,CACA,OAAAG,GACE/E,KAAKoY,UAAUrT,UACf/E,KAAKsY,WAAW5C,aAChB/Q,MAAMI,SACR,CAGA,mBAAAsT,GACE,MASM1d,EAAYmG,QAAQd,KAAK6E,QAAQ4P,UACvC,OAAO,IAAIL,GAAS,CAClBJ,UA3HsB,qBA4HtBrZ,YACAyK,YAAY,EACZ8O,YAAalU,KAAK4E,SAAS7f,WAC3BkvB,cAAetZ,EAfK,KACU,WAA1BqF,KAAK6E,QAAQ4P,SAIjBzU,KAAKyP,OAHHlP,GAAaqB,QAAQ5B,KAAK4E,SAAUsV,GAG3B,EAUgC,MAE/C,CACA,oBAAA3B,GACE,OAAO,IAAInD,GAAU,CACnBF,YAAalV,KAAK4E,UAEtB,CACA,kBAAA8G,GACEnL,GAAac,GAAGrB,KAAK4E,SAAU0V,IAAuBlb,IA5IvC,WA6ITA,EAAMtiB,MAGNkjB,KAAK6E,QAAQgG,SACf7K,KAAKyP,OAGPlP,GAAaqB,QAAQ5B,KAAK4E,SAAUsV,IAAqB,GAE7D,CAGA,sBAAOzd,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAOowB,GAAUnV,oBAAoBtF,KAAM8D,GACjD,GAAsB,iBAAXA,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KAJb,CAKF,GACF,EAOFO,GAAac,GAAGhc,SAAUg1B,GA7JK,gCA6J2C,SAAUjb,GAClF,MAAM7S,EAASqZ,GAAec,uBAAuB1G,MAIrD,GAHI,CAAC,IAAK,QAAQoB,SAASpB,KAAKgH,UAC9B5H,EAAMkD,iBAEJpH,GAAW8E,MACb,OAEFO,GAAae,IAAI/U,EAAQ4tB,IAAgB,KAEnCxf,GAAUqF,OACZA,KAAKsS,OACP,IAIF,MAAMiH,EAAc3T,GAAeC,QAAQiU,IACvCP,GAAeA,IAAgBhtB,GACjCkuB,GAAUpV,YAAYkU,GAAa9J,OAExBgL,GAAUnV,oBAAoB/Y,GACtCmb,OAAO1H,KACd,IACAO,GAAac,GAAGzhB,OAAQ85B,IAAuB,KAC7C,IAAK,MAAM3f,KAAY6L,GAAezT,KAAK2nB,IACzCW,GAAUnV,oBAAoBvL,GAAU2V,MAC1C,IAEFnP,GAAac,GAAGzhB,OAAQw6B,IAAc,KACpC,IAAK,MAAM76B,KAAWqmB,GAAezT,KAAK,gDACG,UAAvClN,iBAAiB1F,GAASiC,UAC5Bi5B,GAAUnV,oBAAoB/lB,GAASkwB,MAE3C,IAEF7I,GAAqB6T,IAMrBte,GAAmBse,IAUnB,MACME,GAAmB,CAEvB,IAAK,CAAC,QAAS,MAAO,KAAM,OAAQ,OAHP,kBAI7B9pB,EAAG,CAAC,SAAU,OAAQ,QAAS,OAC/B+pB,KAAM,GACN9pB,EAAG,GACH+pB,GAAI,GACJC,IAAK,GACLC,KAAM,GACNC,IAAK,GACLC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJnqB,EAAG,GACHub,IAAK,CAAC,MAAO,SAAU,MAAO,QAAS,QAAS,UAChD6O,GAAI,GACJC,GAAI,GACJC,EAAG,GACHC,IAAK,GACLC,EAAG,GACHC,MAAO,GACPC,KAAM,GACNC,IAAK,GACLC,IAAK,GACLC,OAAQ,GACRC,EAAG,GACHC,GAAI,IAIAC,GAAgB,IAAI/lB,IAAI,CAAC,aAAc,OAAQ,OAAQ,WAAY,WAAY,SAAU,MAAO,eAShGgmB,GAAmB,0DACnBC,GAAmB,CAACx6B,EAAWy6B,KACnC,MAAMC,EAAgB16B,EAAUvC,SAASC,cACzC,OAAI+8B,EAAqBpb,SAASqb,IAC5BJ,GAAc1lB,IAAI8lB,IACb3b,QAAQwb,GAAiBj5B,KAAKtB,EAAU26B,YAM5CF,EAAqBr2B,QAAOw2B,GAAkBA,aAA0BpY,SAAQ9R,MAAKmqB,GAASA,EAAMv5B,KAAKo5B,IAAe,EA0C3HI,GAAY,CAChBC,UAAWnC,GACXoC,QAAS,CAAC,EAEVC,WAAY,GACZnwB,MAAM,EACNowB,UAAU,EACVC,WAAY,KACZC,SAAU,eAENC,GAAgB,CACpBN,UAAW,SACXC,QAAS,SACTC,WAAY,oBACZnwB,KAAM,UACNowB,SAAU,UACVC,WAAY,kBACZC,SAAU,UAENE,GAAqB,CACzBC,MAAO,iCACPvjB,SAAU,oBAOZ,MAAMwjB,WAAwB9Z,GAC5B,WAAAU,CAAYL,GACVa,QACA3E,KAAK6E,QAAU7E,KAAK6D,WAAWC,EACjC,CAGA,kBAAWJ,GACT,OAAOmZ,EACT,CACA,sBAAWlZ,GACT,OAAOyZ,EACT,CACA,eAAW7gB,GACT,MA3CW,iBA4Cb,CAGA,UAAAihB,GACE,OAAOxgC,OAAOmiB,OAAOa,KAAK6E,QAAQkY,SAASj6B,KAAIghB,GAAU9D,KAAKyd,yBAAyB3Z,KAAS3d,OAAO2a,QACzG,CACA,UAAA4c,GACE,OAAO1d,KAAKwd,aAAa9sB,OAAS,CACpC,CACA,aAAAitB,CAAcZ,GAMZ,OALA/c,KAAK4d,cAAcb,GACnB/c,KAAK6E,QAAQkY,QAAU,IAClB/c,KAAK6E,QAAQkY,WACbA,GAEE/c,IACT,CACA,MAAA6d,GACE,MAAMC,EAAkBz4B,SAASqvB,cAAc,OAC/CoJ,EAAgBC,UAAY/d,KAAKge,eAAehe,KAAK6E,QAAQsY,UAC7D,IAAK,MAAOpjB,EAAUkkB,KAASjhC,OAAOmkB,QAAQnB,KAAK6E,QAAQkY,SACzD/c,KAAKke,YAAYJ,EAAiBG,EAAMlkB,GAE1C,MAAMojB,EAAWW,EAAgBhY,SAAS,GACpCkX,EAAahd,KAAKyd,yBAAyBzd,KAAK6E,QAAQmY,YAI9D,OAHIA,GACFG,EAAS9hB,UAAU5E,OAAOumB,EAAW96B,MAAM,MAEtCi7B,CACT,CAGA,gBAAAlZ,CAAiBH,GACfa,MAAMV,iBAAiBH,GACvB9D,KAAK4d,cAAc9Z,EAAOiZ,QAC5B,CACA,aAAAa,CAAcO,GACZ,IAAK,MAAOpkB,EAAUgjB,KAAY//B,OAAOmkB,QAAQgd,GAC/CxZ,MAAMV,iBAAiB,CACrBlK,WACAujB,MAAOP,GACNM,GAEP,CACA,WAAAa,CAAYf,EAAUJ,EAAShjB,GAC7B,MAAMqkB,EAAkBxY,GAAeC,QAAQ9L,EAAUojB,GACpDiB,KAGLrB,EAAU/c,KAAKyd,yBAAyBV,IAKpC,GAAUA,GACZ/c,KAAKqe,sBAAsB3jB,GAAWqiB,GAAUqB,GAG9Cpe,KAAK6E,QAAQhY,KACfuxB,EAAgBL,UAAY/d,KAAKge,eAAejB,GAGlDqB,EAAgBE,YAAcvB,EAX5BqB,EAAgBzkB,SAYpB,CACA,cAAAqkB,CAAeG,GACb,OAAOne,KAAK6E,QAAQoY,SApJxB,SAAsBsB,EAAYzB,EAAW0B,GAC3C,IAAKD,EAAW7tB,OACd,OAAO6tB,EAET,GAAIC,GAAgD,mBAArBA,EAC7B,OAAOA,EAAiBD,GAE1B,MACME,GADY,IAAI7+B,OAAO8+B,WACKC,gBAAgBJ,EAAY,aACxD19B,EAAW,GAAGlC,UAAU8/B,EAAgBvyB,KAAKkU,iBAAiB,MACpE,IAAK,MAAM7gB,KAAWsB,EAAU,CAC9B,MAAM+9B,EAAcr/B,EAAQC,SAASC,cACrC,IAAKzC,OAAO4D,KAAKk8B,GAAW1b,SAASwd,GAAc,CACjDr/B,EAAQoa,SACR,QACF,CACA,MAAMklB,EAAgB,GAAGlgC,UAAUY,EAAQ0B,YACrC69B,EAAoB,GAAGngC,OAAOm+B,EAAU,MAAQ,GAAIA,EAAU8B,IAAgB,IACpF,IAAK,MAAM78B,KAAa88B,EACjBtC,GAAiBx6B,EAAW+8B,IAC/Bv/B,EAAQ4B,gBAAgBY,EAAUvC,SAGxC,CACA,OAAOi/B,EAAgBvyB,KAAK6xB,SAC9B,CA2HmCgB,CAAaZ,EAAKne,KAAK6E,QAAQiY,UAAW9c,KAAK6E,QAAQqY,YAAciB,CACtG,CACA,wBAAAV,CAAyBU,GACvB,OAAOthB,GAAQshB,EAAK,CAACne,MACvB,CACA,qBAAAqe,CAAsB9+B,EAAS6+B,GAC7B,GAAIpe,KAAK6E,QAAQhY,KAGf,OAFAuxB,EAAgBL,UAAY,QAC5BK,EAAgBzJ,OAAOp1B,GAGzB6+B,EAAgBE,YAAc/+B,EAAQ++B,WACxC,EAeF,MACMU,GAAwB,IAAI1oB,IAAI,CAAC,WAAY,YAAa,eAC1D2oB,GAAoB,OAEpBC,GAAoB,OAEpBC,GAAiB,SACjBC,GAAmB,gBACnBC,GAAgB,QAChBC,GAAgB,QAahBC,GAAgB,CACpBC,KAAM,OACNC,IAAK,MACLC,MAAOzjB,KAAU,OAAS,QAC1B0jB,OAAQ,SACRC,KAAM3jB,KAAU,QAAU,QAEtB4jB,GAAY,CAChB/C,UAAWnC,GACXmF,WAAW,EACX7xB,SAAU,kBACV8xB,WAAW,EACXC,YAAa,GACbC,MAAO,EACPjwB,mBAAoB,CAAC,MAAO,QAAS,SAAU,QAC/CnD,MAAM,EACN7E,OAAQ,CAAC,EAAG,GACZtJ,UAAW,MACXmzB,aAAc,KACdoL,UAAU,EACVC,WAAY,KACZnjB,UAAU,EACVojB,SAAU,+GACV+C,MAAO,GACPte,QAAS,eAELue,GAAgB,CACpBrD,UAAW,SACXgD,UAAW,UACX7xB,SAAU,mBACV8xB,UAAW,2BACXC,YAAa,oBACbC,MAAO,kBACPjwB,mBAAoB,QACpBnD,KAAM,UACN7E,OAAQ,0BACRtJ,UAAW,oBACXmzB,aAAc,yBACdoL,SAAU,UACVC,WAAY,kBACZnjB,SAAU,mBACVojB,SAAU,SACV+C,MAAO,4BACPte,QAAS,UAOX,MAAMwe,WAAgB1b,GACpB,WAAAP,CAAY5kB,EAASukB,GACnB,QAAsB,IAAX,EACT,MAAM,IAAIU,UAAU,+DAEtBG,MAAMplB,EAASukB,GAGf9D,KAAKqgB,YAAa,EAClBrgB,KAAKsgB,SAAW,EAChBtgB,KAAKugB,WAAa,KAClBvgB,KAAKwgB,eAAiB,CAAC,EACvBxgB,KAAKgS,QAAU,KACfhS,KAAKygB,iBAAmB,KACxBzgB,KAAK0gB,YAAc,KAGnB1gB,KAAK2gB,IAAM,KACX3gB,KAAK4gB,gBACA5gB,KAAK6E,QAAQ9K,UAChBiG,KAAK6gB,WAET,CAGA,kBAAWnd,GACT,OAAOmc,EACT,CACA,sBAAWlc,GACT,OAAOwc,EACT,CACA,eAAW5jB,GACT,MAxGW,SAyGb,CAGA,MAAAukB,GACE9gB,KAAKqgB,YAAa,CACpB,CACA,OAAAU,GACE/gB,KAAKqgB,YAAa,CACpB,CACA,aAAAW,GACEhhB,KAAKqgB,YAAcrgB,KAAKqgB,UAC1B,CACA,MAAA3Y,GACO1H,KAAKqgB,aAGVrgB,KAAKwgB,eAAeS,OAASjhB,KAAKwgB,eAAeS,MAC7CjhB,KAAKwP,WACPxP,KAAKkhB,SAGPlhB,KAAKmhB,SACP,CACA,OAAApc,GACEgI,aAAa/M,KAAKsgB,UAClB/f,GAAaC,IAAIR,KAAK4E,SAAS5J,QAAQmkB,IAAiBC,GAAkBpf,KAAKohB,mBAC3EphB,KAAK4E,SAASpJ,aAAa,2BAC7BwE,KAAK4E,SAASxjB,aAAa,QAAS4e,KAAK4E,SAASpJ,aAAa,2BAEjEwE,KAAKqhB,iBACL1c,MAAMI,SACR,CACA,IAAA2K,GACE,GAAoC,SAAhC1P,KAAK4E,SAAS7jB,MAAM6wB,QACtB,MAAM,IAAIhO,MAAM,uCAElB,IAAM5D,KAAKshB,mBAAoBthB,KAAKqgB,WAClC,OAEF,MAAM/G,EAAY/Y,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAlItD,SAoIX+b,GADa9lB,GAAeuE,KAAK4E,WACL5E,KAAK4E,SAAS9kB,cAAcwF,iBAAiBd,SAASwb,KAAK4E,UAC7F,GAAI0U,EAAUtX,mBAAqBuf,EACjC,OAIFvhB,KAAKqhB,iBACL,MAAMV,EAAM3gB,KAAKwhB,iBACjBxhB,KAAK4E,SAASxjB,aAAa,mBAAoBu/B,EAAInlB,aAAa,OAChE,MAAM,UACJukB,GACE/f,KAAK6E,QAYT,GAXK7E,KAAK4E,SAAS9kB,cAAcwF,gBAAgBd,SAASwb,KAAK2gB,OAC7DZ,EAAUpL,OAAOgM,GACjBpgB,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAhJpC,cAkJnBxF,KAAKgS,QAAUhS,KAAKqS,cAAcsO,GAClCA,EAAItlB,UAAU5E,IAAIyoB,IAMd,iBAAkB75B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK4Z,UAC/CvF,GAAac,GAAG9hB,EAAS,YAAaqc,IAU1CoE,KAAKmF,gBAPY,KACf5E,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAhKrC,WAiKQ,IAApBxF,KAAKugB,YACPvgB,KAAKkhB,SAEPlhB,KAAKugB,YAAa,CAAK,GAEKvgB,KAAK2gB,IAAK3gB,KAAK6N,cAC/C,CACA,IAAA4B,GACE,GAAKzP,KAAKwP,aAGQjP,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UA/KtD,SAgLHxD,iBAAd,CAQA,GALYhC,KAAKwhB,iBACbnmB,UAAU1B,OAAOulB,IAIjB,iBAAkB75B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAK4Z,UAC/CvF,GAAaC,IAAIjhB,EAAS,YAAaqc,IAG3CoE,KAAKwgB,eAA4B,OAAI,EACrCxgB,KAAKwgB,eAAelB,KAAiB,EACrCtf,KAAKwgB,eAAenB,KAAiB,EACrCrf,KAAKugB,WAAa,KAYlBvgB,KAAKmF,gBAVY,KACXnF,KAAKyhB,yBAGJzhB,KAAKugB,YACRvgB,KAAKqhB,iBAEPrhB,KAAK4E,SAASzjB,gBAAgB,oBAC9Bof,GAAaqB,QAAQ5B,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAzMpC,WAyM8D,GAEnDxF,KAAK2gB,IAAK3gB,KAAK6N,cA1B7C,CA2BF,CACA,MAAA9iB,GACMiV,KAAKgS,SACPhS,KAAKgS,QAAQjnB,QAEjB,CAGA,cAAAu2B,GACE,OAAOxgB,QAAQd,KAAK0hB,YACtB,CACA,cAAAF,GAIE,OAHKxhB,KAAK2gB,MACR3gB,KAAK2gB,IAAM3gB,KAAK2hB,kBAAkB3hB,KAAK0gB,aAAe1gB,KAAK4hB,2BAEtD5hB,KAAK2gB,GACd,CACA,iBAAAgB,CAAkB5E,GAChB,MAAM4D,EAAM3gB,KAAK6hB,oBAAoB9E,GAASc,SAG9C,IAAK8C,EACH,OAAO,KAETA,EAAItlB,UAAU1B,OAAOslB,GAAmBC,IAExCyB,EAAItlB,UAAU5E,IAAI,MAAMuJ,KAAKmE,YAAY5H,aACzC,MAAMulB,EAvuGKC,KACb,GACEA,GAAU5/B,KAAK6/B,MA/BH,IA+BS7/B,KAAK8/B,gBACnB58B,SAAS68B,eAAeH,IACjC,OAAOA,CAAM,EAmuGGI,CAAOniB,KAAKmE,YAAY5H,MAAM1c,WAK5C,OAJA8gC,EAAIv/B,aAAa,KAAM0gC,GACnB9hB,KAAK6N,eACP8S,EAAItlB,UAAU5E,IAAIwoB,IAEb0B,CACT,CACA,UAAAyB,CAAWrF,GACT/c,KAAK0gB,YAAc3D,EACf/c,KAAKwP,aACPxP,KAAKqhB,iBACLrhB,KAAK0P,OAET,CACA,mBAAAmS,CAAoB9E,GAYlB,OAXI/c,KAAKygB,iBACPzgB,KAAKygB,iBAAiB9C,cAAcZ,GAEpC/c,KAAKygB,iBAAmB,IAAIlD,GAAgB,IACvCvd,KAAK6E,QAGRkY,UACAC,WAAYhd,KAAKyd,yBAAyBzd,KAAK6E,QAAQmb,eAGpDhgB,KAAKygB,gBACd,CACA,sBAAAmB,GACE,MAAO,CACL,iBAA0B5hB,KAAK0hB,YAEnC,CACA,SAAAA,GACE,OAAO1hB,KAAKyd,yBAAyBzd,KAAK6E,QAAQqb,QAAUlgB,KAAK4E,SAASpJ,aAAa,yBACzF,CAGA,4BAAA6mB,CAA6BjjB,GAC3B,OAAOY,KAAKmE,YAAYmB,oBAAoBlG,EAAMW,eAAgBC,KAAKsiB,qBACzE,CACA,WAAAzU,GACE,OAAO7N,KAAK6E,QAAQib,WAAa9f,KAAK2gB,KAAO3gB,KAAK2gB,IAAItlB,UAAU7W,SAASy6B,GAC3E,CACA,QAAAzP,GACE,OAAOxP,KAAK2gB,KAAO3gB,KAAK2gB,IAAItlB,UAAU7W,SAAS06B,GACjD,CACA,aAAA7M,CAAcsO,GACZ,MAAMjiC,EAAYme,GAAQmD,KAAK6E,QAAQnmB,UAAW,CAACshB,KAAM2gB,EAAK3gB,KAAK4E,WAC7D2d,EAAahD,GAAc7gC,EAAU+lB,eAC3C,OAAO,GAAoBzE,KAAK4E,SAAU+b,EAAK3gB,KAAKyS,iBAAiB8P,GACvE,CACA,UAAA1P,GACE,MAAM,OACJ7qB,GACEgY,KAAK6E,QACT,MAAsB,iBAAX7c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAAS4f,OAAO6P,SAASzvB,EAAO,MAEzC,mBAAXqK,EACF8qB,GAAc9qB,EAAO8qB,EAAY9S,KAAK4E,UAExC5c,CACT,CACA,wBAAAy1B,CAAyBU,GACvB,OAAOthB,GAAQshB,EAAK,CAACne,KAAK4E,UAC5B,CACA,gBAAA6N,CAAiB8P,GACf,MAAMxP,EAAwB,CAC5Br0B,UAAW6jC,EACXnsB,UAAW,CAAC,CACV9V,KAAM,OACNmB,QAAS,CACPuO,mBAAoBgQ,KAAK6E,QAAQ7U,qBAElC,CACD1P,KAAM,SACNmB,QAAS,CACPuG,OAAQgY,KAAK6S,eAEd,CACDvyB,KAAM,kBACNmB,QAAS,CACPwM,SAAU+R,KAAK6E,QAAQ5W,WAExB,CACD3N,KAAM,QACNmB,QAAS,CACPlC,QAAS,IAAIygB,KAAKmE,YAAY5H,eAE/B,CACDjc,KAAM,kBACNC,SAAS,EACTC,MAAO,aACPC,GAAI4J,IAGF2V,KAAKwhB,iBAAiBpgC,aAAa,wBAAyBiJ,EAAK1J,MAAMjC,UAAU,KAIvF,MAAO,IACFq0B,KACAlW,GAAQmD,KAAK6E,QAAQgN,aAAc,CAACkB,IAE3C,CACA,aAAA6N,GACE,MAAM4B,EAAWxiB,KAAK6E,QAAQjD,QAAQ1f,MAAM,KAC5C,IAAK,MAAM0f,KAAW4gB,EACpB,GAAgB,UAAZ5gB,EACFrB,GAAac,GAAGrB,KAAK4E,SAAU5E,KAAKmE,YAAYqB,UAjVlC,SAiV4DxF,KAAK6E,QAAQ9K,UAAUqF,IAC/EY,KAAKqiB,6BAA6BjjB,GAC1CsI,QAAQ,SAEb,GA3VU,WA2VN9F,EAA4B,CACrC,MAAM6gB,EAAU7gB,IAAYyd,GAAgBrf,KAAKmE,YAAYqB,UAnV5C,cAmV0ExF,KAAKmE,YAAYqB,UArV5F,WAsVVkd,EAAW9gB,IAAYyd,GAAgBrf,KAAKmE,YAAYqB,UAnV7C,cAmV2ExF,KAAKmE,YAAYqB,UArV5F,YAsVjBjF,GAAac,GAAGrB,KAAK4E,SAAU6d,EAASziB,KAAK6E,QAAQ9K,UAAUqF,IAC7D,MAAM+T,EAAUnT,KAAKqiB,6BAA6BjjB,GAClD+T,EAAQqN,eAA8B,YAAfphB,EAAMqB,KAAqB6e,GAAgBD,KAAiB,EACnFlM,EAAQgO,QAAQ,IAElB5gB,GAAac,GAAGrB,KAAK4E,SAAU8d,EAAU1iB,KAAK6E,QAAQ9K,UAAUqF,IAC9D,MAAM+T,EAAUnT,KAAKqiB,6BAA6BjjB,GAClD+T,EAAQqN,eAA8B,aAAfphB,EAAMqB,KAAsB6e,GAAgBD,IAAiBlM,EAAQvO,SAASpgB,SAAS4a,EAAMU,eACpHqT,EAAQ+N,QAAQ,GAEpB,CAEFlhB,KAAKohB,kBAAoB,KACnBphB,KAAK4E,UACP5E,KAAKyP,MACP,EAEFlP,GAAac,GAAGrB,KAAK4E,SAAS5J,QAAQmkB,IAAiBC,GAAkBpf,KAAKohB,kBAChF,CACA,SAAAP,GACE,MAAMX,EAAQlgB,KAAK4E,SAASpJ,aAAa,SACpC0kB,IAGAlgB,KAAK4E,SAASpJ,aAAa,eAAkBwE,KAAK4E,SAAS0Z,YAAY3Y,QAC1E3F,KAAK4E,SAASxjB,aAAa,aAAc8+B,GAE3ClgB,KAAK4E,SAASxjB,aAAa,yBAA0B8+B,GACrDlgB,KAAK4E,SAASzjB,gBAAgB,SAChC,CACA,MAAAggC,GACMnhB,KAAKwP,YAAcxP,KAAKugB,WAC1BvgB,KAAKugB,YAAa,GAGpBvgB,KAAKugB,YAAa,EAClBvgB,KAAK2iB,aAAY,KACX3iB,KAAKugB,YACPvgB,KAAK0P,MACP,GACC1P,KAAK6E,QAAQob,MAAMvQ,MACxB,CACA,MAAAwR,GACMlhB,KAAKyhB,yBAGTzhB,KAAKugB,YAAa,EAClBvgB,KAAK2iB,aAAY,KACV3iB,KAAKugB,YACRvgB,KAAKyP,MACP,GACCzP,KAAK6E,QAAQob,MAAMxQ,MACxB,CACA,WAAAkT,CAAY/kB,EAASglB,GACnB7V,aAAa/M,KAAKsgB,UAClBtgB,KAAKsgB,SAAWziB,WAAWD,EAASglB,EACtC,CACA,oBAAAnB,GACE,OAAOzkC,OAAOmiB,OAAOa,KAAKwgB,gBAAgBpf,UAAS,EACrD,CACA,UAAAyC,CAAWC,GACT,MAAM+e,EAAiB7f,GAAYG,kBAAkBnD,KAAK4E,UAC1D,IAAK,MAAMke,KAAiB9lC,OAAO4D,KAAKiiC,GAClC7D,GAAsBroB,IAAImsB,WACrBD,EAAeC,GAU1B,OAPAhf,EAAS,IACJ+e,KACmB,iBAAX/e,GAAuBA,EAASA,EAAS,CAAC,GAEvDA,EAAS9D,KAAK+D,gBAAgBD,GAC9BA,EAAS9D,KAAKgE,kBAAkBF,GAChC9D,KAAKiE,iBAAiBH,GACfA,CACT,CACA,iBAAAE,CAAkBF,GAchB,OAbAA,EAAOic,WAAiC,IAArBjc,EAAOic,UAAsB16B,SAAS6G,KAAOwO,GAAWoJ,EAAOic,WACtD,iBAAjBjc,EAAOmc,QAChBnc,EAAOmc,MAAQ,CACbvQ,KAAM5L,EAAOmc,MACbxQ,KAAM3L,EAAOmc,QAGW,iBAAjBnc,EAAOoc,QAChBpc,EAAOoc,MAAQpc,EAAOoc,MAAMrgC,YAEA,iBAAnBikB,EAAOiZ,UAChBjZ,EAAOiZ,QAAUjZ,EAAOiZ,QAAQl9B,YAE3BikB,CACT,CACA,kBAAAwe,GACE,MAAMxe,EAAS,CAAC,EAChB,IAAK,MAAOhnB,EAAKa,KAAUX,OAAOmkB,QAAQnB,KAAK6E,SACzC7E,KAAKmE,YAAYT,QAAQ5mB,KAASa,IACpCmmB,EAAOhnB,GAAOa,GASlB,OANAmmB,EAAO/J,UAAW,EAClB+J,EAAOlC,QAAU,SAKVkC,CACT,CACA,cAAAud,GACMrhB,KAAKgS,UACPhS,KAAKgS,QAAQhZ,UACbgH,KAAKgS,QAAU,MAEbhS,KAAK2gB,MACP3gB,KAAK2gB,IAAIhnB,SACTqG,KAAK2gB,IAAM,KAEf,CAGA,sBAAOlkB,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO+1B,GAAQ9a,oBAAoBtF,KAAM8D,GAC/C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOF3H,GAAmBikB,IAcnB,MAGM2C,GAAY,IACb3C,GAAQ1c,QACXqZ,QAAS,GACT/0B,OAAQ,CAAC,EAAG,GACZtJ,UAAW,QACXy+B,SAAU,8IACVvb,QAAS,SAELohB,GAAgB,IACjB5C,GAAQzc,YACXoZ,QAAS,kCAOX,MAAMkG,WAAgB7C,GAEpB,kBAAW1c,GACT,OAAOqf,EACT,CACA,sBAAWpf,GACT,OAAOqf,EACT,CACA,eAAWzmB,GACT,MA7BW,SA8Bb,CAGA,cAAA+kB,GACE,OAAOthB,KAAK0hB,aAAe1hB,KAAKkjB,aAClC,CAGA,sBAAAtB,GACE,MAAO,CACL,kBAAkB5hB,KAAK0hB,YACvB,gBAAoB1hB,KAAKkjB,cAE7B,CACA,WAAAA,GACE,OAAOljB,KAAKyd,yBAAyBzd,KAAK6E,QAAQkY,QACpD,CAGA,sBAAOtgB,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO44B,GAAQ3d,oBAAoBtF,KAAM8D,GAC/C,GAAsB,iBAAXA,EAAX,CAGA,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOF3H,GAAmB8mB,IAcnB,MAEME,GAAc,gBAEdC,GAAiB,WAAWD,KAC5BE,GAAc,QAAQF,KACtBG,GAAwB,OAAOH,cAE/BI,GAAsB,SAEtBC,GAAwB,SAExBC,GAAqB,YAGrBC,GAAsB,GAAGD,mBAA+CA,uBAGxEE,GAAY,CAChB37B,OAAQ,KAER47B,WAAY,eACZC,cAAc,EACdt3B,OAAQ,KACRu3B,UAAW,CAAC,GAAK,GAAK,IAElBC,GAAgB,CACpB/7B,OAAQ,gBAER47B,WAAY,SACZC,aAAc,UACdt3B,OAAQ,UACRu3B,UAAW,SAOb,MAAME,WAAkBtf,GACtB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GAGf9D,KAAKikB,aAAe,IAAI/yB,IACxB8O,KAAKkkB,oBAAsB,IAAIhzB,IAC/B8O,KAAKmkB,aAA6D,YAA9Cl/B,iBAAiB+a,KAAK4E,UAAU5Y,UAA0B,KAAOgU,KAAK4E,SAC1F5E,KAAKokB,cAAgB,KACrBpkB,KAAKqkB,UAAY,KACjBrkB,KAAKskB,oBAAsB,CACzBC,gBAAiB,EACjBC,gBAAiB,GAEnBxkB,KAAKykB,SACP,CAGA,kBAAW/gB,GACT,OAAOigB,EACT,CACA,sBAAWhgB,GACT,OAAOogB,EACT,CACA,eAAWxnB,GACT,MAhEW,WAiEb,CAGA,OAAAkoB,GACEzkB,KAAK0kB,mCACL1kB,KAAK2kB,2BACD3kB,KAAKqkB,UACPrkB,KAAKqkB,UAAUO,aAEf5kB,KAAKqkB,UAAYrkB,KAAK6kB,kBAExB,IAAK,MAAMC,KAAW9kB,KAAKkkB,oBAAoB/kB,SAC7Ca,KAAKqkB,UAAUU,QAAQD,EAE3B,CACA,OAAA/f,GACE/E,KAAKqkB,UAAUO,aACfjgB,MAAMI,SACR,CAGA,iBAAAf,CAAkBF,GAShB,OAPAA,EAAOvX,OAASmO,GAAWoJ,EAAOvX,SAAWlH,SAAS6G,KAGtD4X,EAAO8f,WAAa9f,EAAO9b,OAAS,GAAG8b,EAAO9b,oBAAsB8b,EAAO8f,WAC3C,iBAArB9f,EAAOggB,YAChBhgB,EAAOggB,UAAYhgB,EAAOggB,UAAU5hC,MAAM,KAAKY,KAAInF,GAAS4f,OAAOC,WAAW7f,MAEzEmmB,CACT,CACA,wBAAA6gB,GACO3kB,KAAK6E,QAAQgf,eAKlBtjB,GAAaC,IAAIR,KAAK6E,QAAQtY,OAAQ82B,IACtC9iB,GAAac,GAAGrB,KAAK6E,QAAQtY,OAAQ82B,GAAaG,IAAuBpkB,IACvE,MAAM4lB,EAAoBhlB,KAAKkkB,oBAAoB/mC,IAAIiiB,EAAM7S,OAAOtB,MACpE,GAAI+5B,EAAmB,CACrB5lB,EAAMkD,iBACN,MAAM3G,EAAOqE,KAAKmkB,cAAgBvkC,OAC5BmE,EAASihC,EAAkB3gC,UAAY2b,KAAK4E,SAASvgB,UAC3D,GAAIsX,EAAKspB,SAKP,YAJAtpB,EAAKspB,SAAS,CACZtjC,IAAKoC,EACLmhC,SAAU,WAMdvpB,EAAKlQ,UAAY1H,CACnB,KAEJ,CACA,eAAA8gC,GACE,MAAMpjC,EAAU,CACdka,KAAMqE,KAAKmkB,aACXL,UAAW9jB,KAAK6E,QAAQif,UACxBF,WAAY5jB,KAAK6E,QAAQ+e,YAE3B,OAAO,IAAIuB,sBAAqBhkB,GAAWnB,KAAKolB,kBAAkBjkB,IAAU1f,EAC9E,CAGA,iBAAA2jC,CAAkBjkB,GAChB,MAAMkkB,EAAgB/H,GAAStd,KAAKikB,aAAa9mC,IAAI,IAAImgC,EAAM/wB,OAAO4N,MAChEob,EAAW+H,IACftd,KAAKskB,oBAAoBC,gBAAkBjH,EAAM/wB,OAAOlI,UACxD2b,KAAKslB,SAASD,EAAc/H,GAAO,EAE/BkH,GAAmBxkB,KAAKmkB,cAAgB9+B,SAASC,iBAAiBmG,UAClE85B,EAAkBf,GAAmBxkB,KAAKskB,oBAAoBE,gBACpExkB,KAAKskB,oBAAoBE,gBAAkBA,EAC3C,IAAK,MAAMlH,KAASnc,EAAS,CAC3B,IAAKmc,EAAMkI,eAAgB,CACzBxlB,KAAKokB,cAAgB,KACrBpkB,KAAKylB,kBAAkBJ,EAAc/H,IACrC,QACF,CACA,MAAMoI,EAA2BpI,EAAM/wB,OAAOlI,WAAa2b,KAAKskB,oBAAoBC,gBAEpF,GAAIgB,GAAmBG,GAGrB,GAFAnQ,EAAS+H,IAEJkH,EACH,YAMCe,GAAoBG,GACvBnQ,EAAS+H,EAEb,CACF,CACA,gCAAAoH,GACE1kB,KAAKikB,aAAe,IAAI/yB,IACxB8O,KAAKkkB,oBAAsB,IAAIhzB,IAC/B,MAAMy0B,EAAc/f,GAAezT,KAAKqxB,GAAuBxjB,KAAK6E,QAAQtY,QAC5E,IAAK,MAAMq5B,KAAUD,EAAa,CAEhC,IAAKC,EAAO36B,MAAQiQ,GAAW0qB,GAC7B,SAEF,MAAMZ,EAAoBpf,GAAeC,QAAQggB,UAAUD,EAAO36B,MAAO+U,KAAK4E,UAG1EjK,GAAUqqB,KACZhlB,KAAKikB,aAAalyB,IAAI8zB,UAAUD,EAAO36B,MAAO26B,GAC9C5lB,KAAKkkB,oBAAoBnyB,IAAI6zB,EAAO36B,KAAM+5B,GAE9C,CACF,CACA,QAAAM,CAAS/4B,GACHyT,KAAKokB,gBAAkB73B,IAG3ByT,KAAKylB,kBAAkBzlB,KAAK6E,QAAQtY,QACpCyT,KAAKokB,cAAgB73B,EACrBA,EAAO8O,UAAU5E,IAAI8sB,IACrBvjB,KAAK8lB,iBAAiBv5B,GACtBgU,GAAaqB,QAAQ5B,KAAK4E,SAAUwe,GAAgB,CAClDtjB,cAAevT,IAEnB,CACA,gBAAAu5B,CAAiBv5B,GAEf,GAAIA,EAAO8O,UAAU7W,SA9LQ,iBA+L3BohB,GAAeC,QArLc,mBAqLsBtZ,EAAOyO,QAtLtC,cAsLkEK,UAAU5E,IAAI8sB,SAGtG,IAAK,MAAMwC,KAAangB,GAAeI,QAAQzZ,EA9LnB,qBAiM1B,IAAK,MAAMxJ,KAAQ6iB,GAAeM,KAAK6f,EAAWrC,IAChD3gC,EAAKsY,UAAU5E,IAAI8sB,GAGzB,CACA,iBAAAkC,CAAkBhhC,GAChBA,EAAO4W,UAAU1B,OAAO4pB,IACxB,MAAMyC,EAAcpgB,GAAezT,KAAK,GAAGqxB,MAAyBD,KAAuB9+B,GAC3F,IAAK,MAAM9E,KAAQqmC,EACjBrmC,EAAK0b,UAAU1B,OAAO4pB,GAE1B,CAGA,sBAAO9mB,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAO25B,GAAU1e,oBAAoBtF,KAAM8D,GACjD,GAAsB,iBAAXA,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOFvD,GAAac,GAAGzhB,OAAQ0jC,IAAuB,KAC7C,IAAK,MAAM2C,KAAOrgB,GAAezT,KApOT,0BAqOtB6xB,GAAU1e,oBAAoB2gB,EAChC,IAOF9pB,GAAmB6nB,IAcnB,MAEMkC,GAAc,UACdC,GAAe,OAAOD,KACtBE,GAAiB,SAASF,KAC1BG,GAAe,OAAOH,KACtBI,GAAgB,QAAQJ,KACxBK,GAAuB,QAAQL,KAC/BM,GAAgB,UAAUN,KAC1BO,GAAsB,OAAOP,KAC7BQ,GAAiB,YACjBC,GAAkB,aAClBC,GAAe,UACfC,GAAiB,YACjBC,GAAW,OACXC,GAAU,MACVC,GAAoB,SACpBC,GAAoB,OACpBC,GAAoB,OAEpBC,GAA2B,mBAE3BC,GAA+B,QAAQD,MAIvCE,GAAuB,2EACvBC,GAAsB,YAFOF,uBAAiDA,mBAA6CA,OAE/EC,KAC5CE,GAA8B,IAAIP,8BAA6CA,+BAA8CA,4BAMnI,MAAMQ,WAAY9iB,GAChB,WAAAP,CAAY5kB,GACVolB,MAAMplB,GACNygB,KAAKiS,QAAUjS,KAAK4E,SAAS5J,QAdN,uCAelBgF,KAAKiS,UAOVjS,KAAKynB,sBAAsBznB,KAAKiS,QAASjS,KAAK0nB,gBAC9CnnB,GAAac,GAAGrB,KAAK4E,SAAU4hB,IAAepnB,GAASY,KAAK0M,SAAStN,KACvE,CAGA,eAAW7C,GACT,MAnDW,KAoDb,CAGA,IAAAmT,GAEE,MAAMiY,EAAY3nB,KAAK4E,SACvB,GAAI5E,KAAK4nB,cAAcD,GACrB,OAIF,MAAME,EAAS7nB,KAAK8nB,iBACdC,EAAYF,EAAStnB,GAAaqB,QAAQimB,EAAQ1B,GAAc,CACpErmB,cAAe6nB,IACZ,KACapnB,GAAaqB,QAAQ+lB,EAAWtB,GAAc,CAC9DvmB,cAAe+nB,IAEH7lB,kBAAoB+lB,GAAaA,EAAU/lB,mBAGzDhC,KAAKgoB,YAAYH,EAAQF,GACzB3nB,KAAKioB,UAAUN,EAAWE,GAC5B,CAGA,SAAAI,CAAU1oC,EAAS2oC,GACZ3oC,IAGLA,EAAQ8b,UAAU5E,IAAIuwB,IACtBhnB,KAAKioB,UAAUriB,GAAec,uBAAuBnnB,IAcrDygB,KAAKmF,gBAZY,KACsB,QAAjC5lB,EAAQic,aAAa,SAIzBjc,EAAQ4B,gBAAgB,YACxB5B,EAAQ6B,aAAa,iBAAiB,GACtC4e,KAAKmoB,gBAAgB5oC,GAAS,GAC9BghB,GAAaqB,QAAQriB,EAAS+mC,GAAe,CAC3CxmB,cAAeooB,KAPf3oC,EAAQ8b,UAAU5E,IAAIywB,GAQtB,GAE0B3nC,EAASA,EAAQ8b,UAAU7W,SAASyiC,KACpE,CACA,WAAAe,CAAYzoC,EAAS2oC,GACd3oC,IAGLA,EAAQ8b,UAAU1B,OAAOqtB,IACzBznC,EAAQm7B,OACR1a,KAAKgoB,YAAYpiB,GAAec,uBAAuBnnB,IAcvDygB,KAAKmF,gBAZY,KACsB,QAAjC5lB,EAAQic,aAAa,SAIzBjc,EAAQ6B,aAAa,iBAAiB,GACtC7B,EAAQ6B,aAAa,WAAY,MACjC4e,KAAKmoB,gBAAgB5oC,GAAS,GAC9BghB,GAAaqB,QAAQriB,EAAS6mC,GAAgB,CAC5CtmB,cAAeooB,KAPf3oC,EAAQ8b,UAAU1B,OAAOutB,GAQzB,GAE0B3nC,EAASA,EAAQ8b,UAAU7W,SAASyiC,KACpE,CACA,QAAAva,CAAStN,GACP,IAAK,CAACsnB,GAAgBC,GAAiBC,GAAcC,GAAgBC,GAAUC,IAAS3lB,SAAShC,EAAMtiB,KACrG,OAEFsiB,EAAMuU,kBACNvU,EAAMkD,iBACN,MAAMwD,EAAW9F,KAAK0nB,eAAevhC,QAAO5G,IAAY2b,GAAW3b,KACnE,IAAI6oC,EACJ,GAAI,CAACtB,GAAUC,IAAS3lB,SAAShC,EAAMtiB,KACrCsrC,EAAoBtiB,EAAS1G,EAAMtiB,MAAQgqC,GAAW,EAAIhhB,EAASpV,OAAS,OACvE,CACL,MAAM2c,EAAS,CAACsZ,GAAiBE,IAAgBzlB,SAAShC,EAAMtiB,KAChEsrC,EAAoBtqB,GAAqBgI,EAAU1G,EAAM7S,OAAQ8gB,GAAQ,EAC3E,CACI+a,IACFA,EAAkB9V,MAAM,CACtB+V,eAAe,IAEjBb,GAAIliB,oBAAoB8iB,GAAmB1Y,OAE/C,CACA,YAAAgY,GAEE,OAAO9hB,GAAezT,KAAKm1B,GAAqBtnB,KAAKiS,QACvD,CACA,cAAA6V,GACE,OAAO9nB,KAAK0nB,eAAev1B,MAAKzN,GAASsb,KAAK4nB,cAAcljC,MAAW,IACzE,CACA,qBAAA+iC,CAAsBhjC,EAAQqhB,GAC5B9F,KAAKsoB,yBAAyB7jC,EAAQ,OAAQ,WAC9C,IAAK,MAAMC,KAASohB,EAClB9F,KAAKuoB,6BAA6B7jC,EAEtC,CACA,4BAAA6jC,CAA6B7jC,GAC3BA,EAAQsb,KAAKwoB,iBAAiB9jC,GAC9B,MAAM+jC,EAAWzoB,KAAK4nB,cAAcljC,GAC9BgkC,EAAY1oB,KAAK2oB,iBAAiBjkC,GACxCA,EAAMtD,aAAa,gBAAiBqnC,GAChCC,IAAchkC,GAChBsb,KAAKsoB,yBAAyBI,EAAW,OAAQ,gBAE9CD,GACH/jC,EAAMtD,aAAa,WAAY,MAEjC4e,KAAKsoB,yBAAyB5jC,EAAO,OAAQ,OAG7Csb,KAAK4oB,mCAAmClkC,EAC1C,CACA,kCAAAkkC,CAAmClkC,GACjC,MAAM6H,EAASqZ,GAAec,uBAAuBhiB,GAChD6H,IAGLyT,KAAKsoB,yBAAyB/7B,EAAQ,OAAQ,YAC1C7H,EAAMyV,IACR6F,KAAKsoB,yBAAyB/7B,EAAQ,kBAAmB,GAAG7H,EAAMyV,MAEtE,CACA,eAAAguB,CAAgB5oC,EAASspC,GACvB,MAAMH,EAAY1oB,KAAK2oB,iBAAiBppC,GACxC,IAAKmpC,EAAUrtB,UAAU7W,SApKN,YAqKjB,OAEF,MAAMkjB,EAAS,CAAC3N,EAAUia,KACxB,MAAMz0B,EAAUqmB,GAAeC,QAAQ9L,EAAU2uB,GAC7CnpC,GACFA,EAAQ8b,UAAUqM,OAAOsM,EAAW6U,EACtC,EAEFnhB,EAAOyf,GAA0BH,IACjCtf,EA5K2B,iBA4KIwf,IAC/BwB,EAAUtnC,aAAa,gBAAiBynC,EAC1C,CACA,wBAAAP,CAAyB/oC,EAASwC,EAAWpE,GACtC4B,EAAQgc,aAAaxZ,IACxBxC,EAAQ6B,aAAaW,EAAWpE,EAEpC,CACA,aAAAiqC,CAAczY,GACZ,OAAOA,EAAK9T,UAAU7W,SAASwiC,GACjC,CAGA,gBAAAwB,CAAiBrZ,GACf,OAAOA,EAAKpJ,QAAQuhB,IAAuBnY,EAAOvJ,GAAeC,QAAQyhB,GAAqBnY,EAChG,CAGA,gBAAAwZ,CAAiBxZ,GACf,OAAOA,EAAKnU,QA5LO,gCA4LoBmU,CACzC,CAGA,sBAAO1S,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAOm9B,GAAIliB,oBAAoBtF,MACrC,GAAsB,iBAAX8D,EAAX,CAGA,QAAqB/K,IAAjB1O,EAAKyZ,IAAyBA,EAAOrC,WAAW,MAAmB,gBAAXqC,EAC1D,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,IAJL,CAKF,GACF,EAOFvD,GAAac,GAAGhc,SAAUkhC,GAAsBc,IAAsB,SAAUjoB,GAC1E,CAAC,IAAK,QAAQgC,SAASpB,KAAKgH,UAC9B5H,EAAMkD,iBAEJpH,GAAW8E,OAGfwnB,GAAIliB,oBAAoBtF,MAAM0P,MAChC,IAKAnP,GAAac,GAAGzhB,OAAQ6mC,IAAqB,KAC3C,IAAK,MAAMlnC,KAAWqmB,GAAezT,KAAKo1B,IACxCC,GAAIliB,oBAAoB/lB,EAC1B,IAMF4c,GAAmBqrB,IAcnB,MAEMxiB,GAAY,YACZ8jB,GAAkB,YAAY9jB,KAC9B+jB,GAAiB,WAAW/jB,KAC5BgkB,GAAgB,UAAUhkB,KAC1BikB,GAAiB,WAAWjkB,KAC5BkkB,GAAa,OAAOlkB,KACpBmkB,GAAe,SAASnkB,KACxBokB,GAAa,OAAOpkB,KACpBqkB,GAAc,QAAQrkB,KAEtBskB,GAAkB,OAClBC,GAAkB,OAClBC,GAAqB,UACrB7lB,GAAc,CAClBmc,UAAW,UACX2J,SAAU,UACVxJ,MAAO,UAEHvc,GAAU,CACdoc,WAAW,EACX2J,UAAU,EACVxJ,MAAO,KAOT,MAAMyJ,WAAchlB,GAClB,WAAAP,CAAY5kB,EAASukB,GACnBa,MAAMplB,EAASukB,GACf9D,KAAKsgB,SAAW,KAChBtgB,KAAK2pB,sBAAuB,EAC5B3pB,KAAK4pB,yBAA0B,EAC/B5pB,KAAK4gB,eACP,CAGA,kBAAWld,GACT,OAAOA,EACT,CACA,sBAAWC,GACT,OAAOA,EACT,CACA,eAAWpH,GACT,MA/CS,OAgDX,CAGA,IAAAmT,GACoBnP,GAAaqB,QAAQ5B,KAAK4E,SAAUwkB,IACxCpnB,mBAGdhC,KAAK6pB,gBACD7pB,KAAK6E,QAAQib,WACf9f,KAAK4E,SAASvJ,UAAU5E,IA/CN,QAsDpBuJ,KAAK4E,SAASvJ,UAAU1B,OAAO2vB,IAC/BztB,GAAOmE,KAAK4E,UACZ5E,KAAK4E,SAASvJ,UAAU5E,IAAI8yB,GAAiBC,IAC7CxpB,KAAKmF,gBARY,KACfnF,KAAK4E,SAASvJ,UAAU1B,OAAO6vB,IAC/BjpB,GAAaqB,QAAQ5B,KAAK4E,SAAUykB,IACpCrpB,KAAK8pB,oBAAoB,GAKG9pB,KAAK4E,SAAU5E,KAAK6E,QAAQib,WAC5D,CACA,IAAArQ,GACOzP,KAAK+pB,YAGQxpB,GAAaqB,QAAQ5B,KAAK4E,SAAUskB,IACxClnB,mBAQdhC,KAAK4E,SAASvJ,UAAU5E,IAAI+yB,IAC5BxpB,KAAKmF,gBANY,KACfnF,KAAK4E,SAASvJ,UAAU5E,IAAI6yB,IAC5BtpB,KAAK4E,SAASvJ,UAAU1B,OAAO6vB,GAAoBD,IACnDhpB,GAAaqB,QAAQ5B,KAAK4E,SAAUukB,GAAa,GAGrBnpB,KAAK4E,SAAU5E,KAAK6E,QAAQib,YAC5D,CACA,OAAA/a,GACE/E,KAAK6pB,gBACD7pB,KAAK+pB,WACP/pB,KAAK4E,SAASvJ,UAAU1B,OAAO4vB,IAEjC5kB,MAAMI,SACR,CACA,OAAAglB,GACE,OAAO/pB,KAAK4E,SAASvJ,UAAU7W,SAAS+kC,GAC1C,CAIA,kBAAAO,GACO9pB,KAAK6E,QAAQ4kB,WAGdzpB,KAAK2pB,sBAAwB3pB,KAAK4pB,0BAGtC5pB,KAAKsgB,SAAWziB,YAAW,KACzBmC,KAAKyP,MAAM,GACVzP,KAAK6E,QAAQob,QAClB,CACA,cAAA+J,CAAe5qB,EAAO6qB,GACpB,OAAQ7qB,EAAMqB,MACZ,IAAK,YACL,IAAK,WAEDT,KAAK2pB,qBAAuBM,EAC5B,MAEJ,IAAK,UACL,IAAK,WAEDjqB,KAAK4pB,wBAA0BK,EAIrC,GAAIA,EAEF,YADAjqB,KAAK6pB,gBAGP,MAAMvc,EAAclO,EAAMU,cACtBE,KAAK4E,WAAa0I,GAAetN,KAAK4E,SAASpgB,SAAS8oB,IAG5DtN,KAAK8pB,oBACP,CACA,aAAAlJ,GACErgB,GAAac,GAAGrB,KAAK4E,SAAUkkB,IAAiB1pB,GAASY,KAAKgqB,eAAe5qB,GAAO,KACpFmB,GAAac,GAAGrB,KAAK4E,SAAUmkB,IAAgB3pB,GAASY,KAAKgqB,eAAe5qB,GAAO,KACnFmB,GAAac,GAAGrB,KAAK4E,SAAUokB,IAAe5pB,GAASY,KAAKgqB,eAAe5qB,GAAO,KAClFmB,GAAac,GAAGrB,KAAK4E,SAAUqkB,IAAgB7pB,GAASY,KAAKgqB,eAAe5qB,GAAO,IACrF,CACA,aAAAyqB,GACE9c,aAAa/M,KAAKsgB,UAClBtgB,KAAKsgB,SAAW,IAClB,CAGA,sBAAO7jB,CAAgBqH,GACrB,OAAO9D,KAAKuH,MAAK,WACf,MAAMld,EAAOq/B,GAAMpkB,oBAAoBtF,KAAM8D,GAC7C,GAAsB,iBAAXA,EAAqB,CAC9B,QAA4B,IAAjBzZ,EAAKyZ,GACd,MAAM,IAAIU,UAAU,oBAAoBV,MAE1CzZ,EAAKyZ,GAAQ9D,KACf,CACF,GACF,ECr0IK,SAASkqB,GAAc7tB,GACD,WAAvBhX,SAASuX,WAAyBP,IACjChX,SAASyF,iBAAiB,mBAAoBuR,EACrD,CDy0IAuK,GAAqB8iB,IAMrBvtB,GAAmButB,IEpyInBQ,IAzCA,WAC2B,GAAG93B,MAAM5U,KAChC6H,SAAS+a,iBAAiB,+BAETtd,KAAI,SAAUqnC,GAC/B,OAAO,IAAI,GAAkBA,EAAkB,CAC7ClK,MAAO,CAAEvQ,KAAM,IAAKD,KAAM,MAE9B,GACF,IAiCAya,IA5BA,WACY7kC,SAAS68B,eAAe,mBAC9Bp3B,iBAAiB,SAAS,WAC5BzF,SAAS6G,KAAKT,UAAY,EAC1BpG,SAASC,gBAAgBmG,UAAY,CACvC,GACF,IAuBAy+B,IArBA,WACE,IAAIE,EAAM/kC,SAAS68B,eAAe,mBAC9BmI,EAAShlC,SACVilC,uBAAuB,aAAa,GACpChnC,wBACH1D,OAAOkL,iBAAiB,UAAU,WAC5BkV,KAAKuqB,UAAYvqB,KAAKwqB,SAAWxqB,KAAKwqB,QAAUH,EAAOzsC,OACzDwsC,EAAIrpC,MAAM6wB,QAAU,QAEpBwY,EAAIrpC,MAAM6wB,QAAU,OAEtB5R,KAAKuqB,UAAYvqB,KAAKwqB,OACxB,GACF,IAUA5qC,OAAO6qC,UAAY","sources":["webpack://pydata_sphinx_theme/webpack/bootstrap","webpack://pydata_sphinx_theme/webpack/runtime/define property getters","webpack://pydata_sphinx_theme/webpack/runtime/hasOwnProperty shorthand","webpack://pydata_sphinx_theme/webpack/runtime/make namespace object","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/enums.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getNodeName.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/instanceOf.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/applyStyles.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getBasePlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/math.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/userAgent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isLayoutViewport.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getBoundingClientRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getLayoutRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/contains.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getComputedStyle.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isTableElement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getDocumentElement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getParentNode.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getOffsetParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getMainAxisFromPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/within.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/mergePaddingObject.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getFreshSideObject.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/expandToHashMap.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/arrow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getVariation.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/computeStyles.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/eventListeners.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getOppositePlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getOppositeVariationPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindowScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getWindowScrollBarX.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/isScrollParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getScrollParent.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/listScrollParents.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/rectToClientRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getClippingRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getViewportRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getDocumentRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/computeOffsets.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/detectOverflow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/flip.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/computeAutoPlacement.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/hide.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/offset.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/popperOffsets.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/modifiers/preventOverflow.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/getAltAxis.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getCompositeRect.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getNodeScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/dom-utils/getHTMLElementScroll.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/orderModifiers.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/createPopper.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/debounce.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/utils/mergeByName.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/popper.js","webpack://pydata_sphinx_theme/./node_modules/@popperjs/core/lib/popper-lite.js","webpack://pydata_sphinx_theme/./node_modules/bootstrap/dist/js/bootstrap.esm.js","webpack://pydata_sphinx_theme/./src/pydata_sphinx_theme/assets/scripts/mixin.js","webpack://pydata_sphinx_theme/./src/pydata_sphinx_theme/assets/scripts/bootstrap.js"],"sourcesContent":["// The require scope\nvar __webpack_require__ = {};\n\n","// define getter functions for harmony exports\n__webpack_require__.d = (exports, definition) => {\n\tfor(var key in definition) {\n\t\tif(__webpack_require__.o(definition, key) && !__webpack_require__.o(exports, key)) {\n\t\t\tObject.defineProperty(exports, key, { enumerable: true, get: definition[key] });\n\t\t}\n\t}\n};","__webpack_require__.o = (obj, prop) => (Object.prototype.hasOwnProperty.call(obj, prop))","// define __esModule on exports\n__webpack_require__.r = (exports) => {\n\tif(typeof Symbol !== 'undefined' && Symbol.toStringTag) {\n\t\tObject.defineProperty(exports, Symbol.toStringTag, { value: 'Module' });\n\t}\n\tObject.defineProperty(exports, '__esModule', { value: true });\n};","export var top = 'top';\nexport var bottom = 'bottom';\nexport var right = 'right';\nexport var left = 'left';\nexport var auto = 'auto';\nexport var basePlacements = [top, bottom, right, left];\nexport var start = 'start';\nexport var end = 'end';\nexport var clippingParents = 'clippingParents';\nexport var viewport = 'viewport';\nexport var popper = 'popper';\nexport var reference = 'reference';\nexport var variationPlacements = /*#__PURE__*/basePlacements.reduce(function (acc, placement) {\n return acc.concat([placement + \"-\" + start, placement + \"-\" + end]);\n}, []);\nexport var placements = /*#__PURE__*/[].concat(basePlacements, [auto]).reduce(function (acc, placement) {\n return acc.concat([placement, placement + \"-\" + start, placement + \"-\" + end]);\n}, []); // modifiers that need to read the DOM\n\nexport var beforeRead = 'beforeRead';\nexport var read = 'read';\nexport var afterRead = 'afterRead'; // pure-logic modifiers\n\nexport var beforeMain = 'beforeMain';\nexport var main = 'main';\nexport var afterMain = 'afterMain'; // modifier with the purpose to write to the DOM (or write into a framework state)\n\nexport var beforeWrite = 'beforeWrite';\nexport var write = 'write';\nexport var afterWrite = 'afterWrite';\nexport var modifierPhases = [beforeRead, read, afterRead, beforeMain, main, afterMain, beforeWrite, write, afterWrite];","export default function getNodeName(element) {\n return element ? (element.nodeName || '').toLowerCase() : null;\n}","export default function getWindow(node) {\n if (node == null) {\n return window;\n }\n\n if (node.toString() !== '[object Window]') {\n var ownerDocument = node.ownerDocument;\n return ownerDocument ? ownerDocument.defaultView || window : window;\n }\n\n return node;\n}","import getWindow from \"./getWindow.js\";\n\nfunction isElement(node) {\n var OwnElement = getWindow(node).Element;\n return node instanceof OwnElement || node instanceof Element;\n}\n\nfunction isHTMLElement(node) {\n var OwnElement = getWindow(node).HTMLElement;\n return node instanceof OwnElement || node instanceof HTMLElement;\n}\n\nfunction isShadowRoot(node) {\n // IE 11 has no ShadowRoot\n if (typeof ShadowRoot === 'undefined') {\n return false;\n }\n\n var OwnElement = getWindow(node).ShadowRoot;\n return node instanceof OwnElement || node instanceof ShadowRoot;\n}\n\nexport { isElement, isHTMLElement, isShadowRoot };","import getNodeName from \"../dom-utils/getNodeName.js\";\nimport { isHTMLElement } from \"../dom-utils/instanceOf.js\"; // This modifier takes the styles prepared by the `computeStyles` modifier\n// and applies them to the HTMLElements such as popper and arrow\n\nfunction applyStyles(_ref) {\n var state = _ref.state;\n Object.keys(state.elements).forEach(function (name) {\n var style = state.styles[name] || {};\n var attributes = state.attributes[name] || {};\n var element = state.elements[name]; // arrow is optional + virtual elements\n\n if (!isHTMLElement(element) || !getNodeName(element)) {\n return;\n } // Flow doesn't support to extend this property, but it's the most\n // effective way to apply styles to an HTMLElement\n // $FlowFixMe[cannot-write]\n\n\n Object.assign(element.style, style);\n Object.keys(attributes).forEach(function (name) {\n var value = attributes[name];\n\n if (value === false) {\n element.removeAttribute(name);\n } else {\n element.setAttribute(name, value === true ? '' : value);\n }\n });\n });\n}\n\nfunction effect(_ref2) {\n var state = _ref2.state;\n var initialStyles = {\n popper: {\n position: state.options.strategy,\n left: '0',\n top: '0',\n margin: '0'\n },\n arrow: {\n position: 'absolute'\n },\n reference: {}\n };\n Object.assign(state.elements.popper.style, initialStyles.popper);\n state.styles = initialStyles;\n\n if (state.elements.arrow) {\n Object.assign(state.elements.arrow.style, initialStyles.arrow);\n }\n\n return function () {\n Object.keys(state.elements).forEach(function (name) {\n var element = state.elements[name];\n var attributes = state.attributes[name] || {};\n var styleProperties = Object.keys(state.styles.hasOwnProperty(name) ? state.styles[name] : initialStyles[name]); // Set all values to an empty string to unset them\n\n var style = styleProperties.reduce(function (style, property) {\n style[property] = '';\n return style;\n }, {}); // arrow is optional + virtual elements\n\n if (!isHTMLElement(element) || !getNodeName(element)) {\n return;\n }\n\n Object.assign(element.style, style);\n Object.keys(attributes).forEach(function (attribute) {\n element.removeAttribute(attribute);\n });\n });\n };\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'applyStyles',\n enabled: true,\n phase: 'write',\n fn: applyStyles,\n effect: effect,\n requires: ['computeStyles']\n};","import { auto } from \"../enums.js\";\nexport default function getBasePlacement(placement) {\n return placement.split('-')[0];\n}","export var max = Math.max;\nexport var min = Math.min;\nexport var round = Math.round;","export default function getUAString() {\n var uaData = navigator.userAgentData;\n\n if (uaData != null && uaData.brands && Array.isArray(uaData.brands)) {\n return uaData.brands.map(function (item) {\n return item.brand + \"/\" + item.version;\n }).join(' ');\n }\n\n return navigator.userAgent;\n}","import getUAString from \"../utils/userAgent.js\";\nexport default function isLayoutViewport() {\n return !/^((?!chrome|android).)*safari/i.test(getUAString());\n}","import { isElement, isHTMLElement } from \"./instanceOf.js\";\nimport { round } from \"../utils/math.js\";\nimport getWindow from \"./getWindow.js\";\nimport isLayoutViewport from \"./isLayoutViewport.js\";\nexport default function getBoundingClientRect(element, includeScale, isFixedStrategy) {\n if (includeScale === void 0) {\n includeScale = false;\n }\n\n if (isFixedStrategy === void 0) {\n isFixedStrategy = false;\n }\n\n var clientRect = element.getBoundingClientRect();\n var scaleX = 1;\n var scaleY = 1;\n\n if (includeScale && isHTMLElement(element)) {\n scaleX = element.offsetWidth > 0 ? round(clientRect.width) / element.offsetWidth || 1 : 1;\n scaleY = element.offsetHeight > 0 ? round(clientRect.height) / element.offsetHeight || 1 : 1;\n }\n\n var _ref = isElement(element) ? getWindow(element) : window,\n visualViewport = _ref.visualViewport;\n\n var addVisualOffsets = !isLayoutViewport() && isFixedStrategy;\n var x = (clientRect.left + (addVisualOffsets && visualViewport ? visualViewport.offsetLeft : 0)) / scaleX;\n var y = (clientRect.top + (addVisualOffsets && visualViewport ? visualViewport.offsetTop : 0)) / scaleY;\n var width = clientRect.width / scaleX;\n var height = clientRect.height / scaleY;\n return {\n width: width,\n height: height,\n top: y,\n right: x + width,\n bottom: y + height,\n left: x,\n x: x,\n y: y\n };\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\"; // Returns the layout rect of an element relative to its offsetParent. Layout\n// means it doesn't take into account transforms.\n\nexport default function getLayoutRect(element) {\n var clientRect = getBoundingClientRect(element); // Use the clientRect sizes if it's not been transformed.\n // Fixes https://github.com/popperjs/popper-core/issues/1223\n\n var width = element.offsetWidth;\n var height = element.offsetHeight;\n\n if (Math.abs(clientRect.width - width) <= 1) {\n width = clientRect.width;\n }\n\n if (Math.abs(clientRect.height - height) <= 1) {\n height = clientRect.height;\n }\n\n return {\n x: element.offsetLeft,\n y: element.offsetTop,\n width: width,\n height: height\n };\n}","import { isShadowRoot } from \"./instanceOf.js\";\nexport default function contains(parent, child) {\n var rootNode = child.getRootNode && child.getRootNode(); // First, attempt with faster native method\n\n if (parent.contains(child)) {\n return true;\n } // then fallback to custom implementation with Shadow DOM support\n else if (rootNode && isShadowRoot(rootNode)) {\n var next = child;\n\n do {\n if (next && parent.isSameNode(next)) {\n return true;\n } // $FlowFixMe[prop-missing]: need a better way to handle this...\n\n\n next = next.parentNode || next.host;\n } while (next);\n } // Give up, the result is false\n\n\n return false;\n}","import getWindow from \"./getWindow.js\";\nexport default function getComputedStyle(element) {\n return getWindow(element).getComputedStyle(element);\n}","import getNodeName from \"./getNodeName.js\";\nexport default function isTableElement(element) {\n return ['table', 'td', 'th'].indexOf(getNodeName(element)) >= 0;\n}","import { isElement } from \"./instanceOf.js\";\nexport default function getDocumentElement(element) {\n // $FlowFixMe[incompatible-return]: assume body is always available\n return ((isElement(element) ? element.ownerDocument : // $FlowFixMe[prop-missing]\n element.document) || window.document).documentElement;\n}","import getNodeName from \"./getNodeName.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport { isShadowRoot } from \"./instanceOf.js\";\nexport default function getParentNode(element) {\n if (getNodeName(element) === 'html') {\n return element;\n }\n\n return (// this is a quicker (but less type safe) way to save quite some bytes from the bundle\n // $FlowFixMe[incompatible-return]\n // $FlowFixMe[prop-missing]\n element.assignedSlot || // step into the shadow DOM of the parent of a slotted node\n element.parentNode || ( // DOM Element detected\n isShadowRoot(element) ? element.host : null) || // ShadowRoot detected\n // $FlowFixMe[incompatible-call]: HTMLElement is a Node\n getDocumentElement(element) // fallback\n\n );\n}","import getWindow from \"./getWindow.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport { isHTMLElement, isShadowRoot } from \"./instanceOf.js\";\nimport isTableElement from \"./isTableElement.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport getUAString from \"../utils/userAgent.js\";\n\nfunction getTrueOffsetParent(element) {\n if (!isHTMLElement(element) || // https://github.com/popperjs/popper-core/issues/837\n getComputedStyle(element).position === 'fixed') {\n return null;\n }\n\n return element.offsetParent;\n} // `.offsetParent` reports `null` for fixed elements, while absolute elements\n// return the containing block\n\n\nfunction getContainingBlock(element) {\n var isFirefox = /firefox/i.test(getUAString());\n var isIE = /Trident/i.test(getUAString());\n\n if (isIE && isHTMLElement(element)) {\n // In IE 9, 10 and 11 fixed elements containing block is always established by the viewport\n var elementCss = getComputedStyle(element);\n\n if (elementCss.position === 'fixed') {\n return null;\n }\n }\n\n var currentNode = getParentNode(element);\n\n if (isShadowRoot(currentNode)) {\n currentNode = currentNode.host;\n }\n\n while (isHTMLElement(currentNode) && ['html', 'body'].indexOf(getNodeName(currentNode)) < 0) {\n var css = getComputedStyle(currentNode); // This is non-exhaustive but covers the most common CSS properties that\n // create a containing block.\n // https://developer.mozilla.org/en-US/docs/Web/CSS/Containing_block#identifying_the_containing_block\n\n if (css.transform !== 'none' || css.perspective !== 'none' || css.contain === 'paint' || ['transform', 'perspective'].indexOf(css.willChange) !== -1 || isFirefox && css.willChange === 'filter' || isFirefox && css.filter && css.filter !== 'none') {\n return currentNode;\n } else {\n currentNode = currentNode.parentNode;\n }\n }\n\n return null;\n} // Gets the closest ancestor positioned element. Handles some edge cases,\n// such as table ancestors and cross browser bugs.\n\n\nexport default function getOffsetParent(element) {\n var window = getWindow(element);\n var offsetParent = getTrueOffsetParent(element);\n\n while (offsetParent && isTableElement(offsetParent) && getComputedStyle(offsetParent).position === 'static') {\n offsetParent = getTrueOffsetParent(offsetParent);\n }\n\n if (offsetParent && (getNodeName(offsetParent) === 'html' || getNodeName(offsetParent) === 'body' && getComputedStyle(offsetParent).position === 'static')) {\n return window;\n }\n\n return offsetParent || getContainingBlock(element) || window;\n}","export default function getMainAxisFromPlacement(placement) {\n return ['top', 'bottom'].indexOf(placement) >= 0 ? 'x' : 'y';\n}","import { max as mathMax, min as mathMin } from \"./math.js\";\nexport function within(min, value, max) {\n return mathMax(min, mathMin(value, max));\n}\nexport function withinMaxClamp(min, value, max) {\n var v = within(min, value, max);\n return v > max ? max : v;\n}","import getFreshSideObject from \"./getFreshSideObject.js\";\nexport default function mergePaddingObject(paddingObject) {\n return Object.assign({}, getFreshSideObject(), paddingObject);\n}","export default function getFreshSideObject() {\n return {\n top: 0,\n right: 0,\n bottom: 0,\n left: 0\n };\n}","export default function expandToHashMap(value, keys) {\n return keys.reduce(function (hashMap, key) {\n hashMap[key] = value;\n return hashMap;\n }, {});\n}","import getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getLayoutRect from \"../dom-utils/getLayoutRect.js\";\nimport contains from \"../dom-utils/contains.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport getMainAxisFromPlacement from \"../utils/getMainAxisFromPlacement.js\";\nimport { within } from \"../utils/within.js\";\nimport mergePaddingObject from \"../utils/mergePaddingObject.js\";\nimport expandToHashMap from \"../utils/expandToHashMap.js\";\nimport { left, right, basePlacements, top, bottom } from \"../enums.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar toPaddingObject = function toPaddingObject(padding, state) {\n padding = typeof padding === 'function' ? padding(Object.assign({}, state.rects, {\n placement: state.placement\n })) : padding;\n return mergePaddingObject(typeof padding !== 'number' ? padding : expandToHashMap(padding, basePlacements));\n};\n\nfunction arrow(_ref) {\n var _state$modifiersData$;\n\n var state = _ref.state,\n name = _ref.name,\n options = _ref.options;\n var arrowElement = state.elements.arrow;\n var popperOffsets = state.modifiersData.popperOffsets;\n var basePlacement = getBasePlacement(state.placement);\n var axis = getMainAxisFromPlacement(basePlacement);\n var isVertical = [left, right].indexOf(basePlacement) >= 0;\n var len = isVertical ? 'height' : 'width';\n\n if (!arrowElement || !popperOffsets) {\n return;\n }\n\n var paddingObject = toPaddingObject(options.padding, state);\n var arrowRect = getLayoutRect(arrowElement);\n var minProp = axis === 'y' ? top : left;\n var maxProp = axis === 'y' ? bottom : right;\n var endDiff = state.rects.reference[len] + state.rects.reference[axis] - popperOffsets[axis] - state.rects.popper[len];\n var startDiff = popperOffsets[axis] - state.rects.reference[axis];\n var arrowOffsetParent = getOffsetParent(arrowElement);\n var clientSize = arrowOffsetParent ? axis === 'y' ? arrowOffsetParent.clientHeight || 0 : arrowOffsetParent.clientWidth || 0 : 0;\n var centerToReference = endDiff / 2 - startDiff / 2; // Make sure the arrow doesn't overflow the popper if the center point is\n // outside of the popper bounds\n\n var min = paddingObject[minProp];\n var max = clientSize - arrowRect[len] - paddingObject[maxProp];\n var center = clientSize / 2 - arrowRect[len] / 2 + centerToReference;\n var offset = within(min, center, max); // Prevents breaking syntax highlighting...\n\n var axisProp = axis;\n state.modifiersData[name] = (_state$modifiersData$ = {}, _state$modifiersData$[axisProp] = offset, _state$modifiersData$.centerOffset = offset - center, _state$modifiersData$);\n}\n\nfunction effect(_ref2) {\n var state = _ref2.state,\n options = _ref2.options;\n var _options$element = options.element,\n arrowElement = _options$element === void 0 ? '[data-popper-arrow]' : _options$element;\n\n if (arrowElement == null) {\n return;\n } // CSS selector\n\n\n if (typeof arrowElement === 'string') {\n arrowElement = state.elements.popper.querySelector(arrowElement);\n\n if (!arrowElement) {\n return;\n }\n }\n\n if (!contains(state.elements.popper, arrowElement)) {\n return;\n }\n\n state.elements.arrow = arrowElement;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'arrow',\n enabled: true,\n phase: 'main',\n fn: arrow,\n effect: effect,\n requires: ['popperOffsets'],\n requiresIfExists: ['preventOverflow']\n};","export default function getVariation(placement) {\n return placement.split('-')[1];\n}","import { top, left, right, bottom, end } from \"../enums.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport getWindow from \"../dom-utils/getWindow.js\";\nimport getDocumentElement from \"../dom-utils/getDocumentElement.js\";\nimport getComputedStyle from \"../dom-utils/getComputedStyle.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getVariation from \"../utils/getVariation.js\";\nimport { round } from \"../utils/math.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar unsetSides = {\n top: 'auto',\n right: 'auto',\n bottom: 'auto',\n left: 'auto'\n}; // Round the offsets to the nearest suitable subpixel based on the DPR.\n// Zooming can change the DPR, but it seems to report a value that will\n// cleanly divide the values into the appropriate subpixels.\n\nfunction roundOffsetsByDPR(_ref, win) {\n var x = _ref.x,\n y = _ref.y;\n var dpr = win.devicePixelRatio || 1;\n return {\n x: round(x * dpr) / dpr || 0,\n y: round(y * dpr) / dpr || 0\n };\n}\n\nexport function mapToStyles(_ref2) {\n var _Object$assign2;\n\n var popper = _ref2.popper,\n popperRect = _ref2.popperRect,\n placement = _ref2.placement,\n variation = _ref2.variation,\n offsets = _ref2.offsets,\n position = _ref2.position,\n gpuAcceleration = _ref2.gpuAcceleration,\n adaptive = _ref2.adaptive,\n roundOffsets = _ref2.roundOffsets,\n isFixed = _ref2.isFixed;\n var _offsets$x = offsets.x,\n x = _offsets$x === void 0 ? 0 : _offsets$x,\n _offsets$y = offsets.y,\n y = _offsets$y === void 0 ? 0 : _offsets$y;\n\n var _ref3 = typeof roundOffsets === 'function' ? roundOffsets({\n x: x,\n y: y\n }) : {\n x: x,\n y: y\n };\n\n x = _ref3.x;\n y = _ref3.y;\n var hasX = offsets.hasOwnProperty('x');\n var hasY = offsets.hasOwnProperty('y');\n var sideX = left;\n var sideY = top;\n var win = window;\n\n if (adaptive) {\n var offsetParent = getOffsetParent(popper);\n var heightProp = 'clientHeight';\n var widthProp = 'clientWidth';\n\n if (offsetParent === getWindow(popper)) {\n offsetParent = getDocumentElement(popper);\n\n if (getComputedStyle(offsetParent).position !== 'static' && position === 'absolute') {\n heightProp = 'scrollHeight';\n widthProp = 'scrollWidth';\n }\n } // $FlowFixMe[incompatible-cast]: force type refinement, we compare offsetParent with window above, but Flow doesn't detect it\n\n\n offsetParent = offsetParent;\n\n if (placement === top || (placement === left || placement === right) && variation === end) {\n sideY = bottom;\n var offsetY = isFixed && offsetParent === win && win.visualViewport ? win.visualViewport.height : // $FlowFixMe[prop-missing]\n offsetParent[heightProp];\n y -= offsetY - popperRect.height;\n y *= gpuAcceleration ? 1 : -1;\n }\n\n if (placement === left || (placement === top || placement === bottom) && variation === end) {\n sideX = right;\n var offsetX = isFixed && offsetParent === win && win.visualViewport ? win.visualViewport.width : // $FlowFixMe[prop-missing]\n offsetParent[widthProp];\n x -= offsetX - popperRect.width;\n x *= gpuAcceleration ? 1 : -1;\n }\n }\n\n var commonStyles = Object.assign({\n position: position\n }, adaptive && unsetSides);\n\n var _ref4 = roundOffsets === true ? roundOffsetsByDPR({\n x: x,\n y: y\n }, getWindow(popper)) : {\n x: x,\n y: y\n };\n\n x = _ref4.x;\n y = _ref4.y;\n\n if (gpuAcceleration) {\n var _Object$assign;\n\n return Object.assign({}, commonStyles, (_Object$assign = {}, _Object$assign[sideY] = hasY ? '0' : '', _Object$assign[sideX] = hasX ? '0' : '', _Object$assign.transform = (win.devicePixelRatio || 1) <= 1 ? \"translate(\" + x + \"px, \" + y + \"px)\" : \"translate3d(\" + x + \"px, \" + y + \"px, 0)\", _Object$assign));\n }\n\n return Object.assign({}, commonStyles, (_Object$assign2 = {}, _Object$assign2[sideY] = hasY ? y + \"px\" : '', _Object$assign2[sideX] = hasX ? x + \"px\" : '', _Object$assign2.transform = '', _Object$assign2));\n}\n\nfunction computeStyles(_ref5) {\n var state = _ref5.state,\n options = _ref5.options;\n var _options$gpuAccelerat = options.gpuAcceleration,\n gpuAcceleration = _options$gpuAccelerat === void 0 ? true : _options$gpuAccelerat,\n _options$adaptive = options.adaptive,\n adaptive = _options$adaptive === void 0 ? true : _options$adaptive,\n _options$roundOffsets = options.roundOffsets,\n roundOffsets = _options$roundOffsets === void 0 ? true : _options$roundOffsets;\n var commonStyles = {\n placement: getBasePlacement(state.placement),\n variation: getVariation(state.placement),\n popper: state.elements.popper,\n popperRect: state.rects.popper,\n gpuAcceleration: gpuAcceleration,\n isFixed: state.options.strategy === 'fixed'\n };\n\n if (state.modifiersData.popperOffsets != null) {\n state.styles.popper = Object.assign({}, state.styles.popper, mapToStyles(Object.assign({}, commonStyles, {\n offsets: state.modifiersData.popperOffsets,\n position: state.options.strategy,\n adaptive: adaptive,\n roundOffsets: roundOffsets\n })));\n }\n\n if (state.modifiersData.arrow != null) {\n state.styles.arrow = Object.assign({}, state.styles.arrow, mapToStyles(Object.assign({}, commonStyles, {\n offsets: state.modifiersData.arrow,\n position: 'absolute',\n adaptive: false,\n roundOffsets: roundOffsets\n })));\n }\n\n state.attributes.popper = Object.assign({}, state.attributes.popper, {\n 'data-popper-placement': state.placement\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'computeStyles',\n enabled: true,\n phase: 'beforeWrite',\n fn: computeStyles,\n data: {}\n};","import getWindow from \"../dom-utils/getWindow.js\"; // eslint-disable-next-line import/no-unused-modules\n\nvar passive = {\n passive: true\n};\n\nfunction effect(_ref) {\n var state = _ref.state,\n instance = _ref.instance,\n options = _ref.options;\n var _options$scroll = options.scroll,\n scroll = _options$scroll === void 0 ? true : _options$scroll,\n _options$resize = options.resize,\n resize = _options$resize === void 0 ? true : _options$resize;\n var window = getWindow(state.elements.popper);\n var scrollParents = [].concat(state.scrollParents.reference, state.scrollParents.popper);\n\n if (scroll) {\n scrollParents.forEach(function (scrollParent) {\n scrollParent.addEventListener('scroll', instance.update, passive);\n });\n }\n\n if (resize) {\n window.addEventListener('resize', instance.update, passive);\n }\n\n return function () {\n if (scroll) {\n scrollParents.forEach(function (scrollParent) {\n scrollParent.removeEventListener('scroll', instance.update, passive);\n });\n }\n\n if (resize) {\n window.removeEventListener('resize', instance.update, passive);\n }\n };\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'eventListeners',\n enabled: true,\n phase: 'write',\n fn: function fn() {},\n effect: effect,\n data: {}\n};","var hash = {\n left: 'right',\n right: 'left',\n bottom: 'top',\n top: 'bottom'\n};\nexport default function getOppositePlacement(placement) {\n return placement.replace(/left|right|bottom|top/g, function (matched) {\n return hash[matched];\n });\n}","var hash = {\n start: 'end',\n end: 'start'\n};\nexport default function getOppositeVariationPlacement(placement) {\n return placement.replace(/start|end/g, function (matched) {\n return hash[matched];\n });\n}","import getWindow from \"./getWindow.js\";\nexport default function getWindowScroll(node) {\n var win = getWindow(node);\n var scrollLeft = win.pageXOffset;\n var scrollTop = win.pageYOffset;\n return {\n scrollLeft: scrollLeft,\n scrollTop: scrollTop\n };\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getWindowScroll from \"./getWindowScroll.js\";\nexport default function getWindowScrollBarX(element) {\n // If has a CSS width greater than the viewport, then this will be\n // incorrect for RTL.\n // Popper 1 is broken in this case and never had a bug report so let's assume\n // it's not an issue. I don't think anyone ever specifies width on \n // anyway.\n // Browsers where the left scrollbar doesn't cause an issue report `0` for\n // this (e.g. Edge 2019, IE11, Safari)\n return getBoundingClientRect(getDocumentElement(element)).left + getWindowScroll(element).scrollLeft;\n}","import getComputedStyle from \"./getComputedStyle.js\";\nexport default function isScrollParent(element) {\n // Firefox wants us to check `-x` and `-y` variations as well\n var _getComputedStyle = getComputedStyle(element),\n overflow = _getComputedStyle.overflow,\n overflowX = _getComputedStyle.overflowX,\n overflowY = _getComputedStyle.overflowY;\n\n return /auto|scroll|overlay|hidden/.test(overflow + overflowY + overflowX);\n}","import getParentNode from \"./getParentNode.js\";\nimport isScrollParent from \"./isScrollParent.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nexport default function getScrollParent(node) {\n if (['html', 'body', '#document'].indexOf(getNodeName(node)) >= 0) {\n // $FlowFixMe[incompatible-return]: assume body is always available\n return node.ownerDocument.body;\n }\n\n if (isHTMLElement(node) && isScrollParent(node)) {\n return node;\n }\n\n return getScrollParent(getParentNode(node));\n}","import getScrollParent from \"./getScrollParent.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport getWindow from \"./getWindow.js\";\nimport isScrollParent from \"./isScrollParent.js\";\n/*\ngiven a DOM element, return the list of all scroll parents, up the list of ancesors\nuntil we get to the top window object. This list is what we attach scroll listeners\nto, because if any of these parent elements scroll, we'll need to re-calculate the\nreference element's position.\n*/\n\nexport default function listScrollParents(element, list) {\n var _element$ownerDocumen;\n\n if (list === void 0) {\n list = [];\n }\n\n var scrollParent = getScrollParent(element);\n var isBody = scrollParent === ((_element$ownerDocumen = element.ownerDocument) == null ? void 0 : _element$ownerDocumen.body);\n var win = getWindow(scrollParent);\n var target = isBody ? [win].concat(win.visualViewport || [], isScrollParent(scrollParent) ? scrollParent : []) : scrollParent;\n var updatedList = list.concat(target);\n return isBody ? updatedList : // $FlowFixMe[incompatible-call]: isBody tells us target will be an HTMLElement here\n updatedList.concat(listScrollParents(getParentNode(target)));\n}","export default function rectToClientRect(rect) {\n return Object.assign({}, rect, {\n left: rect.x,\n top: rect.y,\n right: rect.x + rect.width,\n bottom: rect.y + rect.height\n });\n}","import { viewport } from \"../enums.js\";\nimport getViewportRect from \"./getViewportRect.js\";\nimport getDocumentRect from \"./getDocumentRect.js\";\nimport listScrollParents from \"./listScrollParents.js\";\nimport getOffsetParent from \"./getOffsetParent.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport { isElement, isHTMLElement } from \"./instanceOf.js\";\nimport getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getParentNode from \"./getParentNode.js\";\nimport contains from \"./contains.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport rectToClientRect from \"../utils/rectToClientRect.js\";\nimport { max, min } from \"../utils/math.js\";\n\nfunction getInnerBoundingClientRect(element, strategy) {\n var rect = getBoundingClientRect(element, false, strategy === 'fixed');\n rect.top = rect.top + element.clientTop;\n rect.left = rect.left + element.clientLeft;\n rect.bottom = rect.top + element.clientHeight;\n rect.right = rect.left + element.clientWidth;\n rect.width = element.clientWidth;\n rect.height = element.clientHeight;\n rect.x = rect.left;\n rect.y = rect.top;\n return rect;\n}\n\nfunction getClientRectFromMixedType(element, clippingParent, strategy) {\n return clippingParent === viewport ? rectToClientRect(getViewportRect(element, strategy)) : isElement(clippingParent) ? getInnerBoundingClientRect(clippingParent, strategy) : rectToClientRect(getDocumentRect(getDocumentElement(element)));\n} // A \"clipping parent\" is an overflowable container with the characteristic of\n// clipping (or hiding) overflowing elements with a position different from\n// `initial`\n\n\nfunction getClippingParents(element) {\n var clippingParents = listScrollParents(getParentNode(element));\n var canEscapeClipping = ['absolute', 'fixed'].indexOf(getComputedStyle(element).position) >= 0;\n var clipperElement = canEscapeClipping && isHTMLElement(element) ? getOffsetParent(element) : element;\n\n if (!isElement(clipperElement)) {\n return [];\n } // $FlowFixMe[incompatible-return]: https://github.com/facebook/flow/issues/1414\n\n\n return clippingParents.filter(function (clippingParent) {\n return isElement(clippingParent) && contains(clippingParent, clipperElement) && getNodeName(clippingParent) !== 'body';\n });\n} // Gets the maximum area that the element is visible in due to any number of\n// clipping parents\n\n\nexport default function getClippingRect(element, boundary, rootBoundary, strategy) {\n var mainClippingParents = boundary === 'clippingParents' ? getClippingParents(element) : [].concat(boundary);\n var clippingParents = [].concat(mainClippingParents, [rootBoundary]);\n var firstClippingParent = clippingParents[0];\n var clippingRect = clippingParents.reduce(function (accRect, clippingParent) {\n var rect = getClientRectFromMixedType(element, clippingParent, strategy);\n accRect.top = max(rect.top, accRect.top);\n accRect.right = min(rect.right, accRect.right);\n accRect.bottom = min(rect.bottom, accRect.bottom);\n accRect.left = max(rect.left, accRect.left);\n return accRect;\n }, getClientRectFromMixedType(element, firstClippingParent, strategy));\n clippingRect.width = clippingRect.right - clippingRect.left;\n clippingRect.height = clippingRect.bottom - clippingRect.top;\n clippingRect.x = clippingRect.left;\n clippingRect.y = clippingRect.top;\n return clippingRect;\n}","import getWindow from \"./getWindow.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport isLayoutViewport from \"./isLayoutViewport.js\";\nexport default function getViewportRect(element, strategy) {\n var win = getWindow(element);\n var html = getDocumentElement(element);\n var visualViewport = win.visualViewport;\n var width = html.clientWidth;\n var height = html.clientHeight;\n var x = 0;\n var y = 0;\n\n if (visualViewport) {\n width = visualViewport.width;\n height = visualViewport.height;\n var layoutViewport = isLayoutViewport();\n\n if (layoutViewport || !layoutViewport && strategy === 'fixed') {\n x = visualViewport.offsetLeft;\n y = visualViewport.offsetTop;\n }\n }\n\n return {\n width: width,\n height: height,\n x: x + getWindowScrollBarX(element),\n y: y\n };\n}","import getDocumentElement from \"./getDocumentElement.js\";\nimport getComputedStyle from \"./getComputedStyle.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport getWindowScroll from \"./getWindowScroll.js\";\nimport { max } from \"../utils/math.js\"; // Gets the entire size of the scrollable document area, even extending outside\n// of the `` and `` rect bounds if horizontally scrollable\n\nexport default function getDocumentRect(element) {\n var _element$ownerDocumen;\n\n var html = getDocumentElement(element);\n var winScroll = getWindowScroll(element);\n var body = (_element$ownerDocumen = element.ownerDocument) == null ? void 0 : _element$ownerDocumen.body;\n var width = max(html.scrollWidth, html.clientWidth, body ? body.scrollWidth : 0, body ? body.clientWidth : 0);\n var height = max(html.scrollHeight, html.clientHeight, body ? body.scrollHeight : 0, body ? body.clientHeight : 0);\n var x = -winScroll.scrollLeft + getWindowScrollBarX(element);\n var y = -winScroll.scrollTop;\n\n if (getComputedStyle(body || html).direction === 'rtl') {\n x += max(html.clientWidth, body ? body.clientWidth : 0) - width;\n }\n\n return {\n width: width,\n height: height,\n x: x,\n y: y\n };\n}","import getBasePlacement from \"./getBasePlacement.js\";\nimport getVariation from \"./getVariation.js\";\nimport getMainAxisFromPlacement from \"./getMainAxisFromPlacement.js\";\nimport { top, right, bottom, left, start, end } from \"../enums.js\";\nexport default function computeOffsets(_ref) {\n var reference = _ref.reference,\n element = _ref.element,\n placement = _ref.placement;\n var basePlacement = placement ? getBasePlacement(placement) : null;\n var variation = placement ? getVariation(placement) : null;\n var commonX = reference.x + reference.width / 2 - element.width / 2;\n var commonY = reference.y + reference.height / 2 - element.height / 2;\n var offsets;\n\n switch (basePlacement) {\n case top:\n offsets = {\n x: commonX,\n y: reference.y - element.height\n };\n break;\n\n case bottom:\n offsets = {\n x: commonX,\n y: reference.y + reference.height\n };\n break;\n\n case right:\n offsets = {\n x: reference.x + reference.width,\n y: commonY\n };\n break;\n\n case left:\n offsets = {\n x: reference.x - element.width,\n y: commonY\n };\n break;\n\n default:\n offsets = {\n x: reference.x,\n y: reference.y\n };\n }\n\n var mainAxis = basePlacement ? getMainAxisFromPlacement(basePlacement) : null;\n\n if (mainAxis != null) {\n var len = mainAxis === 'y' ? 'height' : 'width';\n\n switch (variation) {\n case start:\n offsets[mainAxis] = offsets[mainAxis] - (reference[len] / 2 - element[len] / 2);\n break;\n\n case end:\n offsets[mainAxis] = offsets[mainAxis] + (reference[len] / 2 - element[len] / 2);\n break;\n\n default:\n }\n }\n\n return offsets;\n}","import getClippingRect from \"../dom-utils/getClippingRect.js\";\nimport getDocumentElement from \"../dom-utils/getDocumentElement.js\";\nimport getBoundingClientRect from \"../dom-utils/getBoundingClientRect.js\";\nimport computeOffsets from \"./computeOffsets.js\";\nimport rectToClientRect from \"./rectToClientRect.js\";\nimport { clippingParents, reference, popper, bottom, top, right, basePlacements, viewport } from \"../enums.js\";\nimport { isElement } from \"../dom-utils/instanceOf.js\";\nimport mergePaddingObject from \"./mergePaddingObject.js\";\nimport expandToHashMap from \"./expandToHashMap.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport default function detectOverflow(state, options) {\n if (options === void 0) {\n options = {};\n }\n\n var _options = options,\n _options$placement = _options.placement,\n placement = _options$placement === void 0 ? state.placement : _options$placement,\n _options$strategy = _options.strategy,\n strategy = _options$strategy === void 0 ? state.strategy : _options$strategy,\n _options$boundary = _options.boundary,\n boundary = _options$boundary === void 0 ? clippingParents : _options$boundary,\n _options$rootBoundary = _options.rootBoundary,\n rootBoundary = _options$rootBoundary === void 0 ? viewport : _options$rootBoundary,\n _options$elementConte = _options.elementContext,\n elementContext = _options$elementConte === void 0 ? popper : _options$elementConte,\n _options$altBoundary = _options.altBoundary,\n altBoundary = _options$altBoundary === void 0 ? false : _options$altBoundary,\n _options$padding = _options.padding,\n padding = _options$padding === void 0 ? 0 : _options$padding;\n var paddingObject = mergePaddingObject(typeof padding !== 'number' ? padding : expandToHashMap(padding, basePlacements));\n var altContext = elementContext === popper ? reference : popper;\n var popperRect = state.rects.popper;\n var element = state.elements[altBoundary ? altContext : elementContext];\n var clippingClientRect = getClippingRect(isElement(element) ? element : element.contextElement || getDocumentElement(state.elements.popper), boundary, rootBoundary, strategy);\n var referenceClientRect = getBoundingClientRect(state.elements.reference);\n var popperOffsets = computeOffsets({\n reference: referenceClientRect,\n element: popperRect,\n strategy: 'absolute',\n placement: placement\n });\n var popperClientRect = rectToClientRect(Object.assign({}, popperRect, popperOffsets));\n var elementClientRect = elementContext === popper ? popperClientRect : referenceClientRect; // positive = overflowing the clipping rect\n // 0 or negative = within the clipping rect\n\n var overflowOffsets = {\n top: clippingClientRect.top - elementClientRect.top + paddingObject.top,\n bottom: elementClientRect.bottom - clippingClientRect.bottom + paddingObject.bottom,\n left: clippingClientRect.left - elementClientRect.left + paddingObject.left,\n right: elementClientRect.right - clippingClientRect.right + paddingObject.right\n };\n var offsetData = state.modifiersData.offset; // Offsets can be applied only to the popper element\n\n if (elementContext === popper && offsetData) {\n var offset = offsetData[placement];\n Object.keys(overflowOffsets).forEach(function (key) {\n var multiply = [right, bottom].indexOf(key) >= 0 ? 1 : -1;\n var axis = [top, bottom].indexOf(key) >= 0 ? 'y' : 'x';\n overflowOffsets[key] += offset[axis] * multiply;\n });\n }\n\n return overflowOffsets;\n}","import getOppositePlacement from \"../utils/getOppositePlacement.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getOppositeVariationPlacement from \"../utils/getOppositeVariationPlacement.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\nimport computeAutoPlacement from \"../utils/computeAutoPlacement.js\";\nimport { bottom, top, start, right, left, auto } from \"../enums.js\";\nimport getVariation from \"../utils/getVariation.js\"; // eslint-disable-next-line import/no-unused-modules\n\nfunction getExpandedFallbackPlacements(placement) {\n if (getBasePlacement(placement) === auto) {\n return [];\n }\n\n var oppositePlacement = getOppositePlacement(placement);\n return [getOppositeVariationPlacement(placement), oppositePlacement, getOppositeVariationPlacement(oppositePlacement)];\n}\n\nfunction flip(_ref) {\n var state = _ref.state,\n options = _ref.options,\n name = _ref.name;\n\n if (state.modifiersData[name]._skip) {\n return;\n }\n\n var _options$mainAxis = options.mainAxis,\n checkMainAxis = _options$mainAxis === void 0 ? true : _options$mainAxis,\n _options$altAxis = options.altAxis,\n checkAltAxis = _options$altAxis === void 0 ? true : _options$altAxis,\n specifiedFallbackPlacements = options.fallbackPlacements,\n padding = options.padding,\n boundary = options.boundary,\n rootBoundary = options.rootBoundary,\n altBoundary = options.altBoundary,\n _options$flipVariatio = options.flipVariations,\n flipVariations = _options$flipVariatio === void 0 ? true : _options$flipVariatio,\n allowedAutoPlacements = options.allowedAutoPlacements;\n var preferredPlacement = state.options.placement;\n var basePlacement = getBasePlacement(preferredPlacement);\n var isBasePlacement = basePlacement === preferredPlacement;\n var fallbackPlacements = specifiedFallbackPlacements || (isBasePlacement || !flipVariations ? [getOppositePlacement(preferredPlacement)] : getExpandedFallbackPlacements(preferredPlacement));\n var placements = [preferredPlacement].concat(fallbackPlacements).reduce(function (acc, placement) {\n return acc.concat(getBasePlacement(placement) === auto ? computeAutoPlacement(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding,\n flipVariations: flipVariations,\n allowedAutoPlacements: allowedAutoPlacements\n }) : placement);\n }, []);\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var checksMap = new Map();\n var makeFallbackChecks = true;\n var firstFittingPlacement = placements[0];\n\n for (var i = 0; i < placements.length; i++) {\n var placement = placements[i];\n\n var _basePlacement = getBasePlacement(placement);\n\n var isStartVariation = getVariation(placement) === start;\n var isVertical = [top, bottom].indexOf(_basePlacement) >= 0;\n var len = isVertical ? 'width' : 'height';\n var overflow = detectOverflow(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n altBoundary: altBoundary,\n padding: padding\n });\n var mainVariationSide = isVertical ? isStartVariation ? right : left : isStartVariation ? bottom : top;\n\n if (referenceRect[len] > popperRect[len]) {\n mainVariationSide = getOppositePlacement(mainVariationSide);\n }\n\n var altVariationSide = getOppositePlacement(mainVariationSide);\n var checks = [];\n\n if (checkMainAxis) {\n checks.push(overflow[_basePlacement] <= 0);\n }\n\n if (checkAltAxis) {\n checks.push(overflow[mainVariationSide] <= 0, overflow[altVariationSide] <= 0);\n }\n\n if (checks.every(function (check) {\n return check;\n })) {\n firstFittingPlacement = placement;\n makeFallbackChecks = false;\n break;\n }\n\n checksMap.set(placement, checks);\n }\n\n if (makeFallbackChecks) {\n // `2` may be desired in some cases – research later\n var numberOfChecks = flipVariations ? 3 : 1;\n\n var _loop = function _loop(_i) {\n var fittingPlacement = placements.find(function (placement) {\n var checks = checksMap.get(placement);\n\n if (checks) {\n return checks.slice(0, _i).every(function (check) {\n return check;\n });\n }\n });\n\n if (fittingPlacement) {\n firstFittingPlacement = fittingPlacement;\n return \"break\";\n }\n };\n\n for (var _i = numberOfChecks; _i > 0; _i--) {\n var _ret = _loop(_i);\n\n if (_ret === \"break\") break;\n }\n }\n\n if (state.placement !== firstFittingPlacement) {\n state.modifiersData[name]._skip = true;\n state.placement = firstFittingPlacement;\n state.reset = true;\n }\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'flip',\n enabled: true,\n phase: 'main',\n fn: flip,\n requiresIfExists: ['offset'],\n data: {\n _skip: false\n }\n};","import getVariation from \"./getVariation.js\";\nimport { variationPlacements, basePlacements, placements as allPlacements } from \"../enums.js\";\nimport detectOverflow from \"./detectOverflow.js\";\nimport getBasePlacement from \"./getBasePlacement.js\";\nexport default function computeAutoPlacement(state, options) {\n if (options === void 0) {\n options = {};\n }\n\n var _options = options,\n placement = _options.placement,\n boundary = _options.boundary,\n rootBoundary = _options.rootBoundary,\n padding = _options.padding,\n flipVariations = _options.flipVariations,\n _options$allowedAutoP = _options.allowedAutoPlacements,\n allowedAutoPlacements = _options$allowedAutoP === void 0 ? allPlacements : _options$allowedAutoP;\n var variation = getVariation(placement);\n var placements = variation ? flipVariations ? variationPlacements : variationPlacements.filter(function (placement) {\n return getVariation(placement) === variation;\n }) : basePlacements;\n var allowedPlacements = placements.filter(function (placement) {\n return allowedAutoPlacements.indexOf(placement) >= 0;\n });\n\n if (allowedPlacements.length === 0) {\n allowedPlacements = placements;\n } // $FlowFixMe[incompatible-type]: Flow seems to have problems with two array unions...\n\n\n var overflows = allowedPlacements.reduce(function (acc, placement) {\n acc[placement] = detectOverflow(state, {\n placement: placement,\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding\n })[getBasePlacement(placement)];\n return acc;\n }, {});\n return Object.keys(overflows).sort(function (a, b) {\n return overflows[a] - overflows[b];\n });\n}","import { top, bottom, left, right } from \"../enums.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\n\nfunction getSideOffsets(overflow, rect, preventedOffsets) {\n if (preventedOffsets === void 0) {\n preventedOffsets = {\n x: 0,\n y: 0\n };\n }\n\n return {\n top: overflow.top - rect.height - preventedOffsets.y,\n right: overflow.right - rect.width + preventedOffsets.x,\n bottom: overflow.bottom - rect.height + preventedOffsets.y,\n left: overflow.left - rect.width - preventedOffsets.x\n };\n}\n\nfunction isAnySideFullyClipped(overflow) {\n return [top, right, bottom, left].some(function (side) {\n return overflow[side] >= 0;\n });\n}\n\nfunction hide(_ref) {\n var state = _ref.state,\n name = _ref.name;\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var preventedOffsets = state.modifiersData.preventOverflow;\n var referenceOverflow = detectOverflow(state, {\n elementContext: 'reference'\n });\n var popperAltOverflow = detectOverflow(state, {\n altBoundary: true\n });\n var referenceClippingOffsets = getSideOffsets(referenceOverflow, referenceRect);\n var popperEscapeOffsets = getSideOffsets(popperAltOverflow, popperRect, preventedOffsets);\n var isReferenceHidden = isAnySideFullyClipped(referenceClippingOffsets);\n var hasPopperEscaped = isAnySideFullyClipped(popperEscapeOffsets);\n state.modifiersData[name] = {\n referenceClippingOffsets: referenceClippingOffsets,\n popperEscapeOffsets: popperEscapeOffsets,\n isReferenceHidden: isReferenceHidden,\n hasPopperEscaped: hasPopperEscaped\n };\n state.attributes.popper = Object.assign({}, state.attributes.popper, {\n 'data-popper-reference-hidden': isReferenceHidden,\n 'data-popper-escaped': hasPopperEscaped\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'hide',\n enabled: true,\n phase: 'main',\n requiresIfExists: ['preventOverflow'],\n fn: hide\n};","import getBasePlacement from \"../utils/getBasePlacement.js\";\nimport { top, left, right, placements } from \"../enums.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport function distanceAndSkiddingToXY(placement, rects, offset) {\n var basePlacement = getBasePlacement(placement);\n var invertDistance = [left, top].indexOf(basePlacement) >= 0 ? -1 : 1;\n\n var _ref = typeof offset === 'function' ? offset(Object.assign({}, rects, {\n placement: placement\n })) : offset,\n skidding = _ref[0],\n distance = _ref[1];\n\n skidding = skidding || 0;\n distance = (distance || 0) * invertDistance;\n return [left, right].indexOf(basePlacement) >= 0 ? {\n x: distance,\n y: skidding\n } : {\n x: skidding,\n y: distance\n };\n}\n\nfunction offset(_ref2) {\n var state = _ref2.state,\n options = _ref2.options,\n name = _ref2.name;\n var _options$offset = options.offset,\n offset = _options$offset === void 0 ? [0, 0] : _options$offset;\n var data = placements.reduce(function (acc, placement) {\n acc[placement] = distanceAndSkiddingToXY(placement, state.rects, offset);\n return acc;\n }, {});\n var _data$state$placement = data[state.placement],\n x = _data$state$placement.x,\n y = _data$state$placement.y;\n\n if (state.modifiersData.popperOffsets != null) {\n state.modifiersData.popperOffsets.x += x;\n state.modifiersData.popperOffsets.y += y;\n }\n\n state.modifiersData[name] = data;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'offset',\n enabled: true,\n phase: 'main',\n requires: ['popperOffsets'],\n fn: offset\n};","import computeOffsets from \"../utils/computeOffsets.js\";\n\nfunction popperOffsets(_ref) {\n var state = _ref.state,\n name = _ref.name;\n // Offsets are the actual position the popper needs to have to be\n // properly positioned near its reference element\n // This is the most basic placement, and will be adjusted by\n // the modifiers in the next step\n state.modifiersData[name] = computeOffsets({\n reference: state.rects.reference,\n element: state.rects.popper,\n strategy: 'absolute',\n placement: state.placement\n });\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'popperOffsets',\n enabled: true,\n phase: 'read',\n fn: popperOffsets,\n data: {}\n};","import { top, left, right, bottom, start } from \"../enums.js\";\nimport getBasePlacement from \"../utils/getBasePlacement.js\";\nimport getMainAxisFromPlacement from \"../utils/getMainAxisFromPlacement.js\";\nimport getAltAxis from \"../utils/getAltAxis.js\";\nimport { within, withinMaxClamp } from \"../utils/within.js\";\nimport getLayoutRect from \"../dom-utils/getLayoutRect.js\";\nimport getOffsetParent from \"../dom-utils/getOffsetParent.js\";\nimport detectOverflow from \"../utils/detectOverflow.js\";\nimport getVariation from \"../utils/getVariation.js\";\nimport getFreshSideObject from \"../utils/getFreshSideObject.js\";\nimport { min as mathMin, max as mathMax } from \"../utils/math.js\";\n\nfunction preventOverflow(_ref) {\n var state = _ref.state,\n options = _ref.options,\n name = _ref.name;\n var _options$mainAxis = options.mainAxis,\n checkMainAxis = _options$mainAxis === void 0 ? true : _options$mainAxis,\n _options$altAxis = options.altAxis,\n checkAltAxis = _options$altAxis === void 0 ? false : _options$altAxis,\n boundary = options.boundary,\n rootBoundary = options.rootBoundary,\n altBoundary = options.altBoundary,\n padding = options.padding,\n _options$tether = options.tether,\n tether = _options$tether === void 0 ? true : _options$tether,\n _options$tetherOffset = options.tetherOffset,\n tetherOffset = _options$tetherOffset === void 0 ? 0 : _options$tetherOffset;\n var overflow = detectOverflow(state, {\n boundary: boundary,\n rootBoundary: rootBoundary,\n padding: padding,\n altBoundary: altBoundary\n });\n var basePlacement = getBasePlacement(state.placement);\n var variation = getVariation(state.placement);\n var isBasePlacement = !variation;\n var mainAxis = getMainAxisFromPlacement(basePlacement);\n var altAxis = getAltAxis(mainAxis);\n var popperOffsets = state.modifiersData.popperOffsets;\n var referenceRect = state.rects.reference;\n var popperRect = state.rects.popper;\n var tetherOffsetValue = typeof tetherOffset === 'function' ? tetherOffset(Object.assign({}, state.rects, {\n placement: state.placement\n })) : tetherOffset;\n var normalizedTetherOffsetValue = typeof tetherOffsetValue === 'number' ? {\n mainAxis: tetherOffsetValue,\n altAxis: tetherOffsetValue\n } : Object.assign({\n mainAxis: 0,\n altAxis: 0\n }, tetherOffsetValue);\n var offsetModifierState = state.modifiersData.offset ? state.modifiersData.offset[state.placement] : null;\n var data = {\n x: 0,\n y: 0\n };\n\n if (!popperOffsets) {\n return;\n }\n\n if (checkMainAxis) {\n var _offsetModifierState$;\n\n var mainSide = mainAxis === 'y' ? top : left;\n var altSide = mainAxis === 'y' ? bottom : right;\n var len = mainAxis === 'y' ? 'height' : 'width';\n var offset = popperOffsets[mainAxis];\n var min = offset + overflow[mainSide];\n var max = offset - overflow[altSide];\n var additive = tether ? -popperRect[len] / 2 : 0;\n var minLen = variation === start ? referenceRect[len] : popperRect[len];\n var maxLen = variation === start ? -popperRect[len] : -referenceRect[len]; // We need to include the arrow in the calculation so the arrow doesn't go\n // outside the reference bounds\n\n var arrowElement = state.elements.arrow;\n var arrowRect = tether && arrowElement ? getLayoutRect(arrowElement) : {\n width: 0,\n height: 0\n };\n var arrowPaddingObject = state.modifiersData['arrow#persistent'] ? state.modifiersData['arrow#persistent'].padding : getFreshSideObject();\n var arrowPaddingMin = arrowPaddingObject[mainSide];\n var arrowPaddingMax = arrowPaddingObject[altSide]; // If the reference length is smaller than the arrow length, we don't want\n // to include its full size in the calculation. If the reference is small\n // and near the edge of a boundary, the popper can overflow even if the\n // reference is not overflowing as well (e.g. virtual elements with no\n // width or height)\n\n var arrowLen = within(0, referenceRect[len], arrowRect[len]);\n var minOffset = isBasePlacement ? referenceRect[len] / 2 - additive - arrowLen - arrowPaddingMin - normalizedTetherOffsetValue.mainAxis : minLen - arrowLen - arrowPaddingMin - normalizedTetherOffsetValue.mainAxis;\n var maxOffset = isBasePlacement ? -referenceRect[len] / 2 + additive + arrowLen + arrowPaddingMax + normalizedTetherOffsetValue.mainAxis : maxLen + arrowLen + arrowPaddingMax + normalizedTetherOffsetValue.mainAxis;\n var arrowOffsetParent = state.elements.arrow && getOffsetParent(state.elements.arrow);\n var clientOffset = arrowOffsetParent ? mainAxis === 'y' ? arrowOffsetParent.clientTop || 0 : arrowOffsetParent.clientLeft || 0 : 0;\n var offsetModifierValue = (_offsetModifierState$ = offsetModifierState == null ? void 0 : offsetModifierState[mainAxis]) != null ? _offsetModifierState$ : 0;\n var tetherMin = offset + minOffset - offsetModifierValue - clientOffset;\n var tetherMax = offset + maxOffset - offsetModifierValue;\n var preventedOffset = within(tether ? mathMin(min, tetherMin) : min, offset, tether ? mathMax(max, tetherMax) : max);\n popperOffsets[mainAxis] = preventedOffset;\n data[mainAxis] = preventedOffset - offset;\n }\n\n if (checkAltAxis) {\n var _offsetModifierState$2;\n\n var _mainSide = mainAxis === 'x' ? top : left;\n\n var _altSide = mainAxis === 'x' ? bottom : right;\n\n var _offset = popperOffsets[altAxis];\n\n var _len = altAxis === 'y' ? 'height' : 'width';\n\n var _min = _offset + overflow[_mainSide];\n\n var _max = _offset - overflow[_altSide];\n\n var isOriginSide = [top, left].indexOf(basePlacement) !== -1;\n\n var _offsetModifierValue = (_offsetModifierState$2 = offsetModifierState == null ? void 0 : offsetModifierState[altAxis]) != null ? _offsetModifierState$2 : 0;\n\n var _tetherMin = isOriginSide ? _min : _offset - referenceRect[_len] - popperRect[_len] - _offsetModifierValue + normalizedTetherOffsetValue.altAxis;\n\n var _tetherMax = isOriginSide ? _offset + referenceRect[_len] + popperRect[_len] - _offsetModifierValue - normalizedTetherOffsetValue.altAxis : _max;\n\n var _preventedOffset = tether && isOriginSide ? withinMaxClamp(_tetherMin, _offset, _tetherMax) : within(tether ? _tetherMin : _min, _offset, tether ? _tetherMax : _max);\n\n popperOffsets[altAxis] = _preventedOffset;\n data[altAxis] = _preventedOffset - _offset;\n }\n\n state.modifiersData[name] = data;\n} // eslint-disable-next-line import/no-unused-modules\n\n\nexport default {\n name: 'preventOverflow',\n enabled: true,\n phase: 'main',\n fn: preventOverflow,\n requiresIfExists: ['offset']\n};","export default function getAltAxis(axis) {\n return axis === 'x' ? 'y' : 'x';\n}","import getBoundingClientRect from \"./getBoundingClientRect.js\";\nimport getNodeScroll from \"./getNodeScroll.js\";\nimport getNodeName from \"./getNodeName.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nimport getWindowScrollBarX from \"./getWindowScrollBarX.js\";\nimport getDocumentElement from \"./getDocumentElement.js\";\nimport isScrollParent from \"./isScrollParent.js\";\nimport { round } from \"../utils/math.js\";\n\nfunction isElementScaled(element) {\n var rect = element.getBoundingClientRect();\n var scaleX = round(rect.width) / element.offsetWidth || 1;\n var scaleY = round(rect.height) / element.offsetHeight || 1;\n return scaleX !== 1 || scaleY !== 1;\n} // Returns the composite rect of an element relative to its offsetParent.\n// Composite means it takes into account transforms as well as layout.\n\n\nexport default function getCompositeRect(elementOrVirtualElement, offsetParent, isFixed) {\n if (isFixed === void 0) {\n isFixed = false;\n }\n\n var isOffsetParentAnElement = isHTMLElement(offsetParent);\n var offsetParentIsScaled = isHTMLElement(offsetParent) && isElementScaled(offsetParent);\n var documentElement = getDocumentElement(offsetParent);\n var rect = getBoundingClientRect(elementOrVirtualElement, offsetParentIsScaled, isFixed);\n var scroll = {\n scrollLeft: 0,\n scrollTop: 0\n };\n var offsets = {\n x: 0,\n y: 0\n };\n\n if (isOffsetParentAnElement || !isOffsetParentAnElement && !isFixed) {\n if (getNodeName(offsetParent) !== 'body' || // https://github.com/popperjs/popper-core/issues/1078\n isScrollParent(documentElement)) {\n scroll = getNodeScroll(offsetParent);\n }\n\n if (isHTMLElement(offsetParent)) {\n offsets = getBoundingClientRect(offsetParent, true);\n offsets.x += offsetParent.clientLeft;\n offsets.y += offsetParent.clientTop;\n } else if (documentElement) {\n offsets.x = getWindowScrollBarX(documentElement);\n }\n }\n\n return {\n x: rect.left + scroll.scrollLeft - offsets.x,\n y: rect.top + scroll.scrollTop - offsets.y,\n width: rect.width,\n height: rect.height\n };\n}","import getWindowScroll from \"./getWindowScroll.js\";\nimport getWindow from \"./getWindow.js\";\nimport { isHTMLElement } from \"./instanceOf.js\";\nimport getHTMLElementScroll from \"./getHTMLElementScroll.js\";\nexport default function getNodeScroll(node) {\n if (node === getWindow(node) || !isHTMLElement(node)) {\n return getWindowScroll(node);\n } else {\n return getHTMLElementScroll(node);\n }\n}","export default function getHTMLElementScroll(element) {\n return {\n scrollLeft: element.scrollLeft,\n scrollTop: element.scrollTop\n };\n}","import { modifierPhases } from \"../enums.js\"; // source: https://stackoverflow.com/questions/49875255\n\nfunction order(modifiers) {\n var map = new Map();\n var visited = new Set();\n var result = [];\n modifiers.forEach(function (modifier) {\n map.set(modifier.name, modifier);\n }); // On visiting object, check for its dependencies and visit them recursively\n\n function sort(modifier) {\n visited.add(modifier.name);\n var requires = [].concat(modifier.requires || [], modifier.requiresIfExists || []);\n requires.forEach(function (dep) {\n if (!visited.has(dep)) {\n var depModifier = map.get(dep);\n\n if (depModifier) {\n sort(depModifier);\n }\n }\n });\n result.push(modifier);\n }\n\n modifiers.forEach(function (modifier) {\n if (!visited.has(modifier.name)) {\n // check for visited object\n sort(modifier);\n }\n });\n return result;\n}\n\nexport default function orderModifiers(modifiers) {\n // order based on dependencies\n var orderedModifiers = order(modifiers); // order based on phase\n\n return modifierPhases.reduce(function (acc, phase) {\n return acc.concat(orderedModifiers.filter(function (modifier) {\n return modifier.phase === phase;\n }));\n }, []);\n}","import getCompositeRect from \"./dom-utils/getCompositeRect.js\";\nimport getLayoutRect from \"./dom-utils/getLayoutRect.js\";\nimport listScrollParents from \"./dom-utils/listScrollParents.js\";\nimport getOffsetParent from \"./dom-utils/getOffsetParent.js\";\nimport orderModifiers from \"./utils/orderModifiers.js\";\nimport debounce from \"./utils/debounce.js\";\nimport mergeByName from \"./utils/mergeByName.js\";\nimport detectOverflow from \"./utils/detectOverflow.js\";\nimport { isElement } from \"./dom-utils/instanceOf.js\";\nvar DEFAULT_OPTIONS = {\n placement: 'bottom',\n modifiers: [],\n strategy: 'absolute'\n};\n\nfunction areValidElements() {\n for (var _len = arguments.length, args = new Array(_len), _key = 0; _key < _len; _key++) {\n args[_key] = arguments[_key];\n }\n\n return !args.some(function (element) {\n return !(element && typeof element.getBoundingClientRect === 'function');\n });\n}\n\nexport function popperGenerator(generatorOptions) {\n if (generatorOptions === void 0) {\n generatorOptions = {};\n }\n\n var _generatorOptions = generatorOptions,\n _generatorOptions$def = _generatorOptions.defaultModifiers,\n defaultModifiers = _generatorOptions$def === void 0 ? [] : _generatorOptions$def,\n _generatorOptions$def2 = _generatorOptions.defaultOptions,\n defaultOptions = _generatorOptions$def2 === void 0 ? DEFAULT_OPTIONS : _generatorOptions$def2;\n return function createPopper(reference, popper, options) {\n if (options === void 0) {\n options = defaultOptions;\n }\n\n var state = {\n placement: 'bottom',\n orderedModifiers: [],\n options: Object.assign({}, DEFAULT_OPTIONS, defaultOptions),\n modifiersData: {},\n elements: {\n reference: reference,\n popper: popper\n },\n attributes: {},\n styles: {}\n };\n var effectCleanupFns = [];\n var isDestroyed = false;\n var instance = {\n state: state,\n setOptions: function setOptions(setOptionsAction) {\n var options = typeof setOptionsAction === 'function' ? setOptionsAction(state.options) : setOptionsAction;\n cleanupModifierEffects();\n state.options = Object.assign({}, defaultOptions, state.options, options);\n state.scrollParents = {\n reference: isElement(reference) ? listScrollParents(reference) : reference.contextElement ? listScrollParents(reference.contextElement) : [],\n popper: listScrollParents(popper)\n }; // Orders the modifiers based on their dependencies and `phase`\n // properties\n\n var orderedModifiers = orderModifiers(mergeByName([].concat(defaultModifiers, state.options.modifiers))); // Strip out disabled modifiers\n\n state.orderedModifiers = orderedModifiers.filter(function (m) {\n return m.enabled;\n });\n runModifierEffects();\n return instance.update();\n },\n // Sync update – it will always be executed, even if not necessary. This\n // is useful for low frequency updates where sync behavior simplifies the\n // logic.\n // For high frequency updates (e.g. `resize` and `scroll` events), always\n // prefer the async Popper#update method\n forceUpdate: function forceUpdate() {\n if (isDestroyed) {\n return;\n }\n\n var _state$elements = state.elements,\n reference = _state$elements.reference,\n popper = _state$elements.popper; // Don't proceed if `reference` or `popper` are not valid elements\n // anymore\n\n if (!areValidElements(reference, popper)) {\n return;\n } // Store the reference and popper rects to be read by modifiers\n\n\n state.rects = {\n reference: getCompositeRect(reference, getOffsetParent(popper), state.options.strategy === 'fixed'),\n popper: getLayoutRect(popper)\n }; // Modifiers have the ability to reset the current update cycle. The\n // most common use case for this is the `flip` modifier changing the\n // placement, which then needs to re-run all the modifiers, because the\n // logic was previously ran for the previous placement and is therefore\n // stale/incorrect\n\n state.reset = false;\n state.placement = state.options.placement; // On each update cycle, the `modifiersData` property for each modifier\n // is filled with the initial data specified by the modifier. This means\n // it doesn't persist and is fresh on each update.\n // To ensure persistent data, use `${name}#persistent`\n\n state.orderedModifiers.forEach(function (modifier) {\n return state.modifiersData[modifier.name] = Object.assign({}, modifier.data);\n });\n\n for (var index = 0; index < state.orderedModifiers.length; index++) {\n if (state.reset === true) {\n state.reset = false;\n index = -1;\n continue;\n }\n\n var _state$orderedModifie = state.orderedModifiers[index],\n fn = _state$orderedModifie.fn,\n _state$orderedModifie2 = _state$orderedModifie.options,\n _options = _state$orderedModifie2 === void 0 ? {} : _state$orderedModifie2,\n name = _state$orderedModifie.name;\n\n if (typeof fn === 'function') {\n state = fn({\n state: state,\n options: _options,\n name: name,\n instance: instance\n }) || state;\n }\n }\n },\n // Async and optimistically optimized update – it will not be executed if\n // not necessary (debounced to run at most once-per-tick)\n update: debounce(function () {\n return new Promise(function (resolve) {\n instance.forceUpdate();\n resolve(state);\n });\n }),\n destroy: function destroy() {\n cleanupModifierEffects();\n isDestroyed = true;\n }\n };\n\n if (!areValidElements(reference, popper)) {\n return instance;\n }\n\n instance.setOptions(options).then(function (state) {\n if (!isDestroyed && options.onFirstUpdate) {\n options.onFirstUpdate(state);\n }\n }); // Modifiers have the ability to execute arbitrary code before the first\n // update cycle runs. They will be executed in the same order as the update\n // cycle. This is useful when a modifier adds some persistent data that\n // other modifiers need to use, but the modifier is run after the dependent\n // one.\n\n function runModifierEffects() {\n state.orderedModifiers.forEach(function (_ref) {\n var name = _ref.name,\n _ref$options = _ref.options,\n options = _ref$options === void 0 ? {} : _ref$options,\n effect = _ref.effect;\n\n if (typeof effect === 'function') {\n var cleanupFn = effect({\n state: state,\n name: name,\n instance: instance,\n options: options\n });\n\n var noopFn = function noopFn() {};\n\n effectCleanupFns.push(cleanupFn || noopFn);\n }\n });\n }\n\n function cleanupModifierEffects() {\n effectCleanupFns.forEach(function (fn) {\n return fn();\n });\n effectCleanupFns = [];\n }\n\n return instance;\n };\n}\nexport var createPopper = /*#__PURE__*/popperGenerator(); // eslint-disable-next-line import/no-unused-modules\n\nexport { detectOverflow };","export default function debounce(fn) {\n var pending;\n return function () {\n if (!pending) {\n pending = new Promise(function (resolve) {\n Promise.resolve().then(function () {\n pending = undefined;\n resolve(fn());\n });\n });\n }\n\n return pending;\n };\n}","export default function mergeByName(modifiers) {\n var merged = modifiers.reduce(function (merged, current) {\n var existing = merged[current.name];\n merged[current.name] = existing ? Object.assign({}, existing, current, {\n options: Object.assign({}, existing.options, current.options),\n data: Object.assign({}, existing.data, current.data)\n }) : current;\n return merged;\n }, {}); // IE11 does not support Object.values\n\n return Object.keys(merged).map(function (key) {\n return merged[key];\n });\n}","import { popperGenerator, detectOverflow } from \"./createPopper.js\";\nimport eventListeners from \"./modifiers/eventListeners.js\";\nimport popperOffsets from \"./modifiers/popperOffsets.js\";\nimport computeStyles from \"./modifiers/computeStyles.js\";\nimport applyStyles from \"./modifiers/applyStyles.js\";\nimport offset from \"./modifiers/offset.js\";\nimport flip from \"./modifiers/flip.js\";\nimport preventOverflow from \"./modifiers/preventOverflow.js\";\nimport arrow from \"./modifiers/arrow.js\";\nimport hide from \"./modifiers/hide.js\";\nvar defaultModifiers = [eventListeners, popperOffsets, computeStyles, applyStyles, offset, flip, preventOverflow, arrow, hide];\nvar createPopper = /*#__PURE__*/popperGenerator({\n defaultModifiers: defaultModifiers\n}); // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper, popperGenerator, defaultModifiers, detectOverflow }; // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper as createPopperLite } from \"./popper-lite.js\"; // eslint-disable-next-line import/no-unused-modules\n\nexport * from \"./modifiers/index.js\";","import { popperGenerator, detectOverflow } from \"./createPopper.js\";\nimport eventListeners from \"./modifiers/eventListeners.js\";\nimport popperOffsets from \"./modifiers/popperOffsets.js\";\nimport computeStyles from \"./modifiers/computeStyles.js\";\nimport applyStyles from \"./modifiers/applyStyles.js\";\nvar defaultModifiers = [eventListeners, popperOffsets, computeStyles, applyStyles];\nvar createPopper = /*#__PURE__*/popperGenerator({\n defaultModifiers: defaultModifiers\n}); // eslint-disable-next-line import/no-unused-modules\n\nexport { createPopper, popperGenerator, defaultModifiers, detectOverflow };","/*!\n * Bootstrap v5.3.2 (https://getbootstrap.com/)\n * Copyright 2011-2023 The Bootstrap Authors (https://github.com/twbs/bootstrap/graphs/contributors)\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n */\nimport * as Popper from '@popperjs/core';\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/data.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n/**\n * Constants\n */\n\nconst elementMap = new Map();\nconst Data = {\n set(element, key, instance) {\n if (!elementMap.has(element)) {\n elementMap.set(element, new Map());\n }\n const instanceMap = elementMap.get(element);\n\n // make it clear we only want one instance per element\n // can be removed later when multiple key/instances are fine to be used\n if (!instanceMap.has(key) && instanceMap.size !== 0) {\n // eslint-disable-next-line no-console\n console.error(`Bootstrap doesn't allow more than one instance per element. Bound instance: ${Array.from(instanceMap.keys())[0]}.`);\n return;\n }\n instanceMap.set(key, instance);\n },\n get(element, key) {\n if (elementMap.has(element)) {\n return elementMap.get(element).get(key) || null;\n }\n return null;\n },\n remove(element, key) {\n if (!elementMap.has(element)) {\n return;\n }\n const instanceMap = elementMap.get(element);\n instanceMap.delete(key);\n\n // free up element references if there are no instances left for an element\n if (instanceMap.size === 0) {\n elementMap.delete(element);\n }\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/index.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst MAX_UID = 1000000;\nconst MILLISECONDS_MULTIPLIER = 1000;\nconst TRANSITION_END = 'transitionend';\n\n/**\n * Properly escape IDs selectors to handle weird IDs\n * @param {string} selector\n * @returns {string}\n */\nconst parseSelector = selector => {\n if (selector && window.CSS && window.CSS.escape) {\n // document.querySelector needs escaping to handle IDs (html5+) containing for instance /\n selector = selector.replace(/#([^\\s\"#']+)/g, (match, id) => `#${CSS.escape(id)}`);\n }\n return selector;\n};\n\n// Shout-out Angus Croll (https://goo.gl/pxwQGp)\nconst toType = object => {\n if (object === null || object === undefined) {\n return `${object}`;\n }\n return Object.prototype.toString.call(object).match(/\\s([a-z]+)/i)[1].toLowerCase();\n};\n\n/**\n * Public Util API\n */\n\nconst getUID = prefix => {\n do {\n prefix += Math.floor(Math.random() * MAX_UID);\n } while (document.getElementById(prefix));\n return prefix;\n};\nconst getTransitionDurationFromElement = element => {\n if (!element) {\n return 0;\n }\n\n // Get transition-duration of the element\n let {\n transitionDuration,\n transitionDelay\n } = window.getComputedStyle(element);\n const floatTransitionDuration = Number.parseFloat(transitionDuration);\n const floatTransitionDelay = Number.parseFloat(transitionDelay);\n\n // Return 0 if element or transition duration is not found\n if (!floatTransitionDuration && !floatTransitionDelay) {\n return 0;\n }\n\n // If multiple durations are defined, take the first\n transitionDuration = transitionDuration.split(',')[0];\n transitionDelay = transitionDelay.split(',')[0];\n return (Number.parseFloat(transitionDuration) + Number.parseFloat(transitionDelay)) * MILLISECONDS_MULTIPLIER;\n};\nconst triggerTransitionEnd = element => {\n element.dispatchEvent(new Event(TRANSITION_END));\n};\nconst isElement = object => {\n if (!object || typeof object !== 'object') {\n return false;\n }\n if (typeof object.jquery !== 'undefined') {\n object = object[0];\n }\n return typeof object.nodeType !== 'undefined';\n};\nconst getElement = object => {\n // it's a jQuery object or a node element\n if (isElement(object)) {\n return object.jquery ? object[0] : object;\n }\n if (typeof object === 'string' && object.length > 0) {\n return document.querySelector(parseSelector(object));\n }\n return null;\n};\nconst isVisible = element => {\n if (!isElement(element) || element.getClientRects().length === 0) {\n return false;\n }\n const elementIsVisible = getComputedStyle(element).getPropertyValue('visibility') === 'visible';\n // Handle `details` element as its content may falsie appear visible when it is closed\n const closedDetails = element.closest('details:not([open])');\n if (!closedDetails) {\n return elementIsVisible;\n }\n if (closedDetails !== element) {\n const summary = element.closest('summary');\n if (summary && summary.parentNode !== closedDetails) {\n return false;\n }\n if (summary === null) {\n return false;\n }\n }\n return elementIsVisible;\n};\nconst isDisabled = element => {\n if (!element || element.nodeType !== Node.ELEMENT_NODE) {\n return true;\n }\n if (element.classList.contains('disabled')) {\n return true;\n }\n if (typeof element.disabled !== 'undefined') {\n return element.disabled;\n }\n return element.hasAttribute('disabled') && element.getAttribute('disabled') !== 'false';\n};\nconst findShadowRoot = element => {\n if (!document.documentElement.attachShadow) {\n return null;\n }\n\n // Can find the shadow root otherwise it'll return the document\n if (typeof element.getRootNode === 'function') {\n const root = element.getRootNode();\n return root instanceof ShadowRoot ? root : null;\n }\n if (element instanceof ShadowRoot) {\n return element;\n }\n\n // when we don't find a shadow root\n if (!element.parentNode) {\n return null;\n }\n return findShadowRoot(element.parentNode);\n};\nconst noop = () => {};\n\n/**\n * Trick to restart an element's animation\n *\n * @param {HTMLElement} element\n * @return void\n *\n * @see https://www.charistheo.io/blog/2021/02/restart-a-css-animation-with-javascript/#restarting-a-css-animation\n */\nconst reflow = element => {\n element.offsetHeight; // eslint-disable-line no-unused-expressions\n};\n\nconst getjQuery = () => {\n if (window.jQuery && !document.body.hasAttribute('data-bs-no-jquery')) {\n return window.jQuery;\n }\n return null;\n};\nconst DOMContentLoadedCallbacks = [];\nconst onDOMContentLoaded = callback => {\n if (document.readyState === 'loading') {\n // add listener on the first call when the document is in loading state\n if (!DOMContentLoadedCallbacks.length) {\n document.addEventListener('DOMContentLoaded', () => {\n for (const callback of DOMContentLoadedCallbacks) {\n callback();\n }\n });\n }\n DOMContentLoadedCallbacks.push(callback);\n } else {\n callback();\n }\n};\nconst isRTL = () => document.documentElement.dir === 'rtl';\nconst defineJQueryPlugin = plugin => {\n onDOMContentLoaded(() => {\n const $ = getjQuery();\n /* istanbul ignore if */\n if ($) {\n const name = plugin.NAME;\n const JQUERY_NO_CONFLICT = $.fn[name];\n $.fn[name] = plugin.jQueryInterface;\n $.fn[name].Constructor = plugin;\n $.fn[name].noConflict = () => {\n $.fn[name] = JQUERY_NO_CONFLICT;\n return plugin.jQueryInterface;\n };\n }\n });\n};\nconst execute = (possibleCallback, args = [], defaultValue = possibleCallback) => {\n return typeof possibleCallback === 'function' ? possibleCallback(...args) : defaultValue;\n};\nconst executeAfterTransition = (callback, transitionElement, waitForTransition = true) => {\n if (!waitForTransition) {\n execute(callback);\n return;\n }\n const durationPadding = 5;\n const emulatedDuration = getTransitionDurationFromElement(transitionElement) + durationPadding;\n let called = false;\n const handler = ({\n target\n }) => {\n if (target !== transitionElement) {\n return;\n }\n called = true;\n transitionElement.removeEventListener(TRANSITION_END, handler);\n execute(callback);\n };\n transitionElement.addEventListener(TRANSITION_END, handler);\n setTimeout(() => {\n if (!called) {\n triggerTransitionEnd(transitionElement);\n }\n }, emulatedDuration);\n};\n\n/**\n * Return the previous/next element of a list.\n *\n * @param {array} list The list of elements\n * @param activeElement The active element\n * @param shouldGetNext Choose to get next or previous element\n * @param isCycleAllowed\n * @return {Element|elem} The proper element\n */\nconst getNextActiveElement = (list, activeElement, shouldGetNext, isCycleAllowed) => {\n const listLength = list.length;\n let index = list.indexOf(activeElement);\n\n // if the element does not exist in the list return an element\n // depending on the direction and if cycle is allowed\n if (index === -1) {\n return !shouldGetNext && isCycleAllowed ? list[listLength - 1] : list[0];\n }\n index += shouldGetNext ? 1 : -1;\n if (isCycleAllowed) {\n index = (index + listLength) % listLength;\n }\n return list[Math.max(0, Math.min(index, listLength - 1))];\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/event-handler.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst namespaceRegex = /[^.]*(?=\\..*)\\.|.*/;\nconst stripNameRegex = /\\..*/;\nconst stripUidRegex = /::\\d+$/;\nconst eventRegistry = {}; // Events storage\nlet uidEvent = 1;\nconst customEvents = {\n mouseenter: 'mouseover',\n mouseleave: 'mouseout'\n};\nconst nativeEvents = new Set(['click', 'dblclick', 'mouseup', 'mousedown', 'contextmenu', 'mousewheel', 'DOMMouseScroll', 'mouseover', 'mouseout', 'mousemove', 'selectstart', 'selectend', 'keydown', 'keypress', 'keyup', 'orientationchange', 'touchstart', 'touchmove', 'touchend', 'touchcancel', 'pointerdown', 'pointermove', 'pointerup', 'pointerleave', 'pointercancel', 'gesturestart', 'gesturechange', 'gestureend', 'focus', 'blur', 'change', 'reset', 'select', 'submit', 'focusin', 'focusout', 'load', 'unload', 'beforeunload', 'resize', 'move', 'DOMContentLoaded', 'readystatechange', 'error', 'abort', 'scroll']);\n\n/**\n * Private methods\n */\n\nfunction makeEventUid(element, uid) {\n return uid && `${uid}::${uidEvent++}` || element.uidEvent || uidEvent++;\n}\nfunction getElementEvents(element) {\n const uid = makeEventUid(element);\n element.uidEvent = uid;\n eventRegistry[uid] = eventRegistry[uid] || {};\n return eventRegistry[uid];\n}\nfunction bootstrapHandler(element, fn) {\n return function handler(event) {\n hydrateObj(event, {\n delegateTarget: element\n });\n if (handler.oneOff) {\n EventHandler.off(element, event.type, fn);\n }\n return fn.apply(element, [event]);\n };\n}\nfunction bootstrapDelegationHandler(element, selector, fn) {\n return function handler(event) {\n const domElements = element.querySelectorAll(selector);\n for (let {\n target\n } = event; target && target !== this; target = target.parentNode) {\n for (const domElement of domElements) {\n if (domElement !== target) {\n continue;\n }\n hydrateObj(event, {\n delegateTarget: target\n });\n if (handler.oneOff) {\n EventHandler.off(element, event.type, selector, fn);\n }\n return fn.apply(target, [event]);\n }\n }\n };\n}\nfunction findHandler(events, callable, delegationSelector = null) {\n return Object.values(events).find(event => event.callable === callable && event.delegationSelector === delegationSelector);\n}\nfunction normalizeParameters(originalTypeEvent, handler, delegationFunction) {\n const isDelegated = typeof handler === 'string';\n // TODO: tooltip passes `false` instead of selector, so we need to check\n const callable = isDelegated ? delegationFunction : handler || delegationFunction;\n let typeEvent = getTypeEvent(originalTypeEvent);\n if (!nativeEvents.has(typeEvent)) {\n typeEvent = originalTypeEvent;\n }\n return [isDelegated, callable, typeEvent];\n}\nfunction addHandler(element, originalTypeEvent, handler, delegationFunction, oneOff) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\n let [isDelegated, callable, typeEvent] = normalizeParameters(originalTypeEvent, handler, delegationFunction);\n\n // in case of mouseenter or mouseleave wrap the handler within a function that checks for its DOM position\n // this prevents the handler from being dispatched the same way as mouseover or mouseout does\n if (originalTypeEvent in customEvents) {\n const wrapFunction = fn => {\n return function (event) {\n if (!event.relatedTarget || event.relatedTarget !== event.delegateTarget && !event.delegateTarget.contains(event.relatedTarget)) {\n return fn.call(this, event);\n }\n };\n };\n callable = wrapFunction(callable);\n }\n const events = getElementEvents(element);\n const handlers = events[typeEvent] || (events[typeEvent] = {});\n const previousFunction = findHandler(handlers, callable, isDelegated ? handler : null);\n if (previousFunction) {\n previousFunction.oneOff = previousFunction.oneOff && oneOff;\n return;\n }\n const uid = makeEventUid(callable, originalTypeEvent.replace(namespaceRegex, ''));\n const fn = isDelegated ? bootstrapDelegationHandler(element, handler, callable) : bootstrapHandler(element, callable);\n fn.delegationSelector = isDelegated ? handler : null;\n fn.callable = callable;\n fn.oneOff = oneOff;\n fn.uidEvent = uid;\n handlers[uid] = fn;\n element.addEventListener(typeEvent, fn, isDelegated);\n}\nfunction removeHandler(element, events, typeEvent, handler, delegationSelector) {\n const fn = findHandler(events[typeEvent], handler, delegationSelector);\n if (!fn) {\n return;\n }\n element.removeEventListener(typeEvent, fn, Boolean(delegationSelector));\n delete events[typeEvent][fn.uidEvent];\n}\nfunction removeNamespacedHandlers(element, events, typeEvent, namespace) {\n const storeElementEvent = events[typeEvent] || {};\n for (const [handlerKey, event] of Object.entries(storeElementEvent)) {\n if (handlerKey.includes(namespace)) {\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\n }\n}\nfunction getTypeEvent(event) {\n // allow to get the native events from namespaced events ('click.bs.button' --> 'click')\n event = event.replace(stripNameRegex, '');\n return customEvents[event] || event;\n}\nconst EventHandler = {\n on(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, false);\n },\n one(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, true);\n },\n off(element, originalTypeEvent, handler, delegationFunction) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\n const [isDelegated, callable, typeEvent] = normalizeParameters(originalTypeEvent, handler, delegationFunction);\n const inNamespace = typeEvent !== originalTypeEvent;\n const events = getElementEvents(element);\n const storeElementEvent = events[typeEvent] || {};\n const isNamespace = originalTypeEvent.startsWith('.');\n if (typeof callable !== 'undefined') {\n // Simplest case: handler is passed, remove that listener ONLY.\n if (!Object.keys(storeElementEvent).length) {\n return;\n }\n removeHandler(element, events, typeEvent, callable, isDelegated ? handler : null);\n return;\n }\n if (isNamespace) {\n for (const elementEvent of Object.keys(events)) {\n removeNamespacedHandlers(element, events, elementEvent, originalTypeEvent.slice(1));\n }\n }\n for (const [keyHandlers, event] of Object.entries(storeElementEvent)) {\n const handlerKey = keyHandlers.replace(stripUidRegex, '');\n if (!inNamespace || originalTypeEvent.includes(handlerKey)) {\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\n }\n },\n trigger(element, event, args) {\n if (typeof event !== 'string' || !element) {\n return null;\n }\n const $ = getjQuery();\n const typeEvent = getTypeEvent(event);\n const inNamespace = event !== typeEvent;\n let jQueryEvent = null;\n let bubbles = true;\n let nativeDispatch = true;\n let defaultPrevented = false;\n if (inNamespace && $) {\n jQueryEvent = $.Event(event, args);\n $(element).trigger(jQueryEvent);\n bubbles = !jQueryEvent.isPropagationStopped();\n nativeDispatch = !jQueryEvent.isImmediatePropagationStopped();\n defaultPrevented = jQueryEvent.isDefaultPrevented();\n }\n const evt = hydrateObj(new Event(event, {\n bubbles,\n cancelable: true\n }), args);\n if (defaultPrevented) {\n evt.preventDefault();\n }\n if (nativeDispatch) {\n element.dispatchEvent(evt);\n }\n if (evt.defaultPrevented && jQueryEvent) {\n jQueryEvent.preventDefault();\n }\n return evt;\n }\n};\nfunction hydrateObj(obj, meta = {}) {\n for (const [key, value] of Object.entries(meta)) {\n try {\n obj[key] = value;\n } catch (_unused) {\n Object.defineProperty(obj, key, {\n configurable: true,\n get() {\n return value;\n }\n });\n }\n }\n return obj;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/manipulator.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nfunction normalizeData(value) {\n if (value === 'true') {\n return true;\n }\n if (value === 'false') {\n return false;\n }\n if (value === Number(value).toString()) {\n return Number(value);\n }\n if (value === '' || value === 'null') {\n return null;\n }\n if (typeof value !== 'string') {\n return value;\n }\n try {\n return JSON.parse(decodeURIComponent(value));\n } catch (_unused) {\n return value;\n }\n}\nfunction normalizeDataKey(key) {\n return key.replace(/[A-Z]/g, chr => `-${chr.toLowerCase()}`);\n}\nconst Manipulator = {\n setDataAttribute(element, key, value) {\n element.setAttribute(`data-bs-${normalizeDataKey(key)}`, value);\n },\n removeDataAttribute(element, key) {\n element.removeAttribute(`data-bs-${normalizeDataKey(key)}`);\n },\n getDataAttributes(element) {\n if (!element) {\n return {};\n }\n const attributes = {};\n const bsKeys = Object.keys(element.dataset).filter(key => key.startsWith('bs') && !key.startsWith('bsConfig'));\n for (const key of bsKeys) {\n let pureKey = key.replace(/^bs/, '');\n pureKey = pureKey.charAt(0).toLowerCase() + pureKey.slice(1, pureKey.length);\n attributes[pureKey] = normalizeData(element.dataset[key]);\n }\n return attributes;\n },\n getDataAttribute(element, key) {\n return normalizeData(element.getAttribute(`data-bs-${normalizeDataKey(key)}`));\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/config.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Class definition\n */\n\nclass Config {\n // Getters\n static get Default() {\n return {};\n }\n static get DefaultType() {\n return {};\n }\n static get NAME() {\n throw new Error('You have to implement the static method \"NAME\", for each component!');\n }\n _getConfig(config) {\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n _configAfterMerge(config) {\n return config;\n }\n _mergeConfigObj(config, element) {\n const jsonConfig = isElement(element) ? Manipulator.getDataAttribute(element, 'config') : {}; // try to parse\n\n return {\n ...this.constructor.Default,\n ...(typeof jsonConfig === 'object' ? jsonConfig : {}),\n ...(isElement(element) ? Manipulator.getDataAttributes(element) : {}),\n ...(typeof config === 'object' ? config : {})\n };\n }\n _typeCheckConfig(config, configTypes = this.constructor.DefaultType) {\n for (const [property, expectedTypes] of Object.entries(configTypes)) {\n const value = config[property];\n const valueType = isElement(value) ? 'element' : toType(value);\n if (!new RegExp(expectedTypes).test(valueType)) {\n throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option \"${property}\" provided type \"${valueType}\" but expected type \"${expectedTypes}\".`);\n }\n }\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap base-component.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst VERSION = '5.3.2';\n\n/**\n * Class definition\n */\n\nclass BaseComponent extends Config {\n constructor(element, config) {\n super();\n element = getElement(element);\n if (!element) {\n return;\n }\n this._element = element;\n this._config = this._getConfig(config);\n Data.set(this._element, this.constructor.DATA_KEY, this);\n }\n\n // Public\n dispose() {\n Data.remove(this._element, this.constructor.DATA_KEY);\n EventHandler.off(this._element, this.constructor.EVENT_KEY);\n for (const propertyName of Object.getOwnPropertyNames(this)) {\n this[propertyName] = null;\n }\n }\n _queueCallback(callback, element, isAnimated = true) {\n executeAfterTransition(callback, element, isAnimated);\n }\n _getConfig(config) {\n config = this._mergeConfigObj(config, this._element);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n\n // Static\n static getInstance(element) {\n return Data.get(getElement(element), this.DATA_KEY);\n }\n static getOrCreateInstance(element, config = {}) {\n return this.getInstance(element) || new this(element, typeof config === 'object' ? config : null);\n }\n static get VERSION() {\n return VERSION;\n }\n static get DATA_KEY() {\n return `bs.${this.NAME}`;\n }\n static get EVENT_KEY() {\n return `.${this.DATA_KEY}`;\n }\n static eventName(name) {\n return `${name}${this.EVENT_KEY}`;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dom/selector-engine.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst getSelector = element => {\n let selector = element.getAttribute('data-bs-target');\n if (!selector || selector === '#') {\n let hrefAttribute = element.getAttribute('href');\n\n // The only valid content that could double as a selector are IDs or classes,\n // so everything starting with `#` or `.`. If a \"real\" URL is used as the selector,\n // `document.querySelector` will rightfully complain it is invalid.\n // See https://github.com/twbs/bootstrap/issues/32273\n if (!hrefAttribute || !hrefAttribute.includes('#') && !hrefAttribute.startsWith('.')) {\n return null;\n }\n\n // Just in case some CMS puts out a full URL with the anchor appended\n if (hrefAttribute.includes('#') && !hrefAttribute.startsWith('#')) {\n hrefAttribute = `#${hrefAttribute.split('#')[1]}`;\n }\n selector = hrefAttribute && hrefAttribute !== '#' ? parseSelector(hrefAttribute.trim()) : null;\n }\n return selector;\n};\nconst SelectorEngine = {\n find(selector, element = document.documentElement) {\n return [].concat(...Element.prototype.querySelectorAll.call(element, selector));\n },\n findOne(selector, element = document.documentElement) {\n return Element.prototype.querySelector.call(element, selector);\n },\n children(element, selector) {\n return [].concat(...element.children).filter(child => child.matches(selector));\n },\n parents(element, selector) {\n const parents = [];\n let ancestor = element.parentNode.closest(selector);\n while (ancestor) {\n parents.push(ancestor);\n ancestor = ancestor.parentNode.closest(selector);\n }\n return parents;\n },\n prev(element, selector) {\n let previous = element.previousElementSibling;\n while (previous) {\n if (previous.matches(selector)) {\n return [previous];\n }\n previous = previous.previousElementSibling;\n }\n return [];\n },\n // TODO: this is now unused; remove later along with prev()\n next(element, selector) {\n let next = element.nextElementSibling;\n while (next) {\n if (next.matches(selector)) {\n return [next];\n }\n next = next.nextElementSibling;\n }\n return [];\n },\n focusableChildren(element) {\n const focusables = ['a', 'button', 'input', 'textarea', 'select', 'details', '[tabindex]', '[contenteditable=\"true\"]'].map(selector => `${selector}:not([tabindex^=\"-\"])`).join(',');\n return this.find(focusables, element).filter(el => !isDisabled(el) && isVisible(el));\n },\n getSelectorFromElement(element) {\n const selector = getSelector(element);\n if (selector) {\n return SelectorEngine.findOne(selector) ? selector : null;\n }\n return null;\n },\n getElementFromSelector(element) {\n const selector = getSelector(element);\n return selector ? SelectorEngine.findOne(selector) : null;\n },\n getMultipleElementsFromSelector(element) {\n const selector = getSelector(element);\n return selector ? SelectorEngine.find(selector) : [];\n }\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/component-functions.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\nconst enableDismissTrigger = (component, method = 'hide') => {\n const clickEvent = `click.dismiss${component.EVENT_KEY}`;\n const name = component.NAME;\n EventHandler.on(document, clickEvent, `[data-bs-dismiss=\"${name}\"]`, function (event) {\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n if (isDisabled(this)) {\n return;\n }\n const target = SelectorEngine.getElementFromSelector(this) || this.closest(`.${name}`);\n const instance = component.getOrCreateInstance(target);\n\n // Method argument is left, for Alert and only, as it doesn't implement the 'hide' method\n instance[method]();\n });\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap alert.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$f = 'alert';\nconst DATA_KEY$a = 'bs.alert';\nconst EVENT_KEY$b = `.${DATA_KEY$a}`;\nconst EVENT_CLOSE = `close${EVENT_KEY$b}`;\nconst EVENT_CLOSED = `closed${EVENT_KEY$b}`;\nconst CLASS_NAME_FADE$5 = 'fade';\nconst CLASS_NAME_SHOW$8 = 'show';\n\n/**\n * Class definition\n */\n\nclass Alert extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$f;\n }\n\n // Public\n close() {\n const closeEvent = EventHandler.trigger(this._element, EVENT_CLOSE);\n if (closeEvent.defaultPrevented) {\n return;\n }\n this._element.classList.remove(CLASS_NAME_SHOW$8);\n const isAnimated = this._element.classList.contains(CLASS_NAME_FADE$5);\n this._queueCallback(() => this._destroyElement(), this._element, isAnimated);\n }\n\n // Private\n _destroyElement() {\n this._element.remove();\n EventHandler.trigger(this._element, EVENT_CLOSED);\n this.dispose();\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Alert.getOrCreateInstance(this);\n if (typeof config !== 'string') {\n return;\n }\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](this);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nenableDismissTrigger(Alert, 'close');\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Alert);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap button.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$e = 'button';\nconst DATA_KEY$9 = 'bs.button';\nconst EVENT_KEY$a = `.${DATA_KEY$9}`;\nconst DATA_API_KEY$6 = '.data-api';\nconst CLASS_NAME_ACTIVE$3 = 'active';\nconst SELECTOR_DATA_TOGGLE$5 = '[data-bs-toggle=\"button\"]';\nconst EVENT_CLICK_DATA_API$6 = `click${EVENT_KEY$a}${DATA_API_KEY$6}`;\n\n/**\n * Class definition\n */\n\nclass Button extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$e;\n }\n\n // Public\n toggle() {\n // Toggle class and sync the `aria-pressed` attribute with the return value of the `.toggle()` method\n this._element.setAttribute('aria-pressed', this._element.classList.toggle(CLASS_NAME_ACTIVE$3));\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Button.getOrCreateInstance(this);\n if (config === 'toggle') {\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$6, SELECTOR_DATA_TOGGLE$5, event => {\n event.preventDefault();\n const button = event.target.closest(SELECTOR_DATA_TOGGLE$5);\n const data = Button.getOrCreateInstance(button);\n data.toggle();\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Button);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/swipe.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$d = 'swipe';\nconst EVENT_KEY$9 = '.bs.swipe';\nconst EVENT_TOUCHSTART = `touchstart${EVENT_KEY$9}`;\nconst EVENT_TOUCHMOVE = `touchmove${EVENT_KEY$9}`;\nconst EVENT_TOUCHEND = `touchend${EVENT_KEY$9}`;\nconst EVENT_POINTERDOWN = `pointerdown${EVENT_KEY$9}`;\nconst EVENT_POINTERUP = `pointerup${EVENT_KEY$9}`;\nconst POINTER_TYPE_TOUCH = 'touch';\nconst POINTER_TYPE_PEN = 'pen';\nconst CLASS_NAME_POINTER_EVENT = 'pointer-event';\nconst SWIPE_THRESHOLD = 40;\nconst Default$c = {\n endCallback: null,\n leftCallback: null,\n rightCallback: null\n};\nconst DefaultType$c = {\n endCallback: '(function|null)',\n leftCallback: '(function|null)',\n rightCallback: '(function|null)'\n};\n\n/**\n * Class definition\n */\n\nclass Swipe extends Config {\n constructor(element, config) {\n super();\n this._element = element;\n if (!element || !Swipe.isSupported()) {\n return;\n }\n this._config = this._getConfig(config);\n this._deltaX = 0;\n this._supportPointerEvents = Boolean(window.PointerEvent);\n this._initEvents();\n }\n\n // Getters\n static get Default() {\n return Default$c;\n }\n static get DefaultType() {\n return DefaultType$c;\n }\n static get NAME() {\n return NAME$d;\n }\n\n // Public\n dispose() {\n EventHandler.off(this._element, EVENT_KEY$9);\n }\n\n // Private\n _start(event) {\n if (!this._supportPointerEvents) {\n this._deltaX = event.touches[0].clientX;\n return;\n }\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX;\n }\n }\n _end(event) {\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX - this._deltaX;\n }\n this._handleSwipe();\n execute(this._config.endCallback);\n }\n _move(event) {\n this._deltaX = event.touches && event.touches.length > 1 ? 0 : event.touches[0].clientX - this._deltaX;\n }\n _handleSwipe() {\n const absDeltaX = Math.abs(this._deltaX);\n if (absDeltaX <= SWIPE_THRESHOLD) {\n return;\n }\n const direction = absDeltaX / this._deltaX;\n this._deltaX = 0;\n if (!direction) {\n return;\n }\n execute(direction > 0 ? this._config.rightCallback : this._config.leftCallback);\n }\n _initEvents() {\n if (this._supportPointerEvents) {\n EventHandler.on(this._element, EVENT_POINTERDOWN, event => this._start(event));\n EventHandler.on(this._element, EVENT_POINTERUP, event => this._end(event));\n this._element.classList.add(CLASS_NAME_POINTER_EVENT);\n } else {\n EventHandler.on(this._element, EVENT_TOUCHSTART, event => this._start(event));\n EventHandler.on(this._element, EVENT_TOUCHMOVE, event => this._move(event));\n EventHandler.on(this._element, EVENT_TOUCHEND, event => this._end(event));\n }\n }\n _eventIsPointerPenTouch(event) {\n return this._supportPointerEvents && (event.pointerType === POINTER_TYPE_PEN || event.pointerType === POINTER_TYPE_TOUCH);\n }\n\n // Static\n static isSupported() {\n return 'ontouchstart' in document.documentElement || navigator.maxTouchPoints > 0;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap carousel.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$c = 'carousel';\nconst DATA_KEY$8 = 'bs.carousel';\nconst EVENT_KEY$8 = `.${DATA_KEY$8}`;\nconst DATA_API_KEY$5 = '.data-api';\nconst ARROW_LEFT_KEY$1 = 'ArrowLeft';\nconst ARROW_RIGHT_KEY$1 = 'ArrowRight';\nconst TOUCHEVENT_COMPAT_WAIT = 500; // Time for mouse compat events to fire after touch\n\nconst ORDER_NEXT = 'next';\nconst ORDER_PREV = 'prev';\nconst DIRECTION_LEFT = 'left';\nconst DIRECTION_RIGHT = 'right';\nconst EVENT_SLIDE = `slide${EVENT_KEY$8}`;\nconst EVENT_SLID = `slid${EVENT_KEY$8}`;\nconst EVENT_KEYDOWN$1 = `keydown${EVENT_KEY$8}`;\nconst EVENT_MOUSEENTER$1 = `mouseenter${EVENT_KEY$8}`;\nconst EVENT_MOUSELEAVE$1 = `mouseleave${EVENT_KEY$8}`;\nconst EVENT_DRAG_START = `dragstart${EVENT_KEY$8}`;\nconst EVENT_LOAD_DATA_API$3 = `load${EVENT_KEY$8}${DATA_API_KEY$5}`;\nconst EVENT_CLICK_DATA_API$5 = `click${EVENT_KEY$8}${DATA_API_KEY$5}`;\nconst CLASS_NAME_CAROUSEL = 'carousel';\nconst CLASS_NAME_ACTIVE$2 = 'active';\nconst CLASS_NAME_SLIDE = 'slide';\nconst CLASS_NAME_END = 'carousel-item-end';\nconst CLASS_NAME_START = 'carousel-item-start';\nconst CLASS_NAME_NEXT = 'carousel-item-next';\nconst CLASS_NAME_PREV = 'carousel-item-prev';\nconst SELECTOR_ACTIVE = '.active';\nconst SELECTOR_ITEM = '.carousel-item';\nconst SELECTOR_ACTIVE_ITEM = SELECTOR_ACTIVE + SELECTOR_ITEM;\nconst SELECTOR_ITEM_IMG = '.carousel-item img';\nconst SELECTOR_INDICATORS = '.carousel-indicators';\nconst SELECTOR_DATA_SLIDE = '[data-bs-slide], [data-bs-slide-to]';\nconst SELECTOR_DATA_RIDE = '[data-bs-ride=\"carousel\"]';\nconst KEY_TO_DIRECTION = {\n [ARROW_LEFT_KEY$1]: DIRECTION_RIGHT,\n [ARROW_RIGHT_KEY$1]: DIRECTION_LEFT\n};\nconst Default$b = {\n interval: 5000,\n keyboard: true,\n pause: 'hover',\n ride: false,\n touch: true,\n wrap: true\n};\nconst DefaultType$b = {\n interval: '(number|boolean)',\n // TODO:v6 remove boolean support\n keyboard: 'boolean',\n pause: '(string|boolean)',\n ride: '(boolean|string)',\n touch: 'boolean',\n wrap: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Carousel extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._interval = null;\n this._activeElement = null;\n this._isSliding = false;\n this.touchTimeout = null;\n this._swipeHelper = null;\n this._indicatorsElement = SelectorEngine.findOne(SELECTOR_INDICATORS, this._element);\n this._addEventListeners();\n if (this._config.ride === CLASS_NAME_CAROUSEL) {\n this.cycle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$b;\n }\n static get DefaultType() {\n return DefaultType$b;\n }\n static get NAME() {\n return NAME$c;\n }\n\n // Public\n next() {\n this._slide(ORDER_NEXT);\n }\n nextWhenVisible() {\n // FIXME TODO use `document.visibilityState`\n // Don't call next when the page isn't visible\n // or the carousel or its parent isn't visible\n if (!document.hidden && isVisible(this._element)) {\n this.next();\n }\n }\n prev() {\n this._slide(ORDER_PREV);\n }\n pause() {\n if (this._isSliding) {\n triggerTransitionEnd(this._element);\n }\n this._clearInterval();\n }\n cycle() {\n this._clearInterval();\n this._updateInterval();\n this._interval = setInterval(() => this.nextWhenVisible(), this._config.interval);\n }\n _maybeEnableCycle() {\n if (!this._config.ride) {\n return;\n }\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.cycle());\n return;\n }\n this.cycle();\n }\n to(index) {\n const items = this._getItems();\n if (index > items.length - 1 || index < 0) {\n return;\n }\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.to(index));\n return;\n }\n const activeIndex = this._getItemIndex(this._getActive());\n if (activeIndex === index) {\n return;\n }\n const order = index > activeIndex ? ORDER_NEXT : ORDER_PREV;\n this._slide(order, items[index]);\n }\n dispose() {\n if (this._swipeHelper) {\n this._swipeHelper.dispose();\n }\n super.dispose();\n }\n\n // Private\n _configAfterMerge(config) {\n config.defaultInterval = config.interval;\n return config;\n }\n _addEventListeners() {\n if (this._config.keyboard) {\n EventHandler.on(this._element, EVENT_KEYDOWN$1, event => this._keydown(event));\n }\n if (this._config.pause === 'hover') {\n EventHandler.on(this._element, EVENT_MOUSEENTER$1, () => this.pause());\n EventHandler.on(this._element, EVENT_MOUSELEAVE$1, () => this._maybeEnableCycle());\n }\n if (this._config.touch && Swipe.isSupported()) {\n this._addTouchEventListeners();\n }\n }\n _addTouchEventListeners() {\n for (const img of SelectorEngine.find(SELECTOR_ITEM_IMG, this._element)) {\n EventHandler.on(img, EVENT_DRAG_START, event => event.preventDefault());\n }\n const endCallBack = () => {\n if (this._config.pause !== 'hover') {\n return;\n }\n\n // If it's a touch-enabled device, mouseenter/leave are fired as\n // part of the mouse compatibility events on first tap - the carousel\n // would stop cycling until user tapped out of it;\n // here, we listen for touchend, explicitly pause the carousel\n // (as if it's the second time we tap on it, mouseenter compat event\n // is NOT fired) and after a timeout (to allow for mouse compatibility\n // events to fire) we explicitly restart cycling\n\n this.pause();\n if (this.touchTimeout) {\n clearTimeout(this.touchTimeout);\n }\n this.touchTimeout = setTimeout(() => this._maybeEnableCycle(), TOUCHEVENT_COMPAT_WAIT + this._config.interval);\n };\n const swipeConfig = {\n leftCallback: () => this._slide(this._directionToOrder(DIRECTION_LEFT)),\n rightCallback: () => this._slide(this._directionToOrder(DIRECTION_RIGHT)),\n endCallback: endCallBack\n };\n this._swipeHelper = new Swipe(this._element, swipeConfig);\n }\n _keydown(event) {\n if (/input|textarea/i.test(event.target.tagName)) {\n return;\n }\n const direction = KEY_TO_DIRECTION[event.key];\n if (direction) {\n event.preventDefault();\n this._slide(this._directionToOrder(direction));\n }\n }\n _getItemIndex(element) {\n return this._getItems().indexOf(element);\n }\n _setActiveIndicatorElement(index) {\n if (!this._indicatorsElement) {\n return;\n }\n const activeIndicator = SelectorEngine.findOne(SELECTOR_ACTIVE, this._indicatorsElement);\n activeIndicator.classList.remove(CLASS_NAME_ACTIVE$2);\n activeIndicator.removeAttribute('aria-current');\n const newActiveIndicator = SelectorEngine.findOne(`[data-bs-slide-to=\"${index}\"]`, this._indicatorsElement);\n if (newActiveIndicator) {\n newActiveIndicator.classList.add(CLASS_NAME_ACTIVE$2);\n newActiveIndicator.setAttribute('aria-current', 'true');\n }\n }\n _updateInterval() {\n const element = this._activeElement || this._getActive();\n if (!element) {\n return;\n }\n const elementInterval = Number.parseInt(element.getAttribute('data-bs-interval'), 10);\n this._config.interval = elementInterval || this._config.defaultInterval;\n }\n _slide(order, element = null) {\n if (this._isSliding) {\n return;\n }\n const activeElement = this._getActive();\n const isNext = order === ORDER_NEXT;\n const nextElement = element || getNextActiveElement(this._getItems(), activeElement, isNext, this._config.wrap);\n if (nextElement === activeElement) {\n return;\n }\n const nextElementIndex = this._getItemIndex(nextElement);\n const triggerEvent = eventName => {\n return EventHandler.trigger(this._element, eventName, {\n relatedTarget: nextElement,\n direction: this._orderToDirection(order),\n from: this._getItemIndex(activeElement),\n to: nextElementIndex\n });\n };\n const slideEvent = triggerEvent(EVENT_SLIDE);\n if (slideEvent.defaultPrevented) {\n return;\n }\n if (!activeElement || !nextElement) {\n // Some weirdness is happening, so we bail\n // TODO: change tests that use empty divs to avoid this check\n return;\n }\n const isCycling = Boolean(this._interval);\n this.pause();\n this._isSliding = true;\n this._setActiveIndicatorElement(nextElementIndex);\n this._activeElement = nextElement;\n const directionalClassName = isNext ? CLASS_NAME_START : CLASS_NAME_END;\n const orderClassName = isNext ? CLASS_NAME_NEXT : CLASS_NAME_PREV;\n nextElement.classList.add(orderClassName);\n reflow(nextElement);\n activeElement.classList.add(directionalClassName);\n nextElement.classList.add(directionalClassName);\n const completeCallBack = () => {\n nextElement.classList.remove(directionalClassName, orderClassName);\n nextElement.classList.add(CLASS_NAME_ACTIVE$2);\n activeElement.classList.remove(CLASS_NAME_ACTIVE$2, orderClassName, directionalClassName);\n this._isSliding = false;\n triggerEvent(EVENT_SLID);\n };\n this._queueCallback(completeCallBack, activeElement, this._isAnimated());\n if (isCycling) {\n this.cycle();\n }\n }\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_SLIDE);\n }\n _getActive() {\n return SelectorEngine.findOne(SELECTOR_ACTIVE_ITEM, this._element);\n }\n _getItems() {\n return SelectorEngine.find(SELECTOR_ITEM, this._element);\n }\n _clearInterval() {\n if (this._interval) {\n clearInterval(this._interval);\n this._interval = null;\n }\n }\n _directionToOrder(direction) {\n if (isRTL()) {\n return direction === DIRECTION_LEFT ? ORDER_PREV : ORDER_NEXT;\n }\n return direction === DIRECTION_LEFT ? ORDER_NEXT : ORDER_PREV;\n }\n _orderToDirection(order) {\n if (isRTL()) {\n return order === ORDER_PREV ? DIRECTION_LEFT : DIRECTION_RIGHT;\n }\n return order === ORDER_PREV ? DIRECTION_RIGHT : DIRECTION_LEFT;\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Carousel.getOrCreateInstance(this, config);\n if (typeof config === 'number') {\n data.to(config);\n return;\n }\n if (typeof config === 'string') {\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$5, SELECTOR_DATA_SLIDE, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (!target || !target.classList.contains(CLASS_NAME_CAROUSEL)) {\n return;\n }\n event.preventDefault();\n const carousel = Carousel.getOrCreateInstance(target);\n const slideIndex = this.getAttribute('data-bs-slide-to');\n if (slideIndex) {\n carousel.to(slideIndex);\n carousel._maybeEnableCycle();\n return;\n }\n if (Manipulator.getDataAttribute(this, 'slide') === 'next') {\n carousel.next();\n carousel._maybeEnableCycle();\n return;\n }\n carousel.prev();\n carousel._maybeEnableCycle();\n});\nEventHandler.on(window, EVENT_LOAD_DATA_API$3, () => {\n const carousels = SelectorEngine.find(SELECTOR_DATA_RIDE);\n for (const carousel of carousels) {\n Carousel.getOrCreateInstance(carousel);\n }\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Carousel);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap collapse.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$b = 'collapse';\nconst DATA_KEY$7 = 'bs.collapse';\nconst EVENT_KEY$7 = `.${DATA_KEY$7}`;\nconst DATA_API_KEY$4 = '.data-api';\nconst EVENT_SHOW$6 = `show${EVENT_KEY$7}`;\nconst EVENT_SHOWN$6 = `shown${EVENT_KEY$7}`;\nconst EVENT_HIDE$6 = `hide${EVENT_KEY$7}`;\nconst EVENT_HIDDEN$6 = `hidden${EVENT_KEY$7}`;\nconst EVENT_CLICK_DATA_API$4 = `click${EVENT_KEY$7}${DATA_API_KEY$4}`;\nconst CLASS_NAME_SHOW$7 = 'show';\nconst CLASS_NAME_COLLAPSE = 'collapse';\nconst CLASS_NAME_COLLAPSING = 'collapsing';\nconst CLASS_NAME_COLLAPSED = 'collapsed';\nconst CLASS_NAME_DEEPER_CHILDREN = `:scope .${CLASS_NAME_COLLAPSE} .${CLASS_NAME_COLLAPSE}`;\nconst CLASS_NAME_HORIZONTAL = 'collapse-horizontal';\nconst WIDTH = 'width';\nconst HEIGHT = 'height';\nconst SELECTOR_ACTIVES = '.collapse.show, .collapse.collapsing';\nconst SELECTOR_DATA_TOGGLE$4 = '[data-bs-toggle=\"collapse\"]';\nconst Default$a = {\n parent: null,\n toggle: true\n};\nconst DefaultType$a = {\n parent: '(null|element)',\n toggle: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Collapse extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._isTransitioning = false;\n this._triggerArray = [];\n const toggleList = SelectorEngine.find(SELECTOR_DATA_TOGGLE$4);\n for (const elem of toggleList) {\n const selector = SelectorEngine.getSelectorFromElement(elem);\n const filterElement = SelectorEngine.find(selector).filter(foundElement => foundElement === this._element);\n if (selector !== null && filterElement.length) {\n this._triggerArray.push(elem);\n }\n }\n this._initializeChildren();\n if (!this._config.parent) {\n this._addAriaAndCollapsedClass(this._triggerArray, this._isShown());\n }\n if (this._config.toggle) {\n this.toggle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$a;\n }\n static get DefaultType() {\n return DefaultType$a;\n }\n static get NAME() {\n return NAME$b;\n }\n\n // Public\n toggle() {\n if (this._isShown()) {\n this.hide();\n } else {\n this.show();\n }\n }\n show() {\n if (this._isTransitioning || this._isShown()) {\n return;\n }\n let activeChildren = [];\n\n // find active children\n if (this._config.parent) {\n activeChildren = this._getFirstLevelChildren(SELECTOR_ACTIVES).filter(element => element !== this._element).map(element => Collapse.getOrCreateInstance(element, {\n toggle: false\n }));\n }\n if (activeChildren.length && activeChildren[0]._isTransitioning) {\n return;\n }\n const startEvent = EventHandler.trigger(this._element, EVENT_SHOW$6);\n if (startEvent.defaultPrevented) {\n return;\n }\n for (const activeInstance of activeChildren) {\n activeInstance.hide();\n }\n const dimension = this._getDimension();\n this._element.classList.remove(CLASS_NAME_COLLAPSE);\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n this._element.style[dimension] = 0;\n this._addAriaAndCollapsedClass(this._triggerArray, true);\n this._isTransitioning = true;\n const complete = () => {\n this._isTransitioning = false;\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n this._element.classList.add(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n this._element.style[dimension] = '';\n EventHandler.trigger(this._element, EVENT_SHOWN$6);\n };\n const capitalizedDimension = dimension[0].toUpperCase() + dimension.slice(1);\n const scrollSize = `scroll${capitalizedDimension}`;\n this._queueCallback(complete, this._element, true);\n this._element.style[dimension] = `${this._element[scrollSize]}px`;\n }\n hide() {\n if (this._isTransitioning || !this._isShown()) {\n return;\n }\n const startEvent = EventHandler.trigger(this._element, EVENT_HIDE$6);\n if (startEvent.defaultPrevented) {\n return;\n }\n const dimension = this._getDimension();\n this._element.style[dimension] = `${this._element.getBoundingClientRect()[dimension]}px`;\n reflow(this._element);\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n this._element.classList.remove(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n for (const trigger of this._triggerArray) {\n const element = SelectorEngine.getElementFromSelector(trigger);\n if (element && !this._isShown(element)) {\n this._addAriaAndCollapsedClass([trigger], false);\n }\n }\n this._isTransitioning = true;\n const complete = () => {\n this._isTransitioning = false;\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n this._element.classList.add(CLASS_NAME_COLLAPSE);\n EventHandler.trigger(this._element, EVENT_HIDDEN$6);\n };\n this._element.style[dimension] = '';\n this._queueCallback(complete, this._element, true);\n }\n _isShown(element = this._element) {\n return element.classList.contains(CLASS_NAME_SHOW$7);\n }\n\n // Private\n _configAfterMerge(config) {\n config.toggle = Boolean(config.toggle); // Coerce string values\n config.parent = getElement(config.parent);\n return config;\n }\n _getDimension() {\n return this._element.classList.contains(CLASS_NAME_HORIZONTAL) ? WIDTH : HEIGHT;\n }\n _initializeChildren() {\n if (!this._config.parent) {\n return;\n }\n const children = this._getFirstLevelChildren(SELECTOR_DATA_TOGGLE$4);\n for (const element of children) {\n const selected = SelectorEngine.getElementFromSelector(element);\n if (selected) {\n this._addAriaAndCollapsedClass([element], this._isShown(selected));\n }\n }\n }\n _getFirstLevelChildren(selector) {\n const children = SelectorEngine.find(CLASS_NAME_DEEPER_CHILDREN, this._config.parent);\n // remove children if greater depth\n return SelectorEngine.find(selector, this._config.parent).filter(element => !children.includes(element));\n }\n _addAriaAndCollapsedClass(triggerArray, isOpen) {\n if (!triggerArray.length) {\n return;\n }\n for (const element of triggerArray) {\n element.classList.toggle(CLASS_NAME_COLLAPSED, !isOpen);\n element.setAttribute('aria-expanded', isOpen);\n }\n }\n\n // Static\n static jQueryInterface(config) {\n const _config = {};\n if (typeof config === 'string' && /show|hide/.test(config)) {\n _config.toggle = false;\n }\n return this.each(function () {\n const data = Collapse.getOrCreateInstance(this, _config);\n if (typeof config === 'string') {\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n }\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$4, SELECTOR_DATA_TOGGLE$4, function (event) {\n // preventDefault only for elements (which change the URL) not inside the collapsible element\n if (event.target.tagName === 'A' || event.delegateTarget && event.delegateTarget.tagName === 'A') {\n event.preventDefault();\n }\n for (const element of SelectorEngine.getMultipleElementsFromSelector(this)) {\n Collapse.getOrCreateInstance(element, {\n toggle: false\n }).toggle();\n }\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Collapse);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap dropdown.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$a = 'dropdown';\nconst DATA_KEY$6 = 'bs.dropdown';\nconst EVENT_KEY$6 = `.${DATA_KEY$6}`;\nconst DATA_API_KEY$3 = '.data-api';\nconst ESCAPE_KEY$2 = 'Escape';\nconst TAB_KEY$1 = 'Tab';\nconst ARROW_UP_KEY$1 = 'ArrowUp';\nconst ARROW_DOWN_KEY$1 = 'ArrowDown';\nconst RIGHT_MOUSE_BUTTON = 2; // MouseEvent.button value for the secondary button, usually the right button\n\nconst EVENT_HIDE$5 = `hide${EVENT_KEY$6}`;\nconst EVENT_HIDDEN$5 = `hidden${EVENT_KEY$6}`;\nconst EVENT_SHOW$5 = `show${EVENT_KEY$6}`;\nconst EVENT_SHOWN$5 = `shown${EVENT_KEY$6}`;\nconst EVENT_CLICK_DATA_API$3 = `click${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst EVENT_KEYDOWN_DATA_API = `keydown${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst EVENT_KEYUP_DATA_API = `keyup${EVENT_KEY$6}${DATA_API_KEY$3}`;\nconst CLASS_NAME_SHOW$6 = 'show';\nconst CLASS_NAME_DROPUP = 'dropup';\nconst CLASS_NAME_DROPEND = 'dropend';\nconst CLASS_NAME_DROPSTART = 'dropstart';\nconst CLASS_NAME_DROPUP_CENTER = 'dropup-center';\nconst CLASS_NAME_DROPDOWN_CENTER = 'dropdown-center';\nconst SELECTOR_DATA_TOGGLE$3 = '[data-bs-toggle=\"dropdown\"]:not(.disabled):not(:disabled)';\nconst SELECTOR_DATA_TOGGLE_SHOWN = `${SELECTOR_DATA_TOGGLE$3}.${CLASS_NAME_SHOW$6}`;\nconst SELECTOR_MENU = '.dropdown-menu';\nconst SELECTOR_NAVBAR = '.navbar';\nconst SELECTOR_NAVBAR_NAV = '.navbar-nav';\nconst SELECTOR_VISIBLE_ITEMS = '.dropdown-menu .dropdown-item:not(.disabled):not(:disabled)';\nconst PLACEMENT_TOP = isRTL() ? 'top-end' : 'top-start';\nconst PLACEMENT_TOPEND = isRTL() ? 'top-start' : 'top-end';\nconst PLACEMENT_BOTTOM = isRTL() ? 'bottom-end' : 'bottom-start';\nconst PLACEMENT_BOTTOMEND = isRTL() ? 'bottom-start' : 'bottom-end';\nconst PLACEMENT_RIGHT = isRTL() ? 'left-start' : 'right-start';\nconst PLACEMENT_LEFT = isRTL() ? 'right-start' : 'left-start';\nconst PLACEMENT_TOPCENTER = 'top';\nconst PLACEMENT_BOTTOMCENTER = 'bottom';\nconst Default$9 = {\n autoClose: true,\n boundary: 'clippingParents',\n display: 'dynamic',\n offset: [0, 2],\n popperConfig: null,\n reference: 'toggle'\n};\nconst DefaultType$9 = {\n autoClose: '(boolean|string)',\n boundary: '(string|element)',\n display: 'string',\n offset: '(array|string|function)',\n popperConfig: '(null|object|function)',\n reference: '(string|element|object)'\n};\n\n/**\n * Class definition\n */\n\nclass Dropdown extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._popper = null;\n this._parent = this._element.parentNode; // dropdown wrapper\n // TODO: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.3/forms/input-group/\n this._menu = SelectorEngine.next(this._element, SELECTOR_MENU)[0] || SelectorEngine.prev(this._element, SELECTOR_MENU)[0] || SelectorEngine.findOne(SELECTOR_MENU, this._parent);\n this._inNavbar = this._detectNavbar();\n }\n\n // Getters\n static get Default() {\n return Default$9;\n }\n static get DefaultType() {\n return DefaultType$9;\n }\n static get NAME() {\n return NAME$a;\n }\n\n // Public\n toggle() {\n return this._isShown() ? this.hide() : this.show();\n }\n show() {\n if (isDisabled(this._element) || this._isShown()) {\n return;\n }\n const relatedTarget = {\n relatedTarget: this._element\n };\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$5, relatedTarget);\n if (showEvent.defaultPrevented) {\n return;\n }\n this._createPopper();\n\n // If this is a touch-enabled device we add extra\n // empty mouseover listeners to the body's immediate children;\n // only needed because of broken event delegation on iOS\n // https://www.quirksmode.org/blog/archives/2014/02/mouse_event_bub.html\n if ('ontouchstart' in document.documentElement && !this._parent.closest(SELECTOR_NAVBAR_NAV)) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.on(element, 'mouseover', noop);\n }\n }\n this._element.focus();\n this._element.setAttribute('aria-expanded', true);\n this._menu.classList.add(CLASS_NAME_SHOW$6);\n this._element.classList.add(CLASS_NAME_SHOW$6);\n EventHandler.trigger(this._element, EVENT_SHOWN$5, relatedTarget);\n }\n hide() {\n if (isDisabled(this._element) || !this._isShown()) {\n return;\n }\n const relatedTarget = {\n relatedTarget: this._element\n };\n this._completeHide(relatedTarget);\n }\n dispose() {\n if (this._popper) {\n this._popper.destroy();\n }\n super.dispose();\n }\n update() {\n this._inNavbar = this._detectNavbar();\n if (this._popper) {\n this._popper.update();\n }\n }\n\n // Private\n _completeHide(relatedTarget) {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$5, relatedTarget);\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\n }\n if (this._popper) {\n this._popper.destroy();\n }\n this._menu.classList.remove(CLASS_NAME_SHOW$6);\n this._element.classList.remove(CLASS_NAME_SHOW$6);\n this._element.setAttribute('aria-expanded', 'false');\n Manipulator.removeDataAttribute(this._menu, 'popper');\n EventHandler.trigger(this._element, EVENT_HIDDEN$5, relatedTarget);\n }\n _getConfig(config) {\n config = super._getConfig(config);\n if (typeof config.reference === 'object' && !isElement(config.reference) && typeof config.reference.getBoundingClientRect !== 'function') {\n // Popper virtual elements require a getBoundingClientRect method\n throw new TypeError(`${NAME$a.toUpperCase()}: Option \"reference\" provided type \"object\" without a required \"getBoundingClientRect\" method.`);\n }\n return config;\n }\n _createPopper() {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s dropdowns require Popper (https://popper.js.org)');\n }\n let referenceElement = this._element;\n if (this._config.reference === 'parent') {\n referenceElement = this._parent;\n } else if (isElement(this._config.reference)) {\n referenceElement = getElement(this._config.reference);\n } else if (typeof this._config.reference === 'object') {\n referenceElement = this._config.reference;\n }\n const popperConfig = this._getPopperConfig();\n this._popper = Popper.createPopper(referenceElement, this._menu, popperConfig);\n }\n _isShown() {\n return this._menu.classList.contains(CLASS_NAME_SHOW$6);\n }\n _getPlacement() {\n const parentDropdown = this._parent;\n if (parentDropdown.classList.contains(CLASS_NAME_DROPEND)) {\n return PLACEMENT_RIGHT;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPSTART)) {\n return PLACEMENT_LEFT;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP_CENTER)) {\n return PLACEMENT_TOPCENTER;\n }\n if (parentDropdown.classList.contains(CLASS_NAME_DROPDOWN_CENTER)) {\n return PLACEMENT_BOTTOMCENTER;\n }\n\n // We need to trim the value because custom properties can also include spaces\n const isEnd = getComputedStyle(this._menu).getPropertyValue('--bs-position').trim() === 'end';\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP)) {\n return isEnd ? PLACEMENT_TOPEND : PLACEMENT_TOP;\n }\n return isEnd ? PLACEMENT_BOTTOMEND : PLACEMENT_BOTTOM;\n }\n _detectNavbar() {\n return this._element.closest(SELECTOR_NAVBAR) !== null;\n }\n _getOffset() {\n const {\n offset\n } = this._config;\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n return offset;\n }\n _getPopperConfig() {\n const defaultBsPopperConfig = {\n placement: this._getPlacement(),\n modifiers: [{\n name: 'preventOverflow',\n options: {\n boundary: this._config.boundary\n }\n }, {\n name: 'offset',\n options: {\n offset: this._getOffset()\n }\n }]\n };\n\n // Disable Popper if we have a static display or Dropdown is in Navbar\n if (this._inNavbar || this._config.display === 'static') {\n Manipulator.setDataAttribute(this._menu, 'popper', 'static'); // TODO: v6 remove\n defaultBsPopperConfig.modifiers = [{\n name: 'applyStyles',\n enabled: false\n }];\n }\n return {\n ...defaultBsPopperConfig,\n ...execute(this._config.popperConfig, [defaultBsPopperConfig])\n };\n }\n _selectMenuItem({\n key,\n target\n }) {\n const items = SelectorEngine.find(SELECTOR_VISIBLE_ITEMS, this._menu).filter(element => isVisible(element));\n if (!items.length) {\n return;\n }\n\n // if target isn't included in items (e.g. when expanding the dropdown)\n // allow cycling to get the last item in case key equals ARROW_UP_KEY\n getNextActiveElement(items, target, key === ARROW_DOWN_KEY$1, !items.includes(target)).focus();\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Dropdown.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n static clearMenus(event) {\n if (event.button === RIGHT_MOUSE_BUTTON || event.type === 'keyup' && event.key !== TAB_KEY$1) {\n return;\n }\n const openToggles = SelectorEngine.find(SELECTOR_DATA_TOGGLE_SHOWN);\n for (const toggle of openToggles) {\n const context = Dropdown.getInstance(toggle);\n if (!context || context._config.autoClose === false) {\n continue;\n }\n const composedPath = event.composedPath();\n const isMenuTarget = composedPath.includes(context._menu);\n if (composedPath.includes(context._element) || context._config.autoClose === 'inside' && !isMenuTarget || context._config.autoClose === 'outside' && isMenuTarget) {\n continue;\n }\n\n // Tab navigation through the dropdown menu or events from contained inputs shouldn't close the menu\n if (context._menu.contains(event.target) && (event.type === 'keyup' && event.key === TAB_KEY$1 || /input|select|option|textarea|form/i.test(event.target.tagName))) {\n continue;\n }\n const relatedTarget = {\n relatedTarget: context._element\n };\n if (event.type === 'click') {\n relatedTarget.clickEvent = event;\n }\n context._completeHide(relatedTarget);\n }\n }\n static dataApiKeydownHandler(event) {\n // If not an UP | DOWN | ESCAPE key => not a dropdown command\n // If input/textarea && if key is other than ESCAPE => not a dropdown command\n\n const isInput = /input|textarea/i.test(event.target.tagName);\n const isEscapeEvent = event.key === ESCAPE_KEY$2;\n const isUpOrDownEvent = [ARROW_UP_KEY$1, ARROW_DOWN_KEY$1].includes(event.key);\n if (!isUpOrDownEvent && !isEscapeEvent) {\n return;\n }\n if (isInput && !isEscapeEvent) {\n return;\n }\n event.preventDefault();\n\n // TODO: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.3/forms/input-group/\n const getToggleButton = this.matches(SELECTOR_DATA_TOGGLE$3) ? this : SelectorEngine.prev(this, SELECTOR_DATA_TOGGLE$3)[0] || SelectorEngine.next(this, SELECTOR_DATA_TOGGLE$3)[0] || SelectorEngine.findOne(SELECTOR_DATA_TOGGLE$3, event.delegateTarget.parentNode);\n const instance = Dropdown.getOrCreateInstance(getToggleButton);\n if (isUpOrDownEvent) {\n event.stopPropagation();\n instance.show();\n instance._selectMenuItem(event);\n return;\n }\n if (instance._isShown()) {\n // else is escape and we check if it is shown\n event.stopPropagation();\n instance.hide();\n getToggleButton.focus();\n }\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_KEYDOWN_DATA_API, SELECTOR_DATA_TOGGLE$3, Dropdown.dataApiKeydownHandler);\nEventHandler.on(document, EVENT_KEYDOWN_DATA_API, SELECTOR_MENU, Dropdown.dataApiKeydownHandler);\nEventHandler.on(document, EVENT_CLICK_DATA_API$3, Dropdown.clearMenus);\nEventHandler.on(document, EVENT_KEYUP_DATA_API, Dropdown.clearMenus);\nEventHandler.on(document, EVENT_CLICK_DATA_API$3, SELECTOR_DATA_TOGGLE$3, function (event) {\n event.preventDefault();\n Dropdown.getOrCreateInstance(this).toggle();\n});\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Dropdown);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/backdrop.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$9 = 'backdrop';\nconst CLASS_NAME_FADE$4 = 'fade';\nconst CLASS_NAME_SHOW$5 = 'show';\nconst EVENT_MOUSEDOWN = `mousedown.bs.${NAME$9}`;\nconst Default$8 = {\n className: 'modal-backdrop',\n clickCallback: null,\n isAnimated: false,\n isVisible: true,\n // if false, we use the backdrop helper without adding any element to the dom\n rootElement: 'body' // give the choice to place backdrop under different elements\n};\n\nconst DefaultType$8 = {\n className: 'string',\n clickCallback: '(function|null)',\n isAnimated: 'boolean',\n isVisible: 'boolean',\n rootElement: '(element|string)'\n};\n\n/**\n * Class definition\n */\n\nclass Backdrop extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n this._isAppended = false;\n this._element = null;\n }\n\n // Getters\n static get Default() {\n return Default$8;\n }\n static get DefaultType() {\n return DefaultType$8;\n }\n static get NAME() {\n return NAME$9;\n }\n\n // Public\n show(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n this._append();\n const element = this._getElement();\n if (this._config.isAnimated) {\n reflow(element);\n }\n element.classList.add(CLASS_NAME_SHOW$5);\n this._emulateAnimation(() => {\n execute(callback);\n });\n }\n hide(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n this._getElement().classList.remove(CLASS_NAME_SHOW$5);\n this._emulateAnimation(() => {\n this.dispose();\n execute(callback);\n });\n }\n dispose() {\n if (!this._isAppended) {\n return;\n }\n EventHandler.off(this._element, EVENT_MOUSEDOWN);\n this._element.remove();\n this._isAppended = false;\n }\n\n // Private\n _getElement() {\n if (!this._element) {\n const backdrop = document.createElement('div');\n backdrop.className = this._config.className;\n if (this._config.isAnimated) {\n backdrop.classList.add(CLASS_NAME_FADE$4);\n }\n this._element = backdrop;\n }\n return this._element;\n }\n _configAfterMerge(config) {\n // use getElement() with the default \"body\" to get a fresh Element on each instantiation\n config.rootElement = getElement(config.rootElement);\n return config;\n }\n _append() {\n if (this._isAppended) {\n return;\n }\n const element = this._getElement();\n this._config.rootElement.append(element);\n EventHandler.on(element, EVENT_MOUSEDOWN, () => {\n execute(this._config.clickCallback);\n });\n this._isAppended = true;\n }\n _emulateAnimation(callback) {\n executeAfterTransition(callback, this._getElement(), this._config.isAnimated);\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/focustrap.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$8 = 'focustrap';\nconst DATA_KEY$5 = 'bs.focustrap';\nconst EVENT_KEY$5 = `.${DATA_KEY$5}`;\nconst EVENT_FOCUSIN$2 = `focusin${EVENT_KEY$5}`;\nconst EVENT_KEYDOWN_TAB = `keydown.tab${EVENT_KEY$5}`;\nconst TAB_KEY = 'Tab';\nconst TAB_NAV_FORWARD = 'forward';\nconst TAB_NAV_BACKWARD = 'backward';\nconst Default$7 = {\n autofocus: true,\n trapElement: null // The element to trap focus inside of\n};\n\nconst DefaultType$7 = {\n autofocus: 'boolean',\n trapElement: 'element'\n};\n\n/**\n * Class definition\n */\n\nclass FocusTrap extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n this._isActive = false;\n this._lastTabNavDirection = null;\n }\n\n // Getters\n static get Default() {\n return Default$7;\n }\n static get DefaultType() {\n return DefaultType$7;\n }\n static get NAME() {\n return NAME$8;\n }\n\n // Public\n activate() {\n if (this._isActive) {\n return;\n }\n if (this._config.autofocus) {\n this._config.trapElement.focus();\n }\n EventHandler.off(document, EVENT_KEY$5); // guard against infinite focus loop\n EventHandler.on(document, EVENT_FOCUSIN$2, event => this._handleFocusin(event));\n EventHandler.on(document, EVENT_KEYDOWN_TAB, event => this._handleKeydown(event));\n this._isActive = true;\n }\n deactivate() {\n if (!this._isActive) {\n return;\n }\n this._isActive = false;\n EventHandler.off(document, EVENT_KEY$5);\n }\n\n // Private\n _handleFocusin(event) {\n const {\n trapElement\n } = this._config;\n if (event.target === document || event.target === trapElement || trapElement.contains(event.target)) {\n return;\n }\n const elements = SelectorEngine.focusableChildren(trapElement);\n if (elements.length === 0) {\n trapElement.focus();\n } else if (this._lastTabNavDirection === TAB_NAV_BACKWARD) {\n elements[elements.length - 1].focus();\n } else {\n elements[0].focus();\n }\n }\n _handleKeydown(event) {\n if (event.key !== TAB_KEY) {\n return;\n }\n this._lastTabNavDirection = event.shiftKey ? TAB_NAV_BACKWARD : TAB_NAV_FORWARD;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/scrollBar.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst SELECTOR_FIXED_CONTENT = '.fixed-top, .fixed-bottom, .is-fixed, .sticky-top';\nconst SELECTOR_STICKY_CONTENT = '.sticky-top';\nconst PROPERTY_PADDING = 'padding-right';\nconst PROPERTY_MARGIN = 'margin-right';\n\n/**\n * Class definition\n */\n\nclass ScrollBarHelper {\n constructor() {\n this._element = document.body;\n }\n\n // Public\n getWidth() {\n // https://developer.mozilla.org/en-US/docs/Web/API/Window/innerWidth#usage_notes\n const documentWidth = document.documentElement.clientWidth;\n return Math.abs(window.innerWidth - documentWidth);\n }\n hide() {\n const width = this.getWidth();\n this._disableOverFlow();\n // give padding to element to balance the hidden scrollbar width\n this._setElementAttributes(this._element, PROPERTY_PADDING, calculatedValue => calculatedValue + width);\n // trick: We adjust positive paddingRight and negative marginRight to sticky-top elements to keep showing fullwidth\n this._setElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING, calculatedValue => calculatedValue + width);\n this._setElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN, calculatedValue => calculatedValue - width);\n }\n reset() {\n this._resetElementAttributes(this._element, 'overflow');\n this._resetElementAttributes(this._element, PROPERTY_PADDING);\n this._resetElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING);\n this._resetElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN);\n }\n isOverflowing() {\n return this.getWidth() > 0;\n }\n\n // Private\n _disableOverFlow() {\n this._saveInitialAttribute(this._element, 'overflow');\n this._element.style.overflow = 'hidden';\n }\n _setElementAttributes(selector, styleProperty, callback) {\n const scrollbarWidth = this.getWidth();\n const manipulationCallBack = element => {\n if (element !== this._element && window.innerWidth > element.clientWidth + scrollbarWidth) {\n return;\n }\n this._saveInitialAttribute(element, styleProperty);\n const calculatedValue = window.getComputedStyle(element).getPropertyValue(styleProperty);\n element.style.setProperty(styleProperty, `${callback(Number.parseFloat(calculatedValue))}px`);\n };\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n _saveInitialAttribute(element, styleProperty) {\n const actualValue = element.style.getPropertyValue(styleProperty);\n if (actualValue) {\n Manipulator.setDataAttribute(element, styleProperty, actualValue);\n }\n }\n _resetElementAttributes(selector, styleProperty) {\n const manipulationCallBack = element => {\n const value = Manipulator.getDataAttribute(element, styleProperty);\n // We only want to remove the property if the value is `null`; the value can also be zero\n if (value === null) {\n element.style.removeProperty(styleProperty);\n return;\n }\n Manipulator.removeDataAttribute(element, styleProperty);\n element.style.setProperty(styleProperty, value);\n };\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n _applyManipulationCallback(selector, callBack) {\n if (isElement(selector)) {\n callBack(selector);\n return;\n }\n for (const sel of SelectorEngine.find(selector, this._element)) {\n callBack(sel);\n }\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap modal.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$7 = 'modal';\nconst DATA_KEY$4 = 'bs.modal';\nconst EVENT_KEY$4 = `.${DATA_KEY$4}`;\nconst DATA_API_KEY$2 = '.data-api';\nconst ESCAPE_KEY$1 = 'Escape';\nconst EVENT_HIDE$4 = `hide${EVENT_KEY$4}`;\nconst EVENT_HIDE_PREVENTED$1 = `hidePrevented${EVENT_KEY$4}`;\nconst EVENT_HIDDEN$4 = `hidden${EVENT_KEY$4}`;\nconst EVENT_SHOW$4 = `show${EVENT_KEY$4}`;\nconst EVENT_SHOWN$4 = `shown${EVENT_KEY$4}`;\nconst EVENT_RESIZE$1 = `resize${EVENT_KEY$4}`;\nconst EVENT_CLICK_DISMISS = `click.dismiss${EVENT_KEY$4}`;\nconst EVENT_MOUSEDOWN_DISMISS = `mousedown.dismiss${EVENT_KEY$4}`;\nconst EVENT_KEYDOWN_DISMISS$1 = `keydown.dismiss${EVENT_KEY$4}`;\nconst EVENT_CLICK_DATA_API$2 = `click${EVENT_KEY$4}${DATA_API_KEY$2}`;\nconst CLASS_NAME_OPEN = 'modal-open';\nconst CLASS_NAME_FADE$3 = 'fade';\nconst CLASS_NAME_SHOW$4 = 'show';\nconst CLASS_NAME_STATIC = 'modal-static';\nconst OPEN_SELECTOR$1 = '.modal.show';\nconst SELECTOR_DIALOG = '.modal-dialog';\nconst SELECTOR_MODAL_BODY = '.modal-body';\nconst SELECTOR_DATA_TOGGLE$2 = '[data-bs-toggle=\"modal\"]';\nconst Default$6 = {\n backdrop: true,\n focus: true,\n keyboard: true\n};\nconst DefaultType$6 = {\n backdrop: '(boolean|string)',\n focus: 'boolean',\n keyboard: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Modal extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._dialog = SelectorEngine.findOne(SELECTOR_DIALOG, this._element);\n this._backdrop = this._initializeBackDrop();\n this._focustrap = this._initializeFocusTrap();\n this._isShown = false;\n this._isTransitioning = false;\n this._scrollBar = new ScrollBarHelper();\n this._addEventListeners();\n }\n\n // Getters\n static get Default() {\n return Default$6;\n }\n static get DefaultType() {\n return DefaultType$6;\n }\n static get NAME() {\n return NAME$7;\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n show(relatedTarget) {\n if (this._isShown || this._isTransitioning) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$4, {\n relatedTarget\n });\n if (showEvent.defaultPrevented) {\n return;\n }\n this._isShown = true;\n this._isTransitioning = true;\n this._scrollBar.hide();\n document.body.classList.add(CLASS_NAME_OPEN);\n this._adjustDialog();\n this._backdrop.show(() => this._showElement(relatedTarget));\n }\n hide() {\n if (!this._isShown || this._isTransitioning) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$4);\n if (hideEvent.defaultPrevented) {\n return;\n }\n this._isShown = false;\n this._isTransitioning = true;\n this._focustrap.deactivate();\n this._element.classList.remove(CLASS_NAME_SHOW$4);\n this._queueCallback(() => this._hideModal(), this._element, this._isAnimated());\n }\n dispose() {\n EventHandler.off(window, EVENT_KEY$4);\n EventHandler.off(this._dialog, EVENT_KEY$4);\n this._backdrop.dispose();\n this._focustrap.deactivate();\n super.dispose();\n }\n handleUpdate() {\n this._adjustDialog();\n }\n\n // Private\n _initializeBackDrop() {\n return new Backdrop({\n isVisible: Boolean(this._config.backdrop),\n // 'static' option will be translated to true, and booleans will keep their value,\n isAnimated: this._isAnimated()\n });\n }\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\n }\n _showElement(relatedTarget) {\n // try to append dynamic modal\n if (!document.body.contains(this._element)) {\n document.body.append(this._element);\n }\n this._element.style.display = 'block';\n this._element.removeAttribute('aria-hidden');\n this._element.setAttribute('aria-modal', true);\n this._element.setAttribute('role', 'dialog');\n this._element.scrollTop = 0;\n const modalBody = SelectorEngine.findOne(SELECTOR_MODAL_BODY, this._dialog);\n if (modalBody) {\n modalBody.scrollTop = 0;\n }\n reflow(this._element);\n this._element.classList.add(CLASS_NAME_SHOW$4);\n const transitionComplete = () => {\n if (this._config.focus) {\n this._focustrap.activate();\n }\n this._isTransitioning = false;\n EventHandler.trigger(this._element, EVENT_SHOWN$4, {\n relatedTarget\n });\n };\n this._queueCallback(transitionComplete, this._dialog, this._isAnimated());\n }\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS$1, event => {\n if (event.key !== ESCAPE_KEY$1) {\n return;\n }\n if (this._config.keyboard) {\n this.hide();\n return;\n }\n this._triggerBackdropTransition();\n });\n EventHandler.on(window, EVENT_RESIZE$1, () => {\n if (this._isShown && !this._isTransitioning) {\n this._adjustDialog();\n }\n });\n EventHandler.on(this._element, EVENT_MOUSEDOWN_DISMISS, event => {\n // a bad trick to segregate clicks that may start inside dialog but end outside, and avoid listen to scrollbar clicks\n EventHandler.one(this._element, EVENT_CLICK_DISMISS, event2 => {\n if (this._element !== event.target || this._element !== event2.target) {\n return;\n }\n if (this._config.backdrop === 'static') {\n this._triggerBackdropTransition();\n return;\n }\n if (this._config.backdrop) {\n this.hide();\n }\n });\n });\n }\n _hideModal() {\n this._element.style.display = 'none';\n this._element.setAttribute('aria-hidden', true);\n this._element.removeAttribute('aria-modal');\n this._element.removeAttribute('role');\n this._isTransitioning = false;\n this._backdrop.hide(() => {\n document.body.classList.remove(CLASS_NAME_OPEN);\n this._resetAdjustments();\n this._scrollBar.reset();\n EventHandler.trigger(this._element, EVENT_HIDDEN$4);\n });\n }\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_FADE$3);\n }\n _triggerBackdropTransition() {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED$1);\n if (hideEvent.defaultPrevented) {\n return;\n }\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n const initialOverflowY = this._element.style.overflowY;\n // return if the following background transition hasn't yet completed\n if (initialOverflowY === 'hidden' || this._element.classList.contains(CLASS_NAME_STATIC)) {\n return;\n }\n if (!isModalOverflowing) {\n this._element.style.overflowY = 'hidden';\n }\n this._element.classList.add(CLASS_NAME_STATIC);\n this._queueCallback(() => {\n this._element.classList.remove(CLASS_NAME_STATIC);\n this._queueCallback(() => {\n this._element.style.overflowY = initialOverflowY;\n }, this._dialog);\n }, this._dialog);\n this._element.focus();\n }\n\n /**\n * The following methods are used to handle overflowing modals\n */\n\n _adjustDialog() {\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n const scrollbarWidth = this._scrollBar.getWidth();\n const isBodyOverflowing = scrollbarWidth > 0;\n if (isBodyOverflowing && !isModalOverflowing) {\n const property = isRTL() ? 'paddingLeft' : 'paddingRight';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n if (!isBodyOverflowing && isModalOverflowing) {\n const property = isRTL() ? 'paddingRight' : 'paddingLeft';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n }\n _resetAdjustments() {\n this._element.style.paddingLeft = '';\n this._element.style.paddingRight = '';\n }\n\n // Static\n static jQueryInterface(config, relatedTarget) {\n return this.each(function () {\n const data = Modal.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](relatedTarget);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$2, SELECTOR_DATA_TOGGLE$2, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n EventHandler.one(target, EVENT_SHOW$4, showEvent => {\n if (showEvent.defaultPrevented) {\n // only register focus restorer if modal will actually get shown\n return;\n }\n EventHandler.one(target, EVENT_HIDDEN$4, () => {\n if (isVisible(this)) {\n this.focus();\n }\n });\n });\n\n // avoid conflict when clicking modal toggler while another one is open\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR$1);\n if (alreadyOpen) {\n Modal.getInstance(alreadyOpen).hide();\n }\n const data = Modal.getOrCreateInstance(target);\n data.toggle(this);\n});\nenableDismissTrigger(Modal);\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Modal);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap offcanvas.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$6 = 'offcanvas';\nconst DATA_KEY$3 = 'bs.offcanvas';\nconst EVENT_KEY$3 = `.${DATA_KEY$3}`;\nconst DATA_API_KEY$1 = '.data-api';\nconst EVENT_LOAD_DATA_API$2 = `load${EVENT_KEY$3}${DATA_API_KEY$1}`;\nconst ESCAPE_KEY = 'Escape';\nconst CLASS_NAME_SHOW$3 = 'show';\nconst CLASS_NAME_SHOWING$1 = 'showing';\nconst CLASS_NAME_HIDING = 'hiding';\nconst CLASS_NAME_BACKDROP = 'offcanvas-backdrop';\nconst OPEN_SELECTOR = '.offcanvas.show';\nconst EVENT_SHOW$3 = `show${EVENT_KEY$3}`;\nconst EVENT_SHOWN$3 = `shown${EVENT_KEY$3}`;\nconst EVENT_HIDE$3 = `hide${EVENT_KEY$3}`;\nconst EVENT_HIDE_PREVENTED = `hidePrevented${EVENT_KEY$3}`;\nconst EVENT_HIDDEN$3 = `hidden${EVENT_KEY$3}`;\nconst EVENT_RESIZE = `resize${EVENT_KEY$3}`;\nconst EVENT_CLICK_DATA_API$1 = `click${EVENT_KEY$3}${DATA_API_KEY$1}`;\nconst EVENT_KEYDOWN_DISMISS = `keydown.dismiss${EVENT_KEY$3}`;\nconst SELECTOR_DATA_TOGGLE$1 = '[data-bs-toggle=\"offcanvas\"]';\nconst Default$5 = {\n backdrop: true,\n keyboard: true,\n scroll: false\n};\nconst DefaultType$5 = {\n backdrop: '(boolean|string)',\n keyboard: 'boolean',\n scroll: 'boolean'\n};\n\n/**\n * Class definition\n */\n\nclass Offcanvas extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n this._isShown = false;\n this._backdrop = this._initializeBackDrop();\n this._focustrap = this._initializeFocusTrap();\n this._addEventListeners();\n }\n\n // Getters\n static get Default() {\n return Default$5;\n }\n static get DefaultType() {\n return DefaultType$5;\n }\n static get NAME() {\n return NAME$6;\n }\n\n // Public\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n show(relatedTarget) {\n if (this._isShown) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$3, {\n relatedTarget\n });\n if (showEvent.defaultPrevented) {\n return;\n }\n this._isShown = true;\n this._backdrop.show();\n if (!this._config.scroll) {\n new ScrollBarHelper().hide();\n }\n this._element.setAttribute('aria-modal', true);\n this._element.setAttribute('role', 'dialog');\n this._element.classList.add(CLASS_NAME_SHOWING$1);\n const completeCallBack = () => {\n if (!this._config.scroll || this._config.backdrop) {\n this._focustrap.activate();\n }\n this._element.classList.add(CLASS_NAME_SHOW$3);\n this._element.classList.remove(CLASS_NAME_SHOWING$1);\n EventHandler.trigger(this._element, EVENT_SHOWN$3, {\n relatedTarget\n });\n };\n this._queueCallback(completeCallBack, this._element, true);\n }\n hide() {\n if (!this._isShown) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$3);\n if (hideEvent.defaultPrevented) {\n return;\n }\n this._focustrap.deactivate();\n this._element.blur();\n this._isShown = false;\n this._element.classList.add(CLASS_NAME_HIDING);\n this._backdrop.hide();\n const completeCallback = () => {\n this._element.classList.remove(CLASS_NAME_SHOW$3, CLASS_NAME_HIDING);\n this._element.removeAttribute('aria-modal');\n this._element.removeAttribute('role');\n if (!this._config.scroll) {\n new ScrollBarHelper().reset();\n }\n EventHandler.trigger(this._element, EVENT_HIDDEN$3);\n };\n this._queueCallback(completeCallback, this._element, true);\n }\n dispose() {\n this._backdrop.dispose();\n this._focustrap.deactivate();\n super.dispose();\n }\n\n // Private\n _initializeBackDrop() {\n const clickCallback = () => {\n if (this._config.backdrop === 'static') {\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n return;\n }\n this.hide();\n };\n\n // 'static' option will be translated to true, and booleans will keep their value\n const isVisible = Boolean(this._config.backdrop);\n return new Backdrop({\n className: CLASS_NAME_BACKDROP,\n isVisible,\n isAnimated: true,\n rootElement: this._element.parentNode,\n clickCallback: isVisible ? clickCallback : null\n });\n }\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\n }\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS, event => {\n if (event.key !== ESCAPE_KEY) {\n return;\n }\n if (this._config.keyboard) {\n this.hide();\n return;\n }\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n });\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Offcanvas.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config](this);\n });\n }\n}\n\n/**\n * Data API implementation\n */\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$1, SELECTOR_DATA_TOGGLE$1, function (event) {\n const target = SelectorEngine.getElementFromSelector(this);\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n if (isDisabled(this)) {\n return;\n }\n EventHandler.one(target, EVENT_HIDDEN$3, () => {\n // focus on trigger when it is closed\n if (isVisible(this)) {\n this.focus();\n }\n });\n\n // avoid conflict when clicking a toggler of an offcanvas, while another is open\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR);\n if (alreadyOpen && alreadyOpen !== target) {\n Offcanvas.getInstance(alreadyOpen).hide();\n }\n const data = Offcanvas.getOrCreateInstance(target);\n data.toggle(this);\n});\nEventHandler.on(window, EVENT_LOAD_DATA_API$2, () => {\n for (const selector of SelectorEngine.find(OPEN_SELECTOR)) {\n Offcanvas.getOrCreateInstance(selector).show();\n }\n});\nEventHandler.on(window, EVENT_RESIZE, () => {\n for (const element of SelectorEngine.find('[aria-modal][class*=show][class*=offcanvas-]')) {\n if (getComputedStyle(element).position !== 'fixed') {\n Offcanvas.getOrCreateInstance(element).hide();\n }\n }\n});\nenableDismissTrigger(Offcanvas);\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Offcanvas);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/sanitizer.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n// js-docs-start allow-list\nconst ARIA_ATTRIBUTE_PATTERN = /^aria-[\\w-]*$/i;\nconst DefaultAllowlist = {\n // Global attributes allowed on any supplied element below.\n '*': ['class', 'dir', 'id', 'lang', 'role', ARIA_ATTRIBUTE_PATTERN],\n a: ['target', 'href', 'title', 'rel'],\n area: [],\n b: [],\n br: [],\n col: [],\n code: [],\n div: [],\n em: [],\n hr: [],\n h1: [],\n h2: [],\n h3: [],\n h4: [],\n h5: [],\n h6: [],\n i: [],\n img: ['src', 'srcset', 'alt', 'title', 'width', 'height'],\n li: [],\n ol: [],\n p: [],\n pre: [],\n s: [],\n small: [],\n span: [],\n sub: [],\n sup: [],\n strong: [],\n u: [],\n ul: []\n};\n// js-docs-end allow-list\n\nconst uriAttributes = new Set(['background', 'cite', 'href', 'itemtype', 'longdesc', 'poster', 'src', 'xlink:href']);\n\n/**\n * A pattern that recognizes URLs that are safe wrt. XSS in URL navigation\n * contexts.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/15.2.8/packages/core/src/sanitization/url_sanitizer.ts#L38\n */\n// eslint-disable-next-line unicorn/better-regex\nconst SAFE_URL_PATTERN = /^(?!javascript:)(?:[a-z0-9+.-]+:|[^&:/?#]*(?:[/?#]|$))/i;\nconst allowedAttribute = (attribute, allowedAttributeList) => {\n const attributeName = attribute.nodeName.toLowerCase();\n if (allowedAttributeList.includes(attributeName)) {\n if (uriAttributes.has(attributeName)) {\n return Boolean(SAFE_URL_PATTERN.test(attribute.nodeValue));\n }\n return true;\n }\n\n // Check if a regular expression validates the attribute.\n return allowedAttributeList.filter(attributeRegex => attributeRegex instanceof RegExp).some(regex => regex.test(attributeName));\n};\nfunction sanitizeHtml(unsafeHtml, allowList, sanitizeFunction) {\n if (!unsafeHtml.length) {\n return unsafeHtml;\n }\n if (sanitizeFunction && typeof sanitizeFunction === 'function') {\n return sanitizeFunction(unsafeHtml);\n }\n const domParser = new window.DOMParser();\n const createdDocument = domParser.parseFromString(unsafeHtml, 'text/html');\n const elements = [].concat(...createdDocument.body.querySelectorAll('*'));\n for (const element of elements) {\n const elementName = element.nodeName.toLowerCase();\n if (!Object.keys(allowList).includes(elementName)) {\n element.remove();\n continue;\n }\n const attributeList = [].concat(...element.attributes);\n const allowedAttributes = [].concat(allowList['*'] || [], allowList[elementName] || []);\n for (const attribute of attributeList) {\n if (!allowedAttribute(attribute, allowedAttributes)) {\n element.removeAttribute(attribute.nodeName);\n }\n }\n }\n return createdDocument.body.innerHTML;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap util/template-factory.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$5 = 'TemplateFactory';\nconst Default$4 = {\n allowList: DefaultAllowlist,\n content: {},\n // { selector : text , selector2 : text2 , }\n extraClass: '',\n html: false,\n sanitize: true,\n sanitizeFn: null,\n template: '
'\n};\nconst DefaultType$4 = {\n allowList: 'object',\n content: 'object',\n extraClass: '(string|function)',\n html: 'boolean',\n sanitize: 'boolean',\n sanitizeFn: '(null|function)',\n template: 'string'\n};\nconst DefaultContentType = {\n entry: '(string|element|function|null)',\n selector: '(string|element)'\n};\n\n/**\n * Class definition\n */\n\nclass TemplateFactory extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n }\n\n // Getters\n static get Default() {\n return Default$4;\n }\n static get DefaultType() {\n return DefaultType$4;\n }\n static get NAME() {\n return NAME$5;\n }\n\n // Public\n getContent() {\n return Object.values(this._config.content).map(config => this._resolvePossibleFunction(config)).filter(Boolean);\n }\n hasContent() {\n return this.getContent().length > 0;\n }\n changeContent(content) {\n this._checkContent(content);\n this._config.content = {\n ...this._config.content,\n ...content\n };\n return this;\n }\n toHtml() {\n const templateWrapper = document.createElement('div');\n templateWrapper.innerHTML = this._maybeSanitize(this._config.template);\n for (const [selector, text] of Object.entries(this._config.content)) {\n this._setContent(templateWrapper, text, selector);\n }\n const template = templateWrapper.children[0];\n const extraClass = this._resolvePossibleFunction(this._config.extraClass);\n if (extraClass) {\n template.classList.add(...extraClass.split(' '));\n }\n return template;\n }\n\n // Private\n _typeCheckConfig(config) {\n super._typeCheckConfig(config);\n this._checkContent(config.content);\n }\n _checkContent(arg) {\n for (const [selector, content] of Object.entries(arg)) {\n super._typeCheckConfig({\n selector,\n entry: content\n }, DefaultContentType);\n }\n }\n _setContent(template, content, selector) {\n const templateElement = SelectorEngine.findOne(selector, template);\n if (!templateElement) {\n return;\n }\n content = this._resolvePossibleFunction(content);\n if (!content) {\n templateElement.remove();\n return;\n }\n if (isElement(content)) {\n this._putElementInTemplate(getElement(content), templateElement);\n return;\n }\n if (this._config.html) {\n templateElement.innerHTML = this._maybeSanitize(content);\n return;\n }\n templateElement.textContent = content;\n }\n _maybeSanitize(arg) {\n return this._config.sanitize ? sanitizeHtml(arg, this._config.allowList, this._config.sanitizeFn) : arg;\n }\n _resolvePossibleFunction(arg) {\n return execute(arg, [this]);\n }\n _putElementInTemplate(element, templateElement) {\n if (this._config.html) {\n templateElement.innerHTML = '';\n templateElement.append(element);\n return;\n }\n templateElement.textContent = element.textContent;\n }\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap tooltip.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$4 = 'tooltip';\nconst DISALLOWED_ATTRIBUTES = new Set(['sanitize', 'allowList', 'sanitizeFn']);\nconst CLASS_NAME_FADE$2 = 'fade';\nconst CLASS_NAME_MODAL = 'modal';\nconst CLASS_NAME_SHOW$2 = 'show';\nconst SELECTOR_TOOLTIP_INNER = '.tooltip-inner';\nconst SELECTOR_MODAL = `.${CLASS_NAME_MODAL}`;\nconst EVENT_MODAL_HIDE = 'hide.bs.modal';\nconst TRIGGER_HOVER = 'hover';\nconst TRIGGER_FOCUS = 'focus';\nconst TRIGGER_CLICK = 'click';\nconst TRIGGER_MANUAL = 'manual';\nconst EVENT_HIDE$2 = 'hide';\nconst EVENT_HIDDEN$2 = 'hidden';\nconst EVENT_SHOW$2 = 'show';\nconst EVENT_SHOWN$2 = 'shown';\nconst EVENT_INSERTED = 'inserted';\nconst EVENT_CLICK$1 = 'click';\nconst EVENT_FOCUSIN$1 = 'focusin';\nconst EVENT_FOCUSOUT$1 = 'focusout';\nconst EVENT_MOUSEENTER = 'mouseenter';\nconst EVENT_MOUSELEAVE = 'mouseleave';\nconst AttachmentMap = {\n AUTO: 'auto',\n TOP: 'top',\n RIGHT: isRTL() ? 'left' : 'right',\n BOTTOM: 'bottom',\n LEFT: isRTL() ? 'right' : 'left'\n};\nconst Default$3 = {\n allowList: DefaultAllowlist,\n animation: true,\n boundary: 'clippingParents',\n container: false,\n customClass: '',\n delay: 0,\n fallbackPlacements: ['top', 'right', 'bottom', 'left'],\n html: false,\n offset: [0, 6],\n placement: 'top',\n popperConfig: null,\n sanitize: true,\n sanitizeFn: null,\n selector: false,\n template: '
' + '
' + '
' + '
',\n title: '',\n trigger: 'hover focus'\n};\nconst DefaultType$3 = {\n allowList: 'object',\n animation: 'boolean',\n boundary: '(string|element)',\n container: '(string|element|boolean)',\n customClass: '(string|function)',\n delay: '(number|object)',\n fallbackPlacements: 'array',\n html: 'boolean',\n offset: '(array|string|function)',\n placement: '(string|function)',\n popperConfig: '(null|object|function)',\n sanitize: 'boolean',\n sanitizeFn: '(null|function)',\n selector: '(string|boolean)',\n template: 'string',\n title: '(string|element|function)',\n trigger: 'string'\n};\n\n/**\n * Class definition\n */\n\nclass Tooltip extends BaseComponent {\n constructor(element, config) {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s tooltips require Popper (https://popper.js.org)');\n }\n super(element, config);\n\n // Private\n this._isEnabled = true;\n this._timeout = 0;\n this._isHovered = null;\n this._activeTrigger = {};\n this._popper = null;\n this._templateFactory = null;\n this._newContent = null;\n\n // Protected\n this.tip = null;\n this._setListeners();\n if (!this._config.selector) {\n this._fixTitle();\n }\n }\n\n // Getters\n static get Default() {\n return Default$3;\n }\n static get DefaultType() {\n return DefaultType$3;\n }\n static get NAME() {\n return NAME$4;\n }\n\n // Public\n enable() {\n this._isEnabled = true;\n }\n disable() {\n this._isEnabled = false;\n }\n toggleEnabled() {\n this._isEnabled = !this._isEnabled;\n }\n toggle() {\n if (!this._isEnabled) {\n return;\n }\n this._activeTrigger.click = !this._activeTrigger.click;\n if (this._isShown()) {\n this._leave();\n return;\n }\n this._enter();\n }\n dispose() {\n clearTimeout(this._timeout);\n EventHandler.off(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n if (this._element.getAttribute('data-bs-original-title')) {\n this._element.setAttribute('title', this._element.getAttribute('data-bs-original-title'));\n }\n this._disposePopper();\n super.dispose();\n }\n show() {\n if (this._element.style.display === 'none') {\n throw new Error('Please use show on visible elements');\n }\n if (!(this._isWithContent() && this._isEnabled)) {\n return;\n }\n const showEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOW$2));\n const shadowRoot = findShadowRoot(this._element);\n const isInTheDom = (shadowRoot || this._element.ownerDocument.documentElement).contains(this._element);\n if (showEvent.defaultPrevented || !isInTheDom) {\n return;\n }\n\n // TODO: v6 remove this or make it optional\n this._disposePopper();\n const tip = this._getTipElement();\n this._element.setAttribute('aria-describedby', tip.getAttribute('id'));\n const {\n container\n } = this._config;\n if (!this._element.ownerDocument.documentElement.contains(this.tip)) {\n container.append(tip);\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_INSERTED));\n }\n this._popper = this._createPopper(tip);\n tip.classList.add(CLASS_NAME_SHOW$2);\n\n // If this is a touch-enabled device we add extra\n // empty mouseover listeners to the body's immediate children;\n // only needed because of broken event delegation on iOS\n // https://www.quirksmode.org/blog/archives/2014/02/mouse_event_bub.html\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.on(element, 'mouseover', noop);\n }\n }\n const complete = () => {\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOWN$2));\n if (this._isHovered === false) {\n this._leave();\n }\n this._isHovered = false;\n };\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n hide() {\n if (!this._isShown()) {\n return;\n }\n const hideEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDE$2));\n if (hideEvent.defaultPrevented) {\n return;\n }\n const tip = this._getTipElement();\n tip.classList.remove(CLASS_NAME_SHOW$2);\n\n // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\n }\n this._activeTrigger[TRIGGER_CLICK] = false;\n this._activeTrigger[TRIGGER_FOCUS] = false;\n this._activeTrigger[TRIGGER_HOVER] = false;\n this._isHovered = null; // it is a trick to support manual triggering\n\n const complete = () => {\n if (this._isWithActiveTrigger()) {\n return;\n }\n if (!this._isHovered) {\n this._disposePopper();\n }\n this._element.removeAttribute('aria-describedby');\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDDEN$2));\n };\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n update() {\n if (this._popper) {\n this._popper.update();\n }\n }\n\n // Protected\n _isWithContent() {\n return Boolean(this._getTitle());\n }\n _getTipElement() {\n if (!this.tip) {\n this.tip = this._createTipElement(this._newContent || this._getContentForTemplate());\n }\n return this.tip;\n }\n _createTipElement(content) {\n const tip = this._getTemplateFactory(content).toHtml();\n\n // TODO: remove this check in v6\n if (!tip) {\n return null;\n }\n tip.classList.remove(CLASS_NAME_FADE$2, CLASS_NAME_SHOW$2);\n // TODO: v6 the following can be achieved with CSS only\n tip.classList.add(`bs-${this.constructor.NAME}-auto`);\n const tipId = getUID(this.constructor.NAME).toString();\n tip.setAttribute('id', tipId);\n if (this._isAnimated()) {\n tip.classList.add(CLASS_NAME_FADE$2);\n }\n return tip;\n }\n setContent(content) {\n this._newContent = content;\n if (this._isShown()) {\n this._disposePopper();\n this.show();\n }\n }\n _getTemplateFactory(content) {\n if (this._templateFactory) {\n this._templateFactory.changeContent(content);\n } else {\n this._templateFactory = new TemplateFactory({\n ...this._config,\n // the `content` var has to be after `this._config`\n // to override config.content in case of popover\n content,\n extraClass: this._resolvePossibleFunction(this._config.customClass)\n });\n }\n return this._templateFactory;\n }\n _getContentForTemplate() {\n return {\n [SELECTOR_TOOLTIP_INNER]: this._getTitle()\n };\n }\n _getTitle() {\n return this._resolvePossibleFunction(this._config.title) || this._element.getAttribute('data-bs-original-title');\n }\n\n // Private\n _initializeOnDelegatedTarget(event) {\n return this.constructor.getOrCreateInstance(event.delegateTarget, this._getDelegateConfig());\n }\n _isAnimated() {\n return this._config.animation || this.tip && this.tip.classList.contains(CLASS_NAME_FADE$2);\n }\n _isShown() {\n return this.tip && this.tip.classList.contains(CLASS_NAME_SHOW$2);\n }\n _createPopper(tip) {\n const placement = execute(this._config.placement, [this, tip, this._element]);\n const attachment = AttachmentMap[placement.toUpperCase()];\n return Popper.createPopper(this._element, tip, this._getPopperConfig(attachment));\n }\n _getOffset() {\n const {\n offset\n } = this._config;\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n return offset;\n }\n _resolvePossibleFunction(arg) {\n return execute(arg, [this._element]);\n }\n _getPopperConfig(attachment) {\n const defaultBsPopperConfig = {\n placement: attachment,\n modifiers: [{\n name: 'flip',\n options: {\n fallbackPlacements: this._config.fallbackPlacements\n }\n }, {\n name: 'offset',\n options: {\n offset: this._getOffset()\n }\n }, {\n name: 'preventOverflow',\n options: {\n boundary: this._config.boundary\n }\n }, {\n name: 'arrow',\n options: {\n element: `.${this.constructor.NAME}-arrow`\n }\n }, {\n name: 'preSetPlacement',\n enabled: true,\n phase: 'beforeMain',\n fn: data => {\n // Pre-set Popper's placement attribute in order to read the arrow sizes properly.\n // Otherwise, Popper mixes up the width and height dimensions since the initial arrow style is for top placement\n this._getTipElement().setAttribute('data-popper-placement', data.state.placement);\n }\n }]\n };\n return {\n ...defaultBsPopperConfig,\n ...execute(this._config.popperConfig, [defaultBsPopperConfig])\n };\n }\n _setListeners() {\n const triggers = this._config.trigger.split(' ');\n for (const trigger of triggers) {\n if (trigger === 'click') {\n EventHandler.on(this._element, this.constructor.eventName(EVENT_CLICK$1), this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context.toggle();\n });\n } else if (trigger !== TRIGGER_MANUAL) {\n const eventIn = trigger === TRIGGER_HOVER ? this.constructor.eventName(EVENT_MOUSEENTER) : this.constructor.eventName(EVENT_FOCUSIN$1);\n const eventOut = trigger === TRIGGER_HOVER ? this.constructor.eventName(EVENT_MOUSELEAVE) : this.constructor.eventName(EVENT_FOCUSOUT$1);\n EventHandler.on(this._element, eventIn, this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context._activeTrigger[event.type === 'focusin' ? TRIGGER_FOCUS : TRIGGER_HOVER] = true;\n context._enter();\n });\n EventHandler.on(this._element, eventOut, this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n context._activeTrigger[event.type === 'focusout' ? TRIGGER_FOCUS : TRIGGER_HOVER] = context._element.contains(event.relatedTarget);\n context._leave();\n });\n }\n }\n this._hideModalHandler = () => {\n if (this._element) {\n this.hide();\n }\n };\n EventHandler.on(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n }\n _fixTitle() {\n const title = this._element.getAttribute('title');\n if (!title) {\n return;\n }\n if (!this._element.getAttribute('aria-label') && !this._element.textContent.trim()) {\n this._element.setAttribute('aria-label', title);\n }\n this._element.setAttribute('data-bs-original-title', title); // DO NOT USE IT. Is only for backwards compatibility\n this._element.removeAttribute('title');\n }\n _enter() {\n if (this._isShown() || this._isHovered) {\n this._isHovered = true;\n return;\n }\n this._isHovered = true;\n this._setTimeout(() => {\n if (this._isHovered) {\n this.show();\n }\n }, this._config.delay.show);\n }\n _leave() {\n if (this._isWithActiveTrigger()) {\n return;\n }\n this._isHovered = false;\n this._setTimeout(() => {\n if (!this._isHovered) {\n this.hide();\n }\n }, this._config.delay.hide);\n }\n _setTimeout(handler, timeout) {\n clearTimeout(this._timeout);\n this._timeout = setTimeout(handler, timeout);\n }\n _isWithActiveTrigger() {\n return Object.values(this._activeTrigger).includes(true);\n }\n _getConfig(config) {\n const dataAttributes = Manipulator.getDataAttributes(this._element);\n for (const dataAttribute of Object.keys(dataAttributes)) {\n if (DISALLOWED_ATTRIBUTES.has(dataAttribute)) {\n delete dataAttributes[dataAttribute];\n }\n }\n config = {\n ...dataAttributes,\n ...(typeof config === 'object' && config ? config : {})\n };\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n this._typeCheckConfig(config);\n return config;\n }\n _configAfterMerge(config) {\n config.container = config.container === false ? document.body : getElement(config.container);\n if (typeof config.delay === 'number') {\n config.delay = {\n show: config.delay,\n hide: config.delay\n };\n }\n if (typeof config.title === 'number') {\n config.title = config.title.toString();\n }\n if (typeof config.content === 'number') {\n config.content = config.content.toString();\n }\n return config;\n }\n _getDelegateConfig() {\n const config = {};\n for (const [key, value] of Object.entries(this._config)) {\n if (this.constructor.Default[key] !== value) {\n config[key] = value;\n }\n }\n config.selector = false;\n config.trigger = 'manual';\n\n // In the future can be replaced with:\n // const keysWithDifferentValues = Object.entries(this._config).filter(entry => this.constructor.Default[entry[0]] !== this._config[entry[0]])\n // `Object.fromEntries(keysWithDifferentValues)`\n return config;\n }\n _disposePopper() {\n if (this._popper) {\n this._popper.destroy();\n this._popper = null;\n }\n if (this.tip) {\n this.tip.remove();\n this.tip = null;\n }\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Tooltip.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Tooltip);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap popover.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$3 = 'popover';\nconst SELECTOR_TITLE = '.popover-header';\nconst SELECTOR_CONTENT = '.popover-body';\nconst Default$2 = {\n ...Tooltip.Default,\n content: '',\n offset: [0, 8],\n placement: 'right',\n template: '
' + '
' + '

' + '
' + '
',\n trigger: 'click'\n};\nconst DefaultType$2 = {\n ...Tooltip.DefaultType,\n content: '(null|string|element|function)'\n};\n\n/**\n * Class definition\n */\n\nclass Popover extends Tooltip {\n // Getters\n static get Default() {\n return Default$2;\n }\n static get DefaultType() {\n return DefaultType$2;\n }\n static get NAME() {\n return NAME$3;\n }\n\n // Overrides\n _isWithContent() {\n return this._getTitle() || this._getContent();\n }\n\n // Private\n _getContentForTemplate() {\n return {\n [SELECTOR_TITLE]: this._getTitle(),\n [SELECTOR_CONTENT]: this._getContent()\n };\n }\n _getContent() {\n return this._resolvePossibleFunction(this._config.content);\n }\n\n // Static\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Popover.getOrCreateInstance(this, config);\n if (typeof config !== 'string') {\n return;\n }\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n data[config]();\n });\n }\n}\n\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Popover);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap scrollspy.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n\n/**\n * Constants\n */\n\nconst NAME$2 = 'scrollspy';\nconst DATA_KEY$2 = 'bs.scrollspy';\nconst EVENT_KEY$2 = `.${DATA_KEY$2}`;\nconst DATA_API_KEY = '.data-api';\nconst EVENT_ACTIVATE = `activate${EVENT_KEY$2}`;\nconst EVENT_CLICK = `click${EVENT_KEY$2}`;\nconst EVENT_LOAD_DATA_API$1 = `load${EVENT_KEY$2}${DATA_API_KEY}`;\nconst CLASS_NAME_DROPDOWN_ITEM = 'dropdown-item';\nconst CLASS_NAME_ACTIVE$1 = 'active';\nconst SELECTOR_DATA_SPY = '[data-bs-spy=\"scroll\"]';\nconst SELECTOR_TARGET_LINKS = '[href]';\nconst SELECTOR_NAV_LIST_GROUP = '.nav, .list-group';\nconst SELECTOR_NAV_LINKS = '.nav-link';\nconst SELECTOR_NAV_ITEMS = '.nav-item';\nconst SELECTOR_LIST_ITEMS = '.list-group-item';\nconst SELECTOR_LINK_ITEMS = `${SELECTOR_NAV_LINKS}, ${SELECTOR_NAV_ITEMS} > ${SELECTOR_NAV_LINKS}, ${SELECTOR_LIST_ITEMS}`;\nconst SELECTOR_DROPDOWN = '.dropdown';\nconst SELECTOR_DROPDOWN_TOGGLE$1 = '.dropdown-toggle';\nconst Default$1 = {\n offset: null,\n // TODO: v6 @deprecated, keep it for backwards compatibility reasons\n rootMargin: '0px 0px -25%',\n smoothScroll: false,\n target: null,\n threshold: [0.1, 0.5, 1]\n};\nconst DefaultType$1 = {\n offset: '(number|null)',\n // TODO v6 @deprecated, keep it for backwards compatibility reasons\n rootMargin: 'string',\n smoothScroll: 'boolean',\n target: 'element',\n threshold: 'array'\n};\n\n/**\n * Class definition\n */\n\nclass ScrollSpy extends BaseComponent {\n constructor(element, config) {\n super(element, config);\n\n // this._element is the observablesContainer and config.target the menu links wrapper\n this._targetLinks = new Map();\n this._observableSections = new Map();\n this._rootElement = getComputedStyle(this._element).overflowY === 'visible' ? null : this._element;\n this._activeTarget = null;\n this._observer = null;\n this._previousScrollData = {\n visibleEntryTop: 0,\n parentScrollTop: 0\n };\n this.refresh(); // initialize\n }\n\n // Getters\n static get Default() {\n return Default$1;\n }\n static get DefaultType() {\n return DefaultType$1;\n }\n static get NAME() {\n return NAME$2;\n }\n\n // Public\n refresh() {\n this._initializeTargetsAndObservables();\n this._maybeEnableSmoothScroll();\n if (this._observer) {\n this._observer.disconnect();\n } else {\n this._observer = this._getNewObserver();\n }\n for (const section of this._observableSections.values()) {\n this._observer.observe(section);\n }\n }\n dispose() {\n this._observer.disconnect();\n super.dispose();\n }\n\n // Private\n _configAfterMerge(config) {\n // TODO: on v6 target should be given explicitly & remove the {target: 'ss-target'} case\n config.target = getElement(config.target) || document.body;\n\n // TODO: v6 Only for backwards compatibility reasons. Use rootMargin only\n config.rootMargin = config.offset ? `${config.offset}px 0px -30%` : config.rootMargin;\n if (typeof config.threshold === 'string') {\n config.threshold = config.threshold.split(',').map(value => Number.parseFloat(value));\n }\n return config;\n }\n _maybeEnableSmoothScroll() {\n if (!this._config.smoothScroll) {\n return;\n }\n\n // unregister any previous listeners\n EventHandler.off(this._config.target, EVENT_CLICK);\n EventHandler.on(this._config.target, EVENT_CLICK, SELECTOR_TARGET_LINKS, event => {\n const observableSection = this._observableSections.get(event.target.hash);\n if (observableSection) {\n event.preventDefault();\n const root = this._rootElement || window;\n const height = observableSection.offsetTop - this._element.offsetTop;\n if (root.scrollTo) {\n root.scrollTo({\n top: height,\n behavior: 'smooth'\n });\n return;\n }\n\n // Chrome 60 doesn't support `scrollTo`\n root.scrollTop = height;\n }\n });\n }\n _getNewObserver() {\n const options = {\n root: this._rootElement,\n threshold: this._config.threshold,\n rootMargin: this._config.rootMargin\n };\n return new IntersectionObserver(entries => this._observerCallback(entries), options);\n }\n\n // The logic of selection\n _observerCallback(entries) {\n const targetElement = entry => this._targetLinks.get(`#${entry.target.id}`);\n const activate = entry => {\n this._previousScrollData.visibleEntryTop = entry.target.offsetTop;\n this._process(targetElement(entry));\n };\n const parentScrollTop = (this._rootElement || document.documentElement).scrollTop;\n const userScrollsDown = parentScrollTop >= this._previousScrollData.parentScrollTop;\n this._previousScrollData.parentScrollTop = parentScrollTop;\n for (const entry of entries) {\n if (!entry.isIntersecting) {\n this._activeTarget = null;\n this._clearActiveClass(targetElement(entry));\n continue;\n }\n const entryIsLowerThanPrevious = entry.target.offsetTop >= this._previousScrollData.visibleEntryTop;\n // if we are scrolling down, pick the bigger offsetTop\n if (userScrollsDown && entryIsLowerThanPrevious) {\n activate(entry);\n // if parent isn't scrolled, let's keep the first visible item, breaking the iteration\n if (!parentScrollTop) {\n return;\n }\n continue;\n }\n\n // if we are scrolling up, pick the smallest offsetTop\n if (!userScrollsDown && !entryIsLowerThanPrevious) {\n activate(entry);\n }\n }\n }\n _initializeTargetsAndObservables() {\n this._targetLinks = new Map();\n this._observableSections = new Map();\n const targetLinks = SelectorEngine.find(SELECTOR_TARGET_LINKS, this._config.target);\n for (const anchor of targetLinks) {\n // ensure that the anchor has an id and is not disabled\n if (!anchor.hash || isDisabled(anchor)) {\n continue;\n }\n const observableSection = SelectorEngine.findOne(decodeURI(anchor.hash), this._element);\n\n // ensure that the observableSection exists & is visible\n if (isVisible(observableSection)) {\n this._targetLinks.set(decodeURI(anchor.hash), anchor);\n this._observableSections.set(anchor.hash, observableSection);\n }\n }\n }\n _process(target) {\n if (this._activeTarget === target) {\n return;\n }\n this._clearActiveClass(this._config.target);\n this._activeTarget = target;\n target.classList.add(CLASS_NAME_ACTIVE$1);\n this._activateParents(target);\n EventHandler.trigger(this._element, EVENT_ACTIVATE, {\n relatedTarget: target\n });\n }\n _activateParents(target) {\n // Activate dropdown parents\n if (target.classList.contains(CLASS_NAME_DROPDOWN_ITEM)) {\n SelectorEngine.findOne(SELECTOR_DROPDOWN_TOGGLE$1, target.closest(SELECTOR_DROPDOWN)).classList.add(CLASS_NAME_ACTIVE$1);\n return;\n }\n for (const listGroup of SelectorEngine.parents(target, SELECTOR_NAV_LIST_GROUP)) {\n // Set triggered links parents as active\n // With both
-
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • @@ -282,8 +286,16 @@

    tcutilityModule contents -
  • tcutility.atom_data_info package @@ -289,37 +293,37 @@

    SubpackagesVDDCharge

  • tcutility.analysis.vdd.manager module
  • Module contents
  • diff --git a/docs/_build/html/api/tcutility.analysis.vdd.html b/docs/_build/html/api/tcutility.analysis.vdd.html index bc708550..4f4c4c7a 100644 --- a/docs/_build/html/api/tcutility.analysis.vdd.html +++ b/docs/_build/html/api/tcutility.analysis.vdd.html @@ -29,6 +29,8 @@ + + @@ -38,6 +40,8 @@ + + @@ -212,7 +216,7 @@
  • tcutility.analysis.vibration package
  • -
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • @@ -303,11 +307,6 @@

    Submodulesatom_symbol: str#
    -
    -
    -change_unit(ratio: float)[source]#
    -
    -
    charge: float#
    @@ -318,26 +317,66 @@

    Submodulesfrag_index: int#

    +
    +
    +change_unit(ratio: float)[source]#
    +
    +

    tcutility.analysis.vdd.manager module#

    +
    +
    +change_unit_decorator(func)[source]#
    +
    + +
    +
    +create_vdd_charge_manager(results: Result) VDDChargeManager[source]#
    +

    Create a VDDChargeManager from a Result object.

    +
    +
    class VDDChargeManager(vdd_charges: Dict[str, List[VDDCharge]], is_fragment_calculation: bool, calc_dir: Path, mol_charge: int)[source]#

    Bases: object

    Class to manage the VDD charges. It can be used to print the VDD charges in a nice table and write them to a text file or excel file.

    +
    +
    +vdd_charges: Dict[str, List[VDDCharge]]#
    +
    + +
    +
    +is_fragment_calculation: bool#
    +
    +
    calc_dir: Path#
    -
    -
    -change_unit(new_unit: str) None[source]#
    -

    Change the unit of the VDD charges. Available units are “me” (mili-electrons) and “e” (electrons).

    -
    +
    +
    +mol_charge: int#
    +
    + +
    +
    +name: str#
    +
    + +
    +
    +unit: str#
    +
    + +
    +
    +irreps: List[str]#
    +
    @@ -346,75 +385,51 @@

    Submodules -
    -get_summed_vdd_charges(irreps: Sequence[str] | None = None) Dict[str, Dict[str, float]][source]#
    -

    Get the summed VDD charges per fragment for the specified unit ([me] or [e]).

    -

    - -
    -
    -get_summed_vdd_charges_dataframe() DataFrame[source]#
    -

    Get the summed VDD charges as a pandas DataFrame in a specified unit ([me] or [e]).

    +
    +change_unit(new_unit: str) None[source]#
    +

    Change the unit of the VDD charges. Available units are “me” (mili-electrons) and “e” (electrons).

    -
    -
    -get_summed_vdd_charges_table() str[source]#
    -
    -
    get_vdd_charges() Dict[str, List[VDDCharge]][source]#

    Get the VDD charges in the specified unit ([me] or [e]).

    +
    +
    +get_summed_vdd_charges(irreps: Sequence[str] | None = None) Dict[str, Dict[str, float]][source]#
    +

    Get the summed VDD charges per fragment for the specified unit ([me] or [e]).

    +
    +
    get_vdd_charges_dataframe() DataFrame[source]#

    Get the VDD charges as a pandas DataFrame in a specified unit ([me] or [e]).

    +
    +
    +get_summed_vdd_charges_dataframe() DataFrame[source]#
    +

    Get the summed VDD charges as a pandas DataFrame in a specified unit ([me] or [e]).

    +
    +
    get_vdd_charges_table() str[source]#
    -
    -
    -irreps: List[str]#
    -
    - -
    -
    -is_fragment_calculation: bool#
    -
    - -
    -
    -mol_charge: int#
    -
    - -
    -
    -name: str#
    +
    +
    +get_summed_vdd_charges_table() str[source]#
    -
    -plot_vdd_charges_per_atom(output_file: str | Path | None = None, unit: str = 'me') None[source]#
    -

    Plot the VDD charges as a bar graph for each irrep.

    +
    +static write_to_txt(output_dir: str | Path, managers: VDDChargeManager | Sequence[VDDChargeManager], unit: str = 'me') None[source]#
    +

    Write the VDD charges to a text file. It is a static method because multiple managers can be written to the same file.

    -
    -
    -unit: str#
    -
    - -
    -
    -vdd_charges: Dict[str, List[VDDCharge]]#
    -
    -
    write_to_excel(output_file: str | Path | None = None) None[source]#
    @@ -422,22 +437,11 @@

    Submodules -
    -static write_to_txt(output_dir: str | Path, managers: VDDChargeManager | Sequence[VDDChargeManager], unit: str = 'me') None[source]#
    -

    Write the VDD charges to a text file. It is a static method because multiple managers can be written to the same file.

    -

    - +
    +plot_vdd_charges_per_atom(output_file: str | Path | None = None, unit: str = 'me') None[source]#
    +

    Plot the VDD charges as a bar graph for each irrep.

    -
    -
    -change_unit_decorator(func)[source]#
    -
    - -
    -
    -create_vdd_charge_manager(results: Result) VDDChargeManager[source]#
    -

    Create a VDDChargeManager from a Result object.

    @@ -497,37 +501,37 @@

    SubmodulesVDDCharge
  • tcutility.analysis.vdd.manager module
  • Module contents
  • diff --git a/docs/_build/html/api/tcutility.analysis.vibration.html b/docs/_build/html/api/tcutility.analysis.vibration.html index 04f01882..900b2f5b 100644 --- a/docs/_build/html/api/tcutility.analysis.vibration.html +++ b/docs/_build/html/api/tcutility.analysis.vibration.html @@ -29,6 +29,8 @@ + + @@ -38,12 +40,14 @@ + + - + @@ -212,7 +216,7 @@
  • tcutility.analysis.vibration package
  • -
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • @@ -380,11 +384,11 @@

    Submodules

    next

    -

    tcutility.atom_data_info package

    +

    tcutility.job package

    diff --git a/docs/_build/html/api/tcutility.atom_data_info.html b/docs/_build/html/api/tcutility.atom_data_info.html index 0fe12169..bebbd1d3 100644 --- a/docs/_build/html/api/tcutility.atom_data_info.html +++ b/docs/_build/html/api/tcutility.atom_data_info.html @@ -29,6 +29,8 @@ + + @@ -38,13 +40,13 @@ + + - - @@ -182,7 +184,9 @@ -
    + + +
    @@ -200,28 +204,6 @@
    - - @@ -254,12 +236,6 @@ - - - - - - @@ -279,8 +255,8 @@

    tcutility.atom_data_info package#

    -
    -

    Module contents#

    +
    +

    Module contents#

    @@ -294,24 +270,6 @@

    tcutility.atom_data_info package @@ -330,7 +288,7 @@

    tcutility.atom_data_info package

    diff --git a/docs/_build/html/api/tcutility.html b/docs/_build/html/api/tcutility.html index a9ff1427..34f9cc23 100644 --- a/docs/_build/html/api/tcutility.html +++ b/docs/_build/html/api/tcutility.html @@ -29,6 +29,8 @@ + + @@ -38,6 +40,9 @@ + + + @@ -212,7 +217,7 @@
  • tcutility.analysis.vibration package
  • -
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • @@ -300,28 +305,137 @@

    SubpackagesModule contents -
  • tcutility.atom_data_info package
  • +

    Example

    +
    from tcutility import geometry
    +import numpy as np
     
    -
    +# create two arrays that are the same
    +X, Y = np.arange(5 * 3).reshape(5, 3), np.arange(5 * 3).reshape(5, 3)
     
    -
    -
    -apply_rotmat(coords: ndarray, R: ndarray) ndarray[source]#
    -

    Apply a rotation matrix to a set of coordinates

    +# create a transformation matrix to change X +Tx = geometry.Transform() +Tx.rotate(x=1, y=1, z=1) +Tx.translate(x=1, y=1, z=1) + +X = Tx(X) + +# get the Kabsch transformation matrix +Tkabsch = geometry.KabschTransform(X, Y) + +# check if applying the transformation matrix to X yields Y +assert np.isclose(Tkabsch(X), Y).all() +
    +
    +

    References

    +
    @@ -591,33 +728,129 @@

    Submodules
    Parameters:
      -
    • x – Totation around the axes in radians.

    • -
    • y – Totation around the axes in radians.

    • -
    • z – Totation around the axes in radians.

    • +
    • x – Rotation around the x-axis in radians.

    • +
    • y – Rotation around the y-axis in radians.

    • +
    • z – Rotation around the z-axis in radians.

    Returns:
    -

    3x3 rotation matrix

    +

    the rotation matrix \(\textbf{R} \in \mathbb{R}^{3 \times 3}\) with the specified axis rotations.

    +
    +

    See also

    +
    +
    apply_rotmat()

    For applying the rotation matrix to coordinates.

    +
    +
    rotate()

    For rotating coordinates directly, given Tait-Bryant angles.

    +
    +
    Transform.rotate()

    The Transform class allows you to also rotate.

    +
    +
    +
    -
    -random_points_in_anular_sphere(shape: Tuple[int], min_radius: float = 0, max_radius: float = 1)[source]#
    -

    Generate a random points in a sphere with specified radii.

    +
    +apply_rotmat(coords: ndarray, R: ndarray) ndarray[source]#
    +

    Apply a rotation matrix to a set of coordinates.

    Parameters:
      -
    • shape – The shape of the resulting points, generally shape[0] coordinates with shape[1] dimensions

    • -
    • min_radius – The lowest radius of the sphere to generate the points in.

    • -
    • max_radius – The largest radius of the sphere to generate the points in.

    • +
    • coords – the coordinates :math`in mathbb{R}^{n times 3}` to rotate.

    • +
    • R – the rotation matrix to apply.

    Returns:
    -

    Array of coordinates on a sphere.

    +

    math`in mathbb{R}^{n times 3}` rotated using the given rotation matrix.

    +
    +
    Return type:
    +

    New coordinates

    +
    +

    See also

    +
    +
    get_rotmat()

    For creating a rotation matrix.

    +
    +
    rotate()

    For rotating coordinates directly, given Tait-Bryant angles.

    +
    +
    +
    +
    + +
    +
    +rotate(coords: ndarray, x: float = None, y: float = None, z: float = None) ndarray[source]#
    +

    Build and apply a rotation matrix to a set of coordinates.

    +
    +
    Parameters:
    +
      +
    • coords – the coordinates :math`in mathbb{R}^{n times 3}` to rotate.

    • +
    • x – Rotation around the x-axis in radians.

    • +
    • y – Rotation around the y-axis in radians.

    • +
    • z – Rotation around the z-axis in radians.

    • +
    +
    +
    +
    +

    See also

    +
    +
    get_rotmat()

    For creating a rotation matrix.

    +
    +
    +
    +
    + +
    +
    +vector_align_rotmat(a: ndarray, b: ndarray) ndarray[source]#
    +

    Calculate a rotation matrix that aligns vector a onto vector b.

    +
    +
    Parameters:
    +
      +
    • a – vector that is to be aligned.

    • +
    • b – vector that is the target of the alignment.

    • +
    +
    +
    Returns:
    +

    Rotation matrix R, such that geometry.apply_rotmat(a, R) == b.

    +
    +
    +
    + +
    +
    +RMSD(X: ndarray, Y: ndarray, axis: int | None = None, use_kabsch: bool = True) float[source]#
    +

    Calculate Root Mean Squared Deviations between two sets of points X and Y. +By default Kabsch’ algorithm is used to align the sets of points prior to calculating the RMSD. +Optionally the axis can be given to calculate the RMSD along different axes.

    +

    RMSD is given as

    +

    \(\text{RMSD}(X, Y) = \frac{1}{N}\sqrt{\sum_i^N (X_i - Y_i)^2}\)

    +

    when using the Kabsch algorithm to align the two sets of coordinates we first obtain the KabschTransform \(T_{Kabsch}\) and then

    +

    \(\text{RMSD}(X, Y) = \frac{1}{N}\sqrt{\sum_i^N (T_{Kabsch}(X_i) - Y_i)^2}\)

    +
    +
    Parameters:
    +
      +
    • X – the first set of coordinates to compare. It must have the same dimensions as Y.

    • +
    • Y – the second set of coordinates to compare. It must have the same dimensions as X.

    • +
    • axis – axis to compare. Defaults to None.

    • +
    • use_kabsch – whether to use Kabsch’ algorithm to align X and Y before calculating the RMSD. Defaults to True.

    • +
    +
    +
    Returns:
    +

    RMSD in the units of X and Y. If axis is set to an integer this function will return a vector of RMSD’s along that axis.

    +
    +
    +
    +

    Note

    +

    It is generally recommended to enable the use of the Kabsch-Umeyama algorithm prior to calculating the RMSD. +This will ensure you get the lowest possible RMSD for you sets of coordinates.

    +
    +
    +

    See also

    +

    KabschTransform

    +
    @@ -638,24 +871,19 @@

    Submodules -
    -rotate(coords: ndarray, x: float = None, y: float = None, z: float = None) ndarray[source]#
    -

    Shorthand function that builds and applies a rotation matrix to a set of coordinates.

    -

    - -
    -
    -vector_align_rotmat(a: ndarray, b: ndarray) ndarray[source]#
    -

    Calculate a rotation matrix that aligns vector a onto vector b.

    +
    +random_points_in_anular_sphere(shape: Tuple[int], min_radius: float = 0, max_radius: float = 1)[source]#
    +

    Generate a random points in a sphere with specified radii.

    Parameters:
      -
    • a – vector that is to be aligned.

    • -
    • b – vector that is the target of the alignment.

    • +
    • shape – The shape of the resulting points, generally shape[0] coordinates with shape[1] dimensions

    • +
    • min_radius – The lowest radius of the sphere to generate the points in.

    • +
    • max_radius – The largest radius of the sphere to generate the points in.

    Returns:
    -

    Rotation matrix R, such that geometry.apply_rotmat(a, R) == b

    +

    Array of coordinates on a sphere.

    @@ -669,10 +897,15 @@

    Submodulesobject

    Class containing some useful emojis and other characters. Supports dot-notation and indexation to get a character.

    -

    E.g. Emojis.wait == Emojis[‘wait’]

    +

    E.g. Emojis.wait == Emojis['wait']

    -
    -angstrom = 'Å'#
    +
    +wait = '🕒'#
    +
    + +
    +
    +good = '✅'#
    @@ -681,8 +914,8 @@

    Submodules -
    -empty = '⠀⠀'#
    +
    +sleep = '💤'#

    @@ -691,28 +924,28 @@

    Submodules -
    -finish = '🏁'#
    +
    +send = '📤'#

    -
    -good = '✅'#
    +
    +receive = '📥'#
    -
    -info = 'ℹ️'#
    +
    +empty = '⠀⠀'#
    -
    -larrow = '<─'#
    +
    +finish = '🏁'#
    -
    -lrarrow = '<─>'#
    +
    +warning = '⚠️'#
    @@ -721,48 +954,95 @@

    Submodules -
    -rarrow = '─>'#
    +
    +info = 'ℹ️'#

    -
    -receive = '📥'#
    +
    +rarrow = '─>'#
    -
    -rlarrow = '<─>'#
    +
    +larrow = '<─'#
    -
    -send = '📤'#
    +
    +lrarrow = '<─>'#
    -
    -sleep = '💤'#
    +
    +rlarrow = '<─>'#
    -
    -wait = '🕒'#
    +
    +angstrom = 'Å'#
    -
    -
    -warning = '⚠️'#
    -
    + + +
    +
    +class NoPrint(stdout=None, stderr=None)[source]#
    +

    Bases: object

    +

    Context-manager that suppresses printing. It works by redirecting prints to a temporary output file. +This file is deleted after exiting the context-manager.

    +
    + +
    +
    +time_stamp()[source]#
    +

    Return the current timestamp in a “[YYYY/MM/DD HH:MM:SS] “” format.

    +
    + +
    +
    +flow(message: str = '', tags: List[str] = ['straight'], level: int = 20) None[source]#
    +

    Function to create flowchart-like output. +It will print a message prepended by flow elements (arrows and lines). +The flow elements are determined based on the given tags.

    +
    +
    +
    +table(rows: List[List[Any]], header: List[str] | None = None, sep: str = '   ', hline: List[int] = [], level: int = 20) str[source]#
    +

    Print a table given rows and a header. Values in rows will be cast to strings first.

    +
    +
    Parameters:
    +
      +
    • rows – list of nrows sequences containing ncols data inside the table.

    • +
    • header – list of ncols strings that represent the column names of the table. They will be printed at the top of the table.

    • +
    • sep – str representing the separation between columns.

    • +
    • hline – list of integers specifying rows after which lines will be drawn. Supports negative indices, e.g. -1 will draw a line at the end of the table.

    • +
    +
    +
    Returns:
    +

    the table in string format, where lines are separated by “n”

    +
    +
    Return type:
    +

    str

    +
    +
    -
    -
    -class NoPrint(stdout=None)[source]#
    -

    Bases: object

    -

    Context-manager that suppresses printing. It works by redirecting prints to a temporary output file. -This file is deleted after exiting the context-manager.

    +
    +
    +loadbar(sequence: Iterable, comment: str = '', Nsegments: int = 50, Nsteps: int = 10, level: int = 20) None[source]#
    +

    Return values from an iterable sequence and also print a progress bar for the iteration over this sequence.

    +
    +
    Parameters:
    +
      +
    • sequence – any iterable sequence. Should define the __len__ method.

    • +
    • comment – a string to be printed at the end of the loading bar to give information about the loading bar.

    • +
    • Nsegments – length of the loading bar in characters.

    • +
    • Nsteps – number of times to print the loading bar during iteration. If the output is a tty-type stream Nsteps will be set to the length of sequence.

    • +
    +
    +
    @@ -787,29 +1067,21 @@

    Submodules -
    -caller_name(level: int = 1) str[source]#
    -

    Return the full name of the caller of a function.

    -
    -
    Parameters:
    -

    level – the number of levels to skip when getting the caller name. Level 1 is always this function. When used by a different function it should be set to 2. E.g. when using the log.warn function level is set to 2.

    -
    -
    Returns:
    -

    The full name of the caller function.

    -
    -
    +
    +debug(message: str, level: int = 10)[source]#
    +

    Print a debug message.

    -
    -critical(message: str, level: int = 50)[source]#
    -

    Print a critical message.

    +
    +info(message: str, level: int = 20)[source]#
    +

    Print an informative message.

    -
    -debug(message: str, level: int = 10)[source]#
    -

    Print a debug message.

    +
    +warn(message: str, level: int = 30)[source]#
    +

    Print a warning message.

    @@ -819,113 +1091,53 @@

    Submodules -
    -flow(message: str = '', tags: List[str] = ['straight'], level: int = 20) None[source]#
    -

    Function to create flowchart-like output. -It will print a message prepended by flow elements (arrows and lines). -The flow elements are determined based on the given tags.

    -

    - -
    -
    -info(message: str, level: int = 20)[source]#
    -

    Print an informative message.

    +
    +critical(message: str, level: int = 50)[source]#
    +

    Print a critical message.

    -
    -loadbar(sequence: Iterable, comment: str = '', Nsegments: int = 50, Nsteps: int = 10, level: int = 20) None[source]#
    -

    Return values from an iterable sequence and also print a progress bar for the iteration over this sequence.

    +
    +caller_name(level: int = 1) str[source]#
    +

    Return the full name of the caller of a function.

    Parameters:
    -
      -
    • sequence – any iterable sequence. Should define the __len__ method.

    • -
    • comment – a string to be printed at the end of the loading bar to give information about the loading bar.

    • -
    • Nsegments – length of the loading bar in characters.

    • -
    • Nsteps – number of times to print the loading bar during iteration. If the output is a tty-type stream Nsteps will be set to the length of sequence.

    • -
    +

    level – the number of levels to skip when getting the caller name. Level 1 is always this function. When used by a different function it should be set to 2. E.g. when using the log.warn function level is set to 2.

    +
    +
    Returns:
    +

    The full name of the caller function.

    -log(message: str = '', level: int = 20, end: str = '\n')[source]#
    -

    Print a message to stream or file logfile. -This function adds the current timestamp and supports multi-line printing (split on the “n” escape character). -level is the verbosity level with which the message is sent. -Generally we follow:

    -
    -

    NOTSET = 0 -DEBUG = 10 -INFO = 20 -WARN = 30 -ERROR = 40 -CRITICAL = 50

    -
    -

    We compare the level against the module-wide log_level variable (by default log_level = 20). If the level is below log_level we do not print it.

    -
    - -
    -
    -table(rows: List[List[Any]], header: List[str] | None = None, sep: str = '   ', hline: List[int] = [], level: int = 20) str[source]#
    -

    Print a table given rows and a header. Values in rows will be cast to strings first.

    +log(message: Any = '', level: int = 20, end: str = '\n')[source]# +

    Print a nicely formatteed message. +This function adds the current timestamp and supports multi-line printing (split on the \n escape character). +For verbosity levels we use the following convention:

    +
    NOTSET   = 0
    +DEBUG    = 10
    +INFO     = 20
    +WARN     = 30
    +ERROR    = 40
    +CRITICAL = 50
    +
    +
    Parameters:
      -
    • rows – list of nrows sequences containing ncols data inside the table.

    • -
    • header – list of ncols strings that represent the column names of the table. They will be printed at the top of the table.

    • -
    • sep – str representing the separation between columns.

    • -
    • hline – list of integers specifying rows after which lines will be drawn. Supports negative indices, e.g. -1 will draw a line at the end of the table.

    • +
    • message – the message to send. Before printing we will use the message.__str__ method to get the string representation. If the message is a dict we use the json module to format the message nicely.

    • +
    • level – the level to print the message at. We compare the level against the module-wide log_level variable (by default log_level = 20). If the level is below log_level we do not print it.

    • +
    • end – the end of the string. This is usually the new-line character \n.

    -
    Returns:
    -

    the table in string format, where lines are separated by “n”

    -
    -
    Return type:
    -

    str

    -
    -
    -
    -time_stamp()[source]#
    -

    Return the current timestamp in a “[YYYY/MM/DD HH:MM:SS] “” format.

    -
    - -
    -
    -warn(message: str, level: int = 30)[source]#
    -

    Print a warning message.

    -
    -

    tcutility.molecule module#

    -
    -
    -load(path) Molecule[source]#
    -

    Load a molecule from a given xyz file path. -The xyz file is structured as follows:

    -
    -

    ``` -[int] number of atoms -Comment line -Xx X1 Y1 Z1 atom_tag1 atom_tag2 atom_key1=… -Xx X2 Y2 Z2 atom_tag1 atom_tag2 atom_key1=… -Xx X3 Y3 Z3

    -

    mol_tag1 -mol_tag2 -mol_key1=… -mol_key2 = … -```

    -
    -

    The xyz file is parsed and returned as a plams.Molecule object. -Flags and tags are given as mol.flags and mol.flags.tags respectively -Similarly for the atoms, the flags and tags are given as mol.atoms[i].flags and mol.atoms[i].flags.tags

    -
    -
    parse_str(s: str)[source]#
    @@ -938,6 +1150,74 @@

    Submodules +
    +load(path) Molecule[source]#
    +

    Load a molecule from a given xyz file path. +The xyz file is structured as follows:

    +
    [int]
    +Comment line
    +[str] [float] [float] [float] atom_tag1 atom_tag2 atom_key1=...
    +[str] [float] [float] [float] atom_tag1 atom_tag2 atom_key1=...
    +[str] [float] [float] [float]
    +
    +mol_tag1
    +mol_tag2
    +mol_key1=...
    +mol_key2 = ...
    +
    +
    +

    The xyz file is parsed and returned as a plams.Molecule object. +Flags and tags are given as mol.flags and mol.flags.tags respectively. +Similarly for the atoms, the flags and tags are given as mol.atoms[i].flags and mol.atoms[i].flags.tags

    +

    + +
    +
    +guess_fragments(mol: Molecule) Dict[str, Molecule][source]#
    +

    Guess fragments based on data from the xyz file. Two methods are supported, see the tabs below.

    +
    +
    8
    +
    +N       0.00000000       0.00000000      -0.81474153
    +B      -0.00000000      -0.00000000       0.83567034
    +H       0.47608351      -0.82460084      -1.14410295
    +H       0.47608351       0.82460084      -1.14410295
    +H      -0.95216703       0.00000000      -1.14410295
    +H      -0.58149793       1.00718395       1.13712667
    +H      -0.58149793      -1.00718395       1.13712667
    +H       1.16299585      -0.00000000       1.13712667
    +
    +frag_Donor = 1, 3-5
    +frag_Acceptor = 2, 6-8
    +
    +
    +

    In this case, fragment atom indices must be provided below the coordinates. +The fragment name must be prefixed with frag_. Indices can be given as integers or as ranges using -.

    +
    +
    +
    Parameters:
    +

    mol – the molecule that is to be split into fragments. It should have defined either method shown above. If it does not define these methods this function returns None.

    +
    +
    Returns:
    +

    A dictionary containing fragment names as keys and plams.Molecule objects as values. Atoms that were not included by either method will be placed in the molecule object with key None.

    +
    +
    +
    +

    tcutility.report module#

    @@ -945,12 +1225,6 @@

    Submodules class SI(path: str)[source]#

    Bases: object

    -
    -
    -add_heading(text: str, level: int = 1)[source]#
    -

    Add a heading to the file. This method has the same arguments and functionality as docx.Document.add_heading.

    -
    -
    add_xyz(obj: str, title: str)[source]#
    @@ -966,6 +1240,12 @@

    Submodules +
    +add_heading(text: str, level: int = 1)[source]#
    +

    Add a heading to the file. This method has the same arguments and functionality as docx.Document.add_heading.

    +

    +

    @@ -977,10 +1257,7 @@

    Submodules
    Returns:
    -

    whether slurm is available on this platform.

    -
    -
    Return type:
    -

    has_slurm

    +

    Whether slurm is available on this platform.

    @@ -1003,6 +1280,27 @@

    Submodules +

    Note

    +

    By default this function uses a timed cache (see cache.timed_cache()) with a 3 second delay to lessen the load on HPC systems.

    +

    + + +
    +
    +sbatch(runfile: str, **options: dict) Result[source]#
    +

    Submit a job to slurm using sbatch.

    +
    +
    Parameters:
    +
      +
    • runfile – the path to the filename to be submitted.

    • +
    • options – options to be used for sbatch.

    • +
    +
    +
    Returns:
    +

    A results.Result containing the slurm job ID as the id key and the full command used for submitting the job as the command key.

    +
    +
    @@ -1016,14 +1314,23 @@

    Submodules +
    +wait_for_job(slurmid: int, check_every: int = 3)[source]#
    +

    Wait for a slurm job to finish. We check every check_every seconds if the slurm job id is still present in squeue.

    +
    +
    Parameters:
    +
      +
    • slurmid – the ID of the slurm job we are waiting for.

    • +
    • check_every – the amount of seconds to wait before checking squeue again. Don’t put this too high, or you will anger the cluster people.

    • +
    +
    +
    +

    +

    Module contents#

    -
    -
    -ensure_2d(x, transposed=False)[source]#
    -
    -
    ensure_list(x)#
    @@ -1034,6 +1341,11 @@

    Submodulessqueeze_list(x)#

    +
    +
    +ensure_2d(x, transposed=False)[source]#
    +
    +
    @@ -1085,85 +1397,83 @@

    Submodules
  • Subpackages
  • Submodules
  • -
  • tcutility.atom_data module diff --git a/docs/_build/html/api/tcutility.job.html b/docs/_build/html/api/tcutility.job.html new file mode 100644 index 00000000..8297ee50 --- /dev/null +++ b/docs/_build/html/api/tcutility.job.html @@ -0,0 +1,1121 @@ + + + + + + + + + + + tcutility.job package — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + +
    +
    + +
    +
    + +
    + +
    + + + + +
    + +
    + + +
    +
    + + + + + +
    + +
    +

    tcutility.job package#

    +
    +

    Submodules#

    +
    +
    +

    tcutility.job.adf module#

    +
    +
    +class ADFJob(*args, **kwargs)[source]#
    +

    Bases: AMSJob

    +
    +
    +basis_set(typ: str = 'TZ2P', core: str = 'None')[source]#
    +

    Set the basis-set type and frozen core approximation for this calculation.

    +
    +
    Parameters:
    +
      +
    • typ – the type of basis-set to use. Default is TZ2P.

    • +
    • core – the size of the frozen core approximation. Default is None.

    • +
    +
    +
    +
    +

    Note

    +

    If the selected functional is the r2SCAN-3c functional, then the basis-set will be set to mTZ2P.

    +
    +
    + +
    +
    +spin_polarization(val: int)[source]#
    +

    Set the spin-polarization of the system. If the value is not zero the calculation will also be unrestricted.

    +
    + +
    +
    +multiplicity(val: int)[source]#
    +

    Set the multiplicity of the system. If the value is not one the calculation will also be unrestricted. +We use the following values:

    +
      +
    1. singlet

    2. +
    3. doublet

    4. +
    5. triplet

    6. +
    7. +
    +

    The multiplicity is equal to 2*S+1 for spin-polarization of S.

    +
    + +
    +
    +unrestricted(val: bool)[source]#
    +

    Whether the calculation should be unrestricted.

    +
    + +
    +
    +quality(val: str = 'Good')[source]#
    +

    Set the numerical quality of the calculation.

    +
    +
    Parameters:
    +

    val – the numerical quality value to set to. This is the same as the ones used in the ADF GUI. Defaults to Good.

    +
    +
    +
    + +
    +
    +SCF_convergence(thresh: float = 1e-08)[source]#
    +

    Set the SCF convergence criteria for the job.

    +
    +
    Parameters:
    +

    thresh – the convergence criteria for the SCF procedure. Defaults to 1e-8.

    +
    +
    +
    + +
    +
    +functional(funtional_name: str, dispersion: str = None)[source]#
    +

    Set the functional to be used by the calculation. This also sets the dispersion if it is specified in the functional name.

    +
    +
    Parameters:
    +
      +
    • funtional_name – the name of the functional. The value can be the same as the ones used in the ADF GUI. For a full list of functionals please see functionals.get_available_functionals().

    • +
    • dispersion – dispersion setting to use with the functional. This is used when you want to use a functional from LibXC.

    • +
    +
    +
    +
    +

    Note

    +

    Setting the functional to r2SCAN-3c will automatically set the basis-set to mTZ2P.

    +
    +
    + +
    +
    +relativity(level: str = 'Scalar')[source]#
    +

    Set the treatment of relativistic effects for this calculation.

    +
    +
    Parameters:
    +

    level – the level to set. Can be the same as the values in the ADF GUI and documentation. By default it is set to Scalar.

    +
    +
    +
    + +
    +
    +solvent(name: str = None, eps: float = None, rad: float = None, use_klamt: bool = False)[source]#
    +

    Model solvation using COSMO for this calculation.

    +
    +
    Parameters:
    +
      +
    • name – the name of the solvent you want to use. Please see the ADF manual for a list of available solvents.

    • +
    • eps – the dielectric constant of your solvent. You can use this in place of the solvent name if you need more control over COSMO.

    • +
    • rad – the radius of the solvent molecules. You can use this in place of the solvent name if you need more control over COSMO.

    • +
    • use_klamt – whether to use the klamt atomic radii. This is usually used when you have charged species (?).

    • +
    +
    +
    +
    + +
    + +
    +
    +class ADFFragmentJob(*args, **kwargs)[source]#
    +

    Bases: ADFJob

    +
    +
    +add_fragment(mol, name=None)[source]#
    +
    + +
    +
    +run()[source]#
    +

    Run this job. We detect if we are using slurm. If we are we submit this job using sbatch. Otherwise, we will run the job locally.

    +
    + +
    + +
    +
    +

    tcutility.job.ams module#

    +
    +
    +class AMSJob(*args, **kwargs)[source]#
    +

    Bases: Job

    +

    This is the AMS base job which will serve as the parent class for ADFJob, DFTBJob and the future BANDJob. +It holds all methods related to changing the settings at the AMS level. It also handles preparing the jobs, e.g. writing runfiles and inputs.

    +
    +
    +single_point()[source]#
    +

    Set the task of the job to single point.

    +
    + +
    +
    +geometry_convergence(gradients: float = 1e-05, energy: float = 1e-05)[source]#
    +

    Set the convergence criteria for the geometry optimization.

    +
    +
    Parameters:
    +
      +
    • gradients – the convergence criteria for the gradients during geometry optimizations. Defaults to 1e-5.

    • +
    • energy – the convergence criteria for the energy during geometry optimizations. Default to 1e-5.

    • +
    +
    +
    +
    + +
    +
    +transition_state(distances: list = None, angles: list = None, dihedrals: list = None, ModeToFollow: int = 1)[source]#
    +

    Set the task of the job to transition state search. Optionally you can give some TS coordinates to accelerate convergence. +By default also calculates the normal modes after convergence.

    +
    +
    Parameters:
    +
      +
    • distances – sequence of tuples or lists containing [atom_index1, atom_index2, factor]. Atom indices start at 1.

    • +
    • angles – sequence of tuples or lists containing [atom_index1, atom_index2, atom_index3, factor]. Atom indices start at 1.

    • +
    • dihedrals – sequence of tuples or lists containing [atom_index1, atom_index2, atom_index3, atom_index4, factor]. Atom indices start at 1.

    • +
    • ModeToFollow – the vibrational mode to follow during optimization.

    • +
    +
    +
    +
    + +
    +
    +optimization()[source]#
    +

    Set the task of the job to transition state search. By default also calculates the normal modes after convergence.

    +
    + +
    +
    +vibrations(enable: bool = True, PESPointCharacter: bool = True, NegativeFrequenciesTolerance: float = -5, ReScanFreqRange: tuple[float, float] = [-10000000.0, 10.0])[source]#
    +

    Set the calculation of vibrational modes.

    +
    +
    Parameters:
    +
      +
    • enable – whether to calculate the vibrational modes.

    • +
    • PESPointCharacter – whether to report the PES character in the output.

    • +
    • NegativeFrequenciesTolerance – the tolerance for negative modes. Modes above this value will not be counted as imaginary. Use this option when you experience a lot of numerical noise.

    • +
    • ReScanFreqRange – the rescan range. Any mode that has a frequency in this range will be refined.

    • +
    +
    +
    +
    + +
    +
    +charge(val: int)[source]#
    +

    Set the charge of the system.

    +
    + +
    +
    +property output_mol_path#
    +

    The default file path for output molecules when running ADF calculations. It will not be created for singlepoint calculations.

    +
    + +
    + +
    +
    +

    tcutility.job.crest module#

    +
    +
    +class CRESTJob(*args, **kwargs)[source]#
    +

    Bases: Job

    +
    +
    +spin_polarization(val: int)[source]#
    +

    Set the spin-polarization of the system.

    +
    + +
    +
    +multiplicity(val: int)[source]#
    +

    Set the multiplicity of the system. If the value is not one the calculation will also be unrestricted. +We use the following values:

    +
      +
    1. singlet

    2. +
    3. doublet

    4. +
    5. triplet

    6. +
    7. +
    +

    The multiplicity is equal to 2*S+1 for spin-polarization of S.

    +
    + +
    +
    +charge(val: int)[source]#
    +

    Set the charge of the system.

    +
    + +
    +
    +md_temperature(val: float)[source]#
    +

    Set the temperature of the molecular dynamics steps. Defaults to 400K.

    +
    + +
    +
    +md_length(val: float)[source]#
    +

    Set the length of the molecular dynamics steps. The default length will be multiplied by this value, e.g. the default value is 1.

    +
    + +
    +
    +property best_conformer_path#
    +
    + +
    +
    +property conformer_directory#
    +
    + +
    +
    +property rotamer_directory#
    +
    + +
    +
    +get_conformer_xyz(number: int = None)[source]#
    +

    Return paths to conformer xyz files for this job.

    +
    +
    Parameters:
    +

    number – the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to number files.

    +
    +
    +
    + +
    +
    +get_rotamer_xyz(number: int = None)[source]#
    +

    Return paths to rotamer xyz files for this job.

    +
    +
    Parameters:
    +

    number – the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to number files.

    +
    +
    +
    + +
    + +
    +
    +class QCGJob(*args, **kwargs)[source]#
    +

    Bases: CRESTJob

    +
    +
    +solvent(mol, nsolv=None)[source]#
    +
    + +
    +
    +nsolv(nsolv)[source]#
    +
    + +
    +
    +alpb(solvent)[source]#
    +
    + +
    +
    +ensemble_mode(mode)[source]#
    +
    + +
    +
    +nofix(enable=True)[source]#
    +
    + +
    +
    +property ensemble_directory#
    +
    + +
    +
    +get_ensemble_xyz(number: int = None)[source]#
    +

    Return paths to conformer xyz files for this job.

    +
    +
    Parameters:
    +

    number – the number of files to return, defaults to 10. If the directory already exists, for example if the job was already run, we will return up to number files.

    +
    +
    +
    + +
    +
    +property best_ensemble_path#
    +
    + +
    + +
    +
    +

    tcutility.job.dftb module#

    +
    +
    +class DFTBJob(*args, **kwargs)[source]#
    +

    Bases: AMSJob

    +

    Setup and run a density functional with tight-binding (DFTB) calculation as implemented in the Amsterdam modelling suite (AMS). +This class supports all methods of the parent AMSJob.

    +
    +
    +kspace(quality: str = 'Good')[source]#
    +

    Set the k-space integration quality for this job.

    +
    +
    Parameters:
    +

    quality – the type of basis-set to use. Default is Good.

    +
    +
    +
    + +
    +
    +model(name: str = 'GFN1-xTB', dispersion: str = None, parameter_dir: str = None)[source]#
    +

    Set the model Hamiltonian for the job to use.

    +
    +
    Parameters:
    +

    name – name of the model Hamiltonian. This is the same name as the one in the DFTB gui. Default is GFN1-xTB.

    +
    +
    +
    + +
    +
    +solvent(name: str = None, grid_size=974)[source]#
    +

    Model solvation using the GBSA model.

    +
    +
    Parameters:
    +
      +
    • name – the name of the solvent you want to use. Must be None, Acetone, Acetonitrile, CHCl3, CS2, DMSO, Ether, H2O, Methanol, THF or Toluene.

    • +
    • grid_size – the size of the grid used to construct the solvent accessible surface. Must be 230, 974, 2030 or 5810.

    • +
    +
    +
    +
    + +
    + +
    +
    +

    tcutility.job.generic module#

    +
    +
    +class Job(test_mode: bool = False, overwrite: bool = False, wait_for_finish: bool = False)[source]#
    +

    Bases: object

    +

    This is the base Job class used to build more advanced classes such as AMSJob and ORCAJob. +The base class contains an empty Result object that holds the settings. +It also provides __enter__() and __exit__() methods to make use of context manager syntax.

    +

    All class methods are in principle safe to overwrite, but the _setup_job() method must be overwritten.

    +
    +
    Parameters:
    +
      +
    • test_mode – whether to enable the testing mode. If enabled, the job will be setup like normally, but the running step is skipped. This is useful if you want to know what the job settings look like before running the real calculations.

    • +
    • overwrite – whether to overwrite a previously run job in the same working directory.

    • +
    • wait_for_finish – whether to wait for this job to finish running before continuing your runscript.

    • +
    +
    +
    +
    +
    +can_skip()[source]#
    +

    Check whether the job can be skipped. We check this by loading the calculation and checking if the job status was fatal. +Fatal in this case means that the job failed, canceled or could not be found. In those cases we want to run the job.

    +
    +

    Note

    +

    This method works for the ADFJob, ADFFragmentJob, +DFTBJob and ORCAJob objects, but not +yet for CRESTJob and QCGJob. For the latter objects the job will always be rerun. +This will be fixed in a later version of TCutility.

    +
    +
    + +
    +
    +sbatch(**kwargs)[source]#
    +

    Change slurm settings, for example, to change the partition or change the number of cores to use. +The arguments are the same as you would use for sbatch (see sbatch manual). E.g. to change the partition to ‘tc’ call:

    +

    job.sbatch(p='tc') or job.sbatch(partition='tc')

    +
    +

    Warning

    +

    Note that some sbatch options, such as --job-name contain a dash, which cannot be used in Python arguments. +To use these options you should use an underscore, like job.sbatch(job_name='water_dimer_GO').

    +
    +
    +

    Note

    +

    When running the job using sbatch we add a few extra default options:

    +
      +
    • -D/--chdir {self.workdir} to make sure the job starts in the correct directory

    • +
    • -J/--job-name {self.rundir}/{self.name} to give a nicer job-name when calling squeue

    • +
    • -o/--output {self.name}.out to redirect the output from the default slurm-{id}.out

    • +
    +

    You can still overwrite them if you wish.

    +
    +
    + +
    +
    +run()[source]#
    +

    Run this job. We detect if we are using slurm. If we are we submit this job using sbatch. Otherwise, we will run the job locally.

    +
    + +
    +
    +add_preamble(line: str)[source]#
    +

    Add a preamble for the runscript. This should come after the shebang, but before the calculation is ran by the program (ADF or ORCA). +This can used, for example, to load some modules. E.g. to load a specific version of AMS we can call: +job.add_preamble(‘module load ams/2023.101’)

    +
    + +
    +
    +add_postamble(line: str)[source]#
    +

    Add a postamble for the runscript. This should come after the calculation is ran by the program (ADF or ORCA). +This can be used, for example, to remove or copy some files. E.g. to remove all t12.* files we can call: +job.add_postamble(‘rm t12.*’)

    +
    + +
    +
    +dependency(otherjob: Job)[source]#
    +

    Set a dependency between this job and another job. This means that this job will run after the other job is finished running succesfully.

    +
    + +
    +
    +property workdir#
    +

    The working directory of this job. All important files are written here, for example the input file and runscript.

    +
    + +
    +
    +property runfile_path#
    +

    The file path to the runscript of this job.

    +
    + +
    +
    +property inputfile_path#
    +

    The file path to the input file of this job.

    +
    + +
    +
    +property output_mol_path#
    +

    This method should return the name of the output molecule if it makes sense to give it back. +E.g. for ADF it will be output.xyz in the workdir for optimization jobs.

    +
    + +
    +
    +molecule(mol: str | Molecule | Atom | list[Atom])[source]#
    +

    Add a molecule to this calculation in various formats.

    +
    +
    Parameters:
    +

    mol – the molecule to read, can be a path (str). If the path exists already we read it. If it does not exist yet, it will be read in later. mol can also be a plams.Molecule object or a single or a list of plams.Atom objects.

    +
    +
    +
    + +
    + +
    +
    +

    tcutility.job.nmr module#

    +
    +
    +class NMRJob(*args, **kwargs)[source]#
    +

    Bases: Job

    +

    A job that handles calculation of Nuclear Magnetic Resonance (NMR) chemical shifts. +The job will first run an tcutility.job.adf.ADFJob calculation at the SAOP/TZ2P level of theory to prepare for the NMR program of AMS. +The NMR shifts will be calculated for all atoms and any additional coordinate (NICS). +New NICS points can be given using the NMRJob.add_nics_point() method.

    +
    +
    +add_nics_point(coordinate: tuple[float, float, float])[source]#
    +

    Add a NICS point to be calculated.

    +
    +
    Parameters:
    +

    coordinate – the (x, y, z) coordinates of a NICS point to calculate the chemical shift for. Has to be given as cartesian coordinates and using unit angstrom.

    +
    +
    +
    + +
    + +
    +
    +

    tcutility.job.orca module#

    +
    +
    +class ORCAJob(*args, **kwargs)[source]#
    +

    Bases: Job

    +
    +
    +single_point()[source]#
    +
    + +
    +
    +transition_state()[source]#
    +
    + +
    +
    +optimization()[source]#
    +
    + +
    +
    +vibrations(enable=True, numerical=False)[source]#
    +
    + +
    +
    +charge(val)[source]#
    +
    + +
    +
    +spin_polarization(val)[source]#
    +
    + +
    +
    +multiplicity(val)[source]#
    +
    + +
    +
    +get_memory_usage()[source]#
    +
    + +
    +
    +get_input()[source]#
    +
    + +
    + +
    +
    +

    Module contents#

    +
    +
    + + +
    + + + + + + + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/api/tcutility.results.html b/docs/_build/html/api/tcutility.results.html index 21c0c6f6..9b8f4f0a 100644 --- a/docs/_build/html/api/tcutility.results.html +++ b/docs/_build/html/api/tcutility.results.html @@ -29,6 +29,8 @@ + + @@ -38,13 +40,15 @@ + + - + @@ -212,7 +216,7 @@
  • tcutility.analysis.vibration package
  • -
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • @@ -298,39 +302,15 @@

    Submodules
  • task (str) – the task that was set for the calculation.

  • relativistic (bool) – whether or not relativistic effects were enabled.

  • +
  • relativistic_type (str) – the name of the relativistic approximation used.

  • unrestricted_sfos (bool) – whether or not SFOs are treated in an unrestricted manner.

  • unrestricted_mos (bool) – whether or not MOs are treated in an unrestricted manner.

  • symmetry.group (str) – the symmetry group selected for the molecule.

  • symmetry.labels (list[str]) – the symmetry labels associated with the symmetry group.

  • used_regions (bool) – whether regions were used in the calculation.

  • - -

    -

    - - - - -
    -
    -get_level_of_theory(info: Result) Result[source]#
    -

    Function to get the level-of-theory from an input-file.

    -
    -
    Parameters:
    -

    inp_path – Path to the input file. Can be a .run or .in file create for AMS

    -
    -
    Returns:
    -

    Dictionary containing information about the level-of-theory:

    -
    -
      -
    • summary (str) - a summary string that gives the level-of-theory in a human-readable format.

    • -
    • xc.functional (str) - XC-functional used in the calculation.

    • -
    • xc.category (str) - category the XC-functional belongs to. E.g. GGA, MetaHybrid, etc …

    • -
    • xc.dispersion (str) - the dispersion correction method used during the calculation.

    • -
    • xc.summary (str) - a summary string that gives the XC-functional information in a human-readable format.

    • -
    • xc.empiricalScaling (str) - which empirical scaling parameter was used. Useful for MP2 calculations.

    • -
    • basis.type (str) - the size/type of the basis-set.

    • -
    • basis.core (str) - the size of the frozen-core approximation.

    • -
    • quality (str) - the numerical quality setting.

    • +
    • charge (int) - the charge of the system.

    • +
    • spin_polarization (int) - the spin-polarization of the system.

    • +
    • multiplicity (int) - the multiplicity of the system. This is equal to 2|S|+1 for spin-polarization S.

    @@ -373,28 +353,27 @@

    Submodules -

    tcutility.results.ams module#

    -
    -get_ams_info(calc_dir: str) Result[source]#
    -

    Function to read useful info about the calculation in calc_dir. Returned information will depend on the type of file that is provided.

    +
    +get_level_of_theory(info: Result) Result[source]#
    +

    Function to get the level-of-theory from an input-file.

    Parameters:
    -

    calc_dir – path pointing to the desired calculation.

    +

    inp_path – Path to the input file. Can be a .run or .in file create for AMS

    Returns:
    -

    Dictionary containing results about the calculation and AMS:

    +

    Dictionary containing information about the level-of-theory:

      -
    • ams_version (Result) – information about the AMS version used, see get_ams_version().

    • -
    • engine (str) – the engine that was used to perform the calculation, for example ‘adf’, ‘dftb’, …

    • -
    • job_id (str) – the ID of the job, can be used to check if two calculations are the same. Might also be used as a unique identifier for the calculation.

    • -
    • status (Result) – information about calculation status, see get_calculation_status().

    • -
    • is_multijob (bool) – whether the job was a multijob, for example a fragment analysis.

    • -
    • molecule (Result) – information about the input and output molecules and the molecular system in general, see get_molecules().

    • -
    • history (Result) – information about history variables, see get_history().

    • +
    • summary (str) - a summary string that gives the level-of-theory in a human-readable format.

    • +
    • xc.functional (str) - XC-functional used in the calculation.

    • +
    • xc.category (str) - category the XC-functional belongs to. E.g. GGA, MetaHybrid, etc …

    • +
    • xc.dispersion (str) - the dispersion correction method used during the calculation.

    • +
    • xc.summary (str) - a summary string that gives the XC-functional information in a human-readable format.

    • +
    • xc.empiricalScaling (str) - which empirical scaling parameter was used. Useful for MP2 calculations.

    • +
    • basis.type (str) - the size/type of the basis-set.

    • +
    • basis.core (str) - the size of the frozen-core approximation.

    • +
    • quality (str) - the numerical quality setting.

    @@ -402,10 +381,22 @@

    Submodules +

    tcutility.results.ams module#

    -
    -get_ams_input(inp: str) Result[source]#
    -
    +
    +get_calc_files(calc_dir: str) dict[source]#
    +

    Function that returns files relevant to AMS calculations stored in calc_dir.

    +
    +
    Parameters:
    +

    calc_dir – path pointing to the desired calculation

    +
    +
    Returns:
    +

    Dictionary containing filenames and paths

    +
    +
    +

    @@ -432,15 +423,49 @@

    Submodules -
    -get_calc_files(calc_dir: str) dict[source]#
    -

    Function that returns files relevant to AMS calculations stored in calc_dir.

    +
    +get_ams_info(calc_dir: str) Result[source]#
    +

    Function to read useful info about the calculation in calc_dir. Returned information will depend on the type of file that is provided.

    Parameters:
    -

    calc_dir – path pointing to the desired calculation

    +

    calc_dir – path pointing to the desired calculation.

    Returns:
    -

    Dictionary containing filenames and paths

    +

    Dictionary containing results about the calculation and AMS:

    +
    +
      +
    • ams_version (Result) – information about the AMS version used, see get_ams_version().

    • +
    • engine (str) – the engine that was used to perform the calculation, for example ‘adf’, ‘dftb’, …

    • +
    • job_id (str) – the ID of the job, can be used to check if two calculations are the same. Might also be used as a unique identifier for the calculation.

    • +
    • status (Result) – information about calculation status, see get_calculation_status().

    • +
    • is_multijob (bool) – whether the job was a multijob, for example a fragment analysis.

    • +
    • molecule (Result) – information about the input and output molecules and the molecular system in general, see get_molecules().

    • +
    • history (Result) – information about history variables, see get_history().

    • +
    +
    +

    +
    +
    +

    + +
    +
    +get_timing(calc_dir: str) Result[source]#
    +

    Function to get the timings from the calculation.

    +
    +
    Parameters:
    +

    calc_dir – path pointing to the desired calculation.

    +
    +
    Returns:
    +

    Dictionary containing results about the timings:

    +
    +
      +
    • cpu (float) – time spent performing calculations on the cpu.

    • +
    • sys (float) – time spent by the system (file IO, process creation/destruction, etc …).

    • +
    • total (float) – total time spent by AMS on the calculation, can be larger than the sum of cpu and sys.

    • +
    +
    +

    @@ -469,6 +494,33 @@

    Submodules +
    +get_molecules(calc_dir: str) Result[source]#
    +

    Function to get molecules from the calculation, including input, output and history molecules. +It will also add bonds to the molecule if they are given in the rkf file, else it will guess them.

    +
    +
    Parameters:
    +

    calc_dir – path pointing to the desired calculation.

    +
    +
    Returns:
    +

    Dictionary containing information about the molecular systems:

    +
    +
      +
    • number_of_atoms (int) – number of atoms in the molecule.

    • +
    • atom_numbers (list[int]) – list of atomic numbers for each atom in the molecule.

    • +
    • atom_symbols (list[str]) – list of elements for each atom in the molecule.

    • +
    • atom_masses (list[float]) – list of atomic masses for each atom in the molecule.

    • +
    • input (plams.Molecule) – molecule that was given in the input for the calculation.

    • +
    • output (plams.Molecule) – final molecule that was given as the output for the calculation. If the calculation was a singlepoint calculation output and input molecules will be the same.

    • +
    • frag_indices (numpy array[int] (1D)) – list of fragment indices for each atom in the molecule. The indices are given in the order of the atoms in the molecule.

    • +
    +
    +

    +
    +
    +

    +
    get_history(calc_dir: str) Result[source]#
    @@ -514,53 +566,9 @@

    Submodules -
    -get_molecules(calc_dir: str) Result[source]#
    -

    Function to get molecules from the calculation, including input, output and history molecules. -It will also add bonds to the molecule if they are given in the rkf file, else it will guess them.

    -
    -
    Parameters:
    -

    calc_dir – path pointing to the desired calculation.

    -
    -
    Returns:
    -

    Dictionary containing information about the molecular systems:

    -
    -
      -
    • number_of_atoms (int) – number of atoms in the molecule.

    • -
    • atom_numbers (list[int]) – list of atomic numbers for each atom in the molecule.

    • -
    • atom_symbols (list[str]) – list of elements for each atom in the molecule.

    • -
    • atom_masses (list[float]) – list of atomic masses for each atom in the molecule.

    • -
    • input (plams.Molecule) – molecule that was given in the input for the calculation.

    • -
    • output (plams.Molecule) – final molecule that was given as the output for the calculation. If the calculation was a singlepoint calculation output and input molecules will be the same.

    • -
    • frag_indices (numpy array[int] (1D)) – list of fragment indices for each atom in the molecule. The indices are given in the order of the atoms in the molecule.

    • -
    -
    -

    -
    -
    -

    - -
    -
    -get_timing(calc_dir: str) Result[source]#
    -

    Function to get the timings from the calculation.

    -
    -
    Parameters:
    -

    calc_dir – path pointing to the desired calculation.

    -
    -
    Returns:
    -

    Dictionary containing results about the timings:

    -
    -
      -
    • cpu (float) – time spent performing calculations on the cpu.

    • -
    • sys (float) – time spent by the system (file IO, process creation/destruction, etc …).

    • -
    • total (float) – total time spent by AMS on the calculation, can be larger than the sum of cpu and sys.

    • -
    -
    -

    -
    -
    -
    +
    +get_ams_input(inp: str) Result[source]#
    +

    @@ -593,26 +601,26 @@

    Submodules -
    -get(path: str) KFReader[source]#
    -

    Retrieve an rkf reader from storage using its path. If the file was not opened yet, open it first and then store and return the new object.

    +
    +store(reader: KFReader) None[source]#
    +

    Store an rkf reader in the cache. It can later be indexed by its path.

    Parameters:
    -

    path – path to the rkf file location.

    -
    -
    Returns:
    -

    An rkf file reader that can be used for reading data from a calculation.

    +

    reader – An rkf file reader object.

    -
    -store(reader: KFReader) None[source]#
    -

    Store an rkf reader in the cache. It can later be indexed by its path.

    +
    +get(path: str) KFReader[source]#
    +

    Retrieve an rkf reader from storage using its path. If the file was not opened yet, open it first and then store and return the new object.

    Parameters:
    -

    reader – An rkf file reader object.

    +

    path – path to the rkf file location.

    +
    +
    Returns:
    +

    An rkf file reader that can be used for reading data from a calculation.

    @@ -675,24 +683,21 @@

    Submodules -
    -get_calc_settings(info: Result) Result[source]#
    -

    Function to read calculation settings for an ORCA calculation.

    +
    +get_version(info: Result) Result[source]#
    +

    Function to get the ORCA version used in the calculation.

    Parameters:

    info – Result object containing ORCA calculation settings.

    Returns:
    -

    Result object containing properties from the ORCA calculation:

    +

    Result object containing results about the ORCA version:

      -
    • task (str) – the task that was set for the calculation.

    • -
    • unrestricted (bool) – whether or not the wavefunction is treated in an unrestricted manner.

    • -
    • used_qros (bool) - whether the reference wavefunction is transformed to a QRO wavefunction.

    • -
    • frequencies (bool) - whether vibrational frequencies were calculated.

    • -
    • charge (int) - the charge of the molecular system.

    • -
    • spin_polarization (int) - the spin-polarization of the molecular system.

    • -
    • multiplicity (int) - the multiplicity of the molecular system.

    • +
    • full (str) – the full version string as written by ORCA.

    • +
    • major (str) – major ORCA version.

    • +
    • minor (str) – minor ORCA version.

    • +
    • micro (str) – micro ORCA version.

    @@ -701,21 +706,21 @@

    Submodules -
    -get_calculation_status(info: Result) Result[source]#
    -

    Function that returns the status of the ORCA calculation described in reader. In case of non-succes it will also give possible reasons for the errors/warnings.

    +
    +get_input(info: Result) Result[source]#
    +

    Function that parses the input file for this ORCA calculation.

    Parameters:
    -

    info – Result object containing ORCA calculation information.

    +

    info – Result object containing ORCA calculation settings.

    Returns:
    -

    Result object containing information about the calculation status:

    +

    Result object containing information about the calculation input:

      -
    • fatal (bool) – True if calculation cannot be analysed correctly, False otherwise

    • -
    • reasons (list[str]) – list of reasons to explain the status, they can be errors, warnings, etc.

    • -
    • name (str) – calculation status written as a string, one of (“SUCCESS”, “RUNNING”, “UNKNOWN”, “SUCCESS(W)”, “FAILED”)

    • -
    • code (str) – calculation status written as a single character, one of (“S”, “R”, “U”, “W” “F”)

    • +
    • main (list[str]) - the main inputs for the calculation. These are the lines that start with a “!”.

    • +
    • sections (Result) - extra settings added to the calculation. These are the lines that start with a “%” and optionally end with “END” clause.

    • +
    • system (Result) - settings related to the molecular system. This includes charge, multiplicity and the coordinates.

    • +
    • task (str) - the task that was performed by the calculation, e.g. “SinglePoint”, “TransitionStateSearch”.

    @@ -724,24 +729,20 @@

    Submodules -
    -get_info(calc_dir: str) Result[source]#
    -

    Function to read useful info about the calculation in calc_dir. Returned information will depend on the type of file that is provided.

    +
    +get_level_of_theory(info: Result) Result[source]#
    +

    Function to get the level-of-theory from an input-file.

    Parameters:
    -

    calc_dir – path pointing to the desired calculation.

    +

    info – Result object containing ORCA calculation settings.

    Returns:
    -

    Result object containing results about the calculation and AMS:

    +

    Result object containing information about the level-of-theory:

      -
    • version (Result) – information about the AMS version used, see get_version().

    • -
    • files (Result) - paths to files that are important for this calculation.

    • -
    • input (Result) - information about the input of this calculation, see get_input().

    • -
    • level (Result) - information about the level of theory used for this calculation, see get_level_of_theory().

    • -
    • engine (str) – the engine that was used to perform the calculation, for example ‘adf’, ‘dftb’, …

    • -
    • status (Result) – information about calculation status, see get_calculation_status().

    • -
    • molecule (Result) – information about the input and output molecules and the molecular system in general, see get_molecules().

    • +
    • summary (str) - a summary string that gives the level-of-theory in a human-readable format.

    • +
    • basis.type (str) - the size/type of the basis-set.

    • +
    • UsedQROs (bool) - whether QROs were used.

    @@ -750,21 +751,24 @@

    Submodules -
    -get_input(info: Result) Result[source]#
    -

    Function that parses the input file for this ORCA calculation.

    +
    +get_calc_settings(info: Result) Result[source]#
    +

    Function to read calculation settings for an ORCA calculation.

    Parameters:

    info – Result object containing ORCA calculation settings.

    Returns:
    -

    Result object containing information about the calculation input:

    +

    Result object containing properties from the ORCA calculation:

      -
    • main (list[str]) - the main inputs for the calculation. These are the lines that start with a “!”.

    • -
    • sections (Result) - extra settings added to the calculation. These are the lines that start with a “%” and optionally end with “END” clause.

    • -
    • system (Result) - settings related to the molecular system. This includes charge, multiplicity and the coordinates.

    • -
    • task (str) - the task that was performed by the calculation, e.g. “SinglePoint”, “TransitionStateSearch”.

    • +
    • task (str) – the task that was set for the calculation.

    • +
    • unrestricted (bool) – whether or not the wavefunction is treated in an unrestricted manner.

    • +
    • used_qros (bool) - whether the reference wavefunction is transformed to a QRO wavefunction.

    • +
    • frequencies (bool) - whether vibrational frequencies were calculated.

    • +
    • charge (int) - the charge of the molecular system.

    • +
    • spin_polarization (int) - the spin-polarization of the molecular system.

    • +
    • multiplicity (int) - the multiplicity of the molecular system.

    @@ -773,20 +777,21 @@

    Submodules -
    -get_level_of_theory(info: Result) Result[source]#
    -

    Function to get the level-of-theory from an input-file.

    +
    +get_calculation_status(info: Result) Result[source]#
    +

    Function that returns the status of the ORCA calculation described in reader. In case of non-succes it will also give possible reasons for the errors/warnings.

    Parameters:
    -

    info – Result object containing ORCA calculation settings.

    +

    info – Result object containing ORCA calculation information.

    Returns:
    -

    Result object containing information about the level-of-theory:

    +

    Result object containing information about the calculation status:

      -
    • summary (str) - a summary string that gives the level-of-theory in a human-readable format.

    • -
    • basis.type (str) - the size/type of the basis-set.

    • -
    • UsedQROs (bool) - whether QROs were used.

    • +
    • fatal (bool) – True if calculation cannot be analysed correctly, False otherwise

    • +
    • reasons (list[str]) – list of reasons to explain the status, they can be errors, warnings, etc.

    • +
    • name (str) – calculation status written as a string, one of (“SUCCESS”, “RUNNING”, “UNKNOWN”, “SUCCESS(W)”, “FAILED”)

    • +
    • code (str) – calculation status written as a single character, one of (“S”, “R”, “U”, “W” “F”)

    @@ -817,33 +822,24 @@

    Submodules -
    -get_properties(info: Result) Result[source]#
    -

    Function to get properties from an ORCA calculation.

    +
    +get_info(calc_dir: str) Result[source]#
    +

    Function to read useful info about the calculation in calc_dir. Returned information will depend on the type of file that is provided.

    Parameters:
    -

    info – Result object containing ORCA properties.

    +

    calc_dir – path pointing to the desired calculation.

    Returns:
    -

    Result object containing properties from the ORCA calculation:

    +

    Result object containing results about the calculation and AMS:

      -
    • energy.bond (float) – total bonding energy (\(\text{kcal mol}^-1\)).

    • -
    • energy.enthalpy (float) – enthalpy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • -
    • energy.entropy (float) – entropy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • -
    • energy.gibbs (float) – Gibb’s free energy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • -
    • energy.[method] (float) - total energy (\(\text{kcal mol}^-1\)) at a certain level (HF, MP2, CCSD, …). This is the sum of energy.HF and energy.[method]_corr.

    • -
    • energy.[method]_corr (float) - electron correlation energy (\(\text{kcal mol}^-1\)) at a certain level (HF, MP2, CCSD, …).

    • -
    • vibrations.number_of_modes (int) – number of vibrational modes for this molecule, 3N-5 for non-linear molecules and 3N-6 for linear molecules, where N is the number of atoms.

    • -
    • vibrations.number_of_imaginary_modes (int) – number of imaginary vibrational modes for this molecule.

    • -
    • vibrations.frequencies (list[float]) – vibrational frequencies associated with the vibrational modes, sorted from low to high (\(\text{cm}^-1\)).

    • -
    • vibrations.intensities (list[float]) – vibrational intensities associated with the vibrational modes (\(\text{km mol}^-1\)). In ORCA, intensities of imaginary modes are set to 0.

    • -
    • vibrations.modes (list[float]) – list of vibrational modes sorted from low frequency to high frequency.

    • -
    • vibrations.character (str) – the PES character of the molecular system. Either “minimum”, “transitionstate” or “saddlepoint(n_imag)”, for 0, 1, n_imag number of imaginary frequencies.

    • -
    • t1 - T1 diagnostic for the highest level of correlation chosen. Used to check the validity of the reference wavefunction.

    • -
    • s2 - expectation value of the \(S^2\) operator.

    • -
    • s2_expected - ideal expectation value of the \(S^2\) operator.

    • -
    • spin_contamination - the amount of spin-contamination observed in this calculation. It is equal to (s2 - s2_expected) / (s2_expected). Ideally this value should be below 0.1.

    • +
    • version (Result) – information about the AMS version used, see get_version().

    • +
    • files (Result) - paths to files that are important for this calculation.

    • +
    • input (Result) - information about the input of this calculation, see get_input().

    • +
    • level (Result) - information about the level of theory used for this calculation, see get_level_of_theory().

    • +
    • engine (str) – the engine that was used to perform the calculation, for example ‘adf’, ‘dftb’, …

    • +
    • status (Result) – information about calculation status, see get_calculation_status().

    • +
    • molecule (Result) – information about the input and output molecules and the molecular system in general, see get_molecules().

    @@ -852,21 +848,23 @@

    Submodules -
    -get_version(info: Result) Result[source]#
    -

    Function to get the ORCA version used in the calculation.

    +
    +get_vibrations(lines)[source]#
    +

    Function to read vibrational data of an ORCA calculation.

    Parameters:
    -

    info – Result object containing ORCA calculation settings.

    +

    lines – Lines in the output file of the ORCA calculation.

    Returns:
    -

    Result object containing results about the ORCA version:

    +

    Result object containing vibrational properties from the ORCA calculation:

      -
    • full (str) – the full version string as written by ORCA.

    • -
    • major (str) – major ORCA version.

    • -
    • minor (str) – minor ORCA version.

    • -
    • micro (str) – micro ORCA version.

    • +
    • number_of_modes (int) – number of vibrational modes for this molecule, 3N-5 for non-linear molecules and 3N-6 for linear molecules, where N is the number of atoms.

    • +
    • number_of_imaginary_modes (int) – number of imaginary vibrational modes for this molecule.

    • +
    • frequencies (list[float]) – vibrational frequencies associated with the vibrational modes, sorted from low to high (\(\text{cm}^-1\)).

    • +
    • intensities (list[float]) – vibrational intensities associated with the vibrational modes (\(\text{km mol}^-1\)). In ORCA, intensities of imaginary modes are set to 0.

    • +
    • modes (list[float]) – list of vibrational modes sorted from low frequency to high frequency.

    • +
    • character (str) – the PES character of the molecular system. Either “minimum”, “transitionstate” or “saddlepoint(n_imag)”, for 0, 1, n_imag number of imaginary frequencies.

    @@ -875,23 +873,33 @@

    Submodules -
    -get_vibrations(lines)[source]#
    -

    Function to read vibrational data of an ORCA calculation.

    +
    +get_properties(info: Result) Result[source]#
    +

    Function to get properties from an ORCA calculation.

    Parameters:
    -

    lines – Lines in the output file of the ORCA calculation.

    +

    info – Result object containing ORCA properties.

    Returns:
    -

    Result object containing vibrational properties from the ORCA calculation:

    +

    Result object containing properties from the ORCA calculation:

      -
    • number_of_modes (int) – number of vibrational modes for this molecule, 3N-5 for non-linear molecules and 3N-6 for linear molecules, where N is the number of atoms.

    • -
    • number_of_imaginary_modes (int) – number of imaginary vibrational modes for this molecule.

    • -
    • frequencies (list[float]) – vibrational frequencies associated with the vibrational modes, sorted from low to high (\(\text{cm}^-1\)).

    • -
    • intensities (list[float]) – vibrational intensities associated with the vibrational modes (\(\text{km mol}^-1\)). In ORCA, intensities of imaginary modes are set to 0.

    • -
    • modes (list[float]) – list of vibrational modes sorted from low frequency to high frequency.

    • -
    • character (str) – the PES character of the molecular system. Either “minimum”, “transitionstate” or “saddlepoint(n_imag)”, for 0, 1, n_imag number of imaginary frequencies.

    • +
    • energy.bond (float) – total bonding energy (\(\text{kcal mol}^-1\)).

    • +
    • energy.enthalpy (float) – enthalpy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • +
    • energy.entropy (float) – entropy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • +
    • energy.gibbs (float) – Gibb’s free energy (\(\text{kcal mol}^-1\)). Only obtained if vibrational modes were calculated.

    • +
    • energy.[method] (float) - total energy (\(\text{kcal mol}^-1\)) at a certain level (HF, MP2, CCSD, …). This is the sum of energy.HF and energy.[method]_corr.

    • +
    • energy.[method]_corr (float) - electron correlation energy (\(\text{kcal mol}^-1\)) at a certain level (HF, MP2, CCSD, …).

    • +
    • vibrations.number_of_modes (int) – number of vibrational modes for this molecule, 3N-5 for non-linear molecules and 3N-6 for linear molecules, where N is the number of atoms.

    • +
    • vibrations.number_of_imaginary_modes (int) – number of imaginary vibrational modes for this molecule.

    • +
    • vibrations.frequencies (list[float]) – vibrational frequencies associated with the vibrational modes, sorted from low to high (\(\text{cm}^-1\)).

    • +
    • vibrations.intensities (list[float]) – vibrational intensities associated with the vibrational modes (\(\text{km mol}^-1\)). In ORCA, intensities of imaginary modes are set to 0.

    • +
    • vibrations.modes (list[float]) – list of vibrational modes sorted from low frequency to high frequency.

    • +
    • vibrations.character (str) – the PES character of the molecular system. Either “minimum”, “transitionstate” or “saddlepoint(n_imag)”, for 0, 1, n_imag number of imaginary frequencies.

    • +
    • t1 - T1 diagnostic for the highest level of correlation chosen. Used to check the validity of the reference wavefunction.

    • +
    • s2 - expectation value of the \(S^2\) operator.

    • +
    • s2_expected - ideal expectation value of the \(S^2\) operator.

    • +
    • spin_contamination - the amount of spin-contamination observed in this calculation. It is equal to (s2 - s2_expected) / (s2_expected). Ideally this value should be below 0.1.

    @@ -910,17 +918,16 @@

    Submodules -
    -as_plams_settings()[source]#
    -

    Returns this Result object as a plams.Settings object.

    +
    +items()[source]#
    +

    We override the items method from dict in order to skip certain keys. We want to hide keys starting and ending +with dunders, as they should not be exposed to the user.

    -
    -get_multi_key(key: str)[source]#
    -

    Method that returns the value of a “multikey”. The multikey is multiple keys joined by dots. -E.g. res.properties.energy.bond can be gotten by calling res.get_multi_key(“properties.energy.bond”)

    -
    +
    +keys() a set-like object providing a view on D's keys[source]#
    +

    @@ -929,21 +936,22 @@

    Submodules -
    -items()[source]#
    -

    We override the items method from dict in order to skip certain keys. We want to hide keys starting and ending -with dunders, as they should not be exposed to the user.

    +
    +prune()[source]#
    +

    Remove empty paths of this object.

    -
    -keys() a set-like object providing a view on D's keys[source]#
    -
    +
    +get_multi_key(key: str)[source]#
    +

    Method that returns the value of a “multikey”. The multikey is multiple keys joined by dots. +E.g. res.properties.energy.bond can be gotten by calling res.get_multi_key(“properties.energy.bond”)

    +

    -
    -prune()[source]#
    -

    Remove empty paths of this object.

    +
    +as_plams_settings()[source]#
    +

    Returns this Result object as a plams.Settings object.

    @@ -1019,12 +1027,12 @@

    Submodules

    previous

    -

    tcutility.atom_data_info package

    +

    tcutility.job package

    SubmodulesSubmodules
  • tcutility.results.adf module
  • tcutility.results.ams module
  • tcutility.results.cache module
  • -
  • get()
  • store()
  • +
  • get()
  • unload()
  • @@ -1090,25 +1098,25 @@

    Submodulestcutility.results.orca module
  • tcutility.results.result module diff --git a/docs/_build/html/api/tcutility.typing.html b/docs/_build/html/api/tcutility.typing.html index 382aca5a..f54a493d 100644 --- a/docs/_build/html/api/tcutility.typing.html +++ b/docs/_build/html/api/tcutility.typing.html @@ -29,6 +29,8 @@ + + @@ -38,6 +40,8 @@ + + @@ -211,7 +215,7 @@
  • tcutility.analysis.vibration package
  • -
  • tcutility.atom_data_info package
  • +
  • tcutility.job package
  • tcutility.results package
  • tcutility.typing package
  • diff --git a/docs/_build/html/examples.html b/docs/_build/html/examples.html new file mode 100644 index 00000000..454da673 --- /dev/null +++ b/docs/_build/html/examples.html @@ -0,0 +1,368 @@ + + + + + + + + + + + Examples — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    +
    + +
    + +
    + + + + +
    + +
    + + +
    +
    + + + + + +
    + +
    +

    Examples#

    +
    +

    tcutility.results package#

    +
    +
    +

    tcutility.job package#

    +
    +
    +

    tcutility package#

    +
    +
    + + +
    + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/genindex.html b/docs/_build/html/genindex.html new file mode 100644 index 00000000..cca5486d --- /dev/null +++ b/docs/_build/html/genindex.html @@ -0,0 +1,1249 @@ + + + + + + + + + + Index — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    + + + + + +
    + + +

    Index

    + +
    + A + | B + | C + | D + | E + | F + | G + | H + | I + | J + | K + | L + | M + | N + | O + | P + | Q + | R + | S + | T + | U + | V + | W + +
    +

    A

    + + + +
    + +

    B

    + + + +
    + +

    C

    + + + +
    + +

    D

    + + + +
    + +

    E

    + + + +
    + +

    F

    + + + +
    + +

    G

    + + + +
    + +

    H

    + + +
    + +

    I

    + + + +
    + +

    J

    + + +
    + +

    K

    + + + +
    + +

    L

    + + + +
    + +

    M

    + + + +
    + +

    N

    + + + +
    + +

    O

    + + + +
    + +

    P

    + + + +
    + +

    Q

    + + + +
    + +

    R

    + + + +
    + +

    S

    + + + +
    + +

    T

    + + + +
      +
    • table() (in module tcutility.log) +
    • +
    • + tcutility + +
    • +
    • + tcutility.analysis + +
    • +
    • + tcutility.analysis.vdd + +
    • +
    • + tcutility.analysis.vdd.charge + +
    • +
    • + tcutility.analysis.vdd.manager + +
    • +
    • + tcutility.analysis.vibration + +
    • +
    • + tcutility.analysis.vibration.ts_vibration + +
    • +
    • + tcutility.cache + +
    • +
    • + tcutility.constants + +
    • +
    • + tcutility.formula + +
    • +
    • + tcutility.geometry + +
    • +
    • + tcutility.job + +
    • +
    • + tcutility.job.adf + +
    • +
    • + tcutility.job.ams + +
    • +
    • + tcutility.job.crest + +
    • +
    • + tcutility.job.dftb + +
    • +
    • + tcutility.job.generic + +
    • +
    • + tcutility.job.nmr + +
    • +
    + +

    U

    + + + +
    + +

    V

    + + + +
    + +

    W

    + + + +
    + + + +
    + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/index.html b/docs/_build/html/index.html new file mode 100644 index 00000000..f293cc6d --- /dev/null +++ b/docs/_build/html/index.html @@ -0,0 +1,383 @@ + + + + + + + + + + + TCutility v0.7.2 documentation — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    + + + + + +
    + +
    +

    TCutility v0.7.2 documentation#

    +

    TCutility is a Python library containing many helper functions and classes for use in programs written in the TheoCheM group.

    + +
    +

    Extra (utility) modules are:

    + +
    +
    +

    Full API:

    + +
    +
    +
    +

    Indices and tables#

    + +
    +

    Note

    +

    This library is under heavy development, so there are no guarantees that older code will work with newer versions.

    +
    +
    + + +
    + + + + + + + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/objects.inv b/docs/_build/html/objects.inv new file mode 100644 index 00000000..8f759727 Binary files /dev/null and b/docs/_build/html/objects.inv differ diff --git a/docs/_build/html/py-modindex.html b/docs/_build/html/py-modindex.html new file mode 100644 index 00000000..ca3d4987 --- /dev/null +++ b/docs/_build/html/py-modindex.html @@ -0,0 +1,478 @@ + + + + + + + + + + Python Module Index — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    + + + + + +
    + + +

    Python Module Index

    + +
    + . | + t +
    + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
     
    + .
        + tcutility.analysis +
        + tcutility.analysis.vdd +
        + tcutility.analysis.vdd.charge +
        + tcutility.analysis.vdd.manager +
        + tcutility.analysis.vibration +
        + tcutility.analysis.vibration.ts_vibration +
        + tcutility.cache +
        + tcutility.constants +
        + tcutility.formula +
        + tcutility.geometry +
        + tcutility.job +
        + tcutility.job.adf +
        + tcutility.job.ams +
        + tcutility.job.crest +
        + tcutility.job.dftb +
        + tcutility.job.generic +
        + tcutility.job.nmr +
        + tcutility.job.orca +
        + tcutility.log +
        + tcutility.molecule +
        + tcutility.report +
        + tcutility.results +
        + tcutility.results.adf +
        + tcutility.results.ams +
        + tcutility.results.cache +
        + tcutility.results.dftb +
        + tcutility.results.orca +
        + tcutility.results.result +
        + tcutility.slurm +
        + tcutility.typing +
        + tcutility.typing.arrays +
     
    + t
    + tcutility +
    + + +
    + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/search.html b/docs/_build/html/search.html new file mode 100644 index 00000000..0f28c8d3 --- /dev/null +++ b/docs/_build/html/search.html @@ -0,0 +1,329 @@ + + + + + + + + + Search - TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    + + +
    +

    Search

    + + + +
    +
    + + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/searchindex.js b/docs/_build/html/searchindex.js new file mode 100644 index 00000000..8d9f411f --- /dev/null +++ b/docs/_build/html/searchindex.js @@ -0,0 +1 @@ +Search.setIndex({"docnames": ["analysis/analysis", "analysis/transition_state_analysis", "analysis/vdd_charge_analysis", "api/modules", "api/tcutility", "api/tcutility.analysis", "api/tcutility.analysis.vdd", "api/tcutility.analysis.vibration", "api/tcutility.atom_data_info", "api/tcutility.job", "api/tcutility.results", "api/tcutility.typing", "examples", "index", "tcutility.constants", "tcutility.job", "tcutility.results"], "filenames": ["analysis/analysis.rst", "analysis/transition_state_analysis.rst", "analysis/vdd_charge_analysis.rst", "api/modules.rst", "api/tcutility.rst", "api/tcutility.analysis.rst", "api/tcutility.analysis.vdd.rst", "api/tcutility.analysis.vibration.rst", "api/tcutility.atom_data_info.rst", "api/tcutility.job.rst", "api/tcutility.results.rst", "api/tcutility.typing.rst", "examples.rst", "index.rst", "tcutility.constants.rst", "tcutility.job.rst", "tcutility.results.rst"], "titles": ["Overview of the analysis module", "Transition State Analysis module", "VDD Charge Analysis module", "tcutility", "tcutility package", "tcutility.analysis package", "tcutility.analysis.vdd package", "tcutility.analysis.vibration package", "tcutility.atom_data_info package", "tcutility.job package", "tcutility.results package", "tcutility.typing package", "Examples", "TCutility v0.7.2 documentation", "tcutility.constants package", "Setup workflows with tcutility.job", "Reading a calculation"], "terms": {"thi": [0, 1, 2, 4, 7, 9, 10, 13, 15, 16], "chapter": 0, "contain": [0, 1, 2, 4, 7, 9, 10, 13, 14], "descript": 0, "all": [0, 4, 7, 9, 15], "function": [0, 2, 4, 7, 9, 10, 13, 15, 16], "includ": [0, 2, 4, 10, 15, 16], "exampl": [0, 1, 4, 9, 10], "usag": [0, 4, 10, 15, 16], "below": [0, 4, 10, 15, 16], "i": [0, 1, 2, 4, 6, 7, 9, 10, 13, 15, 16], "list": [0, 2, 4, 6, 7, 9, 10], "avail": [0, 4, 6, 9, 15], "transit": [0, 7, 9, 13], "state": [0, 7, 9, 13], "vdd": [0, 1, 3, 4, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "charg": [0, 1, 3, 4, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "requir": 0, "api": [0, 15], "tcutil": [0, 1, 2, 16], "result": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 13, 14, 15, 16], "read": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "manag": [0, 1, 2, 3, 4, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "vddchargemanag": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "vddcharg": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "change_unit": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "v0": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16], "7": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16], "2": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16], "text": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "cm": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "1": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "kcal": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "mol": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "km": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], "code": [1, 4, 10, 13, 15], "document": [1, 4, 9, 15], "still": [1, 4, 9], "under": [1, 13], "construct": [1, 9], "when": [2, 4, 9, 10, 15], "calcul": [2, 4, 7, 9, 10, 13, 15], "perform": [2, 10], "ha": [2, 4, 7, 9, 10], "succesfulli": [2, 9], "finish": [2, 3, 4, 9, 10, 15], "can": [2, 4, 6, 9, 10, 15, 16], "us": [2, 4, 6, 7, 9, 10, 13, 14, 15, 16], "extract": 2, "voronoi": [2, 10], "deform": [2, 10], "densiti": [2, 9, 15], "The": [2, 4, 6, 9, 10, 15, 16], "measur": 2, "flow": [2, 3, 4], "between": [2, 4, 7, 9, 10, 15], "atom": [2, 4, 7, 9, 10, 15], "offici": 2, "cell": 2, "from": [2, 4, 6, 7, 9, 10, 15, 16], "non": [2, 10], "interact": [2, 10], "promolecul": 2, "feel": 2, "environ": 2, "other": [2, 4, 9], "molecular": [2, 4, 9, 10], "enviro": 2, "If": [2, 4, 7, 9, 10, 15], "symmetri": [2, 7, 10, 16], "decompos": [2, 10], "contribut": [2, 10], "seper": 2, "irreduc": 2, "represent": [2, 4], "A": [2, 4, 9, 14, 15], "adf": [2, 3, 4, 15, 16], "engin": [2, 10, 16], "locat": [2, 10], "directori": [2, 4, 9, 10, 15], "am": [2, 3, 4, 7, 15, 16], "rkf": [2, 7, 10], "file": [2, 4, 6, 7, 9, 10, 15], "first": [2, 4, 7, 9, 10, 15], "relev": [2, 10], "need": [2, 9, 15], "load": [2, 3, 4, 9, 15], "These": [2, 4, 10], "pathlib": 2, "handl": [2, 4, 9, 10, 15], "path": [2, 4, 6, 7, 9, 10, 15], "In": [2, 4, 9, 10, 15], "addit": [2, 9], "which": [2, 4, 9, 10, 15], "interfac": 2, "analys": [2, 4, 10], "For": [2, 4, 9, 10, 15], "we": [2, 4, 9, 10, 15], "found": [2, 7, 9], "test": [2, 9, 10, 16], "packag": [2, 3, 13, 15, 16], "assum": [2, 4], "you": [2, 4, 9, 10, 15, 16], "place": [2, 4, 9], "same": [2, 4, 6, 9, 10, 15], "script": [2, 15], "see": [2, 4, 9, 10, 15], "python": [2, 9, 10, 13], "direct": 2, "implement": [2, 9], "import": [2, 4, 9, 10, 15, 16], "pl": 2, "now": 2, "specifi": [2, 4, 6, 9, 15], "via": 2, "next": 2, "step": [2, 4, 9, 10], "creat": [2, 4, 6, 9, 10], "object": [2, 4, 6, 7, 9, 10, 16], "dir": 2, "0": [2, 4, 7, 9, 10, 15, 16], "fa_acid_amide_c": 2, "fa_squaramide_se_c": 2, "fa_donor_acceptor_nosym": 2, "3": [2, 4, 10], "geo_nosym": 2, "base_dir": 2, "__file__": 2, "parent": [2, 9, 10], "calc_dir": [2, 5, 6, 7, 10, 15, 16], "calc_r": 2, "vdd_manag": 2, "create_vdd_charge_manag": [2, 5, 6], "name": [2, 4, 5, 6, 9, 10, 15], "total": [2, 6, 10, 16], "well": [2, 4, 10, 15, 16], "each": [2, 4, 6, 10], "To": [2, 9, 15], "content": [2, 3], "simpli": [2, 4, 15], "print": [2, 4, 6, 15], "ar": [2, 4, 6, 7, 9, 10, 15], "format": [2, 4, 7, 9, 10, 15], "tabl": [2, 3, 4, 6], "unit": [2, 4, 5, 6, 9], "milli": 2, "electron": [2, 4, 6, 10], "me": [2, 6], "alwai": [2, 4, 9], "chang": [2, 4, 6, 7, 9, 15], "method": [2, 4, 6, 9, 10, 15], "e": [2, 4, 6, 9, 10, 16], "standard": [2, 10], "output": [2, 4, 9, 10], "frag": [2, 4, 15], "aa": [2, 10, 16], "aaa": [2, 10, 16], "1c": 2, "40": [2, 4], "10": [2, 4, 9, 15], "30": [2, 4], "2se": 2, "165": 2, "134": 2, "3c": [2, 9], "4se": 2, "5c": 2, "26": 2, "122": 2, "96": 2, "6c": 2, "7n": 2, "62": 2, "88": 2, "150": 2, "8h": 2, "53": 2, "55": 2, "9h": 2, "63": 2, "56": 2, "10n": 2, "11h": 2, "12h": 2, "sum": [2, 6, 10], "357": 2, "164": 2, "521": 2, "It": [2, 4, 6, 9, 10, 15], "easi": [2, 15], "up": [2, 4, 9, 15], "molecul": [2, 3, 6, 7, 9, 10, 15], "case": [2, 4, 9, 10, 15], "also": [2, 4, 9, 10, 15, 16], "irrep": [2, 5, 6, 10], "equal": [2, 9, 10], "should": [2, 4, 7, 9, 10], "possibl": [2, 4, 7, 10, 15], "both": [2, 4], "txt": 2, "excel": [2, 6], "xlsx": 2, "further": [2, 4, 10], "output_dir": [2, 6], "write": [2, 6, 9], "static": [2, 6], "becaus": [2, 6], "multipl": [2, 4, 6, 7, 9, 10], "written": [2, 4, 6, 9, 10, 13], "write_to_txt": [2, 5, 6], "an": [2, 4, 6, 9, 10, 15], "write_to_excel": [2, 5, 6], "visual": 2, "plot": [2, 6], "bar": [2, 4, 6], "graph": [2, 6], "matplotlib": 2, "save": [2, 3, 4, 15], "png": 2, "per": [2, 6, 10], "plot_vdd_charges_per_atom": [2, 5, 6], "final": [2, 10], "made": [2, 4], "singl": [2, 4, 9, 10, 15], "compar": [2, 4, 7], "combin": [2, 4], "calc": 2, "valu": [2, 4, 7, 9, 10], "re": [2, 10], "zip": 2, "19": 2, "18": 2, "2o": 2, "8": [2, 4, 9, 10, 15], "49": 2, "41": 2, "3se": 2, "68": 2, "5": [2, 4, 9, 10], "4o": 2, "34": 2, "27": 2, "61": 2, "6h": 2, "6": [2, 4, 10, 15], "7h": 2, "4": [2, 4], "44": 2, "9n": 2, "46": 2, "42": 2, "10h": 2, "32": [2, 15], "31": 2, "2c": 2, "4c": 2, "5h": 2, "12o": 2, "13o": 2, "14n": 2, "13": 2, "15h": 2, "16h": 2, "17h": 2, "9": 2, "18h": 2, "20": [2, 4], "105": 2, "2h": 2, "67": 2, "11": 2, "3h": 2, "16": [2, 15], "4h": 2, "17": [2, 10, 16], "166": 2, "6o": 2, "291": 2, "116": 2, "158": 2, "21": 2, "84": 2, "11c": 2, "213": 2, "253": 2, "13n": 2, "235": 2, "14h": 2, "54": 2, "14": 2, "59": 2, "15": 2, "16c": 2, "45": 2, "22": 2, "17c": 2, "23": 2, "18c": 2, "50": [2, 4], "24": 2, "19c": 2, "25": 2, "20c": 2, "21c": 2, "64": 2, "12": 2, "22h": 2, "65": 2, "23h": 2, "52": 2, "24h": 2, "48": 2, "25h": 2, "here": [2, 9, 15], "class": [2, 4, 6, 9, 10, 13], "central": 2, "inform": [2, 4, 10, 16], "dictionari": [2, 4, 10], "present": [2, 4, 10], "kei": [2, 4, 10], "doe": [2, 4, 9, 15], "onli": [2, 4, 7, 10], "itself": [2, 10], "index": [2, 4, 7, 10, 13], "belong": [2, 4, 10], "subpackag": 3, "analysi": [3, 4, 8, 9, 10, 11, 12, 13, 14, 15, 16], "modul": [3, 15], "job": [3, 4, 10], "submodul": [3, 5, 16], "crest": [3, 4, 15], "dftb": [3, 4, 15, 16], "gener": [3, 4, 10, 15], "nmr": [3, 4, 15], "orca": [3, 4, 15], "cach": 3, "type": [3, 4, 9, 10], "arrai": [3, 4, 7, 10], "timed_cach": [3, 4], "constant": [3, 9, 13], "formula": 3, "parse_molecul": [3, 4], "geometri": [3, 9, 10, 15], "transform": [3, 4, 10], "appli": [3, 4, 7, 15], "combine_transform": [3, 4], "translat": [3, 4], "rotat": [3, 4], "scale": [3, 4, 10], "kabschtransform": [3, 4], "get_rotmat": [3, 4], "apply_rotmat": [3, 4], "vector_align_rotmat": [3, 4], "rmsd": [3, 4], "random_points_on_spher": [3, 4], "random_points_in_anular_spher": [3, 4], "log": 3, "emoji": [3, 4], "wait": [3, 4, 9, 15], "good": [3, 4, 9, 15], "cancel": [3, 4, 9], "sleep": [3, 4], "fail": [3, 4, 9, 10], "send": [3, 4], "receiv": [3, 4], "empti": [3, 4, 9, 10], "warn": [3, 4, 10], "question": [3, 4], "info": [3, 4, 10, 16], "rarrow": [3, 4], "larrow": [3, 4], "lrarrow": [3, 4], "rlarrow": [3, 4], "angstrom": [3, 4, 9], "noprint": [3, 4], "time_stamp": [3, 4], "loadbar": [3, 4], "box": [3, 4], "debug": [3, 4], "error": [3, 4, 10, 15], "critic": [3, 4], "caller_nam": [3, 4], "parse_str": [3, 4], "guess_frag": [3, 4, 15], "report": [3, 9], "si": [3, 4], "add_xyz": [3, 4], "add_head": [3, 4], "slurm": [3, 9], "has_slurm": [3, 4], "squeue": [3, 4, 9], "sbatch": [3, 4, 9, 15], "workdir_info": [3, 4], "wait_for_job": [3, 4], "ensure_list": [3, 4], "squeeze_list": [3, 4], "ensure_2d": [3, 4], "vibrat": [4, 5, 9, 10, 16], "ts_vibrat": [4, 5], "adfjob": [4, 9, 15], "basis_set": [4, 9, 15], "spin_polar": [4, 9, 10], "unrestrict": [4, 9, 10], "qualiti": [4, 9, 10, 15], "scf_converg": [4, 9], "rel": [4, 7, 9], "solvent": [4, 9], "adffragmentjob": [4, 9, 15], "add_frag": [4, 9, 15], "run": [4, 9, 10, 15], "amsjob": [4, 9], "single_point": [4, 9], "geometry_converg": [4, 9], "transition_st": [4, 9], "optim": [4, 9, 10, 15], "output_mol_path": [4, 9], "crestjob": [4, 9, 15], "md_temperatur": [4, 9], "md_length": [4, 9], "best_conformer_path": [4, 9], "conformer_directori": [4, 9], "rotamer_directori": [4, 9], "get_conformer_xyz": [4, 9, 15], "get_rotamer_xyz": [4, 9], "qcgjob": [4, 9, 15], "nsolv": [4, 9], "alpb": [4, 9], "ensemble_mod": [4, 9], "nofix": [4, 9], "ensemble_directori": [4, 9], "get_ensemble_xyz": [4, 9], "best_ensemble_path": [4, 9], "dftbjob": [4, 9, 15], "kspace": [4, 9], "model": [4, 9, 15], "can_skip": [4, 9], "add_preambl": [4, 9], "add_postambl": [4, 9], "depend": [4, 9, 10], "workdir": [4, 9, 15], "runfile_path": [4, 9], "inputfile_path": [4, 9], "nmrjob": [4, 9, 15], "add_nics_point": [4, 9], "orcajob": [4, 9, 15], "get_memory_usag": [4, 9], "get_input": [4, 9, 10], "get_calc_set": [4, 10], "get_properti": [4, 10], "get_level_of_theori": [4, 10], "get_calc_fil": [4, 10], "get_ams_vers": [4, 10], "get_ams_info": [4, 10], "get_tim": [4, 10], "get_calculation_statu": [4, 10], "get_molecul": [4, 10], "get_histori": [4, 10], "get_input_block": [4, 10], "get_ams_input": [4, 10], "trackkfread": [4, 10], "store": [4, 10], "get": [4, 6, 10, 15], "unload": [4, 10], "get_vers": [4, 10], "get_info": [4, 10], "get_vibr": [4, 10], "item": [4, 10, 15], "get_parent_tre": [4, 10], "prune": [4, 10], "get_multi_kei": [4, 10], "as_plams_set": [4, 10], "delai": 4, "float": [4, 6, 7, 9, 10], "sourc": [4, 6, 7, 9, 10], "decor": 4, "time": [4, 10], "expir": 4, "after": [4, 9, 10], "chosen": [4, 10], "amount": [4, 10], "paramet": [4, 7, 9, 10], "expiri": 4, "func": [4, 6], "previou": 4, "call": [4, 9, 10, 16], "str": [4, 6, 7, 9, 10], "return": [4, 7, 9, 10], "molstr": 4, "describ": [4, 10], "its": [4, 10], "part": 4, "separ": 4, "sign": [4, 7], "new": [4, 9, 10, 15], "string": [4, 10], "plam": [4, 7, 9, 10], "pars": [4, 10], "mode": [4, 7, 9, 10], "unicod": 4, "show": 4, "properli": 4, "latex": 4, "html": [4, 10], "either": [4, 10], "reaction": [4, 7], "formatt": 4, "convert": [4, 10], "render": 4, "nice": [4, 6], "base": [4, 6, 7, 9, 10, 15], "matrix": 4, "set": [4, 9, 10, 15, 16], "3d": 4, "coordin": [4, 7, 9, 10], "build": [4, 9, 15], "4x4": 4, "encod": 4, "textbf": 4, "m": 4, "begin": 4, "bmatrix": 4, "r": [4, 10], "diag": 4, "": [4, 9, 10, 16], "t": [4, 9, 15], "_3": 4, "end": [4, 10], "where": [4, 10, 15], "mathbb": 4, "x": [4, 9], "y": [4, 9], "z": [4, 9], "n": [4, 10, 15], "simultan": 4, "v": 4, "ndarrai": [4, 7], "vector": 4, "applic": 4, "three": [4, 15], "process": [4, 10], "append": 4, "row": 4, "ones": [4, 9], "bottom": 4, "remov": [4, 9, 10], "been": 4, "__call__": 4, "redirect": [4, 9], "coord": [4, 10], "two": [4, 6, 10], "differ": [4, 7, 10, 15], "involv": 4, "multipli": [4, 9], "matric": 4, "assign": 4, "one": [4, 7, 9, 10, 15, 16], "product": 4, "origin": 4, "left": 4, "side": 4, "right": 4, "__matmul__": 4, "none": [4, 6, 7, 9, 10], "add": [4, 9, 10, 15], "compon": 4, "argument": [4, 7, 9], "given": [4, 7, 9, 10, 15, 16], "thei": [4, 10, 15], "3x3": 4, "angl": [4, 9], "along": 4, "ax": 4, "kabsch": 4, "umeyama": 4, "algorithm": 4, "t_": 4, "minim": 4, "arg": [4, 9, 10], "min_": 4, "numer": [4, 9, 10], "stabl": 4, "work": [4, 9, 10, 13, 15], "covari": 4, "singular": 4, "point": [4, 7, 9, 10, 15], "must": [4, 9], "size": [4, 9, 10], "center": 4, "onto": 4, "centroid": 4, "befor": [4, 7, 9, 15], "determin": [4, 7, 15], "yield": [4, 7], "second": [4, 7], "target": 4, "principl": [4, 9], "care": 4, "about": [4, 10], "dimens": 4, "howev": 4, "our": [4, 15], "most": 4, "common": [4, 10, 15], "would": [4, 9, 15], "like": [4, 9, 10, 15, 16], "make": [4, 9, 15], "2d": 4, "1d": [4, 10], "suggest": 4, "correct": [4, 9, 10, 15], "zero": [4, 9], "main": [4, 10], "numpi": [4, 10], "np": 4, "arang": 4, "reshap": 4, "tx": 4, "tkabsch": 4, "check": [4, 6, 7, 9, 10], "assert": 4, "isclos": 4, "refer": [4, 10, 15], "http": [4, 10], "en": 4, "wikipedia": 4, "org": [4, 10], "wiki": 4, "orthogonal_procrustes_problem": 4, "kabsch_algorithm": 4, "tait": 4, "bryant": 4, "sytem": 4, "system": [4, 9, 10], "around": 4, "correspond": [4, 10], "hand": 4, "convent": [4, 7], "axi": 4, "radian": 4, "directli": 4, "allow": [4, 10, 15], "math": 4, "b": [4, 15], "align": 4, "int": [4, 6, 7, 9, 10], "use_kabsch": 4, "bool": [4, 6, 7, 9, 10], "true": [4, 7, 9, 10], "root": 4, "mean": [4, 9], "squar": 4, "deviat": 4, "By": [4, 9], "default": [4, 7, 9], "prior": 4, "option": [4, 7, 9, 10, 15], "frac": 4, "sqrt": 4, "sum_i": 4, "x_i": 4, "y_i": 4, "obtain": [4, 7, 10], "have": [4, 9, 10], "whether": [4, 7, 9, 10], "integ": [4, 10], "recommend": [4, 10, 16], "enabl": [4, 9, 10, 16], "ensur": [4, 15], "lowest": [4, 7, 15], "shape": 4, "tupl": [4, 9], "radiu": [4, 9], "random": 4, "sphere": 4, "min_radiu": 4, "max_radiu": 4, "radii": [4, 9], "largest": 4, "some": [4, 9, 14, 15], "charact": [4, 9, 10], "support": [4, 9], "dot": [4, 10], "notat": [4, 10], "g": [4, 9, 10, 16], "\u2139": 4, "\u00e5": 4, "stdout": 4, "stderr": 4, "context": [4, 9, 15], "suppress": 4, "temporari": 4, "delet": [4, 10], "exit": [4, 15], "current": [4, 15], "timestamp": 4, "yyyi": 4, "mm": 4, "dd": 4, "hh": 4, "ss": 4, "messag": 4, "tag": 4, "straight": 4, "level": [4, 9, 10, 15], "flowchart": 4, "prepend": 4, "element": [4, 7, 10], "arrow": 4, "line": [4, 9, 10, 15], "ani": [4, 9, 10, 15], "header": 4, "sep": 4, "hline": 4, "cast": 4, "nrow": 4, "sequenc": [4, 6, 9], "ncol": 4, "data": [4, 7, 10], "insid": [4, 10], "repres": 4, "column": 4, "top": 4, "drawn": 4, "neg": [4, 7, 9], "indic": [4, 9, 10], "draw": 4, "iter": 4, "comment": 4, "nsegment": 4, "nstep": 4, "progress": 4, "over": [4, 9], "defin": [4, 7, 10, 15], "__len__": 4, "give": [4, 9, 10], "length": [4, 7, 9], "number": [4, 7, 9, 10, 15], "dure": [4, 9, 10], "tty": 4, "stream": 4, "titl": 4, "message_align": 4, "title_align": 4, "round_corn": 4, "double_edg": 4, "fals": [4, 7, 9, 10], "surround": 4, "multilin": 4, "edg": 4, "One": [4, 10, 15, 16], "corner": 4, "round": 4, "doubl": 4, "full": [4, 9, 10, 15, 16], "caller": 4, "skip": [4, 9, 10], "formatte": 4, "multi": 4, "split": 4, "escap": 4, "verbos": 4, "follow": [4, 9, 10, 15], "notset": 4, "__str__": 4, "dict": [4, 6, 10, 16], "json": 4, "against": [4, 7], "wide": 4, "log_level": 4, "variabl": [4, 10], "do": [4, 15], "usual": [4, 9], "custom": 4, "xyz": [4, 9, 15], "flag": 4, "provid": [4, 7, 9, 10], "structur": [4, 10, 15], "atom_tag1": 4, "atom_tag2": 4, "atom_key1": 4, "mol_tag1": 4, "mol_tag2": 4, "mol_key1": 4, "mol_key2": 4, "respect": 4, "similarli": 4, "guess": [4, 10], "fragment": [4, 6, 10, 15], "tab": 4, "00000000": [4, 15], "81474153": [4, 15], "83567034": [4, 15], "h": [4, 15], "47608351": [4, 15], "82460084": [4, 15], "14410295": [4, 15], "95216703": [4, 15], "58149793": [4, 15], "00718395": [4, 15], "13712667": [4, 15], "16299585": [4, 15], "frag_donor": 4, "frag_acceptor": 4, "prefix": 4, "frag_": 4, "rang": [4, 9], "donor": [4, 15], "acceptor": [4, 15], "mark": 4, "shown": 4, "abov": [4, 9], "were": [4, 10], "obj": 4, "bond": [4, 7, 10], "energi": [4, 9, 10, 16], "gibb": [4, 10], "free": [4, 10], "enthalpi": [4, 10], "imaginari": [4, 7, 9, 10], "head": 4, "docx": 4, "platform": [4, 15], "statu": [4, 9, 10], "id": [4, 9, 10], "statuscod": 4, "lessen": 4, "hpc": 4, "runfil": [4, 9], "submit": [4, 9, 15], "filenam": [4, 10], "command": 4, "being": [4, 10], "activ": [4, 7], "referenc": 4, "slurmid": 4, "check_everi": 4, "everi": 4, "again": 4, "don": [4, 15], "put": 4, "too": 4, "high": [4, 10], "anger": 4, "cluster": [4, 15], "peopl": 4, "transpos": 4, "atom_index": [5, 6], "atom_symbol": [5, 6, 10], "frag_index": [5, 6], "change_unit_decor": [5, 6], "vdd_charg": [5, 6], "is_fragment_calcul": [5, 6], "mol_charg": [5, 6], "charge_is_conserv": [5, 6], "get_vdd_charg": [5, 6], "get_summed_vdd_charg": [5, 6], "get_vdd_charges_datafram": [5, 6], "get_summed_vdd_charges_datafram": [5, 6], "get_vdd_charges_t": [5, 6], "get_summed_vdd_charges_t": [5, 6], "avg_relative_bond_length_delta": [5, 7], "determine_ts_reactioncoordin": [5, 7], "validate_transitionst": [5, 7], "ratio": 6, "them": [6, 9, 10], "conserv": 6, "new_unit": 6, "mili": 6, "datafram": 6, "panda": 6, "output_fil": 6, "sheet": 6, "po": 7, "atom1": 7, "atom2": 7, "distanc": [7, 9], "ad": [7, 10], "subtract": 7, "label": [7, 10, 16], "averag": 7, "baselin": 7, "select": [7, 9, 10], "percentag": 7, "mode_index": 7, "bond_toler": 7, "28": 7, "min_delta_dist": 7, "retriev": [7, 10, 16], "transitionst": [7, 10], "frequenc": [7, 9, 10], "analyz": 7, "guess_bond": 7, "minimum": [7, 10], "qualifi": 7, "count": [7, 9], "active_atom1": 7, "active_atom2": 7, "reactioncoordin": 7, "ignor": 7, "increas": 7, "rcatom": 7, "analyze_mod": 7, "kwarg": [7, 9, 10], "expect": [7, 10], "user": [7, 10], "input": [7, 9, 10, 15], "section": [7, 10], "desir": [7, 10], "atomlabel1": 7, "atomlabel2": 7, "order": [7, 10], "keyword": 7, "boolean": 7, "otherwis": [7, 9, 10, 15], "least": 7, "typ": 9, "tz2p": [9, 15], "core": [9, 10, 15], "basi": [9, 10], "frozen": [9, 10], "approxim": [9, 10], "r2scan": 9, "mtz2p": 9, "val": 9, "spin": [9, 10], "polar": [9, 10], "singlet": 9, "doublet": 9, "triplet": 9, "gui": [9, 15], "thresh": 9, "1e": 9, "08": 9, "scf": [9, 10], "converg": 9, "criteria": 9, "procedur": 9, "funtional_nam": 9, "dispers": [9, 10], "pleas": [9, 15], "get_available_funct": 9, "want": [9, 10, 15], "libxc": 9, "automat": [9, 10, 15], "scalar": 9, "treatment": 9, "relativist": [9, 10], "effect": [9, 10], "ep": 9, "rad": 9, "use_klamt": 9, "solvat": [9, 15], "cosmo": 9, "manual": 9, "dielectr": 9, "your": [9, 15], "more": [9, 15], "control": [9, 15], "klamt": 9, "speci": 9, "detect": [9, 15], "local": [9, 15], "serv": 9, "futur": 9, "bandjob": 9, "hold": 9, "relat": [9, 10, 15], "prepar": [9, 15], "task": [9, 10, 15], "gradient": [9, 10], "05": 9, "dihedr": 9, "modetofollow": 9, "search": [9, 13, 15], "acceler": 9, "normal": 9, "atom_index1": 9, "atom_index2": 9, "factor": 9, "start": [9, 10, 15], "atom_index3": 9, "atom_index4": 9, "pespointcharact": 9, "negativefrequenciestoler": 9, "rescanfreqrang": 9, "10000000": 9, "pe": [9, 10], "toler": 9, "experi": 9, "lot": 9, "nois": 9, "rescan": 9, "refin": 9, "properti": [9, 10, 15, 16], "singlepoint": [9, 10], "temperatur": 9, "dynam": 9, "400k": 9, "conform": [9, 15], "alreadi": 9, "exist": [9, 15], "wa": [9, 10], "rotam": [9, 15], "setup": 9, "tight": [9, 15], "bind": [9, 15], "amsterdam": [9, 15], "suit": [9, 15], "k": 9, "space": 9, "integr": 9, "gfn1": 9, "xtb": 9, "parameter_dir": 9, "hamiltonian": 9, "grid_siz": 9, "974": 9, "gbsa": 9, "aceton": 9, "acetonitril": 9, "chcl3": 9, "cs2": 9, "dmso": 9, "ether": 9, "h2o": 9, "methanol": 9, "thf": 9, "toluen": 9, "grid": 9, "access": [9, 10, 15, 16], "surfac": 9, "230": 9, "2030": 9, "5810": 9, "test_mod": 9, "overwrit": 9, "wait_for_finish": 9, "advanc": 9, "__enter__": 9, "__exit__": 9, "syntax": 9, "safe": 9, "_setup_job": 9, "overwritten": 9, "know": [9, 15], "what": 9, "look": 9, "real": 9, "previous": 9, "continu": 9, "runscript": [9, 15], "fatal": [9, 10], "could": 9, "those": 9, "yet": [9, 10, 15], "latter": 9, "rerun": 9, "fix": 9, "later": [9, 10], "version": [9, 10, 13], "partit": [9, 15], "tc": [9, 15], "p": [9, 15], "note": 9, "dash": 9, "cannot": [9, 10], "underscor": 9, "job_nam": 9, "water_dimer_go": 9, "few": [9, 15], "extra": [9, 10], "d": [9, 10], "chdir": 9, "self": 9, "sure": 9, "j": 9, "rundir": [9, 15], "nicer": 9, "o": [9, 15], "out": [9, 10], "wish": 9, "preambl": 9, "come": 9, "shebang": 9, "ran": [9, 15], "program": [9, 10, 13], "specif": [9, 10, 15, 16], "2023": 9, "101": 9, "postambl": 9, "copi": 9, "t12": 9, "rm": 9, "otherjob": 9, "anoth": [9, 15], "sens": 9, "back": 9, "variou": [9, 15], "nuclear": [9, 10, 15], "magnet": [9, 15], "reson": [9, 15], "chemic": 9, "shift": 9, "saop": 9, "theori": [9, 10, 15], "nic": 9, "cartesian": 9, "relativistic_typ": 10, "unrestricted_sfo": 10, "sfo": 10, "treat": 10, "manner": 10, "unrestricted_mo": 10, "mo": 10, "group": [10, 13, 16], "associ": 10, "used_region": 10, "region": 10, "elstat": 10, "electrostat": 10, "potenti": 10, "orbint": [10, 16], "orbit": 10, "pauli": 10, "repuls": 10, "popul": 10, "nuclear_intern": 10, "intern": [10, 14], "number_of_mod": 10, "3n": 10, "linear": 10, "number_of_imaginary_mod": 10, "sort": 10, "low": 10, "intens": 10, "nparrai": 10, "denisti": 10, "initi": 10, "inp_path": 10, "summari": 10, "human": 10, "readabl": 10, "xc": 10, "categori": 10, "gga": 10, "metahybrid": 10, "etc": 10, "empiricalsc": 10, "empir": 10, "mp2": 10, "scm": 10, "major": 10, "year": 10, "releas": 10, "minor": 10, "micro": 10, "revis": 10, "date": 10, "datetim": 10, "ams_vers": [10, 16], "job_id": 10, "might": 10, "uniqu": 10, "identifi": 10, "is_multijob": 10, "multijob": 10, "histori": 10, "cpu": 10, "spent": 10, "sy": 10, "io": 10, "creation": 10, "destruct": 10, "larger": 10, "than": 10, "reader": 10, "succ": 10, "reason": 10, "kfreader": 10, "kffile": 10, "correctli": 10, "explain": 10, "success": 10, "unknown": 10, "w": 10, "u": [10, 15], "f": [10, 15], "els": 10, "number_of_atom": 10, "atom_numb": 10, "atom_mass": 10, "mass": 10, "frag_indic": 10, "number_of_entri": 10, "natur": 10, "scan": 10, "input_block": 10, "block": 10, "parentblock": 10, "subblock": 10, "subsubblock": 10, "nonstandard": 10, "subsubsubblock": 10, "within": 10, "special": [10, 15], "entri": 10, "inp": 10, "tini": 10, "take": 10, "long": 10, "open": [10, 15], "especi": 10, "so": [10, 13], "better": 10, "onc": 10, "subclass": [10, 15], "track": 10, "figur": 10, "trim": 10, "reduc": 10, "files": 10, "tracker": 10, "storag": 10, "sinc": 10, "quit": [10, 15], "larg": 10, "forget": [10, 15], "lest": 10, "memori": 10, "issu": [10, 15], "kf": 10, "claus": 10, "transitionstatesearch": 10, "usedqro": 10, "qro": 10, "wavefunct": 10, "used_qro": 10, "saddlepoint": 10, "n_imag": 10, "entropi": 10, "certain": 10, "hf": 10, "ccsd": 10, "_corr": 10, "correl": 10, "t1": 10, "diagnost": 10, "highest": 10, "valid": 10, "s2": 10, "oper": 10, "s2_expect": 10, "ideal": 10, "spin_contamin": 10, "contamin": 10, "observ": 10, "insensit": 10, "retain": 10, "overrid": 10, "hide": 10, "dunder": 10, "expos": 10, "view": 10, "multikei": 10, "join": 10, "gotten": 10, "basic": 10, "done": [10, 16], "band": [10, 16], "typic": [10, 15], "easili": [10, 15, 16], "just": [10, 16], "_": 10, "fixtur": [10, 16], "ethanol": [10, 16], "2022": [10, 16], "103": [10, 16], "r104886": [10, 16], "06": [10, 16], "c": [10, 16], "2738": [10, 16], "644830445246": [10, 16], "1056": [10, 16], "9706925183411": [10, 16], "3795": [10, 16], "615522963587": [10, 16], "number_of_imag_mod": [10, 16], "_dict": 10, "doc": 10, "librari": [10, 13], "stdtype": 10, "master": 10, "mani": 13, "helper": 13, "theochem": 13, "overview": 13, "page": [13, 15], "heavi": [13, 15], "develop": [13, 15], "guarante": 13, "older": 13, "newer": 13, "small": 14, "help": 14, "offer": 15, "tool": 15, "effici": 15, "comput": 15, "useful": 15, "lift": 15, "background": 15, "while": 15, "cleaner": 15, "proof": 15, "won": 15, "molecule_1": 15, "adf_calcul": 15, "featur": 15, "abl": 15, "instead": 15, "crest_job": 15, "conformer_xyz": 15, "enumer": 15, "opt_job": 15, "olyp": 15, "d3": 15, "bj": 15, "conformer_": 15, "regular": 15, "ensembl": 15, "sampl": 15, "quantum": 15, "growth": 15, "qcg": 15, "explicit": 15, "github": 15, "let": 15, "licens": 15, "execut": 15, "click": 15, "simpl": 15, "water": 15, "dimer": 15, "bp86": 15, "enter": 15, "appear": 15, "pretti": 15, "much": 15, "everyth": 15, "go_water_dim": 15, "download": 15, "water_dim": 15, "61075942": 15, "14972207": 15, "27324620": 15, "14984188": 15, "05173067": 15, "71502154": 15, "65160034": 15, "06225163": 15, "52042212": 15, "38869649": 15, "77034720": 15, "kind": 15, "littl": 15, "nh3bh3": 15, "fragment_nam": 15}, "objects": {"": [[4, 0, 0, "-", "tcutility"]], "tcutility": [[5, 0, 0, "-", "analysis"], [4, 0, 0, "-", "cache"], [4, 0, 0, "-", "constants"], [4, 4, 1, "", "ensure_2d"], [4, 4, 1, "", "ensure_list"], [4, 0, 0, "-", "formula"], [4, 0, 0, "-", "geometry"], [9, 0, 0, "-", "job"], [4, 0, 0, "-", "log"], [4, 0, 0, "-", "molecule"], [4, 0, 0, "-", "report"], [10, 0, 0, "-", "results"], [4, 0, 0, "-", "slurm"], [4, 4, 1, "", "squeeze_list"], [11, 0, 0, "-", "typing"]], "tcutility.analysis": [[6, 0, 0, "-", "vdd"], [7, 0, 0, "-", "vibration"]], "tcutility.analysis.vdd": [[6, 0, 0, "-", "charge"], [6, 0, 0, "-", "manager"]], "tcutility.analysis.vdd.charge": [[6, 1, 1, "", "VDDCharge"]], "tcutility.analysis.vdd.charge.VDDCharge": [[6, 2, 1, "", "atom_index"], [6, 2, 1, "", "atom_symbol"], [6, 3, 1, "", "change_unit"], [6, 2, 1, "", "charge"], [6, 2, 1, "", "frag_index"]], "tcutility.analysis.vdd.manager": [[6, 1, 1, "", "VDDChargeManager"], [6, 4, 1, "", "change_unit_decorator"], [6, 4, 1, "", "create_vdd_charge_manager"]], "tcutility.analysis.vdd.manager.VDDChargeManager": [[6, 2, 1, "", "calc_dir"], [6, 3, 1, "", "change_unit"], [6, 3, 1, "", "charge_is_conserved"], [6, 3, 1, "", "get_summed_vdd_charges"], [6, 3, 1, "", "get_summed_vdd_charges_dataframe"], [6, 3, 1, "", "get_summed_vdd_charges_table"], [6, 3, 1, "", "get_vdd_charges"], [6, 3, 1, "", "get_vdd_charges_dataframe"], [6, 3, 1, "", "get_vdd_charges_table"], [6, 2, 1, "", "irreps"], [6, 2, 1, "", "is_fragment_calculation"], [6, 2, 1, "", "mol_charge"], [6, 2, 1, "", "name"], [6, 3, 1, "", "plot_vdd_charges_per_atom"], [6, 2, 1, "", "unit"], [6, 2, 1, "", "vdd_charges"], [6, 3, 1, "", "write_to_excel"], [6, 3, 1, "", "write_to_txt"]], "tcutility.analysis.vibration": [[7, 0, 0, "-", "ts_vibration"]], "tcutility.analysis.vibration.ts_vibration": [[7, 4, 1, "", "avg_relative_bond_length_delta"], [7, 4, 1, "", "determine_ts_reactioncoordinate"], [7, 4, 1, "", "validate_transitionstate"]], "tcutility.cache": [[4, 4, 1, "", "cache"], [4, 4, 1, "", "timed_cache"]], "tcutility.formula": [[4, 4, 1, "", "molecule"], [4, 4, 1, "", "parse_molecule"]], "tcutility.geometry": [[4, 1, 1, "", "KabschTransform"], [4, 4, 1, "", "RMSD"], [4, 1, 1, "", "Transform"], [4, 4, 1, "", "apply_rotmat"], [4, 4, 1, "", "get_rotmat"], [4, 4, 1, "", "random_points_in_anular_sphere"], [4, 4, 1, "", "random_points_on_sphere"], [4, 4, 1, "", "rotate"], [4, 4, 1, "", "vector_align_rotmat"]], "tcutility.geometry.Transform": [[4, 3, 1, "", "apply"], [4, 3, 1, "", "combine_transforms"], [4, 3, 1, "", "rotate"], [4, 3, 1, "", "scale"], [4, 3, 1, "", "translate"]], "tcutility.job": [[9, 0, 0, "-", "adf"], [9, 0, 0, "-", "ams"], [9, 0, 0, "-", "crest"], [9, 0, 0, "-", "dftb"], [9, 0, 0, "-", "generic"], [9, 0, 0, "-", "nmr"], [9, 0, 0, "-", "orca"]], "tcutility.job.adf": [[9, 1, 1, "", "ADFFragmentJob"], [9, 1, 1, "", "ADFJob"]], "tcutility.job.adf.ADFFragmentJob": [[9, 3, 1, "", "add_fragment"], [9, 3, 1, "", "run"]], "tcutility.job.adf.ADFJob": [[9, 3, 1, "", "SCF_convergence"], [9, 3, 1, "", "basis_set"], [9, 3, 1, "", "functional"], [9, 3, 1, "", "multiplicity"], [9, 3, 1, "", "quality"], [9, 3, 1, "", "relativity"], [9, 3, 1, "", "solvent"], [9, 3, 1, "", "spin_polarization"], [9, 3, 1, "", "unrestricted"]], "tcutility.job.ams": [[9, 1, 1, "", "AMSJob"]], "tcutility.job.ams.AMSJob": [[9, 3, 1, "", "charge"], [9, 3, 1, "", "geometry_convergence"], [9, 3, 1, "", "optimization"], [9, 5, 1, "", "output_mol_path"], [9, 3, 1, "", "single_point"], [9, 3, 1, "", "transition_state"], [9, 3, 1, "", "vibrations"]], "tcutility.job.crest": [[9, 1, 1, "", "CRESTJob"], [9, 1, 1, "", "QCGJob"]], "tcutility.job.crest.CRESTJob": [[9, 5, 1, "", "best_conformer_path"], [9, 3, 1, "", "charge"], [9, 5, 1, "", "conformer_directory"], [9, 3, 1, "", "get_conformer_xyz"], [9, 3, 1, "", "get_rotamer_xyz"], [9, 3, 1, "", "md_length"], [9, 3, 1, "", "md_temperature"], [9, 3, 1, "", "multiplicity"], [9, 5, 1, "", "rotamer_directory"], [9, 3, 1, "", "spin_polarization"]], "tcutility.job.crest.QCGJob": [[9, 3, 1, "", "alpb"], [9, 5, 1, "", "best_ensemble_path"], [9, 5, 1, "", "ensemble_directory"], [9, 3, 1, "", "ensemble_mode"], [9, 3, 1, "", "get_ensemble_xyz"], [9, 3, 1, "", "nofix"], [9, 3, 1, "", "nsolv"], [9, 3, 1, "", "solvent"]], "tcutility.job.dftb": [[9, 1, 1, "", "DFTBJob"]], "tcutility.job.dftb.DFTBJob": [[9, 3, 1, "", "kspace"], [9, 3, 1, "", "model"], [9, 3, 1, "", "solvent"]], "tcutility.job.generic": [[9, 1, 1, "", "Job"]], "tcutility.job.generic.Job": [[9, 3, 1, "", "add_postamble"], [9, 3, 1, "", "add_preamble"], [9, 3, 1, "", "can_skip"], [9, 3, 1, "", "dependency"], [9, 5, 1, "", "inputfile_path"], [9, 3, 1, "", "molecule"], [9, 5, 1, "", "output_mol_path"], [9, 3, 1, "", "run"], [9, 5, 1, "", "runfile_path"], [9, 3, 1, "", "sbatch"], [9, 5, 1, "", "workdir"]], "tcutility.job.nmr": [[9, 1, 1, "", "NMRJob"]], "tcutility.job.nmr.NMRJob": [[9, 3, 1, "", "add_nics_point"]], "tcutility.job.orca": [[9, 1, 1, "", "ORCAJob"]], "tcutility.job.orca.ORCAJob": [[9, 3, 1, "", "charge"], [9, 3, 1, "", "get_input"], [9, 3, 1, "", "get_memory_usage"], [9, 3, 1, "", "multiplicity"], [9, 3, 1, "", "optimization"], [9, 3, 1, "", "single_point"], [9, 3, 1, "", "spin_polarization"], [9, 3, 1, "", "transition_state"], [9, 3, 1, "", "vibrations"]], "tcutility.log": [[4, 1, 1, "", "Emojis"], [4, 1, 1, "", "NoPrint"], [4, 4, 1, "", "boxed"], [4, 4, 1, "", "caller_name"], [4, 4, 1, "", "critical"], [4, 4, 1, "", "debug"], [4, 4, 1, "", "error"], [4, 4, 1, "", "flow"], [4, 4, 1, "", "info"], [4, 4, 1, "", "loadbar"], [4, 4, 1, "", "log"], [4, 4, 1, "", "table"], [4, 4, 1, "", "time_stamp"], [4, 4, 1, "", "warn"]], "tcutility.log.Emojis": [[4, 2, 1, "", "angstrom"], [4, 2, 1, "", "cancel"], [4, 2, 1, "", "empty"], [4, 2, 1, "", "fail"], [4, 2, 1, "", "finish"], [4, 2, 1, "", "good"], [4, 2, 1, "", "info"], [4, 2, 1, "", "larrow"], [4, 2, 1, "", "lrarrow"], [4, 2, 1, "", "question"], [4, 2, 1, "", "rarrow"], [4, 2, 1, "", "receive"], [4, 2, 1, "", "rlarrow"], [4, 2, 1, "", "send"], [4, 2, 1, "", "sleep"], [4, 2, 1, "", "wait"], [4, 2, 1, "", "warning"]], "tcutility.molecule": [[4, 4, 1, "", "guess_fragments"], [4, 4, 1, "", "load"], [4, 4, 1, "", "parse_str"], [4, 4, 1, "", "save"]], "tcutility.report": [[4, 1, 1, "", "SI"]], "tcutility.report.SI": [[4, 3, 1, "", "add_heading"], [4, 3, 1, "", "add_xyz"]], "tcutility.results": [[10, 0, 0, "-", "adf"], [10, 0, 0, "-", "ams"], [10, 0, 0, "-", "cache"], [10, 0, 0, "-", "dftb"], [10, 4, 1, "", "get_info"], [10, 0, 0, "-", "orca"], [10, 4, 1, "", "read"], [10, 0, 0, "-", "result"]], "tcutility.results.adf": [[10, 4, 1, "", "get_calc_settings"], [10, 4, 1, "", "get_level_of_theory"], [10, 4, 1, "", "get_properties"]], "tcutility.results.ams": [[10, 4, 1, "", "get_ams_info"], [10, 4, 1, "", "get_ams_input"], [10, 4, 1, "", "get_ams_version"], [10, 4, 1, "", "get_calc_files"], [10, 4, 1, "", "get_calculation_status"], [10, 4, 1, "", "get_history"], [10, 4, 1, "", "get_input_blocks"], [10, 4, 1, "", "get_molecules"], [10, 4, 1, "", "get_timing"]], "tcutility.results.cache": [[10, 1, 1, "", "TrackKFReader"], [10, 4, 1, "", "get"], [10, 4, 1, "", "store"], [10, 4, 1, "", "unload"]], "tcutility.results.cache.TrackKFReader": [[10, 3, 1, "", "read"]], "tcutility.results.dftb": [[10, 4, 1, "", "get_calc_settings"], [10, 4, 1, "", "get_properties"]], "tcutility.results.orca": [[10, 4, 1, "", "get_calc_files"], [10, 4, 1, "", "get_calc_settings"], [10, 4, 1, "", "get_calculation_status"], [10, 4, 1, "", "get_info"], [10, 4, 1, "", "get_input"], [10, 4, 1, "", "get_level_of_theory"], [10, 4, 1, "", "get_molecules"], [10, 4, 1, "", "get_properties"], [10, 4, 1, "", "get_version"], [10, 4, 1, "", "get_vibrations"]], "tcutility.results.result": [[10, 1, 1, "", "Result"]], "tcutility.results.result.Result": [[10, 3, 1, "", "as_plams_settings"], [10, 3, 1, "", "get_multi_key"], [10, 3, 1, "", "get_parent_tree"], [10, 3, 1, "", "items"], [10, 3, 1, "", "keys"], [10, 3, 1, "", "prune"]], "tcutility.slurm": [[4, 4, 1, "", "has_slurm"], [4, 4, 1, "", "sbatch"], [4, 4, 1, "", "squeue"], [4, 4, 1, "", "wait_for_job"], [4, 4, 1, "", "workdir_info"]], "tcutility.typing": [[11, 0, 0, "-", "arrays"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:function", "5": "py:property"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "function", "Python function"], "5": ["py", "property", "Python property"]}, "titleterms": {"overview": [0, 15], "analysi": [0, 1, 2, 5, 6, 7], "modul": [0, 1, 2, 4, 5, 6, 7, 8, 9, 10, 11, 13], "transit": 1, "state": 1, "vdd": [2, 6], "charg": [2, 6], "requir": [2, 15], "exampl": [2, 12, 15], "api": [2, 13], "tcutil": [3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "packag": [4, 5, 6, 7, 8, 9, 10, 11, 12, 14], "subpackag": [4, 5], "submodul": [4, 6, 7, 9, 10, 11], "cach": [4, 10], "constant": [4, 14], "formula": 4, "geometri": 4, "log": 4, "molecul": 4, "report": 4, "slurm": [4, 15], "content": [4, 5, 6, 7, 8, 9, 10, 11], "manag": 6, "vibrat": 7, "ts_vibrat": 7, "atom_data_info": 8, "job": [9, 12, 15], "adf": [9, 10], "am": [9, 10], "crest": 9, "dftb": [9, 10], "gener": 9, "nmr": 9, "orca": [9, 10], "result": [10, 12], "type": 11, "arrai": 11, "v0": 13, "7": 13, "2": 13, "document": 13, "extra": 13, "util": 13, "ar": 13, "full": 13, "indic": 13, "tabl": 13, "setup": 15, "workflow": 15, "class": 15, "support": 15, "depend": 15, "engin": 15, "read": 16, "calcul": 16}, "envversion": {"sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.viewcode": 1, "sphinx": 60}, "alltitles": {"Overview of the analysis module": [[0, "overview-of-the-analysis-module"]], "Transition State Analysis module": [[1, "transition-state-analysis-module"]], "VDD Charge Analysis module": [[2, "vdd-charge-analysis-module"]], "Requirements": [[2, "requirements"], [15, "requirements"]], "Example": [[2, "example"]], "VDD analysis API": [[2, "vdd-analysis-api"]], "tcutility": [[3, "tcutility"]], "tcutility package": [[4, "tcutility-package"], [12, "tcutility-package"]], "Subpackages": [[4, "subpackages"], [5, "subpackages"]], "Submodules": [[4, "submodules"], [6, "submodules"], [7, "submodules"], [9, "submodules"], [10, "submodules"], [11, "submodules"]], "tcutility.cache module": [[4, "module-tcutility.cache"]], "tcutility.constants module": [[4, "module-tcutility.constants"]], "tcutility.formula module": [[4, "module-tcutility.formula"]], "tcutility.geometry module": [[4, "module-tcutility.geometry"]], "tcutility.log module": [[4, "module-tcutility.log"]], "tcutility.molecule module": [[4, "module-tcutility.molecule"]], "tcutility.report module": [[4, "module-tcutility.report"]], "tcutility.slurm module": [[4, "module-tcutility.slurm"]], "Module contents": [[4, "module-tcutility"], [5, "module-tcutility.analysis"], [6, "module-tcutility.analysis.vdd"], [7, "module-tcutility.analysis.vibration"], [8, "module-contents"], [9, "module-tcutility.job"], [10, "module-tcutility.results"], [11, "module-tcutility.typing"]], "tcutility.analysis package": [[5, "tcutility-analysis-package"]], "tcutility.analysis.vdd package": [[6, "tcutility-analysis-vdd-package"]], "tcutility.analysis.vdd.charge module": [[6, "module-tcutility.analysis.vdd.charge"]], "tcutility.analysis.vdd.manager module": [[6, "module-tcutility.analysis.vdd.manager"]], "tcutility.analysis.vibration package": [[7, "tcutility-analysis-vibration-package"]], "tcutility.analysis.vibration.ts_vibration module": [[7, "module-tcutility.analysis.vibration.ts_vibration"]], "tcutility.atom_data_info package": [[8, "tcutility-atom-data-info-package"]], "tcutility.job package": [[9, "tcutility-job-package"], [12, "tcutility-job-package"]], "tcutility.job.adf module": [[9, "module-tcutility.job.adf"]], "tcutility.job.ams module": [[9, "module-tcutility.job.ams"]], "tcutility.job.crest module": [[9, "module-tcutility.job.crest"]], "tcutility.job.dftb module": [[9, "module-tcutility.job.dftb"]], "tcutility.job.generic module": [[9, "module-tcutility.job.generic"]], "tcutility.job.nmr module": [[9, "module-tcutility.job.nmr"]], "tcutility.job.orca module": [[9, "module-tcutility.job.orca"]], "tcutility.results package": [[10, "tcutility-results-package"], [12, "tcutility-results-package"]], "tcutility.results.adf module": [[10, "module-tcutility.results.adf"]], "tcutility.results.ams module": [[10, "module-tcutility.results.ams"]], "tcutility.results.cache module": [[10, "module-tcutility.results.cache"]], "tcutility.results.dftb module": [[10, "module-tcutility.results.dftb"]], "tcutility.results.orca module": [[10, "module-tcutility.results.orca"]], "tcutility.results.result module": [[10, "module-tcutility.results.result"]], "tcutility.typing package": [[11, "tcutility-typing-package"]], "tcutility.typing.arrays module": [[11, "module-tcutility.typing.arrays"]], "Examples": [[12, "examples"], [15, "examples"]], "TCutility v0.7.2 documentation": [[13, "tcutility-projectversion-documentation"]], "Extra (utility) modules are:": [[13, null]], "Full API:": [[13, null]], "Indices and tables": [[13, "indices-and-tables"]], "tcutility.constants package": [[14, "tcutility-constants-package"]], "Setup workflows with tcutility.job": [[15, "setup-workflows-with-tcutility-job"]], "Overview": [[15, "overview"]], "Job classes": [[15, "job-classes"]], "Slurm support": [[15, "slurm-support"]], "Job dependencies": [[15, "job-dependencies"]], "Supported engines": [[15, "supported-engines"]], "Reading a calculation": [[16, "reading-a-calculation"]]}, "indexentries": {"emojis (class in tcutility.log)": [[4, "tcutility.log.Emojis"]], "kabschtransform (class in tcutility.geometry)": [[4, "tcutility.geometry.KabschTransform"]], "noprint (class in tcutility.log)": [[4, "tcutility.log.NoPrint"]], "rmsd() (in module tcutility.geometry)": [[4, "tcutility.geometry.RMSD"]], "si (class in tcutility.report)": [[4, "tcutility.report.SI"]], "transform (class in tcutility.geometry)": [[4, "tcutility.geometry.Transform"]], "add_heading() (si method)": [[4, "tcutility.report.SI.add_heading"]], "add_xyz() (si method)": [[4, "tcutility.report.SI.add_xyz"]], "angstrom (emojis attribute)": [[4, "tcutility.log.Emojis.angstrom"]], "apply() (transform method)": [[4, "tcutility.geometry.Transform.apply"]], "apply_rotmat() (in module tcutility.geometry)": [[4, "tcutility.geometry.apply_rotmat"]], "boxed() (in module tcutility.log)": [[4, "tcutility.log.boxed"]], "cache() (in module tcutility.cache)": [[4, "tcutility.cache.cache"]], "caller_name() (in module tcutility.log)": [[4, "tcutility.log.caller_name"]], "cancel (emojis attribute)": [[4, "tcutility.log.Emojis.cancel"]], "combine_transforms() (transform method)": [[4, "tcutility.geometry.Transform.combine_transforms"]], "critical() (in module tcutility.log)": [[4, "tcutility.log.critical"]], "debug() (in module tcutility.log)": [[4, "tcutility.log.debug"]], "empty (emojis attribute)": [[4, "tcutility.log.Emojis.empty"]], "ensure_2d() (in module tcutility)": [[4, "tcutility.ensure_2d"]], "ensure_list() (in module tcutility)": [[4, "tcutility.ensure_list"]], "error() (in module tcutility.log)": [[4, "tcutility.log.error"]], "fail (emojis attribute)": [[4, "tcutility.log.Emojis.fail"]], "finish (emojis attribute)": [[4, "tcutility.log.Emojis.finish"]], "flow() (in module tcutility.log)": [[4, "tcutility.log.flow"]], "get_rotmat() (in module tcutility.geometry)": [[4, "tcutility.geometry.get_rotmat"]], "good (emojis attribute)": [[4, "tcutility.log.Emojis.good"]], "guess_fragments() (in module tcutility.molecule)": [[4, "tcutility.molecule.guess_fragments"]], "has_slurm() (in module tcutility.slurm)": [[4, "tcutility.slurm.has_slurm"]], "info (emojis attribute)": [[4, "tcutility.log.Emojis.info"]], "info() (in module tcutility.log)": [[4, "tcutility.log.info"]], "larrow (emojis attribute)": [[4, "tcutility.log.Emojis.larrow"]], "load() (in module tcutility.molecule)": [[4, "tcutility.molecule.load"]], "loadbar() (in module tcutility.log)": [[4, "tcutility.log.loadbar"]], "log() (in module tcutility.log)": [[4, "tcutility.log.log"]], "lrarrow (emojis attribute)": [[4, "tcutility.log.Emojis.lrarrow"]], "module": [[4, "module-tcutility"], [4, "module-tcutility.cache"], [4, "module-tcutility.constants"], [4, "module-tcutility.formula"], [4, "module-tcutility.geometry"], [4, "module-tcutility.log"], [4, "module-tcutility.molecule"], [4, "module-tcutility.report"], [4, "module-tcutility.slurm"], [5, "module-tcutility.analysis"], [6, "module-tcutility.analysis.vdd"], [6, "module-tcutility.analysis.vdd.charge"], [6, "module-tcutility.analysis.vdd.manager"], [7, "module-tcutility.analysis.vibration"], [7, "module-tcutility.analysis.vibration.ts_vibration"], [9, "module-tcutility.job"], [9, "module-tcutility.job.adf"], [9, "module-tcutility.job.ams"], [9, "module-tcutility.job.crest"], [9, "module-tcutility.job.dftb"], [9, "module-tcutility.job.generic"], [9, "module-tcutility.job.nmr"], [9, "module-tcutility.job.orca"], [10, "module-tcutility.results"], [10, "module-tcutility.results.adf"], [10, "module-tcutility.results.ams"], [10, "module-tcutility.results.cache"], [10, "module-tcutility.results.dftb"], [10, "module-tcutility.results.orca"], [10, "module-tcutility.results.result"], [11, "module-tcutility.typing"], [11, "module-tcutility.typing.arrays"]], "molecule() (in module tcutility.formula)": [[4, "tcutility.formula.molecule"]], "parse_molecule() (in module tcutility.formula)": [[4, "tcutility.formula.parse_molecule"]], "parse_str() (in module tcutility.molecule)": [[4, "tcutility.molecule.parse_str"]], "question (emojis attribute)": [[4, "tcutility.log.Emojis.question"]], "random_points_in_anular_sphere() (in module tcutility.geometry)": [[4, "tcutility.geometry.random_points_in_anular_sphere"]], "random_points_on_sphere() (in module tcutility.geometry)": [[4, "tcutility.geometry.random_points_on_sphere"]], "rarrow (emojis attribute)": [[4, "tcutility.log.Emojis.rarrow"]], "receive (emojis attribute)": [[4, "tcutility.log.Emojis.receive"]], "rlarrow (emojis attribute)": [[4, "tcutility.log.Emojis.rlarrow"]], "rotate() (transform method)": [[4, "tcutility.geometry.Transform.rotate"]], "rotate() (in module tcutility.geometry)": [[4, "tcutility.geometry.rotate"]], "save() (in module tcutility.molecule)": [[4, "tcutility.molecule.save"]], "sbatch() (in module tcutility.slurm)": [[4, "tcutility.slurm.sbatch"]], "scale() (transform method)": [[4, "tcutility.geometry.Transform.scale"]], "send (emojis attribute)": [[4, "tcutility.log.Emojis.send"]], "sleep (emojis attribute)": [[4, "tcutility.log.Emojis.sleep"]], "squeeze_list() (in module tcutility)": [[4, "tcutility.squeeze_list"]], "squeue() (in module tcutility.slurm)": [[4, "tcutility.slurm.squeue"]], "table() (in module tcutility.log)": [[4, "tcutility.log.table"]], "tcutility": [[4, "module-tcutility"]], "tcutility.cache": [[4, "module-tcutility.cache"]], "tcutility.constants": [[4, "module-tcutility.constants"]], "tcutility.formula": [[4, "module-tcutility.formula"]], "tcutility.geometry": [[4, "module-tcutility.geometry"]], "tcutility.log": [[4, "module-tcutility.log"]], "tcutility.molecule": [[4, "module-tcutility.molecule"]], "tcutility.report": [[4, "module-tcutility.report"]], "tcutility.slurm": [[4, "module-tcutility.slurm"]], "time_stamp() (in module tcutility.log)": [[4, "tcutility.log.time_stamp"]], "timed_cache() (in module tcutility.cache)": [[4, "tcutility.cache.timed_cache"]], "translate() (transform method)": [[4, "tcutility.geometry.Transform.translate"]], "vector_align_rotmat() (in module tcutility.geometry)": [[4, "tcutility.geometry.vector_align_rotmat"]], "wait (emojis attribute)": [[4, "tcutility.log.Emojis.wait"]], "wait_for_job() (in module tcutility.slurm)": [[4, "tcutility.slurm.wait_for_job"]], "warn() (in module tcutility.log)": [[4, "tcutility.log.warn"]], "warning (emojis attribute)": [[4, "tcutility.log.Emojis.warning"]], "workdir_info() (in module tcutility.slurm)": [[4, "tcutility.slurm.workdir_info"]], "tcutility.analysis": [[5, "module-tcutility.analysis"]], "vddcharge (class in tcutility.analysis.vdd.charge)": [[6, "tcutility.analysis.vdd.charge.VDDCharge"]], "vddchargemanager (class in tcutility.analysis.vdd.manager)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager"]], "atom_index (vddcharge attribute)": [[6, "tcutility.analysis.vdd.charge.VDDCharge.atom_index"]], "atom_symbol (vddcharge attribute)": [[6, "tcutility.analysis.vdd.charge.VDDCharge.atom_symbol"]], "calc_dir (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.calc_dir"]], "change_unit() (vddcharge method)": [[6, "tcutility.analysis.vdd.charge.VDDCharge.change_unit"]], "change_unit() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.change_unit"]], "change_unit_decorator() (in module tcutility.analysis.vdd.manager)": [[6, "tcutility.analysis.vdd.manager.change_unit_decorator"]], "charge (vddcharge attribute)": [[6, "tcutility.analysis.vdd.charge.VDDCharge.charge"]], "charge_is_conserved() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.charge_is_conserved"]], "create_vdd_charge_manager() (in module tcutility.analysis.vdd.manager)": [[6, "tcutility.analysis.vdd.manager.create_vdd_charge_manager"]], "frag_index (vddcharge attribute)": [[6, "tcutility.analysis.vdd.charge.VDDCharge.frag_index"]], "get_summed_vdd_charges() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_summed_vdd_charges"]], "get_summed_vdd_charges_dataframe() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_summed_vdd_charges_dataframe"]], "get_summed_vdd_charges_table() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_summed_vdd_charges_table"]], "get_vdd_charges() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_vdd_charges"]], "get_vdd_charges_dataframe() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_vdd_charges_dataframe"]], "get_vdd_charges_table() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.get_vdd_charges_table"]], "irreps (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.irreps"]], "is_fragment_calculation (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.is_fragment_calculation"]], "mol_charge (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.mol_charge"]], "name (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.name"]], "plot_vdd_charges_per_atom() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.plot_vdd_charges_per_atom"]], "tcutility.analysis.vdd": [[6, "module-tcutility.analysis.vdd"]], "tcutility.analysis.vdd.charge": [[6, "module-tcutility.analysis.vdd.charge"]], "tcutility.analysis.vdd.manager": [[6, "module-tcutility.analysis.vdd.manager"]], "unit (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.unit"]], "vdd_charges (vddchargemanager attribute)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.vdd_charges"]], "write_to_excel() (vddchargemanager method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.write_to_excel"]], "write_to_txt() (vddchargemanager static method)": [[6, "tcutility.analysis.vdd.manager.VDDChargeManager.write_to_txt"]], "avg_relative_bond_length_delta() (in module tcutility.analysis.vibration.ts_vibration)": [[7, "tcutility.analysis.vibration.ts_vibration.avg_relative_bond_length_delta"]], "determine_ts_reactioncoordinate() (in module tcutility.analysis.vibration.ts_vibration)": [[7, "tcutility.analysis.vibration.ts_vibration.determine_ts_reactioncoordinate"]], "tcutility.analysis.vibration": [[7, "module-tcutility.analysis.vibration"]], "tcutility.analysis.vibration.ts_vibration": [[7, "module-tcutility.analysis.vibration.ts_vibration"]], "validate_transitionstate() (in module tcutility.analysis.vibration.ts_vibration)": [[7, "tcutility.analysis.vibration.ts_vibration.validate_transitionstate"]], "adffragmentjob (class in tcutility.job.adf)": [[9, "tcutility.job.adf.ADFFragmentJob"]], "adfjob (class in tcutility.job.adf)": [[9, "tcutility.job.adf.ADFJob"]], "amsjob (class in tcutility.job.ams)": [[9, "tcutility.job.ams.AMSJob"]], "crestjob (class in tcutility.job.crest)": [[9, "tcutility.job.crest.CRESTJob"]], "dftbjob (class in tcutility.job.dftb)": [[9, "tcutility.job.dftb.DFTBJob"]], "job (class in tcutility.job.generic)": [[9, "tcutility.job.generic.Job"]], "nmrjob (class in tcutility.job.nmr)": [[9, "tcutility.job.nmr.NMRJob"]], "orcajob (class in tcutility.job.orca)": [[9, "tcutility.job.orca.ORCAJob"]], "qcgjob (class in tcutility.job.crest)": [[9, "tcutility.job.crest.QCGJob"]], "scf_convergence() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.SCF_convergence"]], "add_fragment() (adffragmentjob method)": [[9, "tcutility.job.adf.ADFFragmentJob.add_fragment"]], "add_nics_point() (nmrjob method)": [[9, "tcutility.job.nmr.NMRJob.add_nics_point"]], "add_postamble() (job method)": [[9, "tcutility.job.generic.Job.add_postamble"]], "add_preamble() (job method)": [[9, "tcutility.job.generic.Job.add_preamble"]], "alpb() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.alpb"]], "basis_set() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.basis_set"]], "best_conformer_path (crestjob property)": [[9, "tcutility.job.crest.CRESTJob.best_conformer_path"]], "best_ensemble_path (qcgjob property)": [[9, "tcutility.job.crest.QCGJob.best_ensemble_path"]], "can_skip() (job method)": [[9, "tcutility.job.generic.Job.can_skip"]], "charge() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.charge"]], "charge() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.charge"]], "charge() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.charge"]], "conformer_directory (crestjob property)": [[9, "tcutility.job.crest.CRESTJob.conformer_directory"]], "dependency() (job method)": [[9, "tcutility.job.generic.Job.dependency"]], "ensemble_directory (qcgjob property)": [[9, "tcutility.job.crest.QCGJob.ensemble_directory"]], "ensemble_mode() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.ensemble_mode"]], "functional() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.functional"]], "geometry_convergence() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.geometry_convergence"]], "get_conformer_xyz() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.get_conformer_xyz"]], "get_ensemble_xyz() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.get_ensemble_xyz"]], "get_input() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.get_input"]], "get_memory_usage() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.get_memory_usage"]], "get_rotamer_xyz() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.get_rotamer_xyz"]], "inputfile_path (job property)": [[9, "tcutility.job.generic.Job.inputfile_path"]], "kspace() (dftbjob method)": [[9, "tcutility.job.dftb.DFTBJob.kspace"]], "md_length() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.md_length"]], "md_temperature() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.md_temperature"]], "model() (dftbjob method)": [[9, "tcutility.job.dftb.DFTBJob.model"]], "molecule() (job method)": [[9, "tcutility.job.generic.Job.molecule"]], "multiplicity() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.multiplicity"]], "multiplicity() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.multiplicity"]], "multiplicity() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.multiplicity"]], "nofix() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.nofix"]], "nsolv() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.nsolv"]], "optimization() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.optimization"]], "optimization() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.optimization"]], "output_mol_path (amsjob property)": [[9, "tcutility.job.ams.AMSJob.output_mol_path"]], "output_mol_path (job property)": [[9, "tcutility.job.generic.Job.output_mol_path"]], "quality() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.quality"]], "relativity() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.relativity"]], "rotamer_directory (crestjob property)": [[9, "tcutility.job.crest.CRESTJob.rotamer_directory"]], "run() (adffragmentjob method)": [[9, "tcutility.job.adf.ADFFragmentJob.run"]], "run() (job method)": [[9, "tcutility.job.generic.Job.run"]], "runfile_path (job property)": [[9, "tcutility.job.generic.Job.runfile_path"]], "sbatch() (job method)": [[9, "tcutility.job.generic.Job.sbatch"]], "single_point() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.single_point"]], "single_point() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.single_point"]], "solvent() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.solvent"]], "solvent() (dftbjob method)": [[9, "tcutility.job.dftb.DFTBJob.solvent"]], "solvent() (qcgjob method)": [[9, "tcutility.job.crest.QCGJob.solvent"]], "spin_polarization() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.spin_polarization"]], "spin_polarization() (crestjob method)": [[9, "tcutility.job.crest.CRESTJob.spin_polarization"]], "spin_polarization() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.spin_polarization"]], "tcutility.job": [[9, "module-tcutility.job"]], "tcutility.job.adf": [[9, "module-tcutility.job.adf"]], "tcutility.job.ams": [[9, "module-tcutility.job.ams"]], "tcutility.job.crest": [[9, "module-tcutility.job.crest"]], "tcutility.job.dftb": [[9, "module-tcutility.job.dftb"]], "tcutility.job.generic": [[9, "module-tcutility.job.generic"]], "tcutility.job.nmr": [[9, "module-tcutility.job.nmr"]], "tcutility.job.orca": [[9, "module-tcutility.job.orca"]], "transition_state() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.transition_state"]], "transition_state() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.transition_state"]], "unrestricted() (adfjob method)": [[9, "tcutility.job.adf.ADFJob.unrestricted"]], "vibrations() (amsjob method)": [[9, "tcutility.job.ams.AMSJob.vibrations"]], "vibrations() (orcajob method)": [[9, "tcutility.job.orca.ORCAJob.vibrations"]], "workdir (job property)": [[9, "tcutility.job.generic.Job.workdir"]], "result (class in tcutility.results.result)": [[10, "tcutility.results.result.Result"]], "trackkfreader (class in tcutility.results.cache)": [[10, "tcutility.results.cache.TrackKFReader"]], "as_plams_settings() (result method)": [[10, "tcutility.results.result.Result.as_plams_settings"]], "get() (in module tcutility.results.cache)": [[10, "tcutility.results.cache.get"]], "get_ams_info() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_ams_info"]], "get_ams_input() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_ams_input"]], "get_ams_version() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_ams_version"]], "get_calc_files() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_calc_files"]], "get_calc_files() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_calc_files"]], "get_calc_settings() (in module tcutility.results.adf)": [[10, "tcutility.results.adf.get_calc_settings"]], "get_calc_settings() (in module tcutility.results.dftb)": [[10, "tcutility.results.dftb.get_calc_settings"]], "get_calc_settings() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_calc_settings"]], "get_calculation_status() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_calculation_status"]], "get_calculation_status() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_calculation_status"]], "get_history() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_history"]], "get_info() (in module tcutility.results)": [[10, "tcutility.results.get_info"]], "get_info() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_info"]], "get_input() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_input"]], "get_input_blocks() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_input_blocks"]], "get_level_of_theory() (in module tcutility.results.adf)": [[10, "tcutility.results.adf.get_level_of_theory"]], "get_level_of_theory() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_level_of_theory"]], "get_molecules() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_molecules"]], "get_molecules() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_molecules"]], "get_multi_key() (result method)": [[10, "tcutility.results.result.Result.get_multi_key"]], "get_parent_tree() (result method)": [[10, "tcutility.results.result.Result.get_parent_tree"]], "get_properties() (in module tcutility.results.adf)": [[10, "tcutility.results.adf.get_properties"]], "get_properties() (in module tcutility.results.dftb)": [[10, "tcutility.results.dftb.get_properties"]], "get_properties() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_properties"]], "get_timing() (in module tcutility.results.ams)": [[10, "tcutility.results.ams.get_timing"]], "get_version() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_version"]], "get_vibrations() (in module tcutility.results.orca)": [[10, "tcutility.results.orca.get_vibrations"]], "items() (result method)": [[10, "tcutility.results.result.Result.items"]], "keys() (result method)": [[10, "tcutility.results.result.Result.keys"]], "prune() (result method)": [[10, "tcutility.results.result.Result.prune"]], "read() (trackkfreader method)": [[10, "tcutility.results.cache.TrackKFReader.read"]], "read() (in module tcutility.results)": [[10, "tcutility.results.read"]], "store() (in module tcutility.results.cache)": [[10, "tcutility.results.cache.store"]], "tcutility.results": [[10, "module-tcutility.results"]], "tcutility.results.adf": [[10, "module-tcutility.results.adf"]], "tcutility.results.ams": [[10, "module-tcutility.results.ams"]], "tcutility.results.cache": [[10, "module-tcutility.results.cache"]], "tcutility.results.dftb": [[10, "module-tcutility.results.dftb"]], "tcutility.results.orca": [[10, "module-tcutility.results.orca"]], "tcutility.results.result": [[10, "module-tcutility.results.result"]], "unload() (in module tcutility.results.cache)": [[10, "tcutility.results.cache.unload"]], "tcutility.typing": [[11, "module-tcutility.typing"]], "tcutility.typing.arrays": [[11, "module-tcutility.typing.arrays"]]}}) \ No newline at end of file diff --git a/docs/_build/html/tcutility.constants.html b/docs/_build/html/tcutility.constants.html new file mode 100644 index 00000000..0f709826 --- /dev/null +++ b/docs/_build/html/tcutility.constants.html @@ -0,0 +1,373 @@ + + + + + + + + + + + tcutility.constants package — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    +
    + +
    + +
    + + + + +
    + +
    + + +
    +
    + + + + + +
    + +
    +

    tcutility.constants package#

    +

    A small package containing some helpful constants used internally.

    +
    + + +
    + + + + + + + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/tcutility.job.html b/docs/_build/html/tcutility.job.html new file mode 100644 index 00000000..461033e5 --- /dev/null +++ b/docs/_build/html/tcutility.job.html @@ -0,0 +1,564 @@ + + + + + + + + + + + Setup workflows with tcutility.job — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + + + +
    + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    +
    + +
    + +
    + + + + +
    + +
    + + +
    +
    + + + + + +
    + +
    +

    Setup workflows with tcutility.job#

    +
    +

    Overview#

    +

    This module offers you the tools to efficiently and easily build computational workflows with various engines. +The module defines usefull classes that do all the heavy lifting (input and runscript preparation) in the background, while ensuring correctness of the generated inputs

    +
    +

    Job classes#

    +

    Jobs are run using subclasses of the Job class. The base Job class handles setting up directories and running the calculations.

    +

    The Job subclasses are also context-managers, which results in cleaner and more error-proof code:

    +
     1from tcutility.job import ADFJob
    + 2
    + 3# job classes are also context-managers
    + 4# when exiting the context-manager the job will automatically be run
    + 5# this ensures you won't forget to start the job
    + 6with ADFJob() as job:
    + 7    job.molecule('example.xyz')
    + 8
    + 9# you can also not use the context-manager
    +10# in that case, don't forget to run the job
    +11job = ADFJob()
    +12job.molecule('example.xyz')
    +13job.run()
    +
    +
    +

    You can control where a calculation is run by changing the job.name and job.rundir properties.

    +
    1from tcutility.job import ADFJob
    +2
    +3with ADFJob() as job:
    +4    job.molecule('example.xyz')
    +5    job.rundir = './calc_dir/molecule_1'
    +6    job.name = 'ADF_calculation'
    +7
    +8print(job.workdir)
    +
    +
    +

    This script will run a single point calculation using ADF in the working directory ./calc_dir/molecule_1/ADF_calculation. You can access the full path to the working directory using the job.workdir property.

    +
    +
    +

    Slurm support#

    +

    One usefull feature is that the Job class detects if slurm is able to be used on the platform the script is running on. If slurm is available, jobs will be submitted using sbatch instead of ran locally. It is possible to set any sbatch option you would like.

    +
    1from tcutility.job import ADFJob
    +2
    +3with ADFJob() as job:
    +4    job.molecule('example.xyz')
    +5    # we can set any sbatch settings using the job.sbatch() method
    +6    # in this case, we set the partition to 'tc' and the number of cores to 32
    +7    job.sbatch(p='tc', n=32)
    +
    +
    +
    +
    +

    Job dependencies#

    +

    It is possible to setup dependencies between jobs. This allows you to use the results of one calculation as input for a different calculation.

    +
     1from tcutility.job import ADFJob, CRESTJob
    + 2
    + 3# submit and run a CREST calculation
    + 4with CRESTJob() as crest_job:
    + 5    crest_job.molecule('input.xyz')
    + 6    crest_job.sbatch(p='tc', n=32)
    + 7
    + 8    crest_job.rundir = './calculations/molecule_1'
    + 9    crest_job.name = 'CREST'
    +10
    +11# get the 10 lowest conformers using the crest_job.get_conformer_xyz() method
    +12for i, conformer_xyz in enumerate(crest_job.get_conformer_xyz(10)):
    +13    # set up the ADF calculation
    +14    with ADFJob() as opt_job:
    +15        # make the ADFJob depend on the CRESTJob
    +16        # slurm will wait for the CRESTJob to finish before starting the ADFJob
    +17        opt_job.dependency(crest_job)
    +18        # you can set a file to an xyz-file
    +19        # that does not exist yet as the molecule
    +20        opt_job.molecule(conformer_xyz)
    +21        opt_job.sbatch(p='tc', n=16)
    +22
    +23        opt_job.functional('OLYP-D3(BJ)')
    +24        opt_job.basis_set('TZ2P')
    +25        opt_job.quality('Good')
    +26        opt_job.optimization()
    +27
    +28        opt_job.rundir = './calculations/molecule_1'
    +29        opt_job.name = f'conformer_{i}'
    +
    +
    +

    This script will first setup and submit a CRESTJob calculation to generate conformers for the structure in input.xyz. It will then submit geometry optimizations for the 10 lowest conformers using ADFJob at the OLYP-D3(BJ)/TZ2P level of theory. Slurm will first wait for the CRESTJob calculation to finish before starting the ADFJob calculations.

    +
    +
    +

    Supported engines#

    +

    We currently support the following engines and job classes:

    + +

    See the API Documentation for an overview of the Job classes offered by tcutility.job module.

    +
    +

    Note

    +

    If you want support for new engines/classes, please open an issue on our GitHub page, or let one of the developers know!

    +
    +
    +
    +
    +

    Requirements#

    +

    To run calculations related to the Amsterdam Modelling Suite (AMS) you will require a license.

    +

    For ORCA calculations you will need to add the ORCA executable to your PATH.

    +
    +
    +

    Examples#

    +

    A few typical use-cases are given below. Click here for a full overview of all examples.

    +

    It is quite easy to set up calculations using the tcutility.job package. +For example, if we want to run a simple geometry optimization using ADF we can use the ADFJob class.

    +

    In this case we are optimizing the water dimer at the BP86-D3(BJ)/TZ2P level. +To handle the ADF settings you can refer to the GUI. For example, to use a specific functional simply enter the name of the functional as it appears in the ADF GUI. The same applies to pretty much all settings. The ADFJob class will handle everything in the background for you.

    +

    The job will be run in the ./calculations/GO_water_dimer directory. The tcutility.job package will handle running of the calculation as well. It will detect if your platform supports slurm. If it does, it will use sbatch to run your calculations. Otherwise, it will simply run the calculation locally.

    +
    +
     1from tcutility.job import ADFJob
    + 2
    + 3# define a new job using the Job context-manager
    + 4with ADFJob() as job:
    + 5	# add the molecule
    + 6	job.molecule('water_dimer.xyz')
    + 7
    + 8	# set the rundir and name of the job, they will 
    + 9	# determine where the job will run
    +10	job.rundir = 'calculations'
    +11	job.name = 'GO_water_dimer'
    +12	
    +13	# set the ADF settings
    +14	job.functional('BP86-D3(BJ)')
    +15	job.basis_set('TZ2P')
    +16	job.quality('Good')
    +17
    +18	# set the job task
    +19	job.optimization()
    +
    +
    +
    +

    Another common usage of ADF is running a fragment calculation. This calculation requires setting up three different ADF jobs. Using the tcutility.job package allows you to set up these kinds of jobs in as little as 8 lines of code.

    +

    In this case we make use of a special xyz file format (see tcutility.molecule.guess_fragments()) which specifies the fragments. This saves us some work in setting up the calculations.

    +
    +
     1from tcutility.job import ADFFragmentJob
    + 2from tcutility import molecule
    + 3
    + 4# load a molecule
    + 5mol = molecule.load('NH3BH3.xyz')
    + 6
    + 7# define a new job using the Job context-manager
    + 8with ADFFragmentJob() as job:
    + 9	# add the molecule
    +10	job.molecule(mol)
    +11	# add the fragments. The fragment atoms are defined in the input xyz file
    +12	for fragment_name, fragment in molecule.guess_fragments(mol).items():
    +13		job.add_fragment(fragment, fragment_name)
    +
    +
    +
    +
    +
    + + +
    + + + + + +
    + +
    +
    +
    + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + +
    + + +
    + + \ No newline at end of file diff --git a/docs/_build/html/tcutility.results.html b/docs/_build/html/tcutility.results.html new file mode 100644 index 00000000..5df2a3ac --- /dev/null +++ b/docs/_build/html/tcutility.results.html @@ -0,0 +1,394 @@ + + + + + + + + + + + Reading a calculation — TCutility v0.7.2 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    + + + + + + + + + + +
    +
    +
    +
    +
    + + + + +
    +
    + + + +
    + + + + + + + + + + + + + +
    + +
    + + +
    +
    + +
    +
    + +
    + +
    + + + + +
    + +
    + + +
    +
    + + + + + +
    + +
    +

    Reading a calculation#

    +

    The tcutility.results package enables you to easily retrieve information and results from a calculation done using AMS. +This includes results and settings from AMS as well as the calculation engine used (e.g. ADF, BAND, DFTB, …). +Recommended usage is to use the tcutility.results.read() function to read the information. +One can also access specific information by calling one the functions in the submodules below. +Information will be given as tcutility.results.result.Result objects and can be used just like a dict.

    +
    >>> import TCutility.results
    +>>> calc_dir = '../test/fixtures/ethanol'
    +>>> info = TCutility.results.read(calc_dir)
    +>>> info.engine
    +adf
    +>>> info.ams_version.full
    +2022.103 r104886 (2022-06-17)
    +>>> info.adf.symmetry
    +{'group': 'C(S)', 'labels': ['AA', 'AAA']}
    +>>> info.properties.energy.orbint
    +{'AA': -2738.644830445246,
    +'AAA': -1056.9706925183411,
    +'total': -3795.615522963587}
    +>>> info.properties.vibrations.number_of_imag_modes
    +0
    +
    +
    +
    + + +
    + + + + + + + +
    + + + +
    + + +
    +
    + +
    + +
    +
    +
    + + + + + + + + \ No newline at end of file diff --git a/docs/api/modules.rst b/docs/api/modules.rst new file mode 100644 index 00000000..8708b821 --- /dev/null +++ b/docs/api/modules.rst @@ -0,0 +1,7 @@ +tcutility +========= + +.. toctree:: + :maxdepth: 4 + + tcutility diff --git a/docs/api/tcutility.job.rst b/docs/api/tcutility.job.rst new file mode 100644 index 00000000..4bcb6dba --- /dev/null +++ b/docs/api/tcutility.job.rst @@ -0,0 +1,69 @@ +tcutility.job package +===================== + +Submodules +---------- + +tcutility.job.adf module +------------------------ + +.. automodule:: tcutility.job.adf + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.ams module +------------------------ + +.. automodule:: tcutility.job.ams + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.crest module +-------------------------- + +.. automodule:: tcutility.job.crest + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.dftb module +------------------------- + +.. automodule:: tcutility.job.dftb + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.generic module +---------------------------- + +.. automodule:: tcutility.job.generic + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.nmr module +------------------------ + +.. automodule:: tcutility.job.nmr + :members: + :undoc-members: + :show-inheritance: + +tcutility.job.orca module +------------------------- + +.. automodule:: tcutility.job.orca + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: tcutility.job + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/api/tcutility.rst b/docs/api/tcutility.rst index 263b1886..87a19c36 100644 --- a/docs/api/tcutility.rst +++ b/docs/api/tcutility.rst @@ -8,17 +8,17 @@ Subpackages :maxdepth: 4 tcutility.analysis - tcutility.atom_data_info + tcutility.job tcutility.results tcutility.typing Submodules ---------- -tcutility.atom\_data module ---------------------------- +tcutility.cache module +---------------------- -.. automodule:: tcutility.atom_data +.. automodule:: tcutility.cache :members: :undoc-members: :show-inheritance: