diff --git a/docs/.buildinfo b/docs/.buildinfo new file mode 100644 index 0000000..c823e82 --- /dev/null +++ b/docs/.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: 33da0a7c7b169e6713563d9e953a03e8 +tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/Makefile b/docs/Makefile index d0c3cbf..582e706 100644 --- a/docs/Makefile +++ b/docs/Makefile @@ -6,7 +6,7 @@ SPHINXOPTS ?= SPHINXBUILD ?= sphinx-build SOURCEDIR = source -BUILDDIR = build +BUILDDIR = . #build # Put it first so that "make" without argument is like "make help". help: diff --git a/docs/_images/New_bached_Algo_row3.png b/docs/_images/New_bached_Algo_row3.png new file mode 100644 index 0000000..2ad2957 Binary files /dev/null and b/docs/_images/New_bached_Algo_row3.png differ diff --git a/docs/_images/benchmark_GPU.png b/docs/_images/benchmark_GPU.png new file mode 100644 index 0000000..36397aa Binary files /dev/null and b/docs/_images/benchmark_GPU.png differ diff --git a/docs/_images/benchmark_strongweak.png b/docs/_images/benchmark_strongweak.png new file mode 100644 index 0000000..3c4a35b Binary files /dev/null and b/docs/_images/benchmark_strongweak.png differ diff --git a/docs/_images/pyDNMFk_RD500.png b/docs/_images/pyDNMFk_RD500.png new file mode 100644 index 0000000..478a881 Binary files /dev/null and b/docs/_images/pyDNMFk_RD500.png differ diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 23daacb..c9d0b5f 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -1,155 +1,237 @@ - - - + + + + + + + + Overview: module code — pyDNMFk 0.0.1 documentation - - Overview: module code — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + +
+ + + + + -
+
- - - -
-
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Overview: module code
  • - - -
  • - -
  • - -
+ +
+ +
-
- - -
-
+ + -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+ -
-
- - -
+
+ + - - - + + + - - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/comm_utils.html b/docs/_modules/pyDNMFk/comm_utils.html new file mode 100644 index 0000000..814ab68 --- /dev/null +++ b/docs/_modules/pyDNMFk/comm_utils.html @@ -0,0 +1,536 @@ + + + + + + + + + + + pyDNMFk.comm_utils — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.comm_utils

+# @author: Ismael Boureima
+import argparse
+import os, sys,time
+from .toolz import log, amber, blue, green, purple, red
+import cupy as cp
+try:
+    from cupy.cuda import nccl
+    NCCL_backend = 1
+except:
+    NCCL_backend = 0
+
+try:
+    import asyncio
+    import ucp
+    UCX_backend = 1
+except:
+    UCXL_backend = 0
+
+import numpy as np
+from pyDNMFk.communicators import NCCLComm
+from mpi4py import MPI
+from pyDNMFk.get_reduce_comm_tree import getReduceCommTree
+
+
+
[docs]class GetTopology(): + r""" + Constructor for the GetTopology class. + + This class is used for identifying the system topology in the context of MPI. + It determines the global and local ranks, identifies the host system, and + determines GPU availability and assignments. + + Args: + - comm (MPI Comm): The MPI communicator. Defaults to MPI.COMM_WORLD. + - gmasterRank (int): Rank of the global master. Defaults to 0. + """ + def __init__(self, comm=None, gmasterRank=0): + if comm is None: comm = MPI.COMM_WORLD + rank = comm.Get_rank() + size = comm.Get_size() + myHost = os.uname()[1] + GMASTER = (rank==gmasterRank) + nGPUs_local = cp.cuda.runtime.getDeviceCount() + self.comm, self.rank, self.size, self.myHost, self.GMASTER, self.nGPU_local = comm, rank, size, myHost, GMASTER, nGPUs_local + + if GMASTER: + hosts, local_size, members = [myHost], {myHost:1}, {myHost:[gmasterRank]} + for r in range(size): + if r != gmasterRank: + rh = comm.recv(source=r, tag=10*r) + if rh not in hosts: + hosts.append(rh) + local_size[rh]=0 + members[rh] = [] + local_size[rh] += 1 + if r not in members[rh]: members[rh].append(r) + else: + hosts, local_size = None, None + comm.send(myHost, dest=gmasterRank, tag=10*rank) + comm.barrier() + + if GMASTER: + #if rank == 0: print("[+] OK020") + global_uID = None + if NCCL_backend: + #if rank == 0: print("[+] OK021") + try: + global_uID = nccl.get_unique_id() + #if rank == 0: print("[+] OK022") + except: + if rank == 0: print("[!] UNABLE to get NCCL GLOBAL_UID") + nHosts = len(hosts) + stride = int(size/nHosts) + MPI_TOPO = {'GMASTER':rank, 'hosts':hosts, 'nHosts':nHosts, 'stride':stride, 'nccl_GUID':global_uID, 'local_size':local_size, 'members':members} + MPI_TOPO['LMASTER'] = {} + #if rank == 0: print("[+] OK023") + for host in hosts: + idx = hosts.index(host) + MPI_TOPO['LMASTER'][host]=idx + else: + MPI_TOPO = None + comm.barrier() + + MPI_TOPO = comm.bcast(MPI_TOPO, root=0) + #if rank == 0: print("[+] OK04") + nHosts = MPI_TOPO['nHosts'] + stride = MPI_TOPO['stride'] + hosts = MPI_TOPO['hosts'] + local_size = MPI_TOPO['local_size'] + idx = hosts.index(myHost) + lrank = rank // nHosts + myMaster = MPI_TOPO['LMASTER'][myHost] + LMASTER = (lrank==0) + self.topology, self.nHost, self.hosts, self.host_idx, self.mpi_stride = MPI_TOPO, nHosts, hosts, idx, stride + self.local_size, self.lrank, self.myMaster, self.LMASTER = local_size, lrank, myMaster, LMASTER + + if GMASTER: + gIDs = {myHost:np.arange(nGPUs_local, dtype=np.int32)} + nGPUs = nGPUs_local + lastID = gIDs[myHost][-1] + for r in list(MPI_TOPO['LMASTER'].keys()): + if MPI_TOPO['LMASTER'][r] != rank: + ng = comm.recv(source=MPI_TOPO['LMASTER'][r], tag=100*MPI_TOPO['LMASTER'][r]) + nGPUs += ng + gIDs[r] = np.arange(ng, dtype=np.int32)+lastID+1 + lastID = gIDs[r][-1] + nGPUs = min(nGPUs, size) + gIDs['nGPUs'] = min(nGPUs, size) + elif ( LMASTER and (not GMASTER) ): + gIDs = None + ng = None + comm.send(nGPUs_local, dest=MPI_TOPO['GMASTER'], tag=100*rank) + else: + ng = None + gIDs = None + comm.barrier() + #if rank == 0: print("[+] OK06") + gIDs = comm.bcast(gIDs, root=MPI_TOPO['GMASTER']) + #if rank == 0: print("[+] OK07") + nGPUs = gIDs['nGPUs'] + del gIDs['nGPUs'] + MPI_TOPO['gIDs'] = gIDs + MPI_TOPO['nGPUs'] = nGPUs + if lrank < nGPUs_local: + self.gID = MPI_TOPO['gIDs'][myHost][lrank] + +
[docs] def showTopology(self): + """ + Method to display the detected topology for debugging purposes. + """ + if self.GMASTER: + role = f"<{red('GMASTER')}>" + elif self.LMASTER and (not self.GMASTER): + role = f"<{blue('LMASTER')}>" + else: + role = f"<{amber('WORKER')}>" + log(msg = f"{role} on host {self.myHost}", rank=self.rank, lrank=self.lrank) + self.comm.barrier()
+ +
[docs] def getReduceCommTree(self, VRBZ=False): + """ + Retrieve a communication tree for efficient reduce operations. + + Args: + - VRBZ (bool): Verbosity level for debug outputs. Defaults to False. + """ + x = np.arange(self.topology['nGPUs']) + self.reduceCommTree = getReduceCommTree(x=x, VRBZ=VRBZ)
+ + + + +
[docs]class superCommunicator(): + r""" + Constructor for the superCommunicator class. + + This class acts as a wrapper around the MPI and NCCL communication protocols, + enabling simplified and efficient communication setup based on the detected + system topology. + + Args: + - comm (MPI Comm): The MPI communicator. + - gmasterRank (int): Rank of the global master. Defaults to 0. + """ + def __init__(self, comm, gmasterRank=0): + self.globalComm = comm + self.topology = GetTopology(comm=comm, gmasterRank=gmasterRank) + self.comm = {'GLOBAL':comm} + self.comms = ['GLOBAL'] + self.rank = self.topology.rank + self.GMASTER = self.topology.GMASTER + self.LMASTER = self.topology.LMASTER + self.myMaster = self.topology.myMaster + self.inContext = {'GLOBAL':True} + self.contexts = list(self.inContext.keys()) + +
[docs] def createComm(self, root, members,name, backEnd='NCCL'): + """ + Create a new communication context based on the provided parameters. + + Args: + - root (int): Root rank for this communicator. + - members (list): List of member ranks included in this communicator. + - name (str): Name for this communicator. + - backEnd (str): Communication backend (e.g., 'NCCL'). Defaults to 'NCCL'. + """ + if name in self.comms: + if self.GMASTER: + log(msg = f"[{red('!')} ]Communcator {name} existAlready", rank=self.rank, lrank=self.lrank) + return + self.comm[name] = NCCL_COMM(comm=self.globalComm, root=root, members=members, name=name) + if self.rank in members: + self.inContext[name]=True + else: + self.inContext[name]=False + self.contexts = list(self.inContext.keys())
+ + +
[docs]class NCCL_COMM(): + r""" + Constructor for the NCCL_COMM class. + + This class encapsulates NCCL-specific communication functions, enabling + efficient GPU-to-GPU communications. + + Args: + - comm (MPI Comm): The MPI communicator. + - root (int): Root rank for this communicator. + - members (list): List of member ranks included in this communicator. + - name (str): Name for this communicator. + """ + def __init__(self, comm, root, members, name): + if comm.rank in members: + self.rank = comm.rank + self.lrank = members.index(comm.rank) + self.size = len(members) + self.ROOT = root + uID = None + self.MASTER = (comm.rank==root) + if self.MASTER: + uID = nccl.get_unique_id() + print(f"[+] <LMASTER>[{comm.rank}]: uID = {uID[:8]}") + for m in members: + if m != root: comm.send(uID, dest=m, tag=1000*m) + else: + uID = comm.recv(source=root, tag=1000*self.rank) + print(f"[+] <WORKER>[{comm.rank}]: uID = {uID[:8]}") + #comm.barrier() + if uID is not None: + print(f" -> Building NCCL comm [{len(members)}, uID:{uID[:8]}, lrank:{self.lrank}]") + comm.barrier() + ncclcomm = nccl.NcclCommunicator.initAll(members) + if self.MASTER: log(msg = f"[{green('+')}] NCCL comm {name} built OK", rank=self.rank, lrank=self.lrank) + else: + ncclcomm = None + self.comm = ncclcomm
+
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/communicators.html b/docs/_modules/pyDNMFk/communicators.html new file mode 100644 index 0000000..3478d51 --- /dev/null +++ b/docs/_modules/pyDNMFk/communicators.html @@ -0,0 +1,494 @@ + + + + + + + + + + + pyDNMFk.communicators — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.communicators

+# @author: Ismael Boureima
+import sys
+from mpi4py import MPI
+
+# Attempt to import the cupy library for GPU array operations.
+try:
+    import cupy as cp
+except ImportError:
+    print("Unable to import Cupy.", file=sys.stderr)
+    cp = None
+
+# Attempt to import NCCL for GPU-to-GPU communication support from cupy.
+try:
+    from cupy.cuda import nccl
+except ImportError:
+    import sys
+    print("NCCL is not supported.", file=sys.stderr)
+    nccl = None
+
+
+
[docs]def get_NCCL_unique_id(): + """ + Fetch a unique ID for NCCL group communication. + + Returns: + - Unique ID if NCCL is available, otherwise None. + """ + if nccl is not None: return nccl.get_unique_id()
+ + + +
[docs]class MPIComm(): + """ + Class to handle basic MPI communication. + + This class acts as a simple wrapper around basic MPI communication + functions for simplification and clarity. + """ + def __init__(self): + self.comm = MPI.COMM_WORLD + self.size = self.comm.Get_size() + self.rank = self.comm.Get_rank() + +
[docs] def Allreduce(self, send_arr, op=MPI.SUM, stream=None): + """ + Perform an all-reduce operation across all MPI processes. + + Args: + send_arr (array-like): Data to be reduced. + op (MPI.Op): The reduction operation to be applied. Default is MPI.SUM. + stream: CUDA stream for async operations (currently unused). + + Returns: + array-like: The reduced array. + """ + + return self.comm.allreduce(send_arr)
+ +
[docs] def Reduce(self, send_arr, op=MPI.SUM, root=0, stream=None): + """ + Perform a reduce operation over MPI processes. + + Args: + send_arr (array-like): Data to be reduced. + op (MPI.Op): The reduction operation to be applied. Default is MPI.SUM. + root (int): Rank of the root process. Default is 0. + stream: CUDA stream for async operations (currently unused). + """ + self.comm.reduce(send_arr, op, root=root)
+ +
[docs] def Bcast(self, arr, root=0, stream=None): + """ + Broadcast data to all MPI processes. + + Args: + arr (array-like): Data to be broadcasted. + root (int): Rank of the root process initiating the broadcast. Default is 0. + stream: CUDA stream for async operations (currently unused). + """ + self.comm.bcast(arr, root=root)
+ + + + +
[docs]class NCCLComm(nccl.NcclCommunicator): + """ + Class to handle NCCL GPU communication. + + This class acts as a wrapper around NCCL's communication functions + optimized for GPU-to-GPU communications. + """ + def __init__(self, ndev, commId, rank): + """ + Args: + ndev (int): Number of devices (GPUs) involved in the communication. + commId (ncclUniqueId): A unique NCCL ID for group communication. + rank (int): Rank of the current process within the group. + """ + super(NCCLComm, self).__init__(ndev, commId, rank) + self.comm = nccl.NcclCommunicator + self.size = ndev + self.rank = rank + self.commId = commId + + +
[docs] def get_unique_id(self): + """ + Returns: + ncclUniqueId: The unique NCCL ID for this communicator. + """ + return self.commId
+ +
[docs] def get_NCCL_count_dtype(self, arr): + """ + Determine the data count and data type for NCCL communication based on array dtype. + """ + if arr.dtype == cp.complex64: + return arr.size*2, nccl.NCCL_FLOAT32 + elif arr.dtype == cp.complex128: + return arr.size*2, nccl.NCCL_FLOAT64 + elif arr.dtype == cp.float32: + return arr.size, nccl.NCCL_FLOAT32 + elif arr.dtype == cp.float64: + return arr.size, nccl.NCCL_FLOAT64 + else: + raise ValueError("This dtype is not supported by NCCL.")
+ +
[docs] def Allreduce(self, send_arr, recv_arr, op=nccl.NCCL_SUM, stream=None): + """ + Perform an all-reduce operation across all GPU processes using NCCL. + """ + sendbuf = send_arr.__cuda_array_interface__['data'][0] + recvbuf = recv_arr.__cuda_array_interface__['data'][0] + count, datatype = self.get_NCCL_count_dtype(send_arr) + if stream is None: + stream = cp.cuda.Stream.null.ptr + else: + stream = stream.ptr + super(NCCLComm, self).allReduce(sendbuf, recvbuf, count, datatype, op, stream)
+ +
[docs] def Reduce(self, send_arr, recv_arr, op=nccl.NCCL_SUM, root=0, stream=None): + """ + Perform a reduce operation across all GPU processes using NCCL. + """ + sendbuf = send_arr.__cuda_array_interface__['data'][0] + recvbuf = recv_arr.__cuda_array_interface__['data'][0] + count, datatype = self.get_NCCL_count_dtype(send_arr) + if stream is None: + stream = cp.cuda.Stream.null.ptr + else: + stream = stream.ptr + super(NCCLComm, self).reduce(sendbuf, recvbuf, count, datatype, op, root, stream)
+ +
[docs] def Bcast(self, arr, root=0, stream=None): + """ + Perform broadcast operation from root to all GPU processes using NCCL. + """ + buff = arr.__cuda_array_interface__['data'][0] + count, datatype = self.get_NCCL_count_dtype(arr) + if stream is None: + stream = cp.cuda.Stream.null.ptr + else: + stream = stream.ptr + super(NCCLComm, self).bcast(buff, count, datatype, root, stream)
+ + + + + +
[docs]class SUPER_COMM(): + """ + A unified communicator that supports both MPI (for CPUs) and NCCL (for GPUs). + """ + def __init__(self, ndev=None, commId=None, rank=None, backend="MPI"): + """ + Args: + ndev (int, optional): Number of devices (GPUs) involved in the communication. + commId (ncclUniqueId, optional): A unique NCCL ID for group communication. + rank (int, optional): Rank of the current process within the group. + backend (str): Communication backend to use. Can be "MPI" or "NCCL". + """ + self.backend = backend.upper() + if self.backend in ["MPI","CPU","DEFAULT"]: + self.comm = MPI_COMM() + elif self.backend in ["NCCL","GPU","CUDA","BEST","PERFORMANCE"]: + assert ndev is not None, "[!][COMM ERROR] SUPER_COMM NCCL backend requires valid ndev" + assert commId is not None, "[!][COMM ERROR] SUPER_COMM NCCL backend requires valid commID" + assert rank is not None, "[!][COMM ERROR] SUPER_COMM NCCL backend requires valid rank" + self.comm = NCCL_COMM(ndev=ndev, commId=commId, rank=rank) + #self.comm = NCCLComm(ndev=ndev, commId=commId, rank=rank) + else: + raise "[!][COMM ERROR] Backend {} not supported".format(self.backend) + self.size = self.comm.size + self.rank = self.comm.rank
+
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/config.html b/docs/_modules/pyDNMFk/config.html index f109ca6..e1e4ef0 100644 --- a/docs/_modules/pyDNMFk/config.html +++ b/docs/_modules/pyDNMFk/config.html @@ -1,204 +1,305 @@ - - - + + + + + + + + pyDNMFk.config — pyDNMFk 0.0.1 documentation - - pyDNMFk.config — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.config
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.config

 
[docs]def init(arg): - """ Global variables declaration here. The variables declared within this function in this file are shared across other files and functions during import.""" + """ Global variables declaration here. The variables declared within this function in this file are shared across other files and functions during import.""" global time, flag time = {} flag = 0
-
- -
-
+ + -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+ -
-
- - -
+
+ + - - - + + + - - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/cudaNMF.html b/docs/_modules/pyDNMFk/cudaNMF.html new file mode 100644 index 0000000..813c286 --- /dev/null +++ b/docs/_modules/pyDNMFk/cudaNMF.html @@ -0,0 +1,2165 @@ + + + + + + + + + + + pyDNMFk.cudaNMF — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.cudaNMF

+# @author: Ismael Boureima
+# Necessary imports for the module
+import os, time
+import numpy as np
+import numpy
+from queue import Queue
+from .toolz import log, blue, green, red, amber
+
+# Try importing cupy modules for GPU support
+try:
+    import cupy as cp
+    import cupy, cupyx
+except:
+    raise Exception(f"[{red('!!')}] Unable to import Cupy")
+
+# Try importing necessary cupy backend modules
+try:
+    from cupy.cuda import nccl
+except:
+    raise Exception(f"[{red('!!')}] Unable to import NCCL Cupy backend")
+
+# Importing specific functions from cupy to work with
+from cupy import asarray  as _asarray
+from cupy import asnumpy  as _asnumpy
+from cupy import divide   as _divide
+from cupy import matmul   as _matmul
+from cupy import multiply as _multiply
+from cupy import zeros    as _zeros
+
+# Additional imports for the module
+from .communicators import NCCLComm
+from .comm_utils import GetTopology
+from mpi4py import MPI
+from .cupyCuSPARSELib  import spMM as _spMM
+from .cupyCuSPARSELib  import spMat, spRandMat, spMM
+from .cupy_utils       import pin_memory as _pin_mem
+from scipy.sparse import coo_matrix, csc_matrix, csr_matrix, dia_matrix, issparse
+import scipy
+from .utils import data_operations
+
+
+# Defining some constants for the module
+PRECISIONS  = {'float32':np.float32, 'float64':np.float64, 'int16':np.int16, 'int32':np.int32,'int64':np.int64}
+WORKLOADS   = {'nmf':'NMF', 'nmfk':'NMFk', 'bench':'BENCHMARK' }
+NMF_NORMS   = {'fro':'FROBENUS', 'kl':'KL'}
+NMF_METHODS = {'mu':'Multiplicative Update'}
+NMF_INITS   = {'rand':'RANDOM', 'random':'RANDOM', 'nnsvd':'Non-Negative SVD', 'svd':'SVD'}
+
+# Utility function to raise an exception for unsupported operations
+
[docs]def noSupportFor(X): + raise Exception(f"[{red('!!')}] {amber(X)} is not yet supported on GPU")
+ + +# The main class to perform NMF on GPU +
[docs]class cudaNMF(): + + def __init__(self, A_ij,k, params, factors=None, save_factors=False): + r""" + Initialize the cudaNMF class. + + Parameters + ---------- + A_ij : array-like + The matrix to be factorized. + k : int + Rank of the factorization. + params : dict + Configuration parameters for NMF. + factors : array-like, optional + Initial guess for the factors. + save_factors : bool, optional + Whether to save factors or not. + + """ + self.A_ij = A_ij + self.params = params + self.k = k + + self.factors = factors + self.save_factors = save_factors + self.VRBZ = params.verbose + try: + self.comm = params.comm1 + except: + print(f"{149*'#'}") + print("[{}] --[{} comm {}]--".format(red("!"),blue('MPI'), red("NOT FOUND"))) + self.comm = MPI.COMM_WORLD + self.rank = self.comm.rank + if self.rank == 0: + print(f"{149*'#'}") + log("[{}] --[{} comm built {}]--".format(green("+"),blue('MPI'), green("OK"))) + self.rank = self.comm.rank + self.eps = np.finfo(self.A_ij.dtype).eps + self.params.eps = self.eps + self.precision = self.params.precision + self.topo_dim = self.params.topo_dim + self.local_m,self.local_n = self.A_ij.shape + self.p_r, self.p_c = self.params.p_r, self.params.p_c + #[1] Identify distributed system's topology + self.NCCL_COMM_BUILT = False + self.identify_distributed_system_compute_topology() + #[2] Identify Global compute grid parameters + self.data_op = data_operations(self.A_ij, self.params) + self.params = self.data_op.params + self.GPU_GRID_BUILT = False + #[3] Identify A matrix partition method + self.find_optimat_partition_strategy() + #[4] Build GPU communication COMM + self.checkGPUContext() + self.buildSubCommunicators() + METHOD = f"NMF_{self.GPU_PARTITION}_cuda" + #[5] Check format (dense/sparse) of A matrix + self.SPARSE_BUFF_PINNED_MEM_PARAMS_CONFIGURED = False + self.check_A_matrix_format() + if self.A_IS_SPARSE: + METHOD = f"sparse_{METHOD}" + else: + METHOD = f"dense_{METHOD}" + self.NMFMethod = METHOD + #[6] Identifiy arrays that will be cached on GPU + self.A_IS_BATCHED = self.params.A_is_batched + self.A_is_cached,self.W_is_cached,self.H_is_cached = None, None, None + try: + gpu_arrays = params.GPU_arrays + except: + if self.rank == 0: + self.log(msg = f"[!][CACHING] GPU arrays unspecified") + self.log(msg = f"[!][CACHING] Assuming A, W, and H are cached on GPU") + gpu_arrays = [] + self.gpu_arrays = [] + self.automatic_gpu_array_selection = False + for ARR in gpu_arrays: + arr = ARR.lower() + if arr in ['auto', 'optim']: + self.automatic_gpu_array_selection = True + else: + self.gpu_arrays.append(arr) + if self.automatic_gpu_array_selection: + if self.rank == 0: self.log(msg = f"[{red('!')}][{amber('COMING SOON')}] Automatic/Optimal GPU array selection is {red('Not yet supported')}") + #[7] Build GPU MEM grid + self.nBatch = self.params.nBatch + self.batchQeueSize = self.params.batchQeueSize + self.qs = self.batchQeueSize + self.SQ = None + self.MAXSTREAMS = self.params.MAXSTREAMS + if not self.GPU_GRID_BUILT: self.get_gpu_grid_params() + self.BATCHING_AXIS = None + self.COL_BATCHING_AXIS = None + self.ROW_BATCHING_AXIS = None + self.find_optimal_baching_axis() + self.set_batching_params() + if self.A_IS_BATCHED: + self.NMFMethod = "{}_BATCHED".format(self.NMFMethod) + else: + self.cache_A_on_device() + self.X_per_initialized = False + self.show_A_info() + #[8] Prepare events + self.GB = 1024**3 + self.TB = 1024*self.GB + self.dt = {'NMF':0.0, 'W_up':0.0, 'H_up':0.0, + "allRed_XHT":0.0, "allRed_WHHT":0.0, + 'allRed_WTX':0.0, 'allRed_WTWH':0.0, + 'allRed_WTW':0.0, 'allRed_HHT':0.0, + 'H2D_A':0.0, 'H2D_H':0.0, 'H2D_W':0.0, + 'D2H_A':0.0, 'D2H_H':0.0, 'D2H_W':0.0, + 'units':'[ms]'} + self.events = {} + self.events['start'] = cp.cuda.Event() + self.events['end'] = cp.cuda.Event() + self.events['h2d_s'] = cp.cuda.Event() + self.events['h2d_e'] = cp.cuda.Event() + self.events['d2h_s'] = cp.cuda.Event() + self.events['d2h_e'] = cp.cuda.Event() + self.events['reduce_s'] = cp.cuda.Event() + self.events['reduce_e'] = cp.cuda.Event() + self.events['nmf_start'] = cp.cuda.Event() + self.events['nmf_end'] = cp.cuda.Event() + #[9] Build random generation initial state seeds # This is used so that cofactors are initialized + # locally and therefor avoiding broadcat communications + if self.rank==0: + iter_seeds = np.random.randint(100*self.params.end_k, size=2*self.params.end_k) + else: + iter_seeds = None + iter_seeds=self.comm.bcast(iter_seeds, root=0) + self.iter_seeds = iter_seeds + #[10] Configure Pinned Memory management Pool + #self.PINNEDMEMPOOL = cp.cuda.PinnedMemoryPool() + #cp.cuda.set_pinned_memory_allocator(self.PINNEDMEMPOOL.malloc) + if self.A_IS_BATCHED: + self.MEMPOOL = cp.get_default_memory_pool() + self.PINNEDMEMPOOL = cp.cuda.PinnedMemoryPool() + cp.cuda.set_pinned_memory_allocator(self.PINNEDMEMPOOL.malloc) + else: + self.MEMPOOL = cp.get_default_memory_pool() + self.PINNEDMEMPOOL = cp.get_default_pinned_memory_pool() + self.showMemStats() + #[11] Build Qeues of CUDA STREAMS for Async copies management + self.STREAMS = {} + self.stream = [] + self.FREE_STREAM = {} + self.REDUCE_STREAM = cp.cuda.stream.Stream() + self.MAXSTREAMS = min(self.nBatch, self.MAXSTREAMS) + for n in range(self.MAXSTREAMS): + self.stream.append("s%04d" %n) + self.STREAMS[self.stream[-1]] = cp.cuda.stream.Stream() + self.FREE_STREAM[self.stream[-1]] = cp.cuda.Event() + + +
[docs] def log(self,msg): + r""" + Prints a log message. + + Parameters + ---------- + msg : str + The message to be logged. + + """ + log(msg = msg, rank=self.rank, lrank=self.lrank)
+ + +
[docs] def isCupyObject(self,x): + r""" + Checks if the input object is a Cupy object. + + Parameters + ---------- + x : object + The object to be checked. + + Returns + ------- + bool + True if x is a Cupy object, False otherwise. + + """ + return type(x) in [cp._core.core.ndarray]
+ + +
[docs] def getArrayType(self,x): + r""" + Returns the type of the array (CPU/GPU, dense/sparse, etc.). + + Parameters + ---------- + x : array-like + The array whose type needs to be determined. + + Returns + ------- + str + Type of the array (e.g., "CPU_DENSE", "GPU_SPARSE"). + + """ + T = type(x) + if T in [list]: + return "LIST[{}]".format(self.getObjectType(x[0])) + elif T in [np.ndarray]: + return "CPU_DENSE" + elif T in [cp._core.core.ndarray]: + return "GPU_DENSE" + elif T in [scipy.sparse.coo.coo_matrix, scipy.sparse.csr.csr_matrix, scipy.sparse.csc.csc_matrix]: + return "CPU_SPARSE" + elif T in [cupyx.scipy.sparse.coo.coo_matrix, cupyx.scipy.sparse.csr.csr_matrix, cupyx.scipy.sparse.csc.csc_matrix]: + return "GPU_SPARSE" + else: + return "UNKNOWN"
+ + +
[docs] def identify_distributed_system_compute_topology(self): + r""" + Identifies the distributed system's compute topology and sets up the necessary + attributes related to topology. + """ + self.topology = GetTopology(self.comm) + if self.VRBZ : self.show_topology() + if self.rank == 0: + global_uID = nccl.get_unique_id() + else: + global_uID = None + self.global_uID = self.comm.bcast(global_uID, root=0) + self.comm.barrier() + self.myHost = self.topology.myHost + self.lrank = self.topology.lrank + self.nGPU_local = self.topology.nGPU_local + self.nGPUs = self.topology.topology['nGPUs']
+ + +
[docs] def compute_global_dim(self): ##[IDB]: This is needed here + r"""Computes global dimensions m and n from given chunk sizes for any grid configuration""" + if self.p_r != 1 and self.p_c == 1: + self.global_n = self.local_n + self.global_m = self.comm.allreduce(self.local_m) + elif self.p_c != 1 and self.p_r == 1: + self.global_n = self.comm.allreduce(self.local_n) + self.global_m = self.local_m + else: + if self.rank % self.p_c == 0: + self.global_m = self.local_m + else: + self.global_m = 0 + self.global_m = self.comm.allreduce(self.global_m) + if self.rank // self.p_c == 0: + self.global_n = self.local_n + else: + self.global_n = 0 + self.global_n = self.comm.allreduce(self.global_n) + self.comm.barrier()
+ + +
[docs] def checkGPUContext(self): + r""" + Determines if the current instance is operating within a GPU context and sets up + GPU-related attributes. + """ + if self.lrank < self.nGPU_local: + self.IN_GPU_CONTEXT = True + self.lID = self.lrank # Local GPU ID + self.gID = self.topology.gID # Global GPU ID + cp.cuda.Device(self.lrank).use() + #self.device = cp.cuda.Device() + self.cudaDevice = cp.cuda.runtime.getDevice() + if self.VRBZ: self.log(msg=f"I am using <Global Device{self.gID}> | <Local Device{self.cudaDevice}> on {self.myHost}") + else: + self.IN_GPU_CONTEXT = False + self.lID = None + self.gID = None + if self.VRBZ: self.log(msg = f"I am not using CUDA") + self.comm.barrier() + self.nccl_group_size = self.comm.allreduce(int(self.IN_GPU_CONTEXT), op=MPI.SUM) + if self.rank == 0: self.log(msg = f"[+][NCCL] GROUP size = {self.nccl_group_size}")
+ + +
[docs] def check_A_matrix_format(self): + r""" + Checks the format of matrix A, decides if it's sparse or dense, and sets the + necessary attributes related to the matrix's format. + """ + if type(self.A_ij) in [scipy.sparse.coo.coo_matrix, scipy.sparse.csr.csr_matrix, scipy.sparse.csc.csc_matrix]: + if self.params.densify_A: # Dense A and Array format + self.A_ij = self.A_ij.toarray() # Converting to dense for now (Fix Not Efficient) + self.A_in_sparse_format = False + self.A_IS_SPARSE = False + else: # Sparse A and sparse format + self.A_in_sparse_format = True + self.A_IS_SPARSE = True + self.A_nnz = self.A_ij.nnz + self.A_density = self.A_nnz/(self.global_m*self.global_n) + self.MM = _spMM + else: + self.A_in_sparse_format = False + if not self.A_in_sparse_format: + self.A_nnz = np.count_nonzero(self.A_ij) + self.A_nnz = self.comm.allreduce(self.A_nnz) + self.A_density = self.A_nnz/(self.global_m*self.global_n) + if self.A_density > self.params.sparsity_tresh: # Dense A and Array format + #self.NMFMethod = 'dense_{}'.format(self.NMFMethod) + self.A_IS_SPARSE = False + self.MM = _matmul + else: # Dense A and sparse format + self.A_IS_SPARSE = True + if self.params.sparsify_A: + self.A_ij = csr_matrix(self.A_ij) + self.A_in_sparse_format = True + self.MM = _spMM + else: + self.A_IS_SPARSE = False + self.MM = _matmul + self.A_IS_DENSE = not self.A_IS_SPARSE
+ + +
[docs] def show_A_info(self): + r""" + Logs and displays information about matrix A, including dimensions, density, + and other related attributes. + """ + if self.rank == 0: + self.log(f"[{green('+')}] [ {blue('Local')} ] A_ij[{amber(self.local_m)}, {amber(self.local_n)}] ({red(round(np.prod(self.A_ij.shape)*4/(1024**3), 4) )} {red('GB')}) built {green('OK')}") + self.log(f"[{green('+')}] [{blue('Distributed')}] A_ij[{amber(self.global_m)}, {amber(self.global_n)}] ({red( round(self.global_m*self.global_n*4/(1024**3), 4 ) )} {red('GB')}) built {green('OK')}") + self.log(f"[{green('+')}] Density = {self.A_density}") + if self.COL_PARTITION: + self.log(f"[{green('+')}] Nr = nBatch = {self.nBatch} -> Batch Size = m/nBatch = {self.batch_size}") + else: + self.log(f"[{green('+')}] Nc = nBatch = {self.nBatch} -> Batch Size = n/nBatch = {self.batch_size}") + if self.last_chunk > 0 : self.log(f"[{amber('!')}] Uneven split -> Last Batch Size = {self.last_chunk}") + #self.log(f"[{green('+')}] Nc = nGPUs = {self.grid_Nc} -> J = n/Nc = {self.grid_J}") + self.log(f"[{green('+')}] Batch Qeue size = {self.batchQeueSize}") + print(f"{149*'#'}") + self.log(f"[{green('+')}] {blue('WORKLOAD')} : {green(WORKLOADS[self.params.work_load.lower()])}") + self.log(f"[{green('+')}] {blue('NMF METHOD')} : {green(NMF_METHODS[self.params.method.lower()])}") + self.log(f"[{green('+')}] {blue('NMF NORM')} : {green(NMF_NORMS[self.params.norm.lower()])}") + self.log(f"[{green('+')}] {blue('NMF INIT')} : {green(NMF_INITS[self.params.init.lower()])}") + self.log(f"[{green('+')}] {blue('Number of perturbation')} : {green(str(self.params.perturbations))}") + self.log(f"[{green('+')}] {blue('Iterations/Perturbation')} : {green( str(self.params.itr)) }") + self.log(f"[{green('+')}] {blue('Range k')} : {green(str(self.params.start_k))} < k < {amber(str(self.params.end_k))}") + self.log(f"[{green('+')}] {blue('Delta k')} : {green(str(self.params.step))}") + self.log(f"[{green('+')}] {blue('Sill Threshold')} : {green(str(self.params.sill_thr)) }") + self.log(f"[{green('+')}] {blue('Noise')} : {green(str(self.params.noise_var)) }") + self.log(f"[{green('+')}] {blue('GPU Arrays')} : {green(self.gpu_arrays)}") + print(f"{149*'#'}") + print(f"{149*'#'}") + self.sub_comm.barrier()
+ + +
[docs] def show_topology(self): + r""" + Displays information about the system's topology. + """ + self.topology.showTopology() + self.comm.barrier() + log(f"[+] topo_dim = {self.params.topo_dim}", rank=self.rank) + log(f"[+] myHost = {self.topology.myHost}", rank=self.rank) + log(f"[+] lrank = {self.topology.lrank}", rank=self.rank) + log(f"[+] nGPU_local = {self.topology.nGPU_local}", rank=self.rank) + log(f"[+] nGPUs = {self.topology.topology['nGPUs']}", rank=self.rank) + self.comm.barrier()
+ + +
[docs] def buildSubCommunicators(self, rebuildNCCLCOM=False): + r""" + Args: + rebuildNCCLCOM (bool): Flag indicating if NCCL Communicator should be rebuilt. + + Builds sub-communicators for the distributed system. Optionally rebuilds the NCCL communicator. + """ + ... + if self.IN_GPU_CONTEXT: + color = 55 + else: + color = 77 + self.color = color + self.comm.barrier() + self.sub_comm = self.comm.Split(color, self.rank) + self.comm.barrier() + if ((not self.NCCL_COMM_BUILT) or (rebuildNCCLCOM)): self.buildNCCLSubCommunicator()
+ + +
[docs] def buildNCCLSubCommunicator(self): + r""" + Builds the NCCL sub-communicator for GPU context. Sets the related attributes. + """ + if self.IN_GPU_CONTEXT: + if self.rank == 0: + if self.VRBZ: self.log(f"[+] Broadcasting NCCL global_UID") + global_uID = nccl.get_unique_id() + else: + global_uID = None + self.global_uID = self.comm.bcast(global_uID, root=0) + if self.VRBZ: self.log(f"[+] NCCL global_UID received OK") + self.comm.barrier() + self.nccl_comm = NCCLComm(ndev=self.nccl_group_size, commId=self.global_uID, rank=self.rank) + else: + self.nccl_comm = None + self.comm.barrier() + self.NCCL_COMM_BUILT = True + if self.rank == 0: + print(f"{149*'#'}") + self.log(f"[{green('+')}] --[{blue('NCCL')} comm built {green('OK')}]--") + print(f"{149*'#'}") + self.comm.barrier()
+ + +
[docs] def get_gpu_grid_params(self): + r""" + Fetches or calculates GPU grid parameters based on the current setup. + Sets the related attributes. + """ + if self.GPU_GRID_BUILT: return + self.grid_loc_m, self.grid_loc_n = self.local_m, self.local_n + self.grid_glob_m, self.grid_glob_n = self.global_m, self.global_n + if self.params.init.lower() in ['nnsvd','svd','singular']: + if self.COL_PARTITION: # n>m + self.grid_L = int(self.grid_glob_m/self.nGPUs) + self.grid_q = int(self.grid_L/self.batch_size) + else: + self.grid_L = int(self.grid_glob_n/self.nGPUs) + self.grid_q = int(self.grid_L/self.batch_size)
+ + + +
[docs] def cache_A_on_device(self): + r""" + Caches matrix A on the device for faster access during GPU operations. + """ + if not self.GPU_GRID_BUILT: self.get_gpu_grid_params() + if self.IN_GPU_CONTEXT: + self.A_d = [] + for b in range(self.nBatch): + if self.COL_PARTITION: + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + if self.A_IS_SPARSE: + self.A_d.append(spMat( self.A_ij[i0:i1, :], Format='csr')) + else: + self.A_d.append(_asarray(self.A_ij[i0:i1, :], dtype=self.precision)) + else: + j0, j1 = b*self.batch_size, (b+1)*self.batch_size + if self.A_IS_SPARSE: + self.A_d.append(spMat( self.A_ij[:, j0:j1], Format='csr')) + else: + self.A_d.append(_asarray(self.A_ij[:, j0:j1], dtype=self.precision)) + else: + self.A_d = None + self.comm.barrier() + self.A_is_cached = True
+ + +
[docs] def cache_H_on_device(self): # W.I.P + r""" + This method sets the flag indicating that the matrix H is cached on the device. + """ + self.H_is_cached = True
+ + +
[docs] def cache_W_on_device(self): # W.I,P + r""" + This method sets the flag indicating that the matrix W is cached on the device. + """ + self.W_is_cached = True
+ + + +
[docs] def find_optimat_partition_strategy(self): + r""" + This method determines the best GPU partitioning strategy based on the provided parameters. + It supports partitioning in 'row', 'column' or 'auto' modes. + """ + # Attempt to set partition type from parameters; default to 'auto' on failure. + try: + partition_type = self.params.gpu_partition.lower() + except: + partition_type = 'auto' + + # Check the partition type and set the GPU_PARTITION attribute accordingly. + # Multiple alias names are supported for each partitioning strategy. + if partition_type in ['row', 'row1', '1row' ,'row_1d', '1d_row']: + self.GPU_PARTITION = 'row_1d' + # ... (similar checks for other partition types) ... + elif partition_type in ['col', 'col1', '1col' ,'col_1d', '1d_col', 'column', 'column_1d', '1d_column']: + self.GPU_PARTITION = 'col_1d' + # If 'auto' mode, optimize for grid partition. + elif partition_type in ['auto', 'optim', 'optimal']: + # ... (logic to automatically choose the partition type) ... + self.GPU_PARTITION = 'auto' + if self.rank == 0: + log(msg = f"[{amber('!')}][PARTION]: GPU_PARTITION is set to {amber(self.GPU_PARTITION)}", rank=self.rank, lrank=self.lrank) + log(msg = f"[{amber('.')}][PARTION]: Optimizing for grid partion ...", rank=self.rank, lrank=self.lrank) + if self.global_m >= self.global_n: + self.GPU_PARTITION = 'row_1d' + else: + self.GPU_PARTITION = 'col_1d' + if self.rank == 0: log(msg = f"[{green('+')}][PARTION]: GPU_PARTITION is set to {green(self.GPU_PARTITION)}", rank=self.rank, lrank=self.lrank) + else: + raise Exception(f"[!!] GPU grid partition {red(params.gpu_partition)} is not supported. Try {green('auto')}, {green('column')}, {green('row')}") + # Set ROW and COL partition flags based on GPU_PARTITION. + if self.GPU_PARTITION in ['row_1d']: + self.COL_PARTITION = True + else: + self.COL_PARTITION = False + self.ROW_PARTITION = not self.COL_PARTITION
+ + + +
[docs] def find_optimal_baching_axis(self): + try: + self.BATCHING_AXIS = self.params.batching_axis.lower() + except: + self.BATCHING_AXIS = 'auto' + if self.BATCHING_AXIS in ['row', 'row1', '1row' ,'row_1d', '1d_row']: + self.BATCHING_AXIS = 'row_1d' + elif self.BATCHING_AXIS in ['col', 'col1', '1col' ,'col_1d', '1d_col', 'column', 'column_1d', '1d_column']: + self.BATCHING_AXIS = 'col_1d' + elif self.BATCHING_AXIS in ['auto', 'optim', 'optimal']: + self.BATCHING_AXIS = 'auto' + if self.rank == 0: + log(msg = f"[{amber('!')}][BATCHING]: STRATEGY is set to {amber(self.GPU_PARTITION)}", rank=self.rank, lrank=self.lrank) + log(msg = f"[{amber('.')}][BATCHING]: Optimizing for BATCHING STRATEGY...", rank=self.rank, lrank=self.lrank) + if self.grid_loc_m >= self.grid_loc_n: + self.BATCHING_AXIS = 'row_1d' + else: + self.BATCHING_AXIS = 'col_1d' + if self.rank == 0: log(msg = f"[{green('+')}][BATCHING]: STRATEGY is set to {green(self.BATCHING_AXIS)}", rank=self.rank, lrank=self.lrank) + else: + raise Exception(f"[!!] BATCHING STRATEGY {red(params.BATCHING_AXIS)} is not supported. Try {green('auto')}, {green('column')}, {green('row')}") + if self.BATCHING_AXIS in ['row_1d']: + self.ROW_BATCHING_AXIS = True + else: + self.ROW_BATCHING_AXIS = False + self.COL_BATCHING_AXIS = not self.ROW_BATCHING_AXIS
+ + +
[docs] def set_batching_params(self): + if self.ROW_BATCHING_AXIS: # Row-wise batchingn + self.batch_size = self.local_m//self.nBatch + self.last_chunk = self.local_m%self.nBatch + self.grid_I = self.batch_size # min(self.params.IMAX, self.grid_glob_m) + self.params.grid_I = self.grid_I + self.grid_Nr, self.grid_Nc = self.nBatch, 1 # int(self.grid_loc_m/self.grid_I), int(1*self.nGPUs) + self.grid_J = self.local_n # int(self.grid_loc_n/self.grid_Nc) + else: # Column-wise batching + self.batch_size = self.local_n//self.nBatch + self.last_chunk = self.local_n%self.nBatch + self.grid_J = self.batch_size # min(self.params.JMAX, self.grid_loc_n) + self.params.grid_J = self.grid_J + self.grid_Nr, self.grid_Nc = 1,self.nBatch # 1, int(self.grid_loc_n/self.grid_J) + self.grid_I = self.local_m # int(self.grid_loc_m/self.grid_Nr)
+ + +
[docs] def get_managed_stream_queue(self): + """ + Initializes and returns a dictionary for managing stream queues for GPU operations. + """ + SQ={} + SQ['Queue'] = Queue(maxsize = self.qs) + SQ['READY'] = {} + #[1] En-queue working streams and set their states to ready to work + for j in range(self.qs): + i = j+1 + SQ['READY'][i] = cp.cuda.stream.Stream() + SQ['Queue'].put(i) + SQ['REDUCE'] = cp.cuda.stream.Stream() + SQ['COMPLETED'] = [] + return SQ
+ + +
[docs] def configure_sparse_buffers_pinned_mem_params(self): + r""" + Configures the parameters for pinned memory buffers when dealing with sparse matrices. + """ + if self.SPARSE_BUFF_PINNED_MEM_PARAMS_CONFIGURED: return + assert self.BATCHING_AXIS is not None, "[!] PINNED MEM BUFFERS are used only for BATCHING" + assert self.A_IS_SPARSE, "[!] SPARSE PINNED MEM BUFFERS are used only for BATCHING A in SPARSE FORMAT" + self.buff_idx, self.buff_ptr = [], [] + self.sparse_vect_size = {'dat':[],'idx':[],'ptr':[]} + self.sparseData_max_vect_size, self.sparseIdx_max_vect_size, self.sparsePtr_max_vect_size = 0,0,0 + for b in range(self.nBatch): + #if self.ROW_PARTITION: + if self.ROW_BATCHING_AXIS: + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + self.sparse_vect_size['dat'].append(len(self.A_ij[i0:i1, :].data)) + self.sparse_vect_size['idx'].append(len(self.A_ij[i0:i1, :].indices)) + self.sparse_vect_size['ptr'].append(len(self.A_ij[i0:i1, :].indptr)) + self.sparseData_max_vect_size = max(self.sparseData_max_vect_size, len(self.A_ij[i0:i1, :].data)) + self.sparseIdx_max_vect_size = max(self.sparseIdx_max_vect_size, len(self.A_ij[i0:i1, :].indices)) + self.sparsePtr_max_vect_size = max(self.sparsePtr_max_vect_size, len(self.A_ij[i0:i1, :].indptr)) + else: # Col Partition + j0, j1 = b*self.batch_size, (b+1)*self.batch_size + self.sparse_vect_size['dat'].append(len(self.A_ij[:, j0:j1].data)) + self.sparse_vect_size['idx'].append(len(self.A_ij[:, j0:j1].indices)) + self.sparse_vect_size['ptr'].append(len(self.A_ij[:, j0:j1].indptr)) + self.sparseData_max_vect_size = max(self.sparseData_max_vect_size, len(self.A_ij[:, j0:j1].data)) + self.sparseIdx_max_vect_size = max(self.sparseIdx_max_vect_size, len(self.A_ij[:, j0:j1].indices)) + self.sparsePtr_max_vect_size = max(self.sparsePtr_max_vect_size, len(self.A_ij[:, j0:j1].indptr)) + #print("[b%04d] lenData, lenIdx, lenPtr = {},{},{}".format(self.sparseData_max_vect_size, self.sparseIdx_max_vect_size, self.sparsePtr_max_vect_size) %b) + self.SPARSE_BUFF_PINNED_MEM_PARAMS_CONFIGURED = True
+ + + + +
[docs] def allocate_sparse_batch_buffers(self): + r""" + Allocate memory for sparse batch buffers. + + This method configures memory parameters if not already set. Based on the specified + batching axis, it initializes the appropriate buffers to store the data. + """ + # Check if memory parameters for sparse buffers are configured + if not self.SPARSE_BUFF_PINNED_MEM_PARAMS_CONFIGURED: + self.configure_sparse_buffers_pinned_mem_params() + + # Allocate memory based on column batching axis + if self.COL_BATCHING_AXIS: + self.H_d, self.X_d = [], [] + for n in range(self.batchQeueSize): + self.H_d.append(cp.empty((self.k, self.batch_size), dtype=self.A_ij.dtype)) + self.X_d.append(cp.empty(self.sparseData_max_vect_size, dtype=self.A_ij.dtype)) + self.buff_idx.append(cp.empty(self.sparseIdx_max_vect_size, dtype=cp.int32)) + self.buff_ptr.append(cp.empty(self.sparsePtr_max_vect_size, dtype=cp.int32)) + else: # ROW_BATCHING_AXIS + self.W_d, self.X_d = [], [] + for n in range(self.batchQeueSize): + self.W_d.append(cp.empty((self.batch_size, self.k), dtype=self.A_ij.dtype)) + self.X_d.append(cp.empty(self.sparseData_max_vect_size, dtype=self.A_ij.dtype)) + self.buff_idx.append(cp.empty(self.sparseIdx_max_vect_size, dtype=cp.int32)) + self.buff_ptr.append(cp.empty(self.sparsePtr_max_vect_size, dtype=cp.int32))
+ + +
[docs] def allocate_dense_batch_buffers(self): + r""" + Allocate memory for dense batch buffers. + + Based on the specified batching axis, this method initializes the appropriate + buffers to store dense data. + """ + + # Allocate memory based on column batching axis + if self.COL_BATCHING_AXIS: + self.H_d, self.X_d = [], [] + for n in range(self.batchQeueSize): + self.H_d.append(cp.empty((self.k, self.batch_size), dtype=self.A_ij.dtype)) + #self.X_d.append(cp.empty((self.grid_loc_m, self.batch_size), dtype=self.A_ij.dtype)) + self.X_d.append(cp.empty((self.grid_glob_m, self.batch_size), dtype=self.A_ij.dtype)) + else: # ROW_BATCHING_AXIS + self.W_d, self.X_d = [], [] + for n in range(self.batchQeueSize): + self.W_d.append(cp.empty((self.batch_size, self.k), dtype=self.A_ij.dtype)) + #self.X_d.append(cp.empty((self.batch_size, self.grid_loc_n), dtype=self.A_ij.dtype)) + self.X_d.append(cp.empty((self.batch_size, self.grid_glob_n), dtype=self.A_ij.dtype))
+ + +
[docs] def allocate_gpu_batch_buffers(self): + r""" + Allocate memory for batch buffers on GPU. + + Depending on whether the data is sparse or dense, it calls the appropriate + method to initialize the buffers. + """ + # Check if the data is batched + if self.A_IS_BATCHED: + if self.A_IS_SPARSE: + self.allocate_sparse_batch_buffers() + else: + self.allocate_dense_batch_buffers()
+ +
[docs] def showMemStats(self, msg=None): + r""" + Display memory statistics. + + It logs information about used and available memory, including details about + the pinned memory pool. + + Parameters: + msg (str): Optional message to include in the log. + """ + # Only process with rank 0 displays the memory stats + if self.rank == 0: + if msg is not None: log(msg = f"[{amber('!')}][MEM INFO] {msg}", rank=self.rank, lrank=self.lrank) + # Log info based on whether the data is batched or not + if self.A_IS_BATCHED: + if msg is not None: log(msg = f"[{amber('!')}][MEM INFO] {msg}", rank=self.rank, lrank=self.lrank) + log(msg = f"[{amber('!')}][PINNEDMEM]: FREE BLOCKS = { amber(self.PINNEDMEMPOOL.n_free_blocks()) }", rank=self.rank, lrank=self.lrank) + else: + log(msg = f"[{amber('!')}][MEMPOOL]: USED = { amber(self.MEMPOOL.used_bytes()/self.GB)} GB || TOTAL = { red(self.MEMPOOL.total_bytes()/self.GB) } GB", rank=self.rank, lrank=self.lrank) + log(msg = f"[{amber('!')}][PINNEDMEM]: FREE BLOCKS = { amber(self.PINNEDMEMPOOL.n_free_blocks()) }", rank=self.rank, lrank=self.lrank)
+ +
[docs] def sampleA(self, noise_var, method, seed=None): + r""" + Samples matrix A based on a specified method and noise variance. + + Parameters: + - noise_var (float): Variance of the noise. + - method (str): Sampling method, either 'uniform' or 'poisson'. + - seed (int, optional): Random seed for reproducibility. + + Raises: + - Exception if an unsupported sampling method is provided. + """ + self.noise_var = noise_var + self.seed = seed + if self.seed != None: + cp.random.seed(self.seed) + self.sampling_method = method + if self.sampling_method == 'uniform': + self.randM() + elif self.sampling_method == 'poisson': + self.poisson()
+ + +
[docs] def randM(self): + r""" + Perturbs the elements of X by multiplying them with a uniform random number in the range (1-epsilon, 1+epsilon). + """ + + # Check if X_per has been initialized, if not, initialize the arrays + if not self.X_per_initialized: self.X_per, self.X_idx, self.X_ptr = [], [], [] + #self.showMemStats(msg = " RandM() 0") + + # Free up memory blocks in the memory pool + self.MEMPOOL.free_all_blocks() + #self.showMemStats(msg = " RandM() MEMPOOL Freed OK") + + # Get the max available memory in bytes + MAXMEM = self.MEMPOOL.total_bytes()*1.0 + if self.A_IS_BATCHED: #CPU Array + for b in range(self.nBatch): + if self.A_IS_SPARSE: + if self.ROW_BATCHING_AXIS: + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + X = self.A_ij[i0:i1, :] + else: # Col Axis + j0, j1 = b*self.batch_size, (b+1)*self.batch_size + X = self.A_ij[:, j0:j1] + M = np.random.random_sample(X.data.shape).astype(self.A_ij.dtype) + M = 2.0*self.noise_var * M + self.noise_var + 1.0 + X.data *= M + if not self.X_per_initialized: # Initialize sparse array pinned mem buffers + self.X_per.append(_pin_mem(np.append(X.data,np.zeros(self.sparseData_max_vect_size-len(X.data), dtype=X.data.dtype)))) + self.X_idx.append(_pin_mem(np.append(X.indices,np.zeros(self.sparseIdx_max_vect_size-len(X.indices), dtype=X.indices.dtype)))) + self.X_ptr.append(_pin_mem(np.append(X.indptr,np.zeros(self.sparsePtr_max_vect_size-len(X.indptr), dtype=X.indptr.dtype)))) + else: + #print(f"Before : type(X_per) = {self.X_per[b].dtype}") + self.X_per[b] = np.append(X.data,np.zeros(self.sparseData_max_vect_size-len(X.data), dtype=X.data.dtype)).astype(self.A_ij.dtype) + self.X_idx[b] = np.append(X.indices,np.zeros(self.sparseIdx_max_vect_size-len(X.indices), dtype=X.indices.dtype)) + self.X_ptr[b] = np.append(X.indptr,np.zeros(self.sparsePtr_max_vect_size-len(X.indptr), dtype=X.indptr.dtype)) + #print(f"Afterpe : type(X_per) = {self.X_per[b].dtype}") + + else: # A in Dense + if self.ROW_BATCHING_AXIS: + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + M = np.random.random_sample(self.A_ij[i0:i1, :].shape).astype(self.A_ij.dtype) + M = 2.0*self.noise_var * M + self.noise_var + 1.0 + if not self.X_per_initialized: + self.X_per.append(_pin_mem(np.multiply(self.A_ij[i0:i1, :], M))) + else: + self.X_per[b] = np.multiply(self.A_ij[i0:i1, :], M) + else: # Row Axis + j0, j1 = b*self.batch_size, (b+1)*self.batch_size + M = np.random.random_sample(self.A_ij[:, j0:j1].shape).astype(self.A_ij.dtype) + M = 2.0*self.noise_var * M + self.noise_var + 1.0 + if not self.X_per_initialized: + self.X_per.append(_pin_mem(np.multiply(self.A_ij[:, j0:j1], M))) + else: + self.X_per[b] = np.multiply(self.A_ij[:, j0:j1], M) + + else : #GPU Array + for b in range(self.nBatch): + if self.A_IS_SPARSE: + X = self.A_d[b]*1.0 + M = cp.random.random_sample(self.A_d[b].data.shape, dtype=self.A_d[b].dtype) + M = 2.0*self.noise_var * M + self.noise_var + 1.0 + X.data *= M + #self.X_per.append(X) + if not self.X_per_initialized: + self.X_per.append(X) + else: + self.X_per[b] = X + else: # A in Dense + self.showMemStats(msg = " RandM() BEFORE X_per init b%04d" %b) + MAXMEM = max(MAXMEM, self.MEMPOOL.total_bytes()*1.0) + if not self.X_per_initialized: + self.X_per.append(cp.random.random_sample(self.A_d[b].shape, dtype=self.A_d[b].dtype)) + self.showMemStats(msg = " RandM() AFTER X_per init 1 b%04d" %b) + MAXMEM = max(MAXMEM, self.MEMPOOL.total_bytes()*1.0) + else: + self.X_per[b] = cp.random.random_sample(self.A_d[b].shape, dtype=self.A_d[b].dtype) + self.showMemStats(msg = " RandM() AFTER X_per set 1 b%04d" %b) + MAXMEM = max(MAXMEM, self.MEMPOOL.total_bytes()*1.0) + self.X_per[b] = 2.0*self.noise_var + self.X_per[b] += self.noise_var + 1.0 + self.X_per[b] = cp.multiply(self.A_d[b], self.X_per[b]) + self.showMemStats(msg = " RandM() X_per init OK b%04d" %b) + if self.rank == 0: log(msg = f"[{amber('!')}][MEMPOOL]: randM(): MEM Peak = {blue(MAXMEM/self.GB)} GB", rank=self.rank, lrank=self.lrank) + self.MEMPOOL.free_all_blocks() + + if not self.X_per_initialized: self.X_per_initialized = True
+ + +
[docs] def init_factors(self): + r""" + Initializes NMF factor matrices W and H based on the selected initialization method. + """ + # Random initialization + if self.params.init == 'rand': + if self.topo_dim=='2d': + #raise Exception(f"[{red('!!')}] 2D topology is not yet supported on GPU") + noSupport("2D topology") + elif self.topo_dim in ['1d']: + rng_h = np.random.RandomState(self.iter_seeds[self.k]) + rng_d = cp.random.RandomState(self.iter_seeds[self.k]) + if self.ROW_BATCHING_AXIS: + self.H_d = cp.random.rand(self.k, self.grid_glob_n).astype(self.A_ij.dtype) # H [k, J] + self.H_is_cached = True + if self.A_IS_BATCHED: # W is distributed, H is replicate on Hostd + self.W_h = [] + for n in range(self.nBatch): + self.W_h.append(_pin_mem(rng_h.rand(self.batch_size, self.k).astype(self.A_ij.dtype))) + self.W_is_cached = False + else: + self.W_d = rng_d.rand(self.grid_glob_m, self.k).astype(self.A_ij.dtype) # W_h [m, k] + self.W_is_cached = True + else: # COL_BATCHING_AXIS: + self.W_d = cp.random.rand(self.grid_glob_m, self.k).astype(self.A_ij.dtype) # W_d [I, k] + self.W_is_cached = True + if self.A_IS_BATCHED: # H is distributed, W is replicate on Hostd + self.H_h = [] + for n in range(self.nBatch): + self.H_h.append(_pin_mem(rng_h.rand(self.k, self.batch_size).astype(self.A_ij.dtype))) + self.H_is_cached = False + else: + self.H_d = rng_d.rand(self.k, self.grid_glob_n).astype(self.A_ij.dtype) # W_h [m, k] + self.H_is_cached = True + # NNSVD-based initialization + elif self.params.init in ['nnsvd','svd','singular']: + if self.topo_dim == '1d': + self.AA = [] + if self.A_IS_BATCHED: + for i in range(self.nGPUs): + self.AA.append(np.zeros(self.grid_L, self.grid_L)) + else: + for i in range(self.nGPUs): + self.AA.append(_zeros((self.grid_L, self.grid_L))) + self.svdSoFar = [[1,0,0]] + self.W_i, self.H_j = self.nnsvd(flag=1, verbose=0) + elif self.topo_dim == '2d': + raise Exception('NNSVD init only available for 1D topology, please try with 1d topo.') + else: + # Raise an error if an unsupported initialization method is chosen + raise Exception(f"[{red('!!')}] Only Random and nnsvd init is supported on GPU")
+ + + + +
[docs] def normalize_features(self): + r""" + Normalizes the NMF factor matrices W and H. + """ + # If A is batched + if self.A_IS_BATCHED: # W.I.P + if self.COL_PARTITION: # W.I.P + pass + else: + Wall_norm = self.W_d.sum(axis=0, keepdims=True) + if self.params.p_r != 1: self.nccl_comm.Allreduce(Wall_norm, Wall_norm, op=nccl.NCCL_SUM, stream=None) + self.W_d/= Wall_norm+ self.eps + self.H_h *= cp.asnumpy(Wall_norm.T) + + else: # If A is not batched + Wall_norm = self.W_d.sum(axis=0, keepdims=True) + if self.topo_dim == '2d': + raise Exception(f"[{red('!!')}] 2D topology is not yet supported on GPU") + elif self.topo_dim == '1d': + if self.params.p_r != 1: + self.nccl_comm.Allreduce(Wall_norm, Wall_norm, op=nccl.NCCL_SUM, stream=None) + else: + raise Exception(f"[{red('!!')}] Topology {self.topo_dim}is not yet supported") + self.W_d /= Wall_norm+ self.eps + self.H_d *= Wall_norm.T
+ + +
[docs] def relative_err(self): + r""" + Computes the relative reconstruction error of the NMF decomposition. + """ + + # Check topology and raise an error for unsupported topologies + if self.topo_dim == '2d': raise Exception(f"[{red('!!')}] 2D topology is not yet supported on GPU") + err = 0.0 + # Get the max available memory in bytes + MAXMEM = self.MEMPOOL.total_bytes()*1.0 + + # Compute the error for batched CPU arrays + if self.A_IS_BATCHED: #CPU Array + for b in range(self.nBatch): + if self.ROW_BATCHING_AXIS: # ROW AXIS + self.H_h = cp.asnumpy(self.H_d) # Download H + if self.A_IS_SPARSE: + err += np.square( self.X_per[b].toarray() - (self.W_h[b] @ self.H_h) ).sum() + else: + err += np.square( self.X_per[b] - (self.W_h[b] @ self.H_h) ).sum() + else: # COL AXIS + self.W_h = cp.asnumpy(self.W_d) # Downlod W + if self.A_IS_SPARSE: + #err += np.square( self.X_per[b].toarray() - (self.W_h @ self.H_h[b]) ).sum() + err += 0.0 + else: + err += np.square( self.X_per[b] - (self.W_h @ self.H_h[b]) ).sum() + self.glob_norm_A = self.dist_norm(self.A_ij) + else: # Compute the error for GPU arrays + #self.showMemStats(msg = " relative_err() STARTING BATCHES") + MAXMEM = max(MAXMEM, self.MEMPOOL.total_bytes()*1.0) + for b in range(self.nBatch): + if self.ROW_BATCHING_AXIS: # Row Partition + i0, i1 = b*self.grid_I, (b+1)*self.grid_I + if self.A_IS_SPARSE: + err += cp.square( self.A_d[b].toarray() - (_matmul(self.W_d[i0:i1], self.H_d)) ).sum() + else: + + err += cp.square( self.A_d[b] - (_matmul(self.W_d[i0:i1], self.H_d)) ).sum() + MAXMEM = max(MAXMEM, self.MEMPOOL.total_bytes()*1.0) + self.MEMPOOL.free_all_blocks() + + else: # Col Partition + j0, j1 = b*self.grid_J, (b+1)*self.grid_J + if self.A_IS_SPARSE: + err += cp.square( self.A_d[b].toarray() - (_matmul(self.W_d, self.H_d[:, j0:j1])) ).sum() + else: + err += cp.square( self.A_d[b] - (_matmul(self.W_d, self.H_d[:, j0:j1])) ).sum() + err = err.get() + self.glob_norm_A = self.dist_norm(self.A_d) + #self.glob_norm_A = self.dist_norm(self.X_per) + #del err + err= self.sub_comm.allreduce(err) + self.glob_norm_err = np.sqrt(err) + self.recon_err = self.glob_norm_err / self.glob_norm_A + if self.rank == 0: log(msg = f"[{amber('!')}][MEMPOOL]: relative_err(): MEM Peak = {blue(MAXMEM/self.GB)} GB", rank=self.rank, lrank=self.lrank)
+ +
[docs] def dist_norm(self, X, proc=-1, norm='fro', axis=None): + r"""Computes the distributed norm of an array. + + Args: + - X (list/array): The input array or list of arrays. + - proc (int, optional): Processor ID. Default is -1. + - norm (str, optional): Type of matrix norm. Default is 'fro' (Frobenius norm). + - axis (optional): Axis for norm computation. Default is None. + + Returns: + - float: The computed distributed norm. + """ + + # If X is a list, this is a batched computation. + if type(X) in [list]: # BACHED + array_type = self.getArrayType(X[0]) + N = len(X) + err = 0.0 + try: + device, density = array_type.split('_') + except: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + if device in ['CPU']: + if density in ['DENSE']: + for n in range(N): err += np.square(X[n]).sum() + elif density in ['SPARSE']: + for n in range(N): err += np.square(X[n].data).sum() + else: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + elif device in ['GPU']: + if density in ['DENSE']: + for n in range(N): err += cp.square(X[n]).sum() + elif density in ['SPARSE']: + for n in range(N): err += cp.square(X[n].data).sum() + else: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + err = err.get() + + else: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + else: # If X is not a list, this is a non-batched computation. + array_type = self.getArrayType(X) + try: + device, density = array_type.split('_') + except: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + if device in ['CPU']: + if density in ['DENSE']: + err=np.square(X).sum() + elif density in ['SPARSE']: + err=np.square(X.data).sum() + elif device in ['GPU']: + if density in ['DENSE']: + err = cp.square(X).sum() + elif density in ['SPARSE']: + err = cp.square(X.data).sum() + else: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + err = err.get() + else: + raise Exception('[!][dist_norm()] UNABLE TO IDENTIFY ARRAY OBJECT TYPE {}!!'.format(array_type)) + + err = self.sub_comm.allreduce(err) + return np.sqrt(err)
+ + +
[docs] def fit(self, factors=None, save_factors=False, rtrn=['W','H']): + r"""Fits the NMF model based on provided parameters. + + Args: + - factors (list, optional): Initial factor matrices. Default is None. + - save_factors (bool, optional): Flag to decide whether to save factor matrices. Default is False. + - rtrn (list, optional): List of matrix names to return. Default is ['W','H']. + + Returns: + - tuple: Factor matrices and meta information. + """ + if self.params.norm.upper() == 'FRO': + if self.params.method.upper() == 'MU': + self.Fro_MU_update(factors=factors, save_factors=save_factors, rtrn=rtrn) + else: + raise Exception('Not a valid method: Choose (mu)') + elif self.params.norm.upper() == 'KL': + if self.params.method.upper() == 'MU': + self.KL_MU_update(factors=factors, save_factors=save_factors, rtrn=rtrn) + else: + raise Exception('Not a valid method: Choose (mu)') + else: + raise Exception('Not a valid norm: Choose (fro/kl)') + #return self.W_i, self.H_j + metha = {} + metha['dt'] = self.dt + metha['err'] = self.recon_err + if self.A_IS_BATCHED: + if self.ROW_BATCHING_AXIS: + return self.W_h, cp.asnumpy(self.H_d), metha + else: + return cp.asnumpy(self.W_d), self.H_h, metha + #return self.W_h, self.H_h, self.recon_err + else: + return cp.asnumpy(self.W_d), cp.asnumpy(self.H_d), metha #self.recon_err.get()
+ + +
[docs] def Fro_MU_update(self, factors=None, save_factors=False, rtrn=['W','H']): + r"""Performs updates for NMF using the Frobenius norm and MU optimization method. + + Args: + - factors (list, optional): Initial factor matrices. Default is None. + - save_factors (bool, optional): Flag to decide whether to save factor matrices. Default is False. + - rtrn (list, optional): List of matrix names to return. Default is ['W','H']. + + Returns: + - None + """ + # Memory management and initialization steps. + self.showMemStats(msg = " Fro_MU_update() 0") + self.MEMPOOL.free_all_blocks() + #self.showMemStats(msg = " Fro_MU_update() MEMPOOL Freed OK") + self.PINNEDMEMPOOL.free_all_blocks() + # If the matrix is batched, perform the updates using the appropriate method based on partitioning axis. + if self.A_IS_BATCHED: # BATCHED CPU -> GPU + if self.COL_BATCHING_AXIS: + self.FroNMF_1D_row(factors=factors, save_factors=save_factors, rtrn=rtrn) + elif self.ROW_BATCHING_AXIS: + #self.FroNMF_1D_col(factors=factors, save_factors=save_factors, rtrn=rtrn) + self.FroNMF_1D_row_batched(factors=factors, save_factors=save_factors, rtrn=rtrn) + else: + raise Exception(f"[{red('!!')}] Grid Partition UNDEFINED!! ") + else: # LOCAL BATCHING on GPU Mem + if self.COL_BATCHING_AXIS: + self.FroNMF_1D_col_partion(factors=factors, save_factors=save_factors, rtrn=rtrn) + elif self.ROW_BATCHING_AXIS: + self.FroNMF_1D_row_partion(factors=factors, save_factors=save_factors, rtrn=rtrn) + else: + raise Exception(f"[{red('!!')}] Grid Partition UNDEFINED!! ")
+ + +
[docs] def FroNMF_1D_col_partion(self,factors=None, save_factors=False, rtrn=False): #W.I.P + r"""Performs NMF on 1D column partitioned data using the Frobenius norm. + + Args: + - factors (list, optional): Initial factor matrices. Default is None. + - save_factors (bool, optional): Flag to decide whether to save factor matrices. Default is False. + - rtrn (bool, optional): Flag to decide whether to return factor matrices. Default is False. + + Returns: + - None + """ + #[1] Initialize perturbed cofactors + self.init_factors() + #[2] Initialiaze different accumulators + self.events['nmf_start'].record() + self.dt['W_up'], self.dt['H_up'], self.dt['allRed_XHT'], self.dt['allRed_WHHT'] = 0.0, 0.0, 0.0, 0.0 + for i in range(self.params.itr): + #[3] Initialize iteration Accumulators + dt_w, dt_h, dt_reduce1, dt_reduce2 = 0.0, 0.0, 0.0, 0.0 + WT = self.W_d.T # [m, k].T -> WT [k, m] + WTW = _matmul(WT, self.W_d) # [k, m] @ [m, k] -> WTW [k, k] + WHHT = _zeros((self.grid_glob_m, self.k), dtype=self.A_ij.dtype) # WHHT [m, k] # ACCUMULATOR for W@H@H.T + XHT = _zeros((self.grid_glob_m, self.k), dtype=self.A_ij.dtype) # XHT [m, k] # ACCUMULATOR for X@H.T + #[4] Strart local batching + for b in range(self.nBatch): + j0, j1 = b*self.batch_size, (b+1)*self.batch_size + #[5]//////////////////////////// (H update)> //////////////////////////////////////////////////////// + self.events['start'].record() + WTWH = _matmul(WTW, self.H_d[:, j0:j1]) + self.eps # [k, k] @ [k, b] -> WTWH [k, b] + if self.A_IS_SPARSE: + WTX = self.MM(self.X_per[p], self.W_d, transpA=True).T # ([m, b].T @ [m, k]).T -> [b, k].T -> WTX [k, b] + else: + WTX = _matmul(WT, self.X_per[b]) # [k, m] @ [m, b] -> XHT [k, b] + WTX = _multiply(WTX, self.H_d[:, j0:j1]) # [k, b] * [k, b] -> HWTX [k, b] + self.H_d[:, j0:j1] = _divide(WTX, WTWH) # [k, b] / [k, b] -> H [k, b] + self.events['end'].record() + self.events['end'].synchronize() + #del WTWH, WTX + #self.MEMPOOL.free_all_blocks() + dt_h += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + #[6]//////////////////////////// (W update)> //////////////////////////////////////////////////////// + if self.params.W_update: + self.events['start'].record() + HT = self.H_d[:, j0:j1].T # [k, b].T -> HT [b, k] + HHT = _matmul(self.H_d[:, j0:j1], HT) # [k, b] @ [b, k] -> HTH [k, k] + WHHT += _matmul(self.W_d, HHT) # [m, k] @ [k, k] -> WHHT [m, k] + if self.A_IS_SPARSE: + XHT += self.MM(self.X_per[p], HT, transpA=False) # [b, n].T @ [b, k] -> [n, k].T -> [k, n] + else: + XHT += _matmul(self.self.X_per[b], HT) # [m, b] @ [b, k] -> xht [m, k] + self.events['end'].record() + self.events['end'].synchronize() + #del HT, HHT + #self.MEMPOOL.free_all_blocks() + dt_w += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + #[7] Aggregate Global WHHT and XHT + self.events['start'].record() + if self.nGPUs > 1: + self.events['reduce_s'].record() + nccl_comm.Allreduce(WHHT, WHHT, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.events['reduce_s'].record() + nccl_comm.Allreduce(XHT, XHT, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce2 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + #[8] Finalize W-Update + WHHT = WHHT + self.eps + XHT = _multiply(self.W_d, XHT) # [m, k] * [m, k] -> [m, k] + self.W_d = _divide(XHT, WHHT) # [m, k] / [m, k] -> [m, k] + self.events['end'].record() + self.events['end'].synchronize() + dt_w += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + #[9] Accumulate iteration performance metric + self.dt['W_up'] += dt_w*1.0 + self.dt['H_up'] += dt_h*1.0 + self.dt['allRed_WHHT'] += dt_reduce1*1.0 + self.dt['allRed_XHT'] += dt_reduce2*1.0 + #[10] + if i % 10 == 0: + #if self.A_is_Large: + # self.H_h = np.maximum(self.H_h, self.eps) + #else: + # self.H_d = cp.maximum(self.H_d, self.eps) + self.H_d = cp.maximum(self.H_d, self.eps) + self.W_d = cp.maximum(self.W_d, self.eps) + + #[10] Compute Average performance metric + self.dt['W_up'] /= float(self.params.itr) + self.dt['H_up'] /= float(self.params.itr) + self.dt['allRed_XHT'] /= float(self.params.itr) + self.dt['allRed_WHHT'] /= float(self.params.itr) + self.events['nmf_end'].record() + self.events['nmf_end'].synchronize() + self.dt['NMF'] = cp.cuda.get_elapsed_time(self.events['nmf_start'], self.events['nmf_end']) # [ms] + #[11] Calculate relative error + self.relative_err()
+ + + +
[docs] def FroNMF_1D_row_partion(self,factors=None, save_factors=False, rtrn=False): + r""" + This method performs Frobenius Norm Non-negative Matrix Factorization (FroNMF) + on a 1D row partitioned matrix. + + Parameters: + - factors: Initial guess for the factors (Optional) + - save_factors: Boolean, whether to save the computed factors or not (Default is False) + - rtrn: Boolean, whether to return the factors (Default is False) + """ + + # [1] Monitor initial memory usage + self.showMemStats(msg = " FroNMF_1D_row_partion() 0") + + # [2] Initialization of perturbed cofactors + self.init_factors() + #self.showMemStats(msg = " FroNMF_1D_row_partion() init_factors OK") + # [3] Initialize various accumulators for performance measurement and computation + + self.events['nmf_start'].record() + self.dt['W_up'], self.dt['H_up'], self.dt['allRed_WTX'], self.dt['allRed_WTWH'] = 0.0, 0.0, 0.0, 0.0 + + # Main iterative loop for NMF computation + for i in range(self.params.itr): + # Initialize accumulators for this iteration + dt_w, dt_h, dt_reduce1, dt_reduce2 = 0.0, 0.0, 0.0, 0.0 + + # [4] Setup for W matrix update + if self.params.W_update: + HT = self.H_d.T # HT [n, k] + HHT = _matmul(self.H_d, HT) # [k, n] @ [n, k] -> HHT [k, k] + + # Initialize accumulators for batch computations + WTWH = _zeros((self.k, self.grid_glob_n), dtype=self.A_ij.dtype) # WTWH [k, n] # ACCUMULATOR for WT@W@H + WTX = _zeros((self.k, self.grid_glob_n), dtype=self.A_ij.dtype) # WTX [k, n] # ACCUMULATOR for WT@A + + # [5] Batching loop for local computations + for b in range(self.nBatch): + # Determine current batch range + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + #self.showMemStats(msg = " FroNMF_1D_row_partion() 2 b%04d" %b) + #[6]//////////////////////////// (W update)> //////////////////////////////////////////////////////// + if self.params.W_update: + self.events['start'].record() + WHHT = _matmul(self.W_d[i0:i1,:], HHT) + self.eps # [b, k] @ [k, k] -> WHHT [b, k] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 3 b%04d" %b) + if self.A_IS_SPARSE: + XHT = self.MM(self.X_per[b], HT, transpA=False) # [b, n] @ [n, k] -> XHT [b, k] + else: + XHT = _matmul(self.X_per[b], HT) # [b, n] @ [n, k] -> XHT [b, k] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 4 b%04d" %b) + XHT = _multiply(self.W_d[i0:i1,:], XHT) # [b, k] * [b, k] -> WXHT [b, k] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 5 b%04d" %b) + self.W_d[i0:i1,:] = _divide(XHT, WHHT) # [b, k] / [b, k] -> W [b, k] + #self.showMemStats(msg = " FroNMF_1D_row_partion() W-up b%04d OK" %b) + self.events['end'].record() + self.events['end'].synchronize() + del WHHT, XHT + self.MEMPOOL.free_all_blocks() + dt_w += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + #[7]//////////////////////////// (H update)> //////////////////////////////////////////////////////// + #self.showMemStats(msg = " FroNMF_1D_row_partion() 7") + self.events['start'].record() + WT = self.W_d[i0:i1,:].T # [b, k].T -> WT [k, b] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 8") + WTW = _matmul(WT, self.W_d[i0:i1,:]) # [k, b] @ [b, k] -> WTW [k, k] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 9") + #print(f"[!!!][iter %04d | batch %04d] shape(WTW)={WTW.shape} || shape(H_d) = {self.H_d.shape}" %(i, b)) + WTWH += _matmul(WTW, self.H_d) # [k, k] @ [k, n] -> WTWH [k, n] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 10 ") + if self.A_IS_SPARSE: + WTX += self.MM(self.X_per[b], self.W_d[i0:i1,:], transpA=True).T # [b, n].T @ [b, k] -> [n, k].T -> [k, n] + else: + WTX += _matmul(WT, self.X_per[b]) # [k, b] @ [b, n] -> WTX [k, n] + #self.showMemStats(msg = " FroNMF_1D_row_partion() H-up B%04d OK" %b) + self.events['end'].record() + self.events['end'].synchronize() + # Free memory from intermediate variables + del WT, WTW + self.MEMPOOL.free_all_blocks() + dt_h += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + + # Free memory from intermediate variable + del HHT + self.MEMPOOL.free_all_blocks() + # [8] Aggregate global WTWH and WTX values (used for multi-GPU setup) + self.events['start'].record() + if self.nGPUs > 1: + # Perform Allreduce operation on WTWH and WTX + # This is to aggregate results from all GPUs + + self.events['reduce_s'].record() + self.nccl_comm.Allreduce(WTWH, WTWH, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.events['reduce_s'].record() + self.nccl_comm.Allreduce(WTX, WTX, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce2 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + # [9] Update H with global results + WTWH = WTWH + self.eps + #self.showMemStats(msg = " FroNMF_1D_row_partion() 12") + WTX = _multiply(self.H_d, WTX) # [k, n] * [k, n] -> [k, n] + #self.showMemStats(msg = " FroNMF_1D_row_partion() 13") + self.H_d = _divide(WTX, WTWH) # [k, n] / [k, n] -> [k, n] + #self.showMemStats(msg = " FroNMF_1D_row_partion() NMF OK") + self.events['end'].record() + self.events['end'].synchronize() + dt_h += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + # Accumulate iteration performance metric + self.dt['W_up'] += dt_w*1.0 + self.dt['H_up'] += dt_h*1.0 + self.dt['allRed_WTX'] += dt_reduce1*1.0 + self.dt['allRed_WTWH'] += dt_reduce2*1.0 + #[10] Clipping to ensure non-negativity after every 10 iterations + if i % 10 == 0: + #if self.A_is_Large: + # self.H_h = np.maximum(self.H_h, self.eps) + #else: + # self.H_d = cp.maximum(self.H_d, self.eps) + self.H_d = cp.maximum(self.H_d, self.eps) + self.W_d = cp.maximum(self.W_d, self.eps) + self.showMemStats(msg = " FroNMF_1D_row_partion() NMF OK") + # [11] Compute Average Performance metrics over all iterations + del WTWH, WTX + self.MEMPOOL.free_all_blocks() + self.showMemStats(msg = " FroNMF_1D_row_partion() ALL DELETIONS DONE") + self.dt['W_up'] /= float(self.params.itr) + self.dt['H_up'] /= float(self.params.itr) + self.dt['allRed_WTX'] /= float(self.params.itr) + self.dt['allRed_WTWH'] /= float(self.params.itr) + self.events['nmf_end'].record() + self.events['nmf_end'].synchronize() + self.dt['NMF'] = cp.cuda.get_elapsed_time(self.events['nmf_start'], self.events['nmf_end']) # [ms] + # [12] Calculate relative error + self.showMemStats(msg = " FroNMF_1D_row_partion() BEFORE ERROR Eval") + if self.A_IS_SPARSE: + self.recon_err = 0.0 + else: + self.relative_err() + self.showMemStats(msg = " FroNMF_1D_row_partion() AFTER ERROR Eval") + # Free all memory blocks + self.MEMPOOL.free_all_blocks() + self.showMemStats(msg = " FroNMF_1D_row_partion() LAST CALL MEM POOL FReed OK")
+ + + +
[docs] def FroNMF_1D_row_batched(self,factors=None, save_factors=False, rtrn=False): #W.I.P + r""" + Computes the Frobenius Norm Non-negative Matrix Factorization (FroNMF) for the 1D row of the data matrix + using a batched approach. + + Args: + - factors: Not used in this function but could represent the initial factors for matrix factorization. + - save_factors: A boolean flag to determine if factors should be saved. + - rtrn: A boolean flag to determine if the function should return some values (not implemented yet). + + Returns: + - None (but updates internal attributes of the object and potentially could return some values based on `rtrn` flag). + """ + #[1] Initialize perturbed cofactors + self.init_factors() + #[2] Initialize accumulators and record the start event for NMF + self.events['nmf_start'].record() + self.dt['W_up'], self.dt['H_up'], self.dt['allRed_WTX'], self.dt['allRed_WTWH'] = 0.0, 0.0, 0.0, 0.0 + self.dt['H2D_A'], self.dt['H2D_W'], self.dt['D2H_W'] = 0.0, 0.0, 0.0 + SQ = self.get_managed_stream_queue() # Get Managed stream Queue + + # Loop for the number of iterations (NMF optimization steps) + for i in range(self.params.itr): + #[3] Initialize iteration Accumulators + dt_w, dt_h, dt_reduce1, dt_reduce2 = 0.0, 0.0, 0.0, 0.0 + if self.params.W_update: + HT = self.H_d.T # HT [n, k] + HHT = _matmul(self.H_d, HT) # [k, n] @ [n, k] -> HHT [k, k] + #WTWH = _zeros((self.k, self.grid_glob_n), dtype=self.A_ij.dtype) # WTWH [k, n] # ACCUMULATOR for WT@W@H + ##WTX = _zeros((self.k, self.grid_glob_n), dtype=self.A_ij.dtype) # WTX [k, n] # ACCUMULATOR for WT@A + WTX, WTWH = [], [] + H2D_A, H2D_W, D2H_W, W_up, H_up, AR_1, AR_2 = [], [], [], [], [], [], [] + #[4] Start processing data in batches + for b in range(self.nBatch): + st_key = SQ['Queue'].get() # Get stream from the queue. If queue is empty, wait until a stream is available. + stream = SQ['READY'][st_key] + i0, i1 = b*self.batch_size, (b+1)*self.batch_size + #strm_idx = b % self.MAXSTREAMS + #strm_name = self.stream[strm_idx] + #stream = self.STREAMS[strm_name] + with stream: + Q_idx = b % self.batchQeueSize + #stream.wait_event(self.FREE_STREAM[strm_name]) + self.events['h2d_s'].record() + self.W_d[Q_idx].set(self.W_h[b]) + self.events['h2d_e'].record() + self.events['h2d_e'].synchronize() + H2D_W.append( cp.cuda.get_elapsed_time(self.events['h2d_s'], self.events['h2d_e']) ) # [ms] + self.events['h2d_s'].record() + if self.A_IS_SPARSE: # CopyH2D_Async Sparse array + #print(f"[!!] [itr %04d][b %02d] type(X_per[b])= {self.X_per[b].dtype}" %(i,b)) + self.X_d[Q_idx].set(self.X_per[b].astype(self.A_ij.dtype)) + self.buff_idx[Q_idx].set(self.X_idx[b]) + self.buff_ptr[Q_idx].set(self.X_ptr[b]) + else: + self.X_d[Q_idx].set(self.X_per[b]) # CopyH2D_Async + self.events['h2d_e'].record() + self.events['h2d_e'].synchronize() + #print(f"[!!] [itr %04d][b %02d] H2D_A = {cp.cuda.get_elapsed_time(self.events['h2d_s'], self.events['h2d_e'])}" %(i,b)) + H2D_A.append( cp.cuda.get_elapsed_time(self.events['h2d_s'], self.events['h2d_e']) ) # [ms] + + #[5]//////////////////////////// (W update)> //////////////////////////////////////////////////////// + if self.params.W_update: + self.events['start'].record() + WHHT = _matmul(self.W_d[Q_idx], HHT) + self.eps # [b, k] @ [k, k] -> WHHT [b, k] + if self.A_IS_SPARSE: + #XHT = self.MM(self.X_per[p], HT, transpA=False) # [b, n] @ [n, k] -> XHT [b, k] + #print(f"[!!] BS = {self.batch_size} || vect_size_dat = {self.sparse_vect_size['dat'][b]}, vect_size_idx = {self.sparse_vect_size['idx'][b]}, vect_size_ptr = {self.sparse_vect_size['ptr'][b]},") + X_d = cupyx.scipy.sparse.csr_matrix((self.X_d[Q_idx][:self.sparse_vect_size['dat'][b]], + self.buff_idx[Q_idx][:self.sparse_vect_size['idx'][b]], + self.buff_ptr[Q_idx][:self.sparse_vect_size['ptr'][b]]), shape=(self.batch_size, self.grid_loc_n)) + #print(f"[!!] shape(X_d) ={X_d.shape} || shape(HT) = {HT.shape} || BS = {self.batch_size} || vect_size_dat = {self.sparse_vect_size['dat'][b]}") + #XHT = self.MM(X_d, HT, transpA=False) # [b, n] @ [n, k] -> XHT [s, k] + XHT = X_d @ HT + else: + #XHT = _matmul(self.X_per[b], HT) # [b, n] @ [n, k] -> XHT [b, k] + XHT = self.MM(self.X_d[Q_idx], HT) # [b, n] @ [n, k] -> XHT [s, k] + #XHT = _multiply(self.W_d[i0:i1,:], XHT) # [b, k] * [b, k] -> WXHT [b, k] + #self.W_d[i0:i1,:] = _divide(XHT, WHHT) # [b, k] / [b, k] -> W [b, k] + self.W_d[Q_idx] = _divide( _multiply(self.W_d[Q_idx], XHT), _matmul(self.W_d[Q_idx],HHT)+self.params.eps) # [bs,k] <- ([bs,k]*[bs,k]) / ([bs,k]@[k, k] + epsi) + #WT = self.W_d[Q_idx].T # [k, b] + self.events['d2h_s'].record() + self.W_d[Q_idx].get(out=self.W_h[b]) # CopyD2H_Async W_d -> W_h + self.events['d2h_e'].record() + self.events['d2h_e'].synchronize() + D2H_W.append( cp.cuda.get_elapsed_time(self.events['d2h_s'], self.events['d2h_e']) ) # [ms] + self.events['end'].record() + self.events['end'].synchronize() + #del WHHT, XHT + #self.MEMPOOL.free_all_blocks() + W_up.append(cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) ) # [ms] + #[6]//////////////////////////// (H update)> //////////////////////////////////////////////////////// + self.events['start'].record() + #WT = self.W_d[i0:i1,:].T # [b, k].T -> WT [k, b] + WT = self.W_d[Q_idx].T # [b, k].T -> WT [k, b] + #WTW = _matmul(WT, self.W_d[i0:i1,:]) # [k, b] @ [b, k] -> WTW [k, k] + WTW = _matmul(WT, self.W_d[Q_idx]) # [k, b] @ [b, k] -> WTW [k, k] + #print(f"[!!!][iter %04d | batch %04d] shape(WTW)={WTW.shape} || shape(H_d) = {self.H_d.shape}" %(i, b)) + #WTWH += _matmul(WTW, self.H_d) # [k, k] @ [k, n] -> WTWH [k, n] + WTWH.append(_matmul(WTW, self.H_d)) # [k, k] @ [k, n] -> WTWH [k, n] + if self.A_IS_SPARSE: + #WTX += self.MM(X_d, self.W_d[Q_idx], transpA=True).T # [b, n].T @ [b, k] -> [n, k].T -> [k, n] + WTX.append(self.MM(X_d, self.W_d[Q_idx], transpA=True).T) # [b, n].T @ [b, k] -> [n, k].T -> [k, n] + else: + #WTX += _matmul(WT, self.X_d[Q_idx]) # [k, b] @ [b, n] -> WTX [k, n] + WTX.append(_matmul(WT, self.X_d[Q_idx])) # [k, b] @ [b, n] -> WTX [k, n] + self.events['end'].record() + self.events['end'].synchronize() + #del WT, WTW + #self.MEMPOOL.free_all_blocks() + H_up.append(cp.cuda.get_elapsed_time(self.events['start'], self.events['end'])) # [ms] + completed_event = stream.record() + SQ['COMPLETED'].append(completed_event) + SQ['Queue'].put(st_key) + # Make sure all streams are done + for b in range(len(SQ['COMPLETED'])): + SQ['REDUCE'].wait_event(SQ['COMPLETED'][b]) + cp.cuda.Device().synchronize() + + # Local reduces + WTWH, WTX = sum(WTWH), sum(WTX) + #device.synchronize() # Wait for Local reduce to finish + #[7] GLOBAL REDUCE: Aggregate Global WTWH and WTX + self.events['start'].record() + if self.nGPUs > 1: + self.events['reduce_s'].record() + self.nccl_comm.Allreduce(WTWH, WTWH, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.events['reduce_s'].record() + self.nccl_comm.Allreduce(WTX, WTX, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce2 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + #[8] Perform H-Update + WTWH = WTWH + self.eps + WTX = _multiply(self.H_d, WTX) # [k, n] * [k, n] -> [k, n] + self.H_d = _divide(WTX, WTWH) # [k, n] / [k, n] -> [k, n] + self.events['end'].record() + self.events['end'].synchronize() + dt_h += cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + #[9] Accumulate iteration performance metric + #print(f"[!!] [itr %04d] H2D_A = {sum(H2D_A)}" %i) + self.dt['W_up'] += dt_w*1.0 + self.dt['H_up'] += dt_h*1.0 + self.dt['allRed_WTX'] += dt_reduce1*1.0 + self.dt['allRed_WTWH'] += dt_reduce2*1.0 + self.dt['H2D_A'] += sum(H2D_A) + self.dt['H2D_W'] += sum(H2D_W) + self.dt['D2H_W'] += sum(D2H_W) + #[10] + #if i % 2000 == 0: + if False: + self.H_d = cp.maximum(self.H_d, self.eps) + self.W_d = cp.maximum(self.W_d, self.eps) + #self.relative_err() + #print(f"[+] [iter%08d] err = {self.recon_err}" %i) + + #[10] Compute Average performance metric + self.dt['W_up'] /= float(self.params.itr) + self.dt['H_up'] /= float(self.params.itr) + self.dt['allRed_WTX'] /= float(self.params.itr) + self.dt['allRed_WTWH'] /= float(self.params.itr) + self.dt['H2D_A'] /= float(self.params.itr) + self.dt['H2D_W'] /= float(self.params.itr) + self.dt['D2H_W'] /= float(self.params.itr) + print(f"[!!!!] H2D(A) = {self.dt['H2D_A']} | H2D(W) = {self.dt['H2D_W']} | D2H(W) = {self.dt['D2H_W']}") + if False: #i % 10 == 0: + if self.A_IS_BATCHED: + self.H_h = np.maximum(self.H_h, self.eps) + else: + self.H_d = cp.maximum(self.H_d, self.eps) + self.W_d = cp.maximum(self.W_d, self.eps) + if i == self.params.itr - 1: + self.events['nmf_end'].record() + self.events['nmf_end'].synchronize() + self.dt['NMF'] = cp.cuda.get_elapsed_time(self.events['nmf_start'], self.events['nmf_end']) + #self.W_d, self.H_d = self.normalize_features(self.W_d, self.H_d) + #self.normalize_features() + if self.A_IS_SPARSE: + self.recon_err = 0.0 + else: + self.relative_err() + #self.recon_err = 0.0 + else: + print(f"[!] NOT OOOOOOOOK i = {i} | self.params.itr = {self.params.itr }") + del SQ
+ + + + +
[docs] def FroNMF_1D_col(self,factors=None, save_factors=False, rtrn=False): + r""" + Performs Frobenius Non-negative Matrix Factorization (NMF) using + 1D column-based partitioning with GPU acceleration. + + Parameters: + - factors : (Optional) Initial values for matrix factors. + - save_factors : (Optional) If True, saves factorized matrices. + - rtrn : (Optional) If True, returns factorized matrices. + + Returns: + - Factors (if rtrn=True). + """ + print("[!!!] in NMF_ROW_BACHED") + self.eps = np.finfo(self.A_ij.dtype).eps + self.params.eps = self.eps + self.init_factors() + xht, W, X, WTW, WTX = 0.0, 0.0, 0.0, 0.0, 0.0 + NMF_avg, H_avg, W_avg, red0_avg, red1_avg = 0.0, 0.0, 0.0, 0.0, 0.0 + GLOBAL_NORMX = 0.0 + self.events['nmf_start'].record() + for i in range(self.params.itr): + dt_wt,dt_wtw,dt_wtx = 0, 0, 0 + dt_HHT, dt_WHHT, dt_xht, dt_wxht, dt_reduce0,dt_reduce1 = 0, 0, 0, 0,0, 0 + if self.A_IS_BATCHED: + if self.params.W_update: + #//////////////////////////// (W update)> //////////////////////////////////////////////////////// + self.events['start'].record() + HT = self.H_d.T + HHT = _matmul(self.H_d, HT) # [k, n]@[n,k] -> HHT [k,k] + WTX, WTWH = [], [] + for p in range(self.nBatch): + #print("[!!!!!!][FroNMF_1D_col][5] len(self.H_d) = {}".format(len(self.H_d))) + strm_idx = p % self.MAXSTREAMS + strm_name = self.stream[strm_idx] + stream = self.STREAMS[strm_name] + with stream: + Q_idx = strm_idx % self.batchQeueSize + stream.wait_event(self.FREE_STREAM[strm_name]) + self.W_d[Q_idx].set(self.W_h[p]) # CopyH2D_Async W_h -> >W_d [bs, k] + WT = self.W_d[Q_idx].T # [k, bs] + #print("[+] shape(W_d) = {} | shape(self.W_h) = {}".format(self.W_d[Q_idx].shape, self.W_h[p].shape)) + #print("[+] shape(H_d) = {} | shape(self.H_h) = {}".format(self.H_d.shape, HT.shape)) + if self.A_IS_SPARSE: + self.X_d[Q_idx].set(self.X_per[p]) + #print("[+] shape(X_d) = {} | shape(self.X_h) = {}".format(self.X_d[Q_idx].shape, self.X_per[p].shape)) + self.buff_idx[Q_idx].set(self.X_idx[p]) + self.buff_ptr[Q_idx].set(self.X_ptr[p]) + X_d = cupyx.scipy.sparse.csr_matrix((self.X_d[Q_idx][:self.sparse_vect_size['dat'][p]], + self.buff_idx[Q_idx][:self.sparse_vect_size['idx'][p]], + self.buff_ptr[Q_idx][:self.sparse_vect_size['ptr'][p]]), shape=(self.grid_loc_m, self.batch_size)) + XHT = self.MM(X_d, HT, transpA=False) # [bs, n] @ [n, k] -> XHT [bs, k] + else: + self.X_d[Q_idx].set(self.X_per[p]) # CopyH2D_Async + #print("[+] shape(X_d) = {} | shape(self.X_h) = {}".format(self.X_d[Q_idx].shape, self.X_per[p].shape)) + XHT = self.MM(self.X_d[Q_idx], HT) + self.W_d[Q_idx] = _divide( _multiply(self.W_d[Q_idx], XHT), _matmul(self.W_d[Q_idx],HHT)+self.params.eps) # [bs,k] <- ([bs,k]*[bs,k]) / ([bs,k]@[k, k] + epsi) + self.W_d[Q_idx].get(out=self.W_h[p]) # CopyD2H_Async W_d -> W_h + #del HT + #self.MEMPOOL.free_all_blocks() + #//////////////////////////// (H update)> //////////////////////////////////////////////////////// + if self.A_IS_SPARSE: + wtx = _matmul( WT, X_d) # [k, bs] @ [bs, n] -> [k, n] + else: + wtx = _matmul( WT, self.X_d[Q_idx]) # [k, bs] @ [bs, n] -> [k, n] + #wtx = _multiply(H, wtx) + WTX.append(wtx) + wtw = _matmul(WT, self.W_d[Q_idx]) # [k, bs] @ [bs, k] -> [k, k] + #print("[+] shape(wtw) = {} | shape(self.H_d) = {}".format(wtw.shape, self.H_d.shape)) + wtwh = _matmul(wtw, self.H_d) # [k, k] @ [k, n] -> [k, n] + WTWH.append(wtwh) + self.FREE_STREAM[strm_name] = stream.record() + # Block the `REDUCE_STREAM` until all events occur. This does not block host. + # This is not required when reduction is performed in the default (Stream.null) + # stream unless streams are created with `non_blocking=True` flag. + for p in range(self.batchQeueSize): + strm_idx = p % self.MAXSTREAMS + strm_name = self.stream[strm_idx] + self.REDUCE_STREAM.wait_event(self.FREE_STREAM[strm_name]) + # Local reduces + WTWH, WTX = sum(WTWH), sum(WTX) + #device.synchronize() # Wait for Local reduce to finish + # Global reduce + self.nccl_comm.Allreduce(WTWH, WTWH, op=nccl.NCCL_SUM, stream=None) + self.sub_comm.barrier() + self.nccl_comm.Allreduce(WTX, WTX , op=nccl.NCCL_SUM, stream=None) + self.sub_comm.barrier() + self.H_d = _divide( _multiply(self.H_d, WTX), WTWH+self.params.eps ) + else: # GPU MATRIX + for p in range(self.grid_Nc): + j0, j1 = p*self.grid_J, (p+1)*self.grid_J + #print(f"[?] shape(self.X_per[p]) = {self.X_per[p].shape}") + #WTX = _matmul(WT, self.X_per[:,j0:j1]) # [k, I] @ [I, J] -> [k, J] + if self.A_IS_SPARSE: + WTX = self.MM(self.X_per[p], self.W_d, transpA=True).T # [I, J].T @ [I, k] -> [J, k].T -> [k, J] + else: + WTX = self.MM(WT, self.X_per[p]) # [k, I] @ [I, J] -> [k, J] + WTWH = _matmul(WTW, self.H_d[:,j0:j1]) # [k, k] @ [k, J] -> [k, J] + WTWH += self.eps # [k, J] + self.events['reduce_s'].record() + if self.grid_Nr > 1: + self.nccl_comm.Allreduce(WTX, WTX, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + WTX = _multiply(WTX, self.H_d[:,j0:j1]) # [k, J] * [k, J] -> [k, J] + #WTX = _multiply(WTX, h) # [k, J] * [k, J] -> [k, J] + self.H_d[:, j0:j1] = WTX/WTWH # _divide(WTX, WTWH) # [k, J] / [k, J] -> [k, J] + #del WTWH, WTX + #self.MEMPOOL.free_all_blocks() + + self.events['end'].record() + self.events['end'].synchronize() + del WTWH, WTX + + if False: #i % 10 == 0: + if self.A_IS_BATCHED: + self.H_h = np.maximum(self.H_h, self.eps) + else: + self.H_d = cp.maximum(self.H_d, self.eps) + self.W_d = cp.maximum(self.W_d, self.eps) + if i == self.params.itr - 1: + self.events['nmf_end'].record() + self.events['nmf_end'].synchronize() + self.dt['NMF'] = cp.cuda.get_elapsed_time(self.events['nmf_start'], self.events['nmf_end']) + #self.W_d, self.H_d = self.normalize_features(self.W_d, self.H_d) + #self.normalize_features() + if self.A_IS_SPARSE: + NORM = cp.trace(_matmul(WTW, HHT)) + NORM -= 2.0*cp.trace(_matmul(WT, XHT)) + if (self.grid_Nr > 1): + nccl_comm.Allreduce(NORM, NORM, op=nccl.NCCL_SUM,stream=None) + GLOBAL_NORMX = GLOBAL_NORMX + NORM + self.recon_err = GLOBAL_NORMX.get() + else: + self.relative_err()
+ + +
[docs] def FroNMF_1D_row(self,factors=None, save_factors=False, rtrn=False): # [W.I.P][B.U.G] + r""" + Perform 1D Matrix Factorization using the Frobenius Norm Minimization (FroNMF). + + This function updates W and H matrices for matrix factorization, where + the original matrix A is approximated as a product of W and H matrices. + + Parameters: + - factors (optional): External factors for initialization (if any). Not currently utilized. + - save_factors (bool, optional): Flag to decide if intermediate factors should be saved. + - rtrn (bool, optional): Flag to decide if factors should be returned. Not currently utilized.""" + + ##Attributes Updated: + #- eps: Machine epsilon for the datatype of A_ij to avoid division by zero. + #- params.eps: Machine epsilon parameter. + #- Various time tracking events and intermediate matrices for computation. + + #Notes: + #- This function uses CUDA operations and relies heavily on streams and events + # to synchronize and parallelize operations for better performance. + #- The function handles both batched and sparse data but has some + # placeholders which suggest further extensions or checks are planned (e.g., for KL updates). + #- The 'W_update' parameter from params decides if W should be updated in the current iteration. + + #[Work in Progress - Some features are still being developed.] + #[Bug Warning - There might be unresolved bugs in the code.] + + self.eps = np.finfo(self.A_ij.dtype).eps + self.params.eps = self.eps + self.init_factors() + xht, W, X, WTW, WTX = 0.0, 0.0, 0.0, 0.0, 0.0 + NMF_avg, H_avg, W_avg, red0_avg, red1_avg = 0.0, 0.0, 0.0, 0.0, 0.0 + #self.prune = var_init(self.params, 'prune', default=True) + #if self.prune: self.prune_all() + self.events['nmf_start'].record() + j0, j1 = int(self.gID*self.grid_J), int( (self.gID+1)*self.grid_J ) + for i in range(self.params.itr): + dt_wt,dt_wtw,dt_wtx = 0, 0, 0 + dt_HHT, dt_WHHT, dt_xht, dt_wxht, dt_reduce0,dt_reduce1 = 0, 0, 0, 0,0, 0 + #//////////////////////////// (W update)> //////////////////////////////////////////////////////// + if self.params.W_update: + self.events['start'].record() + HT = self.H_d.T # [J, k] + HHT = _matmul(self.H_d, HT) # Local # [k, I] @ [I, k] -> [k, k] + #self.comm.barrier() + self.sub_comm.barrier() + self.events['reduce_s'].record() + self.nccl_comm.Allreduce(HHT, HHT, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce0 = cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.dt['allRed_HHT'] = dt_reduce0*1.0 + if self.A_IS_BATCHED: + for p in range(self.grid_Nr): + i0, i1 = p*self.grid_I, (p+1)*self.grid_I + #print(f"[+]!!!!!!!!!! p = {p}, i0-i1 = {i0}-{i1}") + W = _asarray(self.W_h[i0:i1, :],dtype=self.A_ij.dtype) # [I, k], In stream 1, create event w_cp + X = _asarray(self.X_per[i0:i1,:],dtype=self.A_ij.dtype) # [I, J], In stream 2, create event x_cp + WHHT = _matmul(W, HHT) # [I, k] @ [k, k] -> [I, k], wait w_cp == True, in stream0 + WHHT += self.eps # [I, k] + XHT = _matmul(X, HT) # [I, J] @ [J, k] -> [I, k], wait x_cp == True, in stream0 + XHT = W*XHT # [I, k] * [I, k] -> [I, k] + self.events['reduce_s'].record() + if self.grid_Nc > 1: + self.nccl_comm.Allreduce(XHT, XHT, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.dt['allRed_XHT'] = dt_reduce1*1.0 + W = XHT/WHHT # _divide(XHT, WHHT) # [I, k] / [I, k] -> [I, k] + self.W_h[i0:i1, :] = _asnumpy(W) # Local host W Update. Note W is the same everywhere + del XHT, WHHT + else: + for p in range(self.grid_Nr): + i0, i1 = p*self.grid_I, (p+1)*self.grid_I + WHHT = _matmul(self.W_d[i0:i1, :], HHT) # [I, k] @ [k, k] -> [I, k] + WHHT += self.eps # [I, k] + if self.A_IS_SPARSE: + XHT = self.MM(self.X_per[p], HT, transpA=False) # [I, J] @ [J, k] -> [I, k] + else: + #XHT = _matmul(self.X_per[i0:i1, :], HT) # [I, J] @ [J, k] -> [I, k] + XHT = self.MM(self.X_per[p], HT) # [I, J] @ [J, k] -> [I, k] + #print(f"[+] p = {p}, [i0:i1] = [{i0}:{i1}]: SHAPE(W_d) = {self.W_d[i0:i1, :].shape}, SHAPE(XHT)= {XHT.shape}") + XHT = self.W_d[i0:i1, :]*XHT # [I, k] * [I, k] -> [I, k] + self.events['reduce_s'].record() + if self.grid_Nc > 1: + self.nccl_comm.Allreduce(XHT, XHT, op=nccl.NCCL_SUM, stream=None) + self.events['reduce_e'].record() + self.events['reduce_e'].synchronize() + dt_reduce1 += cp.cuda.get_elapsed_time(self.events['reduce_s'], self.events['reduce_e']) + self.dt['allRed_XHT'] = dt_reduce1*1.0 + self.W_d[i0:i1, :] = XHT/WHHT # _divide(XHT, WHHT) # [I, k] / [I, k] -> [I, k] + del XHT, WHHT + self.events['end'].record() + self.events['end'].synchronize() + del HT + dt_w = cp.cuda.get_elapsed_time(self.events['start'],self.events['end']) # [ms] + self.dt['W_up'] = dt_w*1.0 + #//////////////////////////// (H update)> //////////////////////////////////////////////////////// + self.events['start'].record() + WTW = _zeros((self.k, self.k), dtype=self.A_ij.dtype) # [k, k] + WTX = _zeros((self.k, self.grid_J), dtype=self.A_ij.dtype) # [k, J] + if self.A_IS_BATCHED: + for p in range(self.grid_Nr): + i0, i1 = p*self.grid_I, (p+1)*self.grid_I + W = _asarray(self.W_h[i0:i1, :],dtype=self.A_ij.dtype) # [I, k], In stream 1, create event w_cp + X = _asarray(self.X_per[i0:i1,:],dtype=self.A_ij.dtype) # [I, J], In stream 2, create event x_cp + WT = W.T # [k, I], wait w_cp == True, in stream0 + WTW += _matmul(WT, W) # [k, I] @ [I, k] -> [k, k], in stream 0 + WTX += _matmul(WT, X) # [k, I] @ [I, J] -> [k, J], wait x_cp == True, in stream0 + del WT , W, X + else: + for p in range(self.grid_Nr): + i0, i1 = p*self.grid_I, (p+1)*self.grid_I + #W = self.W_d[i0:i1, :] # [I, k] + WT = self.W_d[i0:i1, :].T # [k, I] + WTW += _matmul(WT, self.W_d[i0:i1, :]) # [k, I] @ [I, k] -> [k, k] + if self.A_IS_SPARSE: + WTX += self.MM(self.X_per[p], self.W_d[i0:i1,:], transpA=True).T # [I, J].T @ [I, k] -> [J, k].T -> [k, J] + else: + #WTX += self.MM(WT, self.X_per[i0:i1,:]) # [k, I] @ [I, J] -> [k, J] + WTX += self.MM(WT, self.X_per[p]) + del WT #,W + WTWH = _matmul(WTW,self.H_d) # [k, k] @ [k, J] -> [k, J] + del WTW + WTWH += self.eps + WTX = _multiply(WTX,self.H_d) # [k, J] * [k, J] -> [k, J] + #H = _divide(WTX, WTW) # [k, J] / [k, J] -> [k, J] + self.H_d = _divide(WTX, WTWH) # [k, J] / [k, J] -> [k, J] + self.events['end'].record() + self.events['end'].synchronize() + del WTX #, WTW + dt_h = cp.cuda.get_elapsed_time(self.events['start'], self.events['end']) # [ms] + self.dt['H_up'] = dt_h*1.0 + if self.A_IS_BATCHED: + noSupportFor("KL update for LARGE A_ij") + else: + WTXWH = _zeros((self.k, self.grid_J), dtype=self.A_ij.dtype) # WTXWH [k, J] + for p in range(self.grid_Nr): + i0, i1 = p*self.grid_I, (p+1)*self.grid_I + XWH = _matmul(self.W_d[i0:i1, :], self.H_d) # XWH = W@H : [I, k] @ [k, J] -> [I, J] + if self.A_IS_SPARSE: + noSupportFor(" SPARSE A_ij") + else: + XWH = self.X_per[p]/(XWH + self.eps) # XWH = X/(XWH+e) : [I, J] / [I, J] + eps -> [I, J] + WTXWH += _matmul(self.W_d[i0:i1, :].T, XWH) # WTXWH = W.T@XWH@HT : [k, I] @ [I, J] -> [k, J] + self.H_d = self.H_d*WTXWH/X1[:, None] + del WTXWH,XWH + + self.relative_err()
+ +
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/cupyCuSPARSELib.html b/docs/_modules/pyDNMFk/cupyCuSPARSELib.html new file mode 100644 index 0000000..10b62a1 --- /dev/null +++ b/docs/_modules/pyDNMFk/cupyCuSPARSELib.html @@ -0,0 +1,502 @@ + + + + + + + + + + + pyDNMFk.cupyCuSPARSELib — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.cupyCuSPARSELib

+# @author: Ismael Boureima
+import cupy, cupyx,  numpy
+import scipy
+from .toolz import amber, blue, green, red
+from scipy.sparse import coo_matrix, csc_matrix, csr_matrix, dia_matrix, issparse
+
+
[docs]def spMat(A, Format='coo', shape=None, dtype=None, copy=False): + r""" + Converts a given matrix A into a specified sparse format using CuPy. + + Parameters: + ----------- + A : ndarray or sparse matrix + Input matrix to be converted. + Format : {'coo', 'csr', 'csc', 'dia'} + Desired sparse format. Default is 'coo'. + shape : tuple, optional + Desired shape for the sparse matrix. + dtype : data-type, optional + Data type of the result. + copy : bool, optional + If true, it guarantees the input data A is not modified. Default is False. + + Returns: + -------- + Sparse matrix in the desired format and library (cupy). + """ + fmt = Format.lower() + assert fmt in ['coo', 'csr', 'csc', 'dia'], f"[{red('!')}] Format must be in [{green('coo')}, {green('crs')}, {green('csc')}, {green('dia')}] " + isNdArr = False + if type(A) in [numpy.ndarray]: isNdArr=True + if fmt in ['coo']: + if isNdArr: + return cupyx.scipy.sparse.coo_matrix(coo_matrix(A), shape=shape, dtype=dtype, copy=copy) + else: + return cupyx.scipy.sparse.coo_matrix(A, shape=shape, dtype=dtype, copy=copy) + elif fmt in ['csc']: + if isNdArr: + return cupyx.scipy.sparse.csc_matrix(coo_matrix(A), shape=shape, dtype=dtype, copy=copy) + else: + return cupyx.scipy.sparse.csc_matrix(A, shape=shape, dtype=dtype, copy=copy) + elif fmt in ['csr']: + if isNdArr: + return cupyx.scipy.sparse.csr_matrix(coo_matrix(A), shape=shape, dtype=dtype, copy=copy) + else: + return cupyx.scipy.sparse.csr_matrix(A, shape=shape, dtype=dtype, copy=copy) + elif fmt in ['dia']: + if isNdArr: + return cupyx.scipy.sparse.dia_matrix(coo_matrix(A), shape=shape, dtype=dtype, copy=copy) + else: + return cupyx.scipy.sparse.dia_matrix(A, shape=shape, dtype=dtype, copy=copy) + else: + print(f"[!] sparse matrix format '{fmt}' is not supported")
+ + + +
[docs]def spCu2Sc(A, copy=False): + r""" + Converts a CuPy sparse matrix to a SciPy sparse matrix. + + Parameters: + ----------- + A : cupyx sparse matrix + Input matrix to be converted. + copy : bool, optional + If true, it guarantees the input data A is not modified. Default is False. + + Returns: + -------- + Sparse matrix in the desired format and library (scipy). + """ + fmt = A.format.lower() + assert fmt in ['coo', 'csr', 'csc', 'dia'], f"[{red('!')}] Format must be in [{green('coo')}, {green('crs')}, {green('csc')}, {green('dia')}] " + if fmt in ['coo']: + return scipy.sparse.coo_matrix((A.data.get(),A.indices.get(),A.indptr.get()),shape=A.shape,dtype=A.dtype) + elif fmt in ['csc']: + return scipy.sparse.csc_matrix((A.data.get(),A.indices.get(),A.indptr.get()),shape=A.shape,dtype=A.dtype) + elif fmt in ['csr']: + return scipy.sparse.csr_matrix((A.data.get(),A.indices.get(),A.indptr.get()),shape=A.shape,dtype=A.dtype) + elif fmt in ['dia']: + return scipy.sparse.dia_matrix((A.data.get(),A.indices.get(),A.indptr.get()),shape=A.shape,dtype=A.dtype) + else: + print(f"[!] sparse matrix format '{fmt}' is not supported")
+ +
[docs]def spSc2Cu(A, copy=False): + r""" + Converts a SciPy sparse matrix to a CuPy sparse matrix. + + Parameters: + ----------- + A : scipy sparse matrix + Input matrix to be converted. + copy : bool, optional + If true, it guarantees the input data A is not modified. Default is False. + + Returns: + -------- + Sparse matrix in the desired format and library (cupy). + """ + fmt = A.format.lower() + assert fmt in ['coo', 'csr', 'csc', 'dia'], f"[{red('!')}] Format must be in [{green('coo')}, {green('crs')}, {green('csc')}, {green('dia')}] " + if fmt in ['coo']: + return cupyx.scipy.sparse.coo_matrix((cp.array(A.data), cp.array(A.indices), cp.array(A.indptr)), shape=A.shape, dtype=A.dtype) + elif fmt in ['csc']: + return cupyx.scipy.sparse.csc_matrix((cp.array(A.data), cp.array(A.indices), cp.array(A.indptr)), shape=A.shape, dtype=A.dtype) + elif fmt in ['csr']: + return cupyx.scipy.sparse.csr_matrix((cp.array(A.data), cp.array(A.indices), cp.array(A.indptr)), shape=A.shape, dtype=A.dtype) + elif fmt in ['dia']: + return cupyx.scipy.sparse.dia_matrix((cp.array(A.data), cp.array(A.indices), cp.array(A.indptr)), shape=A.shape, dtype=A.dtype) + else: + print(f"[!] sparse matrix format '{fmt}' is not supported")
+ + +
[docs]def spRandMat(nr, nc, density, Format='coo', dtype=cupy.float32): + r""" + Generates a random sparse matrix using CuPy. + + Parameters: + ----------- + nr : int + Number of rows. + nc : int + Number of columns. + density : float + Desired density for the sparse matrix. Values between 0 and 1. + Format : {'coo', 'csr', 'csc', 'dia'}, optional + Desired sparse format. Default is 'coo'. + dtype : data-type, optional + Data type of the result. Default is cupy.float32. + + Returns: + -------- + Random sparse matrix in the desired format and library (cupy). + """ + fmt = Format.lower() + return cupyx.scipy.sparse.random(nr, nc, density=density, format=fmt, dtype=dtype)
+ + +
[docs]def spMM(A, B, alpha=1.0, beta=0.0, transpA=False, transpB=False): + r""" + Performs matrix multiplication of sparse matrix A and dense matrix B using CuPy. + + Parameters: + ----------- + A : cupyx sparse matrix + Left sparse matrix. + B : ndarray + Right dense matrix. + alpha : float, optional + Scalar multiplier for the product of A and B. Default is 1.0. + beta : float, optional + Scalar multiplier for the initial matrix C (if provided). Default is 0.0. + transpA : bool, optional + If True, transpose matrix A before multiplication. Default is False. + transpB : bool, optional + If True, transpose matrix B before multiplication. Default is False. + + Returns: + -------- + Resultant matrix after multiplication. + """ + assert cupy.cusparse.check_availability('spmm'), "[!] spmm is not available" + #if transpA : A = A.T + #if transpB : B = B.T + if not A.has_canonical_format: A.sum_duplicates() + B = cupy.array(B, order='f') + return cupy.cusparse.spmm( A, B, alpha=alpha, beta=beta, transa=transpA, transb=transpB)
+ + +
[docs]def spMM_with_C(A, B, C , alpha=1.0, beta=0.0, transpA=False, transpB=False): + r""" + Performs matrix multiplication of sparse matrix A and dense matrix B, and adds it to matrix C using CuPy. + + Parameters: + ----------- + A : cupyx sparse matrix + Left sparse matrix. + B : ndarray + Right dense matrix. + C : ndarray + Dense matrix to which the result is added. + alpha : float, optional + Scalar multiplier for the product of A and B. Default is 1.0. + beta : float, optional + Scalar multiplier for the initial matrix C. Default is 0.0. + transpA : bool, optional + If True, transpose matrix A before multiplication. Default is False. + transpB : bool, optional + If True, transpose matrix B before multiplication. Default is False. + + Returns: + -------- + Resultant matrix after multiplication and addition to C. + """ + assert cupy.cusparse.check_availability('spmm'), "[!] spmm is not available" + #if transpA : A = A.T + #if transpB : B = B.T + if not A.has_canonical_format: A.sum_duplicates() + B = cupy.array(B, order='f') + C = cupy.array(C, order='f') + return cupy.cusparse.spmm( A, B, c=C, alpha=alpha, beta=beta, transa=transpA, transb=transpB)
+ +
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/cupy_utils.html b/docs/_modules/pyDNMFk/cupy_utils.html new file mode 100644 index 0000000..e1a9a87 --- /dev/null +++ b/docs/_modules/pyDNMFk/cupy_utils.html @@ -0,0 +1,390 @@ + + + + + + + + + + + pyDNMFk.cupy_utils — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.cupy_utils

+# @author: Ismael Boureima
+
+TPB = 32
+
+import cupy as cp
+import numpy as np
+#from sgemm import sgemm
+from .toolz import amber, blue, green, purple, red
+
+# Initializing a pinned memory pool in CuPy to speed up host-device memory transfers.
+# However, the following two lines are commented out and thus inactive.
+#pinned_memory_pool = cupy.cuda.PinnedMemoryPool()
+#cupy.cuda.set_pinned_memory_allocator(pinned_memory_pool.malloc)
+#mem = cp.cuda.alloc_pinned_memory(array.nbytes)
+
+
[docs]def pin_memory(array): + """Allocate memory in the pinned (or "page-locked") area. Data in this memory can be transferred to the GPU faster.""" + mem = cp.cuda.alloc_pinned_memory(array.nbytes) + ret = np.frombuffer(mem, array.dtype, array.size).reshape(array.shape) + ret[...] = array + return ret
+ +
[docs]def read_code(code_filename, params): + """Read a code file and prepend it with CUDA kernel parameter definitions.""" + with open(code_filename, 'r') as f: + code = f.read() + for k, v in params.items(): + code = '#define ' + k + ' ' + str(v) + '\n' + code + return code
+ + +
[docs]def benchmark(func, args, n_run=1): + """Benchmark a given function with provided arguments over n_run runs. Return a list of execution times.""" + times = [] + for _ in range(n_run): + start = cp.cuda.Event() + end = cp.cuda.Event() + start.record() + func(*args) + end.record() + end.synchronize() + times.append(cp.cuda.get_elapsed_time(start, end)) # milliseconds + return times
+ +
[docs]def timeExecution(func): + """Decorator to time the execution of a function and print it.""" + def wrapper(*args, **kwargs): + start, end = cp.cuda.Event(), cp.cuda.Event() + start.record() + out = func(*args, **kwargs) + end.record() + end.synchronize() + t = cp.cuda.get_elapsed_time(start, end) # milliseconds + print(f"[INFO]: {blue(func.__name__)} ran in {red(round(t,4))} [ms]") + return out + return wrapper
+ +@timeExecution +def _asarray(x): + """Convert the input to a CuPy array.""" + return cp.asarray(x, dtype=x.dtype) + +@timeExecution +def _zeros(*args, **kwargs): + """Return a new CuPy array of given shape and type, filled with zeros.""" + return cp.zeros(*args, **kwargs) + +@timeExecution +def _asnumpy(x): + """Convert a CuPy array to a NumPy array.""" + return cp.asnumpy(x) + +@timeExecution +def _divide(a,b): + """Divide two CuPy arrays element-wise.""" + return cp.divide(a,b, out=None) + +@timeExecution +def _matmul(a,b): + """Matrix multiplication of two CuPy arrays.""" + return cp.matmul(a,b, out=None) + +@timeExecution +def _multiply(a,b): + """Multiply two CuPy arrays element-wise.""" + return cp.multiply(a,b) + + + + +
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/data_generator.html b/docs/_modules/pyDNMFk/data_generator.html index 48d241d..fd5039a 100644 --- a/docs/_modules/pyDNMFk/data_generator.html +++ b/docs/_modules/pyDNMFk/data_generator.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.data_generator — pyDNMFk 0.0.1 documentation - - pyDNMFk.data_generator — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.data_generator
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.data_generator

 # @Author: Manish Bhattarai, Erik Skau
 import argparse
@@ -160,7 +235,7 @@ 

Source code for pyDNMFk.data_generator

 
 
 
[docs]def parser(): - r""" + r""" Reads the input arguments from the user and parses the parameters to the data generator module. """ parser = argparse.ArgumentParser(description='Data generator arguments') @@ -175,7 +250,7 @@

Source code for pyDNMFk.data_generator

 
 
 
[docs]class data_generator(): - r""" + r""" Generates synthetic data in distributed manner where each MPI process generates a chunk from the data parallelly. The W matrix is generated with gaussian distribution whereas the H matrix is random. @@ -211,7 +286,7 @@

Source code for pyDNMFk.data_generator

         # self.factor = k
 
 
[docs] def gauss_matrix_generator(self, n, k): - r""" + r""" Construct a matrix of dimensions n by k where the ith column is a Gaussian kernel corresponding to approximately N(i*n/k, 0.01*n^2) Parameters @@ -230,28 +305,28 @@

Source code for pyDNMFk.data_generator

 
         offset = n / k / 2 - 0.5
         noverk = n / k
-        coeff = -k / (.01 * n ** 2)
+        coeff = -k / (.01 * n ** 2)
         return lambda i, j: np.exp(coeff * (i - (j * noverk + offset)) ** 2)
[docs] def determine_block_index_range_asymm(self): - '''Determines the start and end indices for the Data block for each rank''' + '''Determines the start and end indices for the Data block for each rank''' chunk_ind = np.unravel_index(self.rank, self.pgrid) start_inds = [i * (n // k) + min(i, n % k) for n, k, i in zip(self.shape, self.pgrid, chunk_ind)] end_inds = [(i + 1) * (n // k) + min((i + 1), n % k) - 1 for n, k, i in zip(self.shape, self.pgrid, chunk_ind)] return start_inds, end_inds
[docs] def determine_block_shape_asymm(self): - '''Determines the shape for the Data block for each rank''' + '''Determines the shape for the Data block for each rank''' start_inds, end_inds = self.determine_block_index_range_asymm() return [(j - i + 1) for (i, j) in zip(start_inds, end_inds)]
[docs] def random_matrix_generator(self, n, k, seed): - '''Generator for random matric with given seed''' + '''Generator for random matric with given seed''' np.random.seed(seed) return np.random.rand(n, k)
[docs] def dist_fromfunction(self, func, shape, pgrid, *args, unravel_index=np.unravel_index, **kwargs): - """ + """ produces X_{i,j} = func(i,j) in a distributed manner, so that each processor has an array_split section of X according to the grid. """ grid_index = unravel_index() @@ -260,7 +335,7 @@

Source code for pyDNMFk.data_generator

         return np.fromfunction(lambda *x: func(*[a + b for a, b in zip(x, start_index)]), block_shape, *args, **kwargs)
[docs] def unravel_column(self): - '''finds the column rank for 2d grid''' + '''finds the column rank for 2d grid''' def wrapper(*args, **kwargs): row, col = np.unravel_index(self.rank, self.pgrid) @@ -269,29 +344,29 @@

Source code for pyDNMFk.data_generator

         return wrapper
[docs] def unravel_row(self): # ,ind, shape): - '''finds the row rank for 2d grid''' + '''finds the row rank for 2d grid''' row, col = np.unravel_index(self.rank, self.pgrid) return (row // self.pgrid[0], col)
[docs] def create_folder_dir(self, fpath): - '''Create a folder if doesn't exist''' + '''Create a folder if doesn't exist''' try: os.mkdir(fpath) except: pass
[docs] def generate_factors_data(self): - """Generates the chunk of factors W,H and data X for each MPI process""" + """Generates the chunk of factors W,H and data X for each MPI process""" W_gen = self.dist_fromfunction(self.gauss_matrix_generator(self.m, self.k), (self.m, self.k), (self.p_r, 1), - unravel_index=self.unravel_column()) + unravel_index=self.unravel_column()).astype(np.float32) H_gen = self.random_matrix_generator(self.k, self.determine_block_shape_asymm()[1], - self.unravel_row()[1]) + self.unravel_row()[1]).astype(np.float32) X_gen = W_gen @ H_gen print('For rank=', self.rank, ' dimensions of W,H and X are ', W_gen.shape, H_gen.shape, X_gen.shape) return W_gen, H_gen, X_gen
[docs] def fit(self): - '''generates and save factors''' + '''generates and save factors''' W_gen, H_gen, X_gen = self.generate_factors_data() self.create_folder_dir(self.fpath) self.create_folder_dir(self.fpath + 'W_factors') @@ -311,47 +386,73 @@

Source code for pyDNMFk.data_generator

     data_gen.fit()
 
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/data_io.html b/docs/_modules/pyDNMFk/data_io.html index 7ae59f4..5e0166d 100644 --- a/docs/_modules/pyDNMFk/data_io.html +++ b/docs/_modules/pyDNMFk/data_io.html @@ -1,160 +1,235 @@ - - - + + + + + + + + pyDNMFk.data_io — pyDNMFk 0.0.1 documentation - - pyDNMFk.data_io — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.data_io
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.data_io

 # @author: Manish Bhattarai
 import glob
 import os
-
+import scipy
 import h5py
 import pandas as pd
 from scipy.io import loadmat
@@ -163,7 +238,7 @@ 

Source code for pyDNMFk.data_io

 
 
 
[docs]class data_read(): - r"""Class for reading data. + r"""Class for reading data. Parameters ---------- @@ -189,6 +264,7 @@

Source code for pyDNMFk.data_io

         self.fname = args.fname
         self.comm = args.comm1
         self.rank = self.comm.rank
+        self.precision = args.precision if args.precision else 'float32'
         self.data = 0
         if self.ftype == 'folder':
             self.file_path = self.fpath + self.fname + str(self.comm.rank) + '.npy'
@@ -197,28 +273,34 @@ 

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def read(self): - r"""Data read function""" + r"""Data read function""" return self.read_dat()
[docs] @comm_timing() def read_file_npy(self): - r"""Numpy data read function""" + r"""Numpy data read function""" self.data = np.load(self.file_path)
[docs] @comm_timing() def read_file_csv(self): - r"""CSV data read function""" + r"""CSV data read function""" self.data = pd.read_csv(self.file_path, header=None).values
[docs] @comm_timing() def read_file_mat(self): - r"""mat file read function""" + r"""mat file read function""" self.data = loadmat(self.file_path)['X']
+
[docs] @comm_timing() + def read_file_npz(self): + r"""mat file read function""" + self.data = scipy.sparse.load_npz(self.file_path)
+ #self.data = loadmat(self.file_path)['X'] +
[docs] @comm_timing() def data_partition( self): - r""" + r""" This function divides the input matrix into chunks as specified by grid configuration. Return n array of shape (nrows_i, ncols_i) where i is the index of each chunk. @@ -233,16 +315,19 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def save_data_to_file(self, fpath): - r"""This function saves the splitted data to numpy array indexed with chunk number""" + r"""This function saves the splitted data to numpy array indexed with chunk number""" fname = fpath + 'A_' + self.comm.rank + '.npy' np.save(fname, self.data)
[docs] @comm_timing() def read_dat(self): - r"""Function for reading the data and split into chunks to be reach by each MPI rank""" + r"""Function for reading the data and split into chunks to be reach by each MPI rank""" if self.ftype == 'npy': self.read_file_npy() self.data_partition() + elif self.ftype == "npz": + self.read_file_npz() + self.data_partition() elif self.ftype == 'csv' or self.ftype == 'txt': self.read_file_csv() self.data_partition() @@ -251,11 +336,11 @@

Source code for pyDNMFk.data_io

             self.data_partition()
         if self.ftype == 'folder':
             self.read_file_npy()
-        return self.data
+ return self.data.astype(self.precision)
[docs]class split_files_save(): - r"""Rank 0 based data read, split and save""" + r"""Rank 0 based data read, split and save""" @comm_timing() def __init__(self, data, pgrid, fpath): @@ -267,14 +352,14 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def split_files(self): - r"""Compute the index range for each block and partition the data as per the chunk""" + r"""Compute the index range for each block and partition the data as per the chunk""" dtr_blk_idx = [determine_block_params(rank, self.pgrid, self.data.shape).determine_block_index_range_asymm() for rank in range(np.product(self.pgrid))] self.split = [self.data[i[0][0]:i[1][0] + 1, i[0][1]:i[1][1] + 1] for i in dtr_blk_idx]
[docs] @comm_timing() def save_data_to_file(self): - r"""Function to save the chunks into numpy files""" + r"""Function to save the chunks into numpy files""" s = 0 self.split = self.split_files() for i in range(self.p_r * self.p_c): @@ -286,7 +371,7 @@

Source code for pyDNMFk.data_io

 
 
 
[docs]class data_write(): - r"""Class for writing data/results. + r"""Class for writing data/results. Parameters ---------- @@ -310,7 +395,7 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def create_folder_dir(self, fpath): - r"""Create directory if not present""" + r"""Create directory if not present""" try: os.mkdir(fpath) except: @@ -318,7 +403,7 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def save_factors(self, factors, reg=False): - r"""Save the W and H factors for each MPI process""" + r"""Save the W and H factors for each MPI process""" self.create_folder_dir(self.fpath) if reg == True: W_factors_pth = self.fpath + 'W_reg_factors/' @@ -342,7 +427,7 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def save_cluster_results(self, params): - r"""Save cluster results to a h5 file with rank 0""" + r"""Save cluster results to a h5 file with rank 0""" if self.rank == 0: with h5py.File(self.fpath + 'results.h5', 'w') as hf: hf.create_dataset('clusterSilhouetteCoefficients', data=params['clusterSilhouetteCoefficients']) @@ -350,11 +435,12 @@

Source code for pyDNMFk.data_io

                 hf.create_dataset('L_err', data=params['L_err'])
                 hf.create_dataset('L_errDist', data=params['L_errDist'])
                 hf.create_dataset('avgErr', data=params['avgErr'])
-                hf.create_dataset('ErrTol', data=params['recon_err'])
+ hf.create_dataset('ErrTol', data=params['recon_err']) + hf.create_dataset('AIC', data=params['AIC'])
[docs]class read_factors(): - r"""Class for reading saved factors. + r"""Class for reading saved factors. Parameters ---------- @@ -367,24 +453,24 @@

Source code for pyDNMFk.data_io

     @comm_timing()
     def __init__(self, factors_path, pgrid):
         self.factors_path = factors_path
-        self.W_path = self.factors_path + 'W/*'
-        self.H_path = self.factors_path + 'H/*'
+        self.W_path = self.factors_path + 'W_reg_factors/*'
+        self.H_path = self.factors_path + 'H_reg_factors/*'
         self.p_grid = pgrid
         self.load_factors()
 
 
[docs] @comm_timing() def custom_read_npy(self, fpath): - r"""Read numpy files""" + r"""Read numpy files""" data = np.load(fpath) return data
[docs] @comm_timing() def read_factor(self, fpath): - """Read factors as chunks and stack them""" + """Read factors as chunks and stack them""" files = glob.glob(fpath) data = [] if len(files) == 1: - data = self.custom_read_npy(files) + data = self.custom_read_npy(files[0]) else: for file in np.sort(files): data.append(self.custom_read_npy(file)) @@ -392,7 +478,7 @@

Source code for pyDNMFk.data_io

 
 
[docs] @comm_timing() def load_factors(self): - r"""Load the final stacked factors for visualization""" + r"""Load the final stacked factors for visualization""" W_data, ct_W = self.read_factor(self.W_path) H_data, ct_H = self.read_factor(self.H_path) if ct_W > 1: W_data = np.vstack((W_data)) @@ -405,47 +491,73 @@

Source code for pyDNMFk.data_io

         return W_data, H_data
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/dist_clustering.html b/docs/_modules/pyDNMFk/dist_clustering.html index 401f520..bb71af9 100644 --- a/docs/_modules/pyDNMFk/dist_clustering.html +++ b/docs/_modules/pyDNMFk/dist_clustering.html @@ -1,162 +1,237 @@ - - - + + + + + + + + pyDNMFk.dist_clustering — pyDNMFk 0.0.1 documentation - - pyDNMFk.dist_clustering — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.dist_clustering
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.dist_clustering

 # @Author: Manish Bhattarai, Erik Skau
 from .utils import *
 
 
 
[docs]class custom_clustering(): - r""" + r""" Greedy algorithm to approximate a quadratic assignment problem to cluster vectors. Given p groups of k vectors, construct k clusters, each cluster containing a single vector from each of the p groups. This clustering approximation uses cos distances and mean centroids. Parameters @@ -182,7 +257,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def normalize_by_W(self): - r'''Normalize the factors W and H''' + r'''Normalize the factors W and H''' Wall_norm = (self.W_all * self.W_all).sum(axis=0) if self.p_r != 1: Wall_norm = self.comm1.allreduce(Wall_norm) @@ -193,7 +268,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def mad(self, data, flag=1, axis=-1): - r'''Compute the median/mean absolute deviation''' + r'''Compute the median/mean absolute deviation''' if flag == 1: # the median absolute deviation return np.nanmedian(np.absolute(data - np.nanmedian(data, axis=axis, keepdims=True)), axis=axis) else: # flag = 0 the mean absolute deviation @@ -202,7 +277,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def change_order(self, tens): - r'''change the order of features''' + r'''change the order of features''' ans = list(range(len(tens))) for p in tens: ans[p[0]] = p[1] @@ -210,7 +285,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def greedy_lsa(self, A): - r"""Return the permutation order""" + r"""Return the permutation order""" X = A.copy() pairs = [] for i in range(X.shape[0]): @@ -223,7 +298,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def dist_feature_ordering(self, centroids, W_sub): - r'''return the features in proper order''' + r'''return the features in proper order''' k = W_sub.shape[1] dist = centroids.T @ W_sub if self.p_r != 1: @@ -235,7 +310,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def dist_custom_clustering(self, centroids=None, vb=0): - """ + """ Performs the distributed custom clustering Parameters @@ -281,7 +356,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def dist_silhouettes(self): - """ + """ Computes the cosine distances silhouettes of a distributed clustering of vectors. Returns @@ -314,7 +389,7 @@

Source code for pyDNMFk.dist_clustering

 
 
[docs] @comm_timing() def fit(self): - r""" + r""" Calls the sub routines to perform distributed custom clustering and compute silhouettes Returns @@ -341,47 +416,73 @@

Source code for pyDNMFk.dist_clustering

         return result
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/dist_comm.html b/docs/_modules/pyDNMFk/dist_comm.html index ead97cd..8f512f1 100644 --- a/docs/_modules/pyDNMFk/dist_comm.html +++ b/docs/_modules/pyDNMFk/dist_comm.html @@ -1,159 +1,234 @@ - - - + + + + + + + + pyDNMFk.dist_comm — pyDNMFk 0.0.1 documentation - - pyDNMFk.dist_comm — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.dist_comm
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.dist_comm

 # @author: Manish Bhattarai
 
[docs]class MPI_comm(): - """Initialization of MPI communicator to construct the cartesian topology and sub communicators + """Initialization of MPI communicator to construct the cartesian topology and sub communicators Parameters ---------- @@ -176,7 +251,7 @@

Source code for pyDNMFk.dist_comm

         self.coord2d = self.cartesian2d.Get_coords(self.rank)
 
 
[docs] def cart_1d_row(self): - """ + """ Constructs a cartesian row communicator through construction of a sub communicator across rows Returns @@ -190,7 +265,7 @@

Source code for pyDNMFk.dist_comm

         return self.cartesian1d_row
[docs] def cart_1d_column(self): - """ + """ Constructs a cartesian column communicator through construction of a sub communicator across columns Returns @@ -204,52 +279,78 @@

Source code for pyDNMFk.dist_comm

         return self.cartesian1d_column
[docs] def Free(self): - """ Frees the sub communicators""" + """ Frees the sub communicators""" self.cart_1d_row().Free() self.cart_1d_column().Free()
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/dist_nmf.html b/docs/_modules/pyDNMFk/dist_nmf.html index 8adb823..3f941f4 100644 --- a/docs/_modules/pyDNMFk/dist_nmf.html +++ b/docs/_modules/pyDNMFk/dist_nmf.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.dist_nmf — pyDNMFk 0.0.1 documentation - - pyDNMFk.dist_nmf — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.dist_nmf
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.dist_nmf

 # @author: Manish Bhattarai
 from numpy import matlib
@@ -158,7 +233,7 @@ 

Source code for pyDNMFk.dist_nmf

 
 
 
[docs]class nmf_algorithms_2D(): - """ + """ Performs the distributed NMF operation along 2D cartesian grid Parameters @@ -217,7 +292,7 @@

Source code for pyDNMFk.dist_nmf

         self.local_H_n = self.H_ij.shape[1]
 
 
[docs] def update(self): - """Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization + """Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization Returns ------- @@ -247,7 +322,7 @@

Source code for pyDNMFk.dist_nmf

 
[docs] @comm_timing() def global_gram(self, A): - r""" Distributed gram computation + r""" Distributed gram computation Computes the global gram operation of matrix A .. math:: A^TA @@ -271,7 +346,7 @@

Source code for pyDNMFk.dist_nmf

 
[docs] @comm_timing() def global_mm(self, A, B): - r""" Distributed matrix multiplication + r""" Distributed matrix multiplication Computes the global matrix multiplication of matrix A and B .. math:: AB @@ -292,12 +367,12 @@

Source code for pyDNMFk.dist_nmf

         self.comm1.barrier()
         return AB_glob
- '''Functions for Fro MU NMF update''' + '''Functions for Fro MU NMF update'''
[docs] @comm_timing() def ATW_glob(self): - r""" Distributed computation of W^TA + r""" Distributed computation of W^TA Computes the global matrix multiplication of matrix W and A .. math:: W^TA @@ -327,7 +402,7 @@

Source code for pyDNMFk.dist_nmf

 
[docs] @comm_timing() def AH_glob(self, H_ij=None): - r""" Distributed computation of AH^T + r""" Distributed computation of AH^T Computes the global matrix multiplication of matrix A and H .. math:: AH^T @@ -359,7 +434,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] def Fro_MU_update_H(self): - r""" + r""" Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank @@ -379,7 +454,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] def Fro_MU_update_W(self): - r""" + r""" Frobenius norm based multiplicative update of W parameter Function computes updated H parameter for each mpi rank @@ -398,7 +473,7 @@

Source code for pyDNMFk.dist_nmf

         self.W_ij *= AH / WHTH
[docs] def Fro_MU_update(self, W_update=True): - r""" + r""" Frobenius norm based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -415,11 +490,11 @@

Source code for pyDNMFk.dist_nmf

             self.Fro_MU_update_W()
         self.Fro_MU_update_H()
- '''Functions for KL MU NMF update''' + '''Functions for KL MU NMF update'''
[docs] @comm_timing() def gather_W_H(self, gW=True, gH=True): - r""" + r""" Gathers W and H factors across cartesian groups i.e H_ij -> H_j if gH=True and W_ij -> W_i and gW=True @@ -445,7 +520,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def WTU_glob(self): - r""" Distributed computation of W^TU + r""" Distributed computation of W^TU Computes the global matrix multiplication of matrix W and U for KL .. math:: W^TU @@ -472,7 +547,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def UHT_glob(self): - r""" Distributed computation of UH^T + r""" Distributed computation of UH^T Computes the global matrix multiplication of matrix W and U for KL .. math:: UH^T @@ -502,7 +577,7 @@

Source code for pyDNMFk.dist_nmf

         return tmp
[docs] def KL_MU_update_W(self): - r""" + r""" KL divergence based multiplicative update of W parameter Function computes updated W parameter for each mpi rank @@ -522,7 +597,7 @@

Source code for pyDNMFk.dist_nmf

         self.W_ij *= sk / (X2 + self.eps)
[docs] def KL_MU_update_H(self): - r""" + r""" Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank @@ -542,7 +617,7 @@

Source code for pyDNMFk.dist_nmf

         self.H_ij *= ks / (X1 + self.eps)
[docs] def KL_MU_update(self, W_update=True): - r""" + r""" KL divergence based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -559,10 +634,10 @@

Source code for pyDNMFk.dist_nmf

             self.KL_MU_update_W()
         self.KL_MU_update_H()
- '''Functions for FRO HALS NMF update''' + '''Functions for FRO HALS NMF update'''
[docs] def FRO_HALS_update_W(self): - r""" + r""" Frobenius norm minimization based HALS update of W parameter Function computes updated W parameter for each mpi rank @@ -585,7 +660,7 @@

Source code for pyDNMFk.dist_nmf

                 self.W_ij[:, kk] /= ss
[docs] def FRO_HALS_update_H(self): - r""" + r""" Frobenius norm minimization based HALS update of H parameter Function computes updated H parameter for each mpi rank @@ -605,7 +680,7 @@

Source code for pyDNMFk.dist_nmf

             self.H_ij[kk, :] = np.maximum(temp_vec, self.eps)
[docs] def FRO_HALS_update(self, W_update=True): - r""" + r""" Frobenius norm minimization based HALS update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -622,11 +697,11 @@

Source code for pyDNMFk.dist_nmf

             self.FRO_HALS_update_W()
         self.FRO_HALS_update_H()
- '''Functions for FRO BCD NMF update''' + '''Functions for FRO BCD NMF update'''
[docs] @comm_timing() def globalSqNorm(self, comm, X): - """ Calc global squared norm of any matrix""" + """ Calc global squared norm of any matrix""" normX = np.linalg.norm(X) sqnormX = normX * normX Xnorm = self.comm1.allreduce(sqnormX, op=MPI.SUM) @@ -634,7 +709,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def initWandH(self): - """ Initialize the parameters for BCD updates""" + """ Initialize the parameters for BCD updates""" # global Frobenius norm u calculated before Xnorm = self.globalSqNorm(self.comm1, self.A_ij) @@ -654,7 +729,7 @@

Source code for pyDNMFk.dist_nmf

         return Wm, Hm, HHT, AHT, W_old, H_old, obj_old, Xnorm
[docs] def FRO_BCD_update(self, W_update=True, itr=1000): - r""" + r""" Frobenius norm minimization based BCD update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -680,7 +755,7 @@

Source code for pyDNMFk.dist_nmf

         # relerr1 = relerr2 = []
         # Iterate for max iterations:
         for i in range(max_iters):
-            """
+            """
             W update
             """
             HHTnorm_old = HHTnorm  #
@@ -694,7 +769,7 @@ 

Source code for pyDNMFk.dist_nmf

             self.comm1.barrier()
             self.W_ij /= globalWSum
             WTW = self.global_gram(self.W_ij)
-            """
+            """
             H update
             """
             WTWnorm_old = WTWnorm
@@ -733,7 +808,7 @@ 

Source code for pyDNMFk.dist_nmf

 
 
 
[docs]class nmf_algorithms_1D(): - """ + """ Performs the distributed NMF operation along 1D cartesian grid Parameters @@ -785,7 +860,7 @@

Source code for pyDNMFk.dist_nmf

         self.local_H_n = self.H_j.shape[1]
 
 
[docs] def update(self): - """Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization + """Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization Returns ------- @@ -814,7 +889,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def global_gram(self, A, p=1): - r""" Distributed gram computation + r""" Distributed gram computation Computes the global gram operation of matrix A .. math:: A^TA @@ -839,7 +914,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def global_mm(self, A, B, p=-1): - r""" Distributed matrix multiplication + r""" Distributed matrix multiplication Computes the global matrix multiplication of matrix A and B .. math:: AB @@ -855,7 +930,8 @@

Source code for pyDNMFk.dist_nmf

 
         AB_glob  : ndarray
         """
-        AB_loc = np.matmul(A, B)
+        #AB_loc = np.matmul(A, B)
+        AB_loc = A@B
         if p != 1:
             AB_glob = self.comm1.allreduce(AB_loc, op=MPI.SUM)
             self.comm1.barrier()
@@ -863,11 +939,11 @@ 

Source code for pyDNMFk.dist_nmf

             AB_glob = AB_loc
         return AB_glob
- '''Functions for Fro MU NMF update''' + '''Functions for Fro MU NMF update'''
[docs] @comm_timing() def Fro_MU_update_W(self): - r""" + r""" Frobenius norm based multiplicative update of W parameter Function computes updated H parameter for each mpi rank @@ -879,15 +955,16 @@

Source code for pyDNMFk.dist_nmf

          -------
          self.W_i : ndarray
          """
+        HH_T = self.global_gram(self.H_j.T, p=self.p_c)
+        AH = self.global_mm(self.A_ij, self.H_j.T, p=self.p_c)
+        #WHTH = np.matmul(self.W_i, HH_T) + self.eps
+        WHTH = (self.W_i @ HH_T) + self.eps
+        self.W_i *= AH / WHTH
- W_TW = self.global_gram(self.W_i, p=self.p_r) - AtW = self.global_mm(self.W_i.T, self.A_ij, p=self.p_r) - HWtW = np.matmul(self.H_j.T, W_TW) + self.eps - self.H_j *= AtW / HWtW.T
[docs] @comm_timing() def Fro_MU_update_H(self): - r""" + r""" Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank @@ -898,15 +975,21 @@

Source code for pyDNMFk.dist_nmf

         Returns
         -------
         self.H_j : ndarray"""
+        W_TW = self.global_gram(self.W_i, p=self.p_r)
+        #print(f"[+] WTW = {W_TW}")
+        AtW = self.global_mm(self.W_i.T, self.A_ij, p=self.p_r)
+        #print(f"[+] ATW = {AtW}")
+        #HWtW = np.matmul(self.H_j.T, W_TW) + self.eps
+        HWtW = (self.H_j.T @ W_TW) + self.eps
+        #print(f"[+] HWTW = {HWtW.T}")
+        h_up = self.H_j*AtW / HWtW.T
+        #print(f"H_UPDATE = {h_up}")
+        self.H_j *= AtW / HWtW.T
- HH_T = self.global_gram(self.H_j.T, p=self.p_c) - AH = self.global_mm(self.A_ij, self.H_j.T, p=self.p_c) - WHTH = np.matmul(self.W_i, HH_T) + self.eps - self.W_i *= AH / WHTH
[docs] @comm_timing() def Fro_MU_update(self, W_update=True): - r""" + r""" Frobenius norm based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -923,11 +1006,11 @@

Source code for pyDNMFk.dist_nmf

             self.Fro_MU_update_W()
         self.Fro_MU_update_H()
- '''Functions for KL MU NMF update''' + '''Functions for KL MU NMF update'''
[docs] @comm_timing() def sum_along_axis(self, X, p=1, axis=0): - r""" + r""" Performs sum of the matrix along given axis Parameters @@ -955,7 +1038,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def glob_UX(self, axis): - """Perform a global operation UX for W and H update with KL""" + """Perform a global operation UX for W and H update with KL""" UX = self.A_ij / (self.W_i @ self.H_j + self.eps) if axis == 1: UX = self.global_mm(self.W_i.T, UX, p=self.p_r) @@ -964,7 +1047,7 @@

Source code for pyDNMFk.dist_nmf

         return UX
[docs] def KL_MU_update_W(self): - r""" + r""" KL divergence based multiplicative update of W parameter Function computes updated W parameter for each mpi rank @@ -983,7 +1066,7 @@

Source code for pyDNMFk.dist_nmf

         self.W_i *= sk / (X2 + self.eps)
[docs] def KL_MU_update_H(self): - r""" + r""" KL divergence based multiplicative update of H parameter Function computes updated H parameter for each mpi rank @@ -1002,7 +1085,7 @@

Source code for pyDNMFk.dist_nmf

         self.H_j *= sk / (X2 + self.eps)
[docs] def KL_MU_update(self, W_update=True): - r""" + r""" KL divergence based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -1021,10 +1104,10 @@

Source code for pyDNMFk.dist_nmf

             self.KL_MU_update_W()
         self.KL_MU_update_H()
- '''Functions for FRO HALS NMF update''' + '''Functions for FRO HALS NMF update'''
[docs] def FRO_HALS_update_W(self): - r""" + r""" Frobenius norm minimization based HALS update of W parameter Function computes updated W parameter for each mpi rank @@ -1046,7 +1129,7 @@

Source code for pyDNMFk.dist_nmf

                 self.W_i[:, kk] /= ss
[docs] def FRO_HALS_update_H(self): - r""" + r""" Frobenius norm minimization based HALS update of H parameter Function computes updated H parameter for each mpi rank @@ -1067,7 +1150,7 @@

Source code for pyDNMFk.dist_nmf

         # self.H_j = self.H_j.T
 
 
[docs] def FRO_HALS_update(self, W_update=True): - r""" + r""" Frobenius norm minimizatio based HALS update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -1087,11 +1170,11 @@

Source code for pyDNMFk.dist_nmf

         self.FRO_HALS_update_H()
- '''Functions for FRO BCD NMF update''' + '''Functions for FRO BCD NMF update'''
[docs] @comm_timing() def globalSqNorm(self, X, p=-1): - """ Calc global squared norm of any matrix""" + """ Calc global squared norm of any matrix""" normX = np.linalg.norm(X) sqnormX = normX * normX if p != 1: @@ -1103,7 +1186,7 @@

Source code for pyDNMFk.dist_nmf

 
 
[docs] @comm_timing() def initWandH(self): - """ Initialize the parameters for BCD updates""" + """ Initialize the parameters for BCD updates""" # global Frobenius norm u calculated before Xnorm = self.globalSqNorm(self.A_ij) @@ -1122,7 +1205,7 @@

Source code for pyDNMFk.dist_nmf

         return Wm, Hm, HHT, AHT, W_old, H_old, obj_old, Xnorm
[docs] def FRO_BCD_update(self, W_update=True, itr=1000): - r""" + r""" Frobenius norm minimization based BCD update of W and H parameter Function computes updated W and H parameter for each mpi rank @@ -1147,7 +1230,7 @@

Source code for pyDNMFk.dist_nmf

         # relerr1 = relerr2 = []
         # Iterate for max iterations:
         for i in range(max_iters):
-            """
+            """
             W update
             """
             HHTnorm_old = HHTnorm  #
@@ -1163,7 +1246,7 @@ 

Source code for pyDNMFk.dist_nmf

             if self.p_r == 1: globalWSum = localWsum
             self.W_i /= globalWSum
             WTW = self.global_gram(self.W_i, p=self.p_r)
-            """
+            """
             H update
             """
             WTWnorm_old = WTWnorm
@@ -1200,47 +1283,73 @@ 

Source code for pyDNMFk.dist_nmf

                 obj_old = obj
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/dist_svd.html b/docs/_modules/pyDNMFk/dist_svd.html index c98ad74..4fe57ee 100644 --- a/docs/_modules/pyDNMFk/dist_svd.html +++ b/docs/_modules/pyDNMFk/dist_svd.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.dist_svd — pyDNMFk 0.0.1 documentation - - pyDNMFk.dist_svd — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ + -
- -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.dist_svd
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.dist_svd

 # @Author: Gopinath Chennupati, Manish Bhattarai, Erik Skau
 from datetime import datetime
@@ -160,7 +235,7 @@ 

Source code for pyDNMFk.dist_svd

 
 
 
[docs]class DistSVD(): - r""" + r""" Distributed Computation of SVD along 1D distribution of the data. Only U or V is distributed based on data size. Parameters @@ -220,7 +295,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def normalize_by_W(self, Wall, Hall, comm1): - """Normalize the factors W and H""" + """Normalize the factors W and H""" Wall_norm = Wall.sum(axis=0, keepdims=True) if self.proc_rows != 1: Wall_norm = comm1.allreduce(Wall_norm, op=MPI.SUM) @@ -232,7 +307,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def randomUnitVector(self, d): - """ + """ Construnct a rondom unit vector """ unnormalized = [normalvariate(0, 1) for _ in range(d)] @@ -241,14 +316,14 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def globalGram(self, X, Y): - """Compute the global gram betwee X and Y""" + """Compute the global gram betwee X and Y""" B = X @ Y B = self.grid_comm.allreduce(B) return B
[docs] @comm_timing() def svd1D(self): - """ + """ One dimensional SVD """ buf = self.randomUnitVector(min(self.globalm, self.globaln)) @@ -291,7 +366,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def calc_norm(self, vec): - """Compute the norm of vector""" + """Compute the norm of vector""" partial_sq_sum = sum(vec * vec) global_sq_sum = self.grid_comm.allreduce(partial_sq_sum) # norm = torch.sqrt(global_sq_sum) @@ -300,7 +375,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def svd(self): - """ + """ Computes the SVD for a given matrix Returns @@ -340,7 +415,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def rel_error(self, U, S, V): - """Computes the relative error between the reconstructed data with factors vs original data""" + """Computes the relative error between the reconstructed data with factors vs original data""" X_recon = U @ S @ V err_num = np.sum((self.A - X_recon) ** 2) norm_deno = np.sum(self.A ** 2) @@ -351,7 +426,7 @@

Source code for pyDNMFk.dist_svd

 
 
[docs] @comm_timing() def nnsvd(self, flag=1, verbose=1): - r""" + r""" Computes the distributed Non-Negative SVD(NNSVD) components from the computed SVD factors. Parameters @@ -420,47 +495,73 @@

Source code for pyDNMFk.dist_svd

             return self.normalize_by_W(W, H, self.grid_comm)
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/plot_results.html b/docs/_modules/pyDNMFk/plot_results.html index ffd30d7..61f54c0 100644 --- a/docs/_modules/pyDNMFk/plot_results.html +++ b/docs/_modules/pyDNMFk/plot_results.html @@ -1,164 +1,239 @@ - - - + + + + + + + + pyDNMFk.plot_results — pyDNMFk 0.0.1 documentation - - pyDNMFk.plot_results — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.plot_results
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.plot_results

 # @author: Manish Bhattarai
 import matplotlib
 from matplotlib import pyplot as plt
 from .data_io import *
-
+from h5py import File
 
 
[docs]def plot_err(err): - """Plots the relative error for NMF decomposition as a function of number of iterations""" + """Plots the relative error for NMF decomposition as a function of number of iterations""" idx = np.linspace(1, len(err), len(err)) plt.plot(idx, err) plt.xlabel('Iterations') @@ -169,7 +244,7 @@

Source code for pyDNMFk.plot_results

 
 
 
[docs]def read_plot_factors(factors_path, pgrid): - """Reads the factors W and H and Plots them""" + """Reads the factors W and H and Plots them""" W, H = read_factors(factors_path, pgrid) plot_W(W) plt.savefig(factors_path + 'W.png') @@ -178,7 +253,7 @@

Source code for pyDNMFk.plot_results

 
 
 
[docs]def plot_W(W): - """Reads a factor and plots into subplots for each component""" + """Reads a factor and plots into subplots for each component""" m, k = W.shape params = {'legend.fontsize': 60, @@ -215,10 +290,10 @@

Source code for pyDNMFk.plot_results

     plt.show()
-
[docs]def plot_results(startProcess, endProcess, RECON, RECON1, SILL_MIN, out_put, name): - """Plots the relative error and Silhouette results for estimation of k""" +
[docs]def plot_results(startProcess, endProcess, stepProcess,RECON, RECON1, SILL_MIN, out_put, name): + """Plots the relative error and Silhouette results for estimation of k""" ######################################## Plotting #################################################### - t = range(startProcess, endProcess + 1) + t = range(startProcess, endProcess + 1,stepProcess) fig, ax1 = plt.subplots(num=None, figsize=(10, 6), dpi=300, facecolor='w', edgecolor='k') title = 'Num' color = 'tab:red' @@ -235,9 +310,7 @@

Source code for pyDNMFk.plot_results

     # manipulate the y-axis values into percentage 
     vals = ax1.get_yticks()
     ax1.set_yticklabels(['{:,.0%}'.format(x) for x in vals])
-
     # ax1.legend(loc=0)
-
     ax2 = ax1.twinx()  # instantiate a second axes that shares the same x-axis
     color = 'tab:blue'
     ax2.set_ylabel('Minimum Stability', color=color)  # we already handled the x-label with ax1
@@ -246,19 +319,61 @@ 

Source code for pyDNMFk.plot_results

     # ax2.legend(loc=1)
     fig.tight_layout()  # otherwise the right y-label is slightly clipped
     # plt.show()
-
     # added these three lines
     lns = lns1 + lns2 + lns3
     labs = [l.get_label() for l in lns]
     ax1.legend(lns, labs, loc=0)
-
     plt.savefig(out_put + '/' + name + '_selection_plot.pdf')
-
     plt.close()
+
[docs]def plot_results_fpath(params): + """Plots the relative error and Silhouette results for estimation of k from given folder location""" + ######################################## Plotting #################################################### + t = range(params.start_k,params.end_k + 1,params.step) + fig, ax1 = plt.subplots(num=None, figsize=(10, 6), dpi=300, facecolor='w', edgecolor='k') + title = 'Num' + color = 'tab:red' + ax1.set_xlabel('Total Signatures') + ax1.set_ylabel('Mean L2 %', color=color) + ax1.set_title(title) + RECON = [] + RECON1 = [] + SILL_MIN = [] + for k in t: + results_paths = params.results_path + str(k) + '/' + data = File(results_paths+'/results.h5','r') + RECON.append(np.array(data['L_errDist'])) + RECON1.append(np.array(data['avgErr'])) + SILL_MIN.append(round(np.min(np.array(data['clusterSilhouetteCoefficients'])), 2)) + + lns1 = ax1.plot(t, RECON, marker='o', linestyle=':', color=color, label='Mean L2 %') + lns3 = ax1.plot(t, RECON1, marker='X', linestyle=':', color='tab:green', label="Relative error %") + ax1.tick_params(axis='y', labelcolor=color) + ax1.xaxis.set_ticks(np.arange(min(t), max(t) + 1, 1)) + # ax1.axvspan(shadow_start, shadow_end, alpha=0.20, color='#ADD8E6') + # ax1.axvspan(shadow_alternative_start, shadow_alternative_end, alpha=0.20, color='#696969') + # manipulate the y-axis values into percentage + vals = ax1.get_yticks() + ax1.set_yticklabels(['{:,.0%}'.format(x) for x in vals]) + # ax1.legend(loc=0) + ax2 = ax1.twinx() # instantiate a second axes that shares the same x-axis + color = 'tab:blue' + ax2.set_ylabel('Minimum Stability', color=color) # we already handled the x-label with ax1 + lns2 = ax2.plot(t, SILL_MIN, marker='s', linestyle="-.", color=color, label='Minimum Stability') + ax2.tick_params(axis='y', labelcolor=color) + # ax2.legend(loc=1) + fig.tight_layout() # otherwise the right y-label is slightly clipped + # plt.show() + # added these three lines + lns = lns1 + lns2 + lns3 + labs = [l.get_label() for l in lns] + ax1.legend(lns, labs, loc=0) + plt.savefig(params.results_path + '/' + params.fname + '_selection_plot.pdf') + plt.close()
+
[docs]def box_plot(dat, respath): - """Plots the boxplot from the given data and saves the results""" + """Plots the boxplot from the given data and saves the results""" dat.plot.bar() plt.xlabel('operation') plt.ylabel('timing(sec)') @@ -268,7 +383,7 @@

Source code for pyDNMFk.plot_results

 
 
 
[docs]def timing_stats(fpath): - """Reads the timing stats dictionary from the stored file and parses the data. """ + """Reads the timing stats dictionary from the stored file and parses the data. """ import copy data = pd.read_csv(fpath).iloc[0, 1:] breakdown_level_2 = {'init': ['__init__', 'init_factors'], @@ -286,7 +401,7 @@

Source code for pyDNMFk.plot_results

                          'compute': 'fit'}
     results = {}
 
-    ''''Data parsing'''
+    ''''Data parsing'''
     breakdown_level_1_dat = copy.deepcopy(breakdown_level_1)
     breakdown_level_2_dat = copy.deepcopy(breakdown_level_2)
 
@@ -315,7 +430,7 @@ 

Source code for pyDNMFk.plot_results

 
 
 
[docs]def plot_timing_stats(fpath, respath): - ''' Plots the timing stats for the MPI operation. + ''' Plots the timing stats for the MPI operation. fpath: Stats data path respath: Path to save graph''' res1, res2 = timing_stats(fpath) @@ -327,47 +442,73 @@

Source code for pyDNMFk.plot_results

     box_plot(pd.DataFrame([tmp]).loc[0, :], respath)
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/pyDNMF.html b/docs/_modules/pyDNMFk/pyDNMF.html index 56fb7fe..f66ff00 100644 --- a/docs/_modules/pyDNMFk/pyDNMF.html +++ b/docs/_modules/pyDNMFk/pyDNMF.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.pyDNMF — pyDNMFk 0.0.1 documentation - - pyDNMFk.pyDNMF — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + +
+ + + + + -
+
- - - -
+
-
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.pyDNMF
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.pyDNMF

 # @author: Manish Bhattarai
 
@@ -157,10 +232,12 @@ 

Source code for pyDNMFk.pyDNMF

 from .dist_nmf import *
 from .dist_svd import *
 from .utils import *
-
+import scipy
+from scipy.linalg import norm as scipy_norm
+from scipy.sparse.linalg import norm as scipy_sparse_norm
 
 
[docs]class PyNMF(): - r""" + r""" Performs the distributed NMF decomposition of given matrix X into factors W and H Parameters @@ -219,9 +296,12 @@

Source code for pyDNMFk.pyDNMF

         self.params.eps = self.eps
         self.norm = var_init(self.params,'norm',default='kl')
         self.method = var_init(self.params,'method',default='mu')
+        self.prune = var_init(self.params, 'prune', default=True)
         self.save_factors = save_factors
         self.params.itr = var_init(self.params,'itr',default=5000)
         self.itr = self.params.itr
+        self.W_start, self.W_end = 0,0
+        self.H_start, self.H_end = 0, 0
         try:
             self.W_update = self.params.W_update
         except:
@@ -231,7 +311,9 @@ 

Source code for pyDNMFk.pyDNMF

             self.topo = '2d'
         else:
             self.topo = '1d'
-        self.compute_global_dim()
+        self.params.topo = self.topo
+        self.data_op = data_operations(self.A_ij, self.params)
+        self.params = self.data_op.params
         if factors is not None:
             if self.topo == '1d':
                 self.W_i = factors[0].astype(self.A_ij.dtype)
@@ -241,45 +323,23 @@ 

Source code for pyDNMFk.pyDNMF

                 self.H_ij = factors[1].astype(self.A_ij.dtype)
         else:
             self.init_factors()
+        if self.prune:
+            if self.topo=='2d': self.A_ij,self.W_ij,self.H_ij = self.data_op.prune_all(self.W_ij,self.H_ij)
+            elif self.topo == '1d': self.A_ij,self.W_i,self.H_j = self.data_op.prune_all(self.W_i, self.H_j)
+
 
 
-
[docs] @comm_timing() - def compute_global_dim(self): - """Computes global dimensions m and n from given chunk sizes for any grid configuration""" - self.loc_m, self.loc_n = self.A_ij.shape - if self.p_r != 1 and self.p_c == 1: - self.params.n = self.loc_n - self.params.m = self.comm1.allreduce(self.loc_m) - elif self.p_c != 1 and self.p_r == 1: - self.params.n = self.comm1.allreduce(self.loc_n) - self.params.m = self.loc_m - else: - if self.rank % self.p_c == 0: - self.params.m = self.loc_m - else: - self.params.m = 0 - self.params.m = self.comm1.allreduce(self.params.m) - if self.rank // self.p_c == 0: - self.params.n = self.loc_n - else: - self.params.n = 0 - self.params.n = self.comm1.allreduce(self.params.n) - self.comm1.barrier()
- # if self.rank == 0: print('Data dimensions=(', self.params.m, self.params.n, ')')
[docs] @comm_timing() def init_factors(self): - """Initializes NMF factors with rand/nnsvd method""" + """Initializes NMF factors with rand/nnsvd method""" if self.init == 'rand': - if self.topo == '2d': - dtr_blk_m = determine_block_params(self.cart_1d_column, (self.p_c, 1), (self.A_ij.shape[0], self.k)) - m_loc = dtr_blk_m.determine_block_shape_asymm()[0] - dtr_blk_n = determine_block_params(self.cart_1d_row, (1, self.p_r), (self.k, self.A_ij.shape[1])) - n_loc = dtr_blk_n.determine_block_shape_asymm()[1] - self.W_ij = np.random.rand(m_loc, self.k).astype(self.A_ij.dtype) - self.H_ij = np.random.rand(self.k, n_loc).astype(self.A_ij.dtype) + if self.topo=='2d': + self.W_ij = np.random.rand(self.params.m_loc, self.k).astype(self.A_ij.dtype) + self.H_ij = np.random.rand(self.k, self.params.n_loc).astype(self.A_ij.dtype) elif self.topo == '1d': + #np.random.seed(0) if self.p_c == 1: self.W_i = np.random.rand(self.m_loc, self.k).astype(self.A_ij.dtype) if self.rank == 0: @@ -302,9 +362,14 @@

Source code for pyDNMFk.pyDNMF

             elif self.topo == '2d':
                 raise Exception('NNSVD init only available for 1D topology, please try with 1d topo.')
+ #if self.rank == 0: + # print("=============== [iter %04d] =================" %-1) + # print(f'W_gpu = {self.W_i}') + # print(f'H_gpu = {self.H_j}') +
[docs] @comm_timing() def fit(self): - r""" + r""" Calls the sub routines to perform distributed NMF decomposition with initialization for a given norm minimization and update method Returns @@ -317,6 +382,7 @@

Source code for pyDNMFk.pyDNMF

             Reconstruction error for NMF decomposition
         """
         for i in range(self.itr):
+            #if self.rank == 0: print("=============== [iter %04d] =================" %i)
             if self.method.lower() == 'bcd': i = self.itr - 1
             if self.topo == '2d':
                 self.W_ij, self.H_ij = nmf_algorithms_2D(self.A_ij, self.W_ij, self.H_ij, params=self.params).update()
@@ -326,41 +392,47 @@ 

Source code for pyDNMFk.pyDNMF

                 if i == self.itr - 1:
                     self.W_ij, self.H_ij = self.normalize_features(self.W_ij, self.H_ij)
                     self.relative_err()
-                    if self.verbose == True:
-                        if self.rank == 0: print('relative error is:', self.recon_err)
+                    #if self.verbose == True:
+                    #    #if self.rank == 0: print('relative error is:', self.recon_err)
                     if self.save_factors:
                         data_write(self.params).save_factors([self.W_ij, self.H_ij])
                     self.comm.Free()
+                    if self.prune: self.W_ij,self.H_ij = self.data_op.unprune_factors(self.W_ij, self.H_ij)
                     return self.W_ij, self.H_ij, self.recon_err
             elif self.topo == '1d':
                 self.W_i, self.H_j = nmf_algorithms_1D(self.A_ij, self.W_i, self.H_j, params=self.params).update()
+                #if self.rank == 0:
+                #    print(f'W_gpu = {self.W_i}')
+                #    print(f'H_gpu = {self.H_j}')
                 if i % 10 == 0:
                     self.H_j = np.maximum(self.H_j, self.eps)
                     self.W_i = np.maximum(self.W_i, self.eps)
                 if i == self.itr - 1:
                     self.W_i, self.H_j = self.normalize_features(self.W_i, self.H_j)
                     self.relative_err()
-                    if self.verbose == True:
-                        if self.rank == 0: print('\nrelative error is:', self.recon_err)
+                    #if self.verbose == True: if self.rank == 0: print('\nrelative error is:', self.recon_err)
+                    #    if self.rank == 0: print('\nrelative error is:', self.recon_err)
                     if self.save_factors:
                         data_write(self.params).save_factors([self.W_i, self.H_j])
+                    if self.prune:
+                        self.W_i, self.H_j = self.data_op.unprune_factors(self.W_i, self.H_j)
                     return self.W_i, self.H_j, self.recon_err
[docs] @comm_timing() def normalize_features(self, Wall, Hall): - """Normalizes features Wall and Hall""" - Wall_norm = Wall.sum(axis=0, keepdims=True) + self.eps + """Normalizes features Wall and Hall""" + Wall_norm = Wall.sum(axis=0, keepdims=True) if self.topo == '2d': Wall_norm = self.comm1.allreduce(Wall_norm, op=MPI.SUM) elif self.topo == '1d': if self.p_r != 1: Wall_norm = self.comm1.allreduce(Wall_norm, op=MPI.SUM) - Wall /= Wall_norm + Wall /= Wall_norm+ self.eps Hall *= Wall_norm.T return Wall, Hall
[docs] @comm_timing() def cart_2d_collect_factors(self): - """Collects factors along each sub communicators""" + """Collects factors along each sub communicators""" self.H_j = self.cart_1d_row.allgather(self.H_ij) self.H_j = np.hstack((self.H_j)) self.W_i = self.cart_1d_column.allgather(self.W_ij) @@ -368,7 +440,7 @@

Source code for pyDNMFk.pyDNMF

 
 
[docs] @comm_timing() def relative_err(self): - """Computes the relative error for NMF decomposition""" + """Computes the relative error for NMF decomposition""" if self.topo == '2d': self.cart_2d_collect_factors() self.glob_norm_err = self.dist_norm(self.A_ij - self.W_i @ self.H_j) self.glob_norm_A = self.dist_norm(self.A_ij) @@ -376,15 +448,20 @@

Source code for pyDNMFk.pyDNMF

 
 
[docs] @comm_timing() def dist_norm(self, X, proc=-1, norm='fro', axis=None): - """Computes the distributed norm""" - nm = np.linalg.norm(X, axis=axis, ord=norm) + """Computes the distributed norm""" + if type(X) in [numpy.matrix, numpy.ndarray]: + nm = np.linalg.norm(X, axis=axis, ord=norm) + elif type(X) in [scipy.sparse.coo.coo_matrix, scipy.sparse.csr.csr_matrix, scipy.sparse.csc.csc_matrix]: + nm = scipy_sparse_norm(X, ord=norm, axis=axis) + else: + raise Exception("[!!] type(X): {} is not understaood".format(type(X))) if proc != 1: nm = self.comm1.allreduce(nm ** 2) return np.sqrt(nm)
[docs] @comm_timing() def column_err(self): - """Computes the distributed column wise norm""" + """Computes the distributed column wise norm""" dtr_blk = determine_block_params(self.comm1, (self.p_r, self.p_c), (self.params.m, self.params.n)) dtr_blk_idx = dtr_blk.determine_block_index_range_asymm() dtr_blk_shp = dtr_blk.determine_block_shape_asymm() @@ -394,8 +471,12 @@

Source code for pyDNMFk.pyDNMF

         L_errDist_deno = np.zeros(self.n_loc)
         Arecon = self.W_i @ self.H_j
         for q in range(self.A_ij.shape[1]):
-            L_errDist_num[q] = np.sum((self.A_ij[:, q] - Arecon[:, q]) ** 2)
-            L_errDist_deno[q] = np.sum(self.A_ij[:, q] ** 2)
+            if scipy.sparse.issparse(self.A_ij):
+                L_errDist_num[q] = (np.square(self.A_ij[:, q] - Arecon[:, q][:,None])).sum()
+                L_errDist_deno[q] = (self.A_ij[:, q].data ** 2).sum()
+            else:
+                L_errDist_num[q] = ((self.A_ij[:, q] - Arecon[:, q]) ** 2).sum()
+                L_errDist_deno[q] = (self.A_ij[:, q] ** 2).sum()
         col_err_num[dtr_blk_idx[0][1]:dtr_blk_idx[0][1] + dtr_blk_shp[1]] = L_errDist_num
         col_err_deno[dtr_blk_idx[0][1]:dtr_blk_idx[0][1] + dtr_blk_shp[1]] = L_errDist_deno
         col_err_num = self.comm1.allreduce(col_err_num)
@@ -404,47 +485,73 @@ 

Source code for pyDNMFk.pyDNMF

         return col_err
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - +
+
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/pyDNMFk.html b/docs/_modules/pyDNMFk/pyDNMFk.html index 5e4ab66..9bdb298 100644 --- a/docs/_modules/pyDNMFk/pyDNMFk.html +++ b/docs/_modules/pyDNMFk/pyDNMFk.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.pyDNMFk — pyDNMFk 0.0.1 documentation - - pyDNMFk.pyDNMFk — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + +
+ + + + + -
+
- - - -
- -
- - - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.pyDNMFk
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.pyDNMFk

 #@author: Manish Bhattarai
 from scipy.stats import wilcoxon
@@ -158,8 +233,32 @@ 

Source code for pyDNMFk.pyDNMFk

 from .pyDNMF import *
 from .plot_results import *
 
+import cupy as cp
+from cupy import asarray  as _asarray
+from cupy import asnumpy  as _asnumpy
+from cupy import divide   as _divide
+from cupy import matmul   as _matmul
+from cupy import multiply as _multiply
+from cupy import zeros    as _zeros
+from .cupyCuSPARSELib  import spMM as _spMM
+from .cupyCuSPARSELib  import spMat, spRandMat, spMM
+from scipy.sparse import coo_matrix, csc_matrix, csr_matrix, dia_matrix, issparse
+import scipy
+#from .NMF_utils import sparse_NMF_generator
+from .cudaNMF import cudaNMF
+#from sgemm import sgemm as _sgemm
+
+from cupy.cuda import nccl
+from .communicators import NCCLComm
+from .toolz import log, blue, green, red, amber
+from .comm_utils import GetTopology
+
+import time
+
+
+
 
[docs]class sample(): - """ + """ Generates perturbed version of data based on sampling distribution. Parameters @@ -188,7 +287,7 @@

Source code for pyDNMFk.pyDNMFk

 
 
[docs] @comm_timing() def randM(self): - """ + """ Multiplies each element of X by a uniform random number in (1-epsilon, 1+epsilon). """ @@ -198,13 +297,13 @@

Source code for pyDNMFk.pyDNMFk

 
 
[docs] @comm_timing() def poisson(self): - """Resamples each element of a matrix from a Poisson distribution with the mean set by that element. Y_{i,j} = Poisson(X_{i,j}""" + """Resamples each element of a matrix from a Poisson distribution with the mean set by that element. Y_{i,j} = Poisson(X_{i,j}""" self.X_per = np.random.poisson(self.X).astype(self.X.dtype)
[docs] @comm_timing() def fit(self): - r""" + r""" Calls the sub routines to perform resampling on data Returns @@ -221,7 +320,7 @@

Source code for pyDNMFk.pyDNMFk

 
 
 
[docs]class PyNMFk(): - r""" + r""" Performs the distributed NMF decomposition with custom clustering for estimating hidden factors k Parameters @@ -278,10 +377,21 @@

Source code for pyDNMFk.pyDNMFk

     @comm_timing()
     def __init__(self, A_ij, factors=None, params=None):
         self.A_ij = A_ij
-        self.local_m, self.local_n = self.A_ij.shape
         self.params = params
+        #[IDB000: Switch for use_gpu]
+        self.use_gpu = self.params.use_gpu if self.params.use_gpu else False
+        #[IDB000: END]
+        self.local_m, self.local_n = self.A_ij.shape
         self.comm1 = self.params.comm1
         self.rank = self.comm1.rank
+        if self.rank == 0:
+            print(f"{149*'#'}")
+            log("[{}]                                                --[{}  comm built {}]--".format(green("+"),blue('MPI'), green("OK")))
+        if self.use_gpu:
+            if self.rank == 0:
+                print(f"{149*'#'}")
+                log("[{}]                                                --[Using {} BackEnd]--".format(green("+"), green("CUDA")))
+                print(f"{149*'#'}")
         self.p_r, self.p_c = self.params.p_r, self.params.p_c
         self.fpath = self.params.fpath
         self.fname = self.params.fname
@@ -290,9 +400,23 @@ 

Source code for pyDNMFk.pyDNMFk

             self.topo = '2d'
         else:
             self.topo = '1d'
+        #[IDB001: Passing down useful parameters]
+        self.params.topo_dim = self.topo
+        if type(self.A_ij) in [scipy.sparse.coo.coo_matrix, scipy.sparse.csr.csr_matrix, scipy.sparse.csc.csc_matrix]:
+            self.A_in_sparse_format = True
+            if self.rank == 0:
+                print(f"{149*'#'}")
+                log("[{}]                                          --[Activating {} operations {}]--".format(green("+"), blue("SPARSE") ,green("OK")))
+                print(f"{149*'#'}")
+        else:
+            self.A_in_sparse_format = False
+        self.params.A_in_sparse_format = self.A_in_sparse_format
+        #[IDB001: END]
+        
         self.sampling = var_init(self.params,'sampling',default='uniform')
         self.perturbations = var_init(self.params,'perturbations',default=20)
-        self.noise_var = var_init(self.params,'noise_var',default=.03)
+        self.noise_var = var_init(self.params,'noise_var',default=.03)
+        self.step_k = var_init(self.params, 'step', default=1)
         self.Hall = 0
         self.Wall = 0
         self.recon_err = 0
@@ -306,11 +430,17 @@ 

Source code for pyDNMFk.pyDNMFk

         self.end_k = self.params.end_k  # ['end_k']
         self.sill_thr = var_init(params,'sill_thr',default=0.9)
         self.verbose = var_init(params,'verbose',default=False)
-
+        self.params.checkpoint = var_init(params, 'checkpoint', default=True)
+        self.params.flag = 0 #flag to track state (i.e 1 for completion of pyNMF for all perturbations, 2 for clustering,3 for results saved)
+        self.cp = Checkpoint(checkpoint_save=self.params.checkpoint, params=self.params)
+        #[IDB003: Construnc GPU NMF object]
+        #self.use_gpu = self.params.use_gpu if self.params.use_gpu else False
+        if self.use_gpu: self.cudaNMF = cudaNMF(self.A_ij, k=None, params=self.params, factors=None)
+        #[IDB003: END]
 
 
[docs] @comm_timing() def fit(self): - r""" + r""" Calls the sub routines to perform distributed NMF decomposition and then custom clustering to estimate k Returns @@ -327,18 +457,30 @@

Source code for pyDNMFk.pyDNMFk

         if self.rank == 0:
             try: os.makedirs(self.params.results_paths)
             except: pass
-        for self.k in range(self.start_k, self.end_k + 1):
+
+        if self.params.checkpoint:
+            try:
+                self.cp.load_from_checkpoint()
+                if self.cp.flag>3:
+                   self.start_k = self.cp.k+self.step_k
+                else:
+                    self.start_k = self.cp.k
+            except:
+                pass
+
+        for self.k in range(self.start_k, self.end_k + 1,self.step_k):
             self.params.k = self.k
             self.pynmfk_per_k()
-            SILL_MIN.append(round(np.min(self.clusterSilhouetteCoefficients), 2))
-            errRegres.append([self.col_err])
-            errRegresTol.append([self.recon_err])
-            RECON.append(self.L_errDist)
-            RECON1.append(self.avgErr)
+            '''SILL_MIN.append(round(np.min(self.clusterSilhouetteCoefficients), 2))
+            errRegres.append([self.col_err])
+            errRegresTol.append([self.recon_err])
+            RECON.append(self.L_errDist)
+            RECON1.append(self.avgErr)'''
+
         if self.rank == 0:
-            nopt1, pvalue1 = self.pvalueAnalysis(errRegres, SILL_MIN)
+            nopt1, pvalue1 = self.pvalueAnalysis()
             print('Rank estimated by NMFk = ', nopt1)
-            plot_results(self.start_k, self.end_k, RECON, RECON1, SILL_MIN, self.params.results_path, self.fname)
+            plot_results_fpath(self.params)
         else:
             nopt1 = None
         nopt1 = self.comm1.bcast(nopt1, root=0)
@@ -347,25 +489,49 @@ 

Source code for pyDNMFk.pyDNMFk

 
 
[docs] @comm_timing() def pynmfk_per_k(self): - """Performs NMF decomposition and clustering for each k to estimate silhouette statistics""" + """Performs NMF decomposition and clustering for each k to estimate silhouette statistics""" self.params.results_paths = self.params.results_path+ str(self.k) + '/' if self.rank == 0: try: os.makedirs(self.params.results_paths) except: pass results = [] - if self.rank == 0: print('*************Computing for k=', self.k, '************') - for i in range(self.perturbations): - if self.rank == 0: print('Current perturbation =', i) - data = sample(data=self.A_ij, noise_var=self.noise_var, method=self.sampling, seed=i * 1000).fit() - self.params.W_update = True - results.append(PyNMF(data, factors=None, params=self.params).fit()) + if self.rank == 0: + #print('*************Computing for k=', self.k, '************') + log(f"##########################################################[ {blue('k=%04d' %self.k)} ] ###################################################################") + #if self.use_gpu: NMF = cudaNMF(self.A_ij, k=self.k, params=self.params, factors=None) + if self.use_gpu: + self.cudaNMF.k = self.k + self.cudaNMF.allocate_gpu_batch_buffers() + #print("[!!!!!][1] GPU BUFFERS allocated OK: len(H_d) = {}".format(len(self.cudaNMF.H_d))) + for perturbation in range(self.perturbations): + self.params.W_update = True + self.cudaNMF.sampleA(noise_var=self.noise_var, method=self.sampling, seed=perturbation * 1000) + #print("[!!!!!] [pert %04d]: A sampled OK: len(H_d) = {}".format(len(self.cudaNMF.H_d)) %perturbation) + results.append(self.cudaNMF.fit(factors=None)) + #print("[+++++] ERR = {}".format(results[-1][-1]['err']) ) + if self.rank == 0: log(f"[k:%04d/ Pert:%04d]:[{red('Err')}] | dt[NMF|H_up|W_up|AR<WTW>|AR<WTX>|AR<XHT>] = [{red(round(results[-1][-1]['err'], 8))}] | [{round(results[-1][-1]['dt']['NMF'],5)}|{round(results[-1][-1]['dt']['H_up'],5)}|{round(results[-1][-1]['dt']['W_up'],5)}|{round(results[-1][-1]['dt']['allRed_WTW'],5)}|{round(results[-1][-1]['dt']['allRed_WTX'],5)}|{round(results[-1][-1]['dt']['allRed_XHT'],5)}]" %(self.k, perturbation)) + + else: + for perturbation in range(self.perturbations): + #if self.rank == 0: log(f"[k: %04d / Pert: %04d]: Relative Err = {red()}" %(self.k, perturbation)) + self.params.W_update = True + data = sample(data=self.A_ij, noise_var=self.noise_var, method=self.sampling, seed=perturbation * 1000).fit() + results.append(PyNMF(data, factors=None, params=self.params).fit()) + if self.rank == 0: log(f"[k:%04d/ Pert:%04d]:[{red('Err')}] | dt[NMF|H_up|W_up|AR<WTW>|AR<WTX>|AR<XHT>] = [{red(results[-1][-1]['err'])}] | [{round(results[-1][-1]['dt']['NMF'],5)}|{round(results[-1][-1]['dt']['H_up'],5)}|{round(results[-1][-1]['dt']['W_up'],5)}|{round(results[-1][-1]['dt']['allRed_WTW'],5)}|{round(results[-1][-1]['dt']['allRed_WTX'],5)}|{round(results[-1][-1]['dt']['allRed_XHT'],5)}]" %(self.k, perturbation)) + #if self.rank == 0: log(f"[k:%04d/ Pert:%04d]: Relative Err = {red(results[-1][-1]['err'])} | dt[NMF|H_up|W_up|AR<WTW>|AR<WTX>|AR<XHT>] = [{results[-1][-1]['dt']['NMF']}|{results[-1][-1]['dt']['H_up']}|{results[-1][-1]['dt']['W_up']}|{results[-1][-1]['dt']['allRed_WTW']}|{results[-1][-1]['dt']['allRed_WTX']}|{results[-1][-1]['dt']['allRed_XHT']}]" %(self.k, perturbation)) + #if self.rank == 0: log(f"[+] [Perturbation %04d]: Relative error = {results[-1][-1]} | [NMF dt = {round(self.dt['NMF'],3)} ms]" %perturbation) + self.cp._save_checkpoint(self.params.flag, perturbation, self.k) + self.params.flag = 1 + self.cp._save_checkpoint(self.params.flag, perturbation, self.k) self.Wall = np.hstack(([results[i][0] for i in range(self.perturbations)])) self.Wall = self.Wall.reshape(self.Wall.shape[0], self.k, self.perturbations, order='F') self.Hall = np.vstack(([results[i][1] for i in range(self.perturbations)])) self.Hall = self.Hall.reshape(self.k, self.Hall.shape[1], self.perturbations) - self.recon_err = [results[i][2] for i in range(self.perturbations)] + self.recon_err = [results[i][2]['err'] for i in range(self.perturbations)] [processAvg, processSTD, self.Hall, self.clusterSilhouetteCoefficients, self.avgSilhouetteCoefficients, idx] = custom_clustering(self.Wall, self.Hall, self.params).fit() + self.params.flag = 2 + self.cp._save_checkpoint(self.params.flag, perturbation, self.k) self.AvgH = np.median(self.Hall, axis=-1) self.AvgW = processAvg self.params.W_update = False @@ -373,16 +539,20 @@

Source code for pyDNMFk.pyDNMFk

         self.AvgW, self.AvgH, self.L_errDist = regressH.fit()
         self.col_err = regressH.column_err()
         self.avgErr = np.mean(self.recon_err)
+        self.AIC = 2 * self.k + self.params.m * self.params.n * numpy.log(self.avgErr / (self.params.m * self.params.n))
         cluster_stats = {'clusterSilhouetteCoefficients': self.clusterSilhouetteCoefficients,
                          'avgSilhouetteCoefficients': self.avgSilhouetteCoefficients, 'L_errDist': self.L_errDist, \
-                         'L_err': self.col_err, 'avgErr': self.avgErr, 'recon_err': self.recon_err}
+                         'L_err': self.col_err, 'avgErr': self.avgErr, 'recon_err': self.recon_err, 'AIC':self.AIC}
         data_writer = data_write(self.params)
         data_writer.save_factors([self.AvgW, self.AvgH], reg=True)
-        data_writer.save_cluster_results(cluster_stats)
+ data_writer.save_cluster_results(cluster_stats) + self.params.flag = 3 + self.cp._save_checkpoint(self.params.flag,perturbation, self.k)
+ #if self.use_gpu: self.cudaNMF.PINNEDMEMPOOL.free_all_blocks()
[docs] @comm_timing() - def pvalueAnalysis(self, errRegres, SILL_MIN): - """ + def pvalueAnalysis(self): + """ Calculates nopt by analysing the errors distributions Parameters @@ -392,13 +562,20 @@

Source code for pyDNMFk.pyDNMFk

         SILL_MIN : float
             Minimum of silhouette score
         """
-        pvalue = np.ones(self.end_k - self.start_k + 1)
+        k_swap_range = range(self.params.start_k, self.params.end_k + 1, self.step_k)
+        pvalue = np.ones(len(k_swap_range))
+        SILL_MIN = []
+        errRegres = []
+        for k in k_swap_range:
+            results_paths = self.params.results_path + str(k) + '/'
+            data = File(results_paths + '/results.h5', 'r')
+            errRegres.append([np.array(data['L_err'])])
+            SILL_MIN.append(round(np.min(np.array(data['clusterSilhouetteCoefficients'])), 2))
         oneDistrErr = errRegres[0][0];
         i = 1
         i_old = 0
         nopt = 1
-
-        while i < (self.end_k - self.start_k + 1):
+        while i < len(k_swap_range): #(self.end_k - self.start_k + 1):
             i_next = i
             if SILL_MIN[i - 1] > self.sill_thr:  # 0.75:
                 pvalue[i] = wilcoxon(oneDistrErr, errRegres[i][0])[1]
@@ -412,50 +589,78 @@ 

Source code for pyDNMFk.pyDNMFk

             else:
                 i = i + 1
         # print('nopt=', nopt)
-        return nopt + self.start_k - 1, pvalue
+ return k_swap_range[nopt-1],pvalue
+ #return nopt + self.start_k - 1, pvalue +
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - + +
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/toolz.html b/docs/_modules/pyDNMFk/toolz.html new file mode 100644 index 0000000..d3cc438 --- /dev/null +++ b/docs/_modules/pyDNMFk/toolz.html @@ -0,0 +1,458 @@ + + + + + + + + + + + pyDNMFk.toolz — pyDNMFk 0.0.1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + + + + + + + + + + +
+ +
+ + + +
+ +
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+ +
+ + + + + + + + + + +
+ +
+ +
+
+ + + +
+

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

Source code for pyDNMFk.toolz

+import numpy as np
+import numpy # Just for type checking
+import os, sys, gc
+
+
+
+#\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\  DEFINING PRINTING OPERATIONS:
+# Defining some printing color schemes:_
+
[docs]class bcolors: + HEADER = '\033[95m' + OKBLUE = '\033[94m' + OKGREEN = '\033[92m' + WARNING = '\033[93m' + FAIL = '\033[91m' + ENDC = '\033[0m' +
[docs] def disable(self): + self.HEADER = '' + self.OKBLUE = '' + self.OKGREEN = '' + self.WARNING = '' + self.FAIL = '' + self.ENDC = ''
+ +
[docs]def amber(msg): + return bcolors.WARNING + str(msg) + bcolors.ENDC
+
[docs]def blue(msg): + return bcolors.OKBLUE + str(msg) + bcolors.ENDC
+
[docs]def green(msg): + return bcolors.OKGREEN + str(msg) + bcolors.ENDC
+
[docs]def purple(msg): + return bcolors.HEADER + str(msg) + bcolors.ENDC
+
[docs]def red(msg): + return bcolors.FAIL + str(msg) + bcolors.ENDC
+ + +
[docs]def printRC(x, y, text): + sys.stdout.write("\x1b7\x1b[%d;%df%s\x1b8" % (x, y, text)) + sys.stdout.flush()
+
[docs]def printXY( y,x, text): + sys.stdout.write("\x1b7\x1b[%d;%df%s\x1b8" % (x, y, text)) + sys.stdout.flush()
+
[docs]def getTerminalSize(): + """ + Get Terminal size (nLinesxnColums) + returns nLines, nColums + + """ + env = os.environ + def ioctl_GWINSZ(fd): + try: + import fcntl, termios, struct, os + cr = struct.unpack('hh', fcntl.ioctl(fd, termios.TIOCGWINSZ, + '1234')) + except: + return + return cr + cr = ioctl_GWINSZ(0) or ioctl_GWINSZ(1) or ioctl_GWINSZ(2) + if not cr: + try: + fd = os.open(os.ctermid(), os.O_RDONLY) + cr = ioctl_GWINSZ(fd) + os.close(fd) + except: + pass + if not cr: + cr = (env.get('LINES', 25), env.get('COLUMNS', 80)) + + ### Use get(key[, default]) instead of a try/catch + #try: + # cr = (env['LINES'], env['COLUMNS']) + #except: + # cr = (25, 80) + return int(cr[0]), int(cr[1])
+ + + +
[docs]def log(msg, rank=0, lrank=0): + print(f"({green('G%02d'%rank)}|{blue('L%02d'%lrank)})> {msg}") #%(rank, lrank)) + sys.stdout.flush()
+ +
[docs]def lrLog(msg, rank=0, lrank=0): + if LMASTER: log(msg=msg, rank=rank, lrank=lrank)
+
[docs]def grLog(msg, rank=0, lrank=0): + if GMASTER: log(msg=msg, rank=rank, lrank=lrank)
+ + + + +
[docs]def get_index(val,Array): + """ + Function used to find index of closest value to a traget value inside an Array + val : target value to find in the Array + Array : Array being investigated + idx : Location of target value in Array + """ + temp = np.abs(Array-val) # Replace each element of temp array by the absolute value of (that element - 1) + idx = temp.argmin() # Look for the minimum value in resulting temp + #print 'target located at :', idx + return idx
+ + +
[docs]def get_loc(val,x,fx,debug=False): + """ + Calculates the x-coordinate (xp) for a given target value, such that ``f(xp) = val``, + given the arrays ``x`` and ``f(x)``. + + This function employs a linear interpolation between two nearest points in the + ``f(x)`` array to determine the x-coordinate for the given target value. + Graphically, the logic follows the concept illustrated in the ASCII diagram + provided in the function. + + Parameters + ---------- + val : float + The target value for which the x-coordinate is to be determined. + + x : list or numpy.array + The x-coordinates array. + + fx : list or numpy.array + Array containing the values of the function f evaluated at each x. + + debug : bool, optional + If True, prints debug messages. Defaults to False. + + Returns + ------- + float + The interpolated x-coordinate (xp) corresponding to the provided target value. + + Raises + ------ + Exception + If unable to locate the given target value within the provided range. + """ + + idx = get_index(val,fx) + if debug: print("[+] found closest point @ idx = {}".format(idx)) + if fx[idx] == val: + if debug:print("[+] point is actually exact") + return x[idx] + elif fx[idx] > val: + if debug:print("[+] point ahead") + i0, i1 = idx-1,idx + elif fx[idx] < val: + if debug:print("[+] point behind") + i0, i1 = idx, idx+1 + else: + print('[!] ERROR in get_loc(val,x,fx): Unable to locate {}'.format(val)) + return + x0, x1 = x[i0],x[i1] + f0, f1 = fx[i0],fx[i1] + return x0 + (val-f0)*(x1-x0)/(f1-f0)
+ + + +
+ +
+ + + + +
+ +
+ +
+
+
+ +
+ +
+ +
+ + + + +
+ + + +
+
+
+ + + + + + + + \ No newline at end of file diff --git a/docs/_modules/pyDNMFk/utils.html b/docs/_modules/pyDNMFk/utils.html index 5471904..e69f718 100644 --- a/docs/_modules/pyDNMFk/utils.html +++ b/docs/_modules/pyDNMFk/utils.html @@ -1,155 +1,230 @@ - - - + + + + + + + + pyDNMFk.utils — pyDNMFk 0.0.1 documentation - - pyDNMFk.utils — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + - - + + + + + + + +
+
+
+
+
+ + + +
+
+ +
+ + + + +
+ + + + + -
+
- - - -
+
-
- - - - - - - - +
+
+
+ +
+
+ +
+ +
+ +
+ + +
+ +
+
+ -
+ -
    - -
  • »
  • - -
  • Module code »
  • - -
  • pyDNMFk.utils
  • - - -
  • - -
  • - -
+ +
+ +
-
-
-
+
+ + + +
+

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

Source code for pyDNMFk.utils

 # @author: Manish Bhattarai, Ben Nebgen, Erik Skau
 import copy
@@ -160,10 +235,13 @@ 

Source code for pyDNMFk.utils

 import numpy
 import numpy as np
 from mpi4py import MPI
-
+import pickle
+from sklearn.preprocessing import LabelBinarizer
+import json
+from sklearn.neural_network import MLPClassifier
 
 
[docs]class determine_block_params(): - """Computes the parameters for each chunk to be read by MPI process + r"""Computes the parameters for each chunk to be read by MPI process Parameters ---------- @@ -180,33 +258,196 @@

Source code for pyDNMFk.utils

         else:
             self.rank = comm.rank
         self.pgrid = pgrid
+        self.rank = self.rank if np.product(self.pgrid)>1 else 0
         self.shape = shape
 
 
[docs] def determine_block_index_range_asymm(self): - '''Determines the start and end indices for the Data block for each rank''' + '''Determines the start and end indices for the Data block for each rank''' chunk_ind = np.unravel_index(self.rank, self.pgrid) start_inds = [i * (n // k) + min(i, n % k) for n, k, i in zip(self.shape, self.pgrid, chunk_ind)] end_inds = [(i + 1) * (n // k) + min((i + 1), n % k) - 1 for n, k, i in zip(self.shape, self.pgrid, chunk_ind)] return start_inds, end_inds
[docs] def determine_block_shape_asymm(self): - '''Determines the shape for the Data block for each rank''' + '''Determines the shape for the Data block for each rank''' start_inds, end_inds = self.determine_block_index_range_asymm() return [(j - i + 1) for (i, j) in zip(start_inds, end_inds)]
[docs]class data_operations(): - """Performs various operations on the data + r"""Performs various operations on the data Parameters ---------- data : ndarray Data to operate on""" - def __init__(self, data): + def __init__(self, data,params): self.ten = data + self.params = params + self.comm1 = self.params.comm1 + self.cart_1d_row = self.params.row_comm + self.cart_1d_column = self.params.col_comm + self.rank = self.comm1.rank + self.p_r = self.params.p_r + self.p_c = self.params.p_c + self.topo = self.params.topo + self.k = self.params.k + self.compute_global_dim() + self.compute_local_dim() + (self.A_ij_m,self.A_ij_n) = self.ten.shape + self.m = self.params.m + self.n = self.params.n + +
[docs] def compute_global_dim(self): + """Computes global dimensions m and n from given chunk sizes for any grid configuration""" + self.loc_m, self.loc_n = self.ten.shape + if self.p_r != 1 and self.p_c == 1: + self.params.n = self.loc_n + self.params.m = self.comm1.allreduce(self.loc_m) + elif self.p_c != 1 and self.p_r == 1: + self.params.n = self.comm1.allreduce(self.loc_n) + self.params.m = self.loc_m + else: + if self.rank % self.p_c == 0: + self.params.m = self.loc_m + else: + self.params.m = 0 + self.params.m = self.comm1.allreduce(self.params.m) + if self.rank // self.p_c == 0: + self.params.n = self.loc_n + else: + self.params.n = 0 + self.params.n = self.comm1.allreduce(self.params.n) + self.comm1.barrier()
+ + # if self.rank == 0: print('Data dimensions=(', self.params.m, self.params.n, ')') + +
[docs] def compute_local_dim(self): + r"""Computes local dimensions for factors from given chunk sizes for any grid configuration""" + if self.topo == '2d': + dtr_blk_m = determine_block_params(self.cart_1d_column, (self.p_c, 1), (self.ten.shape[0], self.k)) + m_loc = dtr_blk_m.determine_block_shape_asymm()[0] + dtr_blk_n = determine_block_params(self.cart_1d_row, (1, self.p_r), (self.k, self.ten.shape[1])) + n_loc = dtr_blk_n.determine_block_shape_asymm()[1] + elif self.topo== '1d': + dtr_blk_m = determine_block_params(self.comm1, (self.p_r, 1), (self.params.m, self.k)) + m_loc = dtr_blk_m.determine_block_shape_asymm()[0] + dtr_blk_n = determine_block_params(self.comm1, (1, self.p_c), (self.k, self.params.n)) + n_loc = dtr_blk_n.determine_block_shape_asymm()[1] + w_idx_range = dtr_blk_m.determine_block_index_range_asymm() + h_idx_range = dtr_blk_n.determine_block_index_range_asymm() + w_start,w_end = w_idx_range[0][0],w_idx_range[1][0]+1 + h_start,h_end = h_idx_range[0][1], h_idx_range[1][1] + 1 + self.params.m_loc,self.params.n_loc = m_loc,n_loc + self.params.W_start,self.params.W_end = w_start,w_end + self.params.H_start,self.params.H_end = h_start,h_end
+ +
[docs] def zero_idx_prune(self): + r"""Computes the row and columns indices of the data matrix to be pruned""" + row_sum = np.sum(self.ten != 0, 1) + col_sum = np.sum(self.ten != 0, 0) + if self.topo=='2d': + row_sum = self.cart_1d_column.allreduce(row_sum) + col_sum = self.cart_1d_row.allreduce(col_sum) + else: + if self.p_c>1:row_sum = self.comm1.allreduce(row_sum) + if self.p_r>1:col_sum = self.comm1.allreduce(col_sum) + row_zero_idx_x = row_sum > 0 + col_zero_idx_x = col_sum > 0 + if self.topo == '2d': + col_zero_idx_h = col_sum[self.params.H_start:self.params.H_end] > 0 + row_zero_idx_w = row_sum[self.params.W_start:self.params.W_end] > 0 + elif self.topo == '1d': + row_zero_idx_w = row_sum > 0 + col_zero_idx_h = col_sum > 0 + return row_zero_idx_x,col_zero_idx_x,row_zero_idx_w,col_zero_idx_h
+ +
[docs] def prune(self,data,row_zero_idx,col_zero_idx): + """Performs pruning of data + + Parameters + ---------- + data : ndarray + data to be pruned + row_zero_idx : list + indices comprising zero/non-zero rows + col_zero_idx : list + indices comprising zero/non-zero columns + + Returns + ------- + data : ndarray + Pruned data + + """ + data = data[np.ix_(row_zero_idx, col_zero_idx)] + return data
+ +
[docs] def prune_all(self,W,H): + """ Prunes data and factors + + Parameters + ---------- + W : ndarray + H : ndarray + + Returns + ------- + X : ndarray + W : ndarray + H : ndarray + """ + self.params.row_zero_idx_x,self.params.col_zero_idx_x,self.params.row_zero_idx_w,self.params.col_zero_idx_h = self.zero_idx_prune() + self.ten = self.prune(self.ten,self.params.row_zero_idx_x,self.params.col_zero_idx_x) + W = self.prune(W,self.params.row_zero_idx_w,[True]*W.shape[1]) + H = self.prune(H,[True]*H.shape[0],self.params.col_zero_idx_h) + return self.ten,W,H
+ +
[docs] def unprune(self,data,row_zero_idx,col_zero_idx): + """ Unprunes data + + Parameters + ---------- + data : ndarray + Data to be unpruned + row_zero_idx : list + indices comprising zero/non-zero rows + col_zero_idx : list + indices comprising zero/non-zero cols + + Returns + ------- + + """ + if len(row_zero_idx)>1: + B = np.zeros((len(row_zero_idx),data.shape[1])) + B[row_zero_idx,:] = data + elif len(col_zero_idx)>1: + B = np.zeros((data.shape[0],len(col_zero_idx))) + B[:,col_zero_idx] = data + return B
+ +
[docs] def unprune_factors(self,W,H): + """ Unprunes the factors + + Parameters + ---------- + W : ndarray + H : ndarray + + Returns + ------- + W : ndarray + H : ndarray + """ + W = self.unprune(W,self.params.row_zero_idx_w,[]) + H = self.unprune(H,[],self.params.col_zero_idx_h) + return W,H
+ +
[docs] def cutZero(self, thresh=1e-8): - """Prunes zero columns from the data""" + """Prunes zero columns from the data""" tenS = list(self.ten.shape) dim = len(tenS) axSum = [] @@ -269,7 +510,7 @@

Source code for pyDNMFk.utils

 
 
[docs] def remove_bad_factors(self, Wall, Hall, ErrTol, features_k): sorted_idx = sorted(range(len(ErrTol)), key=lambda k: ErrTol[k]) - to_keep_length = int(np.round(.9 * len(ErrTol))) + to_keep_length = int(np.round(.9 * len(ErrTol))) sorted_idx_keep = sorted_idx[:to_keep_length] flattened_Wall = Wall.reshape(-1, len(ErrTol)) flattened_Hall = Hall.reshape(len(ErrTol), -1) @@ -330,29 +571,29 @@

Source code for pyDNMFk.utils

 
 
 
[docs]class transform_H_index(): - """Collected H factors after MPI operation aren't aligned. This operation performs careful reordering of H factors + """Collected H factors after MPI operation aren't aligned. This operation performs careful reordering of H factors such that the collected factors are aligned""" def __init__(self, grid): self.p_r = grid[0] self.p_c = grid[1]
[docs] def rankidx2blkidx(self): - """This is to transform the column index to rank index for H""" + """This is to transform the column index to rank index for H""" f_idx = [] for j in range(self.p_c): - for i in range(self.p_n): - f_idx.append(i * self.p_n + j) + for i in range(self.p_r): + f_idx.append(i * self.p_r + j) return f_idx
[docs] def transform_H_idx(self, rank): - """This is to transform H based on new index""" + """This is to transform H based on new index""" new_idx_list = self.rankidx2blkidx() mod_idx = new_idx_list[rank] return mod_idx
[docs]def norm(X, comm, norm=2, axis=None, p=-1): - """Compute the data norm + """Compute the data norm Parameters ---------- @@ -377,9 +618,77 @@

Source code for pyDNMFk.utils

         nm = comm.allreduce(nm)
     return np.sqrt(nm)
+
[docs]class serialize_deserialize_mlp(): + """Returns model/parameters of the model in dictionary format""" + def __init__(self,model_name = None,model=None): + self.model_name = model_name + self.model = model + +
[docs] def from_json(self): + """Load the model from JSON""" + with open(self.model_name, 'r') as model_json: + model_dict = json.load(model_json) + self.model = self.deserialize(model_dict) + return self.model
+ +
[docs] def to_json(self): + """Write the model paramters to JSON""" + with open(self.model_name, 'w') as model_json: + json.dump(self.serialize(), model_json)
+ +
[docs] def serialize(self): + """Convert the model into a a dictionary of parameters""" + serialized_label_binarizer = { + 'neg_label':self.model._label_binarizer.neg_label, + 'pos_label':self.model._label_binarizer.pos_label, + 'sparse_output':self.model._label_binarizer.sparse_output, + 'y_type_':self.model._label_binarizer.y_type_, + 'sparse_input_':self.model._label_binarizer.sparse_input_, + 'classes_':self.model._label_binarizer.classes_.tolist() + } + serialized_model = { + 'meta': 'mlp', + 'coefs_': [array.tolist() for array in self.model.coefs_], + 'loss_': self.model.loss_, + 'intercepts_': [array.tolist() for array in self.model.intercepts_], + 'n_iter_': self.model.n_iter_, + 'n_layers_': self.model.n_layers_, + 'n_outputs_': self.model.n_outputs_, + 'out_activation_': self.model.out_activation_, + '_label_binarizer': serialized_label_binarizer, + 'params': self.model.get_params() + } + if isinstance(self.model.classes_, list): + serialized_model['classes_'] = [array.tolist() for array in self.model.classes_] + else: + serialized_model['classes_'] = self.model.classes_.tolist() + return serialized_model
+ + +
[docs] def deserialize(self,model_dict): + """Convert the dictionary of parameters into model""" + model = MLPClassifier(**model_dict['params']) + model.coefs_ = numpy.array([numpy.array(i) for i in model_dict['coefs_']],dtype='object') + model.loss_ = model_dict['loss_'] + model.intercepts_ = numpy.array([numpy.array(i) for i in model_dict['intercepts_']],dtype='object') + model.n_iter_ = model_dict['n_iter_'] + model.n_layers_ = model_dict['n_layers_'] + model.n_outputs_ = model_dict['n_outputs_'] + model.out_activation_ = model_dict['out_activation_'] + label_binarizer = LabelBinarizer() + label_binarizer_dict = model_dict['_label_binarizer'] + label_binarizer.neg_label = label_binarizer_dict['neg_label'] + label_binarizer.pos_label = label_binarizer_dict['pos_label'] + label_binarizer.sparse_output = label_binarizer_dict['sparse_output'] + label_binarizer.y_type_ = label_binarizer_dict['y_type_'] + label_binarizer.sparse_input_ = label_binarizer_dict['sparse_input_'] + label_binarizer.classes_ = numpy.array(label_binarizer_dict['classes_']) + model._label_binarizer = label_binarizer + model.classes_ = numpy.array(model_dict['classes_']) + return model
[docs]def str2bool(v): - """Returns instance of string parameter to bool type""" + """Returns instance of string parameter to bool type""" if isinstance(v, bool): return v if v.lower() in ('yes', 'true', 't', 'y', '1'): @@ -387,22 +696,76 @@

Source code for pyDNMFk.utils

     elif v.lower() in ('no', 'false', 'f', 'n', '0'):
         return False
     else:
-        raise argparse.ArgumentTypeError('Boolean value expected.')
+ raise NameError('Boolean value expected.')
[docs]def var_init(clas,var,default): - """Checks if class attribute is present and if not, intializes the attribute with given default value""" + """Checks if class attribute is present and if not, intializes the attribute with given default value""" if not hasattr(clas,var): setattr(clas, var, default) return clas.__getattribute__(var)
[docs]class parse(): - """Define a class parse which is used for adding attributes """ + """Define a class parse which is used for adding attributes """ def __init__(self): pass
+ +
[docs]class Checkpoint(): + + def __init__(self, checkpoint_save, params): + """ + Class to demo checkpoint saving and continuing from checkpoint + + Parameters + ---------- + checkpoint_save : bool, optional + Enable/disable checkpoint + max_iters : TYPE, optional + maximum number of iterations (epoch). The default is 50. + + Returns + ------- + None. + + """ + self.checkpoint_save = checkpoint_save if checkpoint_save else False + self.params = params + self.perturbation = 0 + self.k = 0 + self.flag = 0 + + +
[docs] def load_from_checkpoint(self): + """run from checkpoint instead""" + if self.checkpoint_save: + saved_class = pickle.load(open(self.params.results_path+"/checkpoint.p", "rb")) + if self.params.rank == 0:print("Checkpoint loaded") + # copy the saved state to the class + if self.params.rank == 0:print("Loading saved object state...") + self._set_params(vars(saved_class)) + if self.params.rank == 0:print("Continuing from checkpoint for k=", self.k,'perturbation=',self.perturbation)
+ + + def _save_checkpoint(self,flag,perturbation,k): + args = parse() + """Saves the class at checkpoint number""" + args.flag = flag + args.perturbation = perturbation + args.k = k + # save the class object + if self.checkpoint_save and self.params.rank==0: + pickle.dump(args, open(self.params.results_path+"checkpoint.p", "wb")) + print('checkpoint saved') + + def _set_params(self, class_parameters): + """Sets class variables from the loaded checkpoint""" + for parameter, value in class_parameters.items(): + setattr(self, parameter, value)
+ +
[docs]class comm_timing(object): - """ + """ Decorator class for computing timing for MPI operations. The class uses the global variables flag and time initialized in config file and updates them for each call dynamically. @@ -432,47 +795,73 @@

Source code for pyDNMFk.utils

         return wrapper_timer
-
- -
-
+
+ -
+ + +
+ +
+ +
+
+
+ +
-
-

- © Copyright 2021, LANL. +

+ +
+ + + + +
+
+ +
-
-
- - -
+
+ + - - - +
+
+
- - + + + - + + \ No newline at end of file diff --git a/docs/_sources/index.rst b/docs/_sources/index.rst new file mode 100644 index 0000000..5276089 --- /dev/null +++ b/docs/_sources/index.rst @@ -0,0 +1,149 @@ +.. cuda-pyDNMFk documentation master file, created by + sphinx-quickstart on Fri Aug 11 14:03:08 2023. + You can adapt this file completely to your liking, but it should at least + contain the root `toctree` directive. + + +.. _cuda-pyDNMFk: Cuda Python Distributed Non Negative Matrix Factorization with determination of hidden features: https://github.com/lanl/pyDNMFk + +============================================================================================================== +cuda-pyDNMFk: Cuda Python Distributed Non Negative Matrix Factorization with determination of hidden features +============================================================================================================== + +.. image:: https://github.com/lanl/pyDNMFk/actions/workflows/ci_test.yml/badge.svg?branch=main + :target: https://github.com/lanl/Distributed_pyNMFk/actions/workflows/ci_test.yml/badge.svg?branch=main + +.. image:: https://img.shields.io/badge/License-BSD%203--Clause-blue.svg + :target: https://img.shields.io/badge/License-BSD%203--Clause-blue.svg + +.. image:: https://img.shields.io/badge/python-v3.7.1-blue + :target: https://img.shields.io/badge/python-v3.7.1-blue + +.. image:: https://img.shields.io/badge/DOI-10.5281%2Fzenodo.4722448-blue.svg + :target: https://doi.org/10.5281/zenodo.4722448 + +cuda-pyDNMFk is a dynamic software platform tailored for the decomposition of large datasets that surpass the limitations +of in-memory processing. Building on its foundational capabilities, the latest branch introduces significant enhancements, +enabling out-of-memory and distributed decomposition. This ensures that datasets, regardless of their size, can be +effectively processed across distributed CPU/GPU architectures. By leveraging advanced GPU functionalities provided +by libraries like CuPy and integrating efficient sparse matrix manipulations, cuda-pyDNMFk ensures rapid, efficient, and +scalable performance. Whether you're working on a single GPU setup or a multi-node GPU cluster, pyDNMFk offers a +robust solution for handling massive datasets seamlessly. + +---------- + +.. image:: ../pyDNMFk_RD500.png + +Features of Distributed Out-of-Memory NMF Implementation +-------------------------------------------------------- + +- **Efficiency on HPC Systems:** Optimized for heterogeneous high-performance-computing systems to tackle large datasets. +- **NMFk Foundation:** Builds upon the proven capabilities of NMFk, which is known for automatic model selection and extraction of latent variables. +- **Extended Support:** Adds the ability to handle both dense and sparse matrix operations across multi-node, multi-GPU systems. +- **Out-of-Memory Solutions:** Designed for situations where the memory demand for factorizing a matrix exceeds the available GPU memory, by employing batching/tiling strategies. +- **GPU Acceleration:** Enhances matrix operations through the power of GPU cores and tensor cores (when available) for maximum speed. +- **Optimized Data Transfers:** Uses CUDA streams to minimize I/O latency by overlapping data transfers and computations. +- **Enhanced Communications:** Implements NVIDIA Collective Communication Library (NCCL) for streamlined intra-node and inter-node communications. +- **Impressive Benchmarks:** Achieves significant speedups, with up to 76x improvement over the traditional CPU-based NMFk. +- **Scalability:** Demonstrates good weak scaling on large multi-GPU clusters, proven to work on decomposing matrices of up to 11 Exabyte-size with a density of \(10^{-6}\). + +.. image:: ../New_bached_Algo_row3.png + +**Figure: Overview of the pyDNMFk workflow implementation.** + +Installation: +------------- + +.. code-block:: bash + + git clone https://github.com/lanl/pyDNMFk.git + cd pyDNMFk + conda create --name cudaNMF --file conda_env_requirements.txt + conda activate cudaNMF + python setup.py install + +Prerequisites: +-------------- + +- conda +- numpy>=1.2 +- matplotlib +- MPI4py +- scipy +- h5py +- cupy +- NCCL + +Documentation +------------- + +You can find the documentation `here `_. + +Usage: +------ + +.. code-block:: python + + # ... [the given Python code] + +See the resources for more use cases. + +---------- + +Benchmarking: +------------- + +.. image:: ../benchmark_GPU.png + +**Figure: Scaling benchmarks for 10 iterations for Frobenius norm based MU updates with MPI vs NCCL for 1) compute and 2) communication timings** + +Scalability: +------------ + +.. image:: ../benchmark_strongweak.png + +**Figure: Scaling benchmarks for 10 iterations for Frobenius norm based MU updates with NCCL operations for 1) strong and 2) weak scaling** + +Authors: +-------- + +- `Ismael Boureima `_ - Los Alamos National Laboratory +- `Manish Bhattarai `_ - Los Alamos National Laboratory +- `Erik Skau `_ - Los Alamos National Laboratory +- `Maksim Eren `_ - Los Alamos National Laboratory +- `Boian Alexandrov `_ - Los Alamos National Laboratory + +Citation: +--------- + +.. code-block:: latex + + @misc{rw2019timm, ... } + @article{boureima2022distributed, ... } + +Acknowledgments: +---------------- + +Los Alamos National Lab (LANL), T-1 + +Copyright Notice: +----------------- + +© (or copyright) 2020. Triad National + + +Welcome to cuda-pyDNMFk's documentation! +======================================== + +.. toctree:: + :maxdepth: 2 + :caption: Contents: + + modules + +Indices and tables +================== + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` diff --git a/docs/_sources/modules.rst b/docs/_sources/modules.rst new file mode 100644 index 0000000..3975f11 --- /dev/null +++ b/docs/_sources/modules.rst @@ -0,0 +1,7 @@ +pyDNMFk +======= + +.. toctree:: + :maxdepth: 4 + + pyDNMFk diff --git a/docs/_sources/pyDNMFk.rst b/docs/_sources/pyDNMFk.rst new file mode 100644 index 0000000..a989620 --- /dev/null +++ b/docs/_sources/pyDNMFk.rst @@ -0,0 +1,149 @@ +pyDNMFk package +=============== + +Submodules +---------- + +pyDNMFk.comm\_utils module +-------------------------- + +.. automodule:: pyDNMFk.comm_utils + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.communicators module +---------------------------- + +.. automodule:: pyDNMFk.communicators + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.config module +--------------------- + +.. automodule:: pyDNMFk.config + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.cudaNMF module +---------------------- + +.. automodule:: pyDNMFk.cudaNMF + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.cupyCuSPARSELib module +------------------------------ + +.. automodule:: pyDNMFk.cupyCuSPARSELib + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.cupy\_utils module +-------------------------- + +.. automodule:: pyDNMFk.cupy_utils + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.data\_generator module +------------------------------ + +.. automodule:: pyDNMFk.data_generator + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.data\_io module +----------------------- + +.. automodule:: pyDNMFk.data_io + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.dist\_clustering module +------------------------------- + +.. automodule:: pyDNMFk.dist_clustering + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.dist\_comm module +------------------------- + +.. automodule:: pyDNMFk.dist_comm + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.dist\_nmf module +------------------------ + +.. automodule:: pyDNMFk.dist_nmf + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.dist\_svd module +------------------------ + +.. automodule:: pyDNMFk.dist_svd + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.plot\_results module +---------------------------- + +.. automodule:: pyDNMFk.plot_results + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.pyDNMF module +--------------------- + +.. automodule:: pyDNMFk.pyDNMF + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.pyDNMFk module +---------------------- + +.. automodule:: pyDNMFk.pyDNMFk + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.toolz module +-------------------- + +.. automodule:: pyDNMFk.toolz + :members: + :undoc-members: + :show-inheritance: + +pyDNMFk.utils module +-------------------- + +.. automodule:: pyDNMFk.utils + :members: + :undoc-members: + :show-inheritance: + +Module contents +--------------- + +.. automodule:: pyDNMFk + :members: + :undoc-members: + :show-inheritance: diff --git a/docs/_static/basic.css b/docs/_static/basic.css index be19270..6157296 100644 --- a/docs/_static/basic.css +++ b/docs/_static/basic.css @@ -4,7 +4,7 @@ * * Sphinx stylesheet -- basic theme. * - * :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS. + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. * :license: BSD, see LICENSE for details. * */ @@ -55,7 +55,7 @@ div.sphinxsidebarwrapper { div.sphinxsidebar { float: left; - width: 230px; + width: 270px; margin-left: -100%; font-size: 90%; word-wrap: break-word; @@ -130,7 +130,7 @@ ul.search li a { font-weight: bold; } -ul.search li div.context { +ul.search li p.context { color: #888; margin: 2px 0 0 30px; text-align: left; @@ -222,7 +222,7 @@ table.modindextable td { /* -- general body styles --------------------------------------------------- */ div.body { - min-width: 450px; + min-width: 360px; max-width: 800px; } @@ -237,16 +237,6 @@ a.headerlink { visibility: hidden; } -a.brackets:before, -span.brackets > a:before{ - content: "["; -} - -a.brackets:after, -span.brackets > a:after { - content: "]"; -} - h1:hover > a.headerlink, h2:hover > a.headerlink, h3:hover > a.headerlink, @@ -277,25 +267,25 @@ p.rubric { font-weight: bold; } -img.align-left, .figure.align-left, object.align-left { +img.align-left, figure.align-left, .figure.align-left, object.align-left { clear: left; float: left; margin-right: 1em; } -img.align-right, .figure.align-right, object.align-right { +img.align-right, figure.align-right, .figure.align-right, object.align-right { clear: right; float: right; margin-left: 1em; } -img.align-center, .figure.align-center, object.align-center { +img.align-center, figure.align-center, .figure.align-center, object.align-center { display: block; margin-left: auto; margin-right: auto; } -img.align-default, .figure.align-default { +img.align-default, figure.align-default, .figure.align-default { display: block; margin-left: auto; margin-right: auto; @@ -319,7 +309,8 @@ img.align-default, .figure.align-default { /* -- sidebars -------------------------------------------------------------- */ -div.sidebar { +div.sidebar, +aside.sidebar { margin: 0 0 0.5em 1em; border: 1px solid #ddb; padding: 7px; @@ -334,12 +325,16 @@ 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; @@ -377,12 +372,18 @@ div.body p.centered { /* -- 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 { @@ -425,10 +426,6 @@ table.docutils td, table.docutils th { border-bottom: 1px solid #aaa; } -table.footnote td, table.footnote th { - border: 0 !important; -} - th { text-align: left; padding-right: 5px; @@ -455,20 +452,22 @@ td > :last-child { /* -- figures --------------------------------------------------------------- */ -div.figure { +div.figure, figure { margin: 0.5em; padding: 0.5em; } -div.figure p.caption { +div.figure p.caption, figcaption { padding: 0.3em; } -div.figure p.caption span.caption-number { +div.figure p.caption span.caption-number, +figcaption span.caption-number { font-style: italic; } -div.figure p.caption span.caption-text { +div.figure p.caption span.caption-text, +figcaption span.caption-text { } /* -- field list styles ----------------------------------------------------- */ @@ -503,6 +502,63 @@ 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 ----------------------------------------------------- */ @@ -553,19 +609,26 @@ ul.simple p { margin-bottom: 0; } -dl.footnote > dt, -dl.citation > dt { +aside.footnote > span, +div.citation > span { float: left; - margin-right: 0.5em; } - -dl.footnote > dd, -dl.citation > dd { +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; } - -dl.footnote > dd:after, -dl.citation > dd:after { +aside.footnote > p:last-of-type:after, +div.citation > p:last-of-type:after { content: ""; clear: both; } @@ -582,10 +645,6 @@ dl.field-list > dt { padding-right: 5px; } -dl.field-list > dt:after { - content: ":"; -} - dl.field-list > dd { padding-left: 0.5em; margin-top: 0em; @@ -629,14 +688,6 @@ dl.glossary dt { font-size: 1.1em; } -.optional { - font-size: 1.3em; -} - -.sig-paren { - font-size: larger; -} - .versionmodified { font-style: italic; } @@ -677,8 +728,9 @@ dl.glossary dt { .classifier:before { font-style: normal; - margin: 0.5em; + margin: 0 0.5em; content: ":"; + display: inline-block; } abbr, acronym { @@ -702,6 +754,7 @@ span.pre { -ms-hyphens: none; -webkit-hyphens: none; hyphens: none; + white-space: nowrap; } div[class*="highlight-"] { @@ -765,8 +818,12 @@ div.code-block-caption code { table.highlighttable td.linenos, span.linenos, -div.doctest > div.highlight span.gp { /* gp: Generic.Prompt */ - user-select: none; +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 { @@ -781,16 +838,6 @@ div.literal-block-wrapper { margin: 1em 0; } -code.descname { - background-color: transparent; - font-weight: bold; - font-size: 1.2em; -} - -code.descclassname { - background-color: transparent; -} - code.xref, a code { background-color: transparent; font-weight: bold; diff --git a/docs/_static/doctools.js b/docs/_static/doctools.js index 61ac9d2..d06a71d 100644 --- a/docs/_static/doctools.js +++ b/docs/_static/doctools.js @@ -2,320 +2,155 @@ * doctools.js * ~~~~~~~~~~~ * - * Sphinx JavaScript utilities for all documentation. + * Base JavaScript utilities for all Sphinx HTML documentation. * - * :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS. + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. * :license: BSD, see LICENSE for details. * */ - -/** - * select a different prefix for underscore - */ -$u = _.noConflict(); - -/** - * make the code below compatible with browsers without - * an installed firebug like debugger -if (!window.console || !console.firebug) { - var names = ["log", "debug", "info", "warn", "error", "assert", "dir", - "dirxml", "group", "groupEnd", "time", "timeEnd", "count", "trace", - "profile", "profileEnd"]; - window.console = {}; - for (var i = 0; i < names.length; ++i) - window.console[names[i]] = function() {}; -} - */ - -/** - * small helper function to urldecode strings - * - * See https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/decodeURIComponent#Decoding_query_parameters_from_a_URL - */ -jQuery.urldecode = function(x) { - if (!x) { - return x - } - return decodeURIComponent(x.replace(/\+/g, ' ')); -}; - -/** - * small helper function to urlencode strings - */ -jQuery.urlencode = encodeURIComponent; - -/** - * This function returns the parsed url parameters of the - * current request. Multiple values per key are supported, - * it will always return arrays of strings for the value parts. - */ -jQuery.getQueryParameters = function(s) { - if (typeof s === 'undefined') - s = document.location.search; - var parts = s.substr(s.indexOf('?') + 1).split('&'); - var result = {}; - for (var i = 0; i < parts.length; i++) { - var tmp = parts[i].split('=', 2); - var key = jQuery.urldecode(tmp[0]); - var value = jQuery.urldecode(tmp[1]); - if (key in result) - result[key].push(value); - else - result[key] = [value]; +"use strict"; + +const BLACKLISTED_KEY_CONTROL_ELEMENTS = new Set([ + "TEXTAREA", + "INPUT", + "SELECT", + "BUTTON", +]); + +const _ready = (callback) => { + if (document.readyState !== "loading") { + callback(); + } else { + document.addEventListener("DOMContentLoaded", callback); } - return result; }; -/** - * highlight a given string on a jquery object by wrapping it in - * span elements with the given class name. - */ -jQuery.fn.highlightText = function(text, className) { - function highlight(node, addItems) { - if (node.nodeType === 3) { - var val = node.nodeValue; - var pos = val.toLowerCase().indexOf(text); - if (pos >= 0 && - !jQuery(node.parentNode).hasClass(className) && - !jQuery(node.parentNode).hasClass("nohighlight")) { - var span; - var isInSVG = jQuery(node).closest("body, svg, foreignObject").is("svg"); - if (isInSVG) { - span = document.createElementNS("http://www.w3.org/2000/svg", "tspan"); - } else { - span = document.createElement("span"); - span.className = className; - } - span.appendChild(document.createTextNode(val.substr(pos, text.length))); - node.parentNode.insertBefore(span, node.parentNode.insertBefore( - document.createTextNode(val.substr(pos + text.length)), - node.nextSibling)); - node.nodeValue = val.substr(0, pos); - if (isInSVG) { - var rect = document.createElementNS("http://www.w3.org/2000/svg", "rect"); - var bbox = node.parentElement.getBBox(); - rect.x.baseVal.value = bbox.x; - rect.y.baseVal.value = bbox.y; - rect.width.baseVal.value = bbox.width; - rect.height.baseVal.value = bbox.height; - rect.setAttribute('class', className); - addItems.push({ - "parent": node.parentNode, - "target": rect}); - } - } - } - else if (!jQuery(node).is("button, select, textarea")) { - jQuery.each(node.childNodes, function() { - highlight(this, addItems); - }); - } - } - var addItems = []; - var result = this.each(function() { - highlight(this, addItems); - }); - for (var i = 0; i < addItems.length; ++i) { - jQuery(addItems[i].parent).before(addItems[i].target); - } - return result; -}; - -/* - * backward compatibility for jQuery.browser - * This will be supported until firefox bug is fixed. - */ -if (!jQuery.browser) { - jQuery.uaMatch = function(ua) { - ua = ua.toLowerCase(); - - var match = /(chrome)[ \/]([\w.]+)/.exec(ua) || - /(webkit)[ \/]([\w.]+)/.exec(ua) || - /(opera)(?:.*version|)[ \/]([\w.]+)/.exec(ua) || - /(msie) ([\w.]+)/.exec(ua) || - ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || - []; - - return { - browser: match[ 1 ] || "", - version: match[ 2 ] || "0" - }; - }; - jQuery.browser = {}; - jQuery.browser[jQuery.uaMatch(navigator.userAgent).browser] = true; -} - /** * Small JavaScript module for the documentation. */ -var Documentation = { - - init : function() { - this.fixFirefoxAnchorBug(); - this.highlightSearchWords(); - this.initIndexTable(); - if (DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) { - this.initOnKeyListeners(); - } +const Documentation = { + init: () => { + Documentation.initDomainIndexTable(); + Documentation.initOnKeyListeners(); }, /** * i18n support */ - TRANSLATIONS : {}, - PLURAL_EXPR : function(n) { return n === 1 ? 0 : 1; }, - LOCALE : 'unknown', + TRANSLATIONS: {}, + PLURAL_EXPR: (n) => (n === 1 ? 0 : 1), + LOCALE: "unknown", // gettext and ngettext don't access this so that the functions // can safely bound to a different name (_ = Documentation.gettext) - gettext : function(string) { - var translated = Documentation.TRANSLATIONS[string]; - if (typeof translated === 'undefined') - return string; - return (typeof translated === 'string') ? translated : translated[0]; + 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 : function(singular, plural, n) { - var translated = Documentation.TRANSLATIONS[singular]; - if (typeof translated === 'undefined') - return (n == 1) ? singular : plural; - return translated[Documentation.PLURALEXPR(n)]; + 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 : function(catalog) { - for (var key in catalog.messages) - this.TRANSLATIONS[key] = catalog.messages[key]; - this.PLURAL_EXPR = new Function('n', 'return +(' + catalog.plural_expr + ')'); - this.LOCALE = catalog.locale; + addTranslations: (catalog) => { + Object.assign(Documentation.TRANSLATIONS, catalog.messages); + Documentation.PLURAL_EXPR = new Function( + "n", + `return (${catalog.plural_expr})` + ); + Documentation.LOCALE = catalog.locale; }, /** - * add context elements like header anchor links + * helper function to focus on search bar */ - addContextElements : function() { - $('div[id] > :header:first').each(function() { - $('\u00B6'). - attr('href', '#' + this.id). - attr('title', _('Permalink to this headline')). - appendTo(this); - }); - $('dt[id]').each(function() { - $('\u00B6'). - attr('href', '#' + this.id). - attr('title', _('Permalink to this definition')). - appendTo(this); - }); + focusSearchBar: () => { + document.querySelectorAll("input[name=q]")[0]?.focus(); }, /** - * workaround a firefox stupidity - * see: https://bugzilla.mozilla.org/show_bug.cgi?id=645075 + * Initialise the domain index toggle buttons */ - fixFirefoxAnchorBug : function() { - if (document.location.hash && $.browser.mozilla) - window.setTimeout(function() { - document.location.href += ''; - }, 10); - }, - - /** - * highlight the search words provided in the url in the text - */ - highlightSearchWords : function() { - var params = $.getQueryParameters(); - var terms = (params.highlight) ? params.highlight[0].split(/\s+/) : []; - if (terms.length) { - var body = $('div.body'); - if (!body.length) { - body = $('body'); + initDomainIndexTable: () => { + const toggler = (el) => { + const idNumber = el.id.substr(7); + const toggledRows = document.querySelectorAll(`tr.cg-${idNumber}`); + if (el.src.substr(-9) === "minus.png") { + el.src = `${el.src.substr(0, el.src.length - 9)}plus.png`; + toggledRows.forEach((el) => (el.style.display = "none")); + } else { + el.src = `${el.src.substr(0, el.src.length - 8)}minus.png`; + toggledRows.forEach((el) => (el.style.display = "")); } - window.setTimeout(function() { - $.each(terms, function() { - body.highlightText(this.toLowerCase(), 'highlighted'); - }); - }, 10); - $('') - .appendTo($('#searchbox')); - } - }, - - /** - * init the domain index toggle buttons - */ - initIndexTable : function() { - var togglers = $('img.toggler').click(function() { - var src = $(this).attr('src'); - var idnum = $(this).attr('id').substr(7); - $('tr.cg-' + idnum).toggle(); - if (src.substr(-9) === 'minus.png') - $(this).attr('src', src.substr(0, src.length-9) + 'plus.png'); - else - $(this).attr('src', src.substr(0, src.length-8) + 'minus.png'); - }).css('display', ''); - if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) { - togglers.click(); - } - }, - - /** - * helper function to hide the search marks again - */ - hideSearchWords : function() { - $('#searchbox .highlight-link').fadeOut(300); - $('span.highlighted').removeClass('highlighted'); - }, - - /** - * make the url absolute - */ - makeURL : function(relativeURL) { - return DOCUMENTATION_OPTIONS.URL_ROOT + '/' + relativeURL; - }, + }; - /** - * get the current relative url - */ - getCurrentURL : function() { - var path = document.location.pathname; - var parts = path.split(/\//); - $.each(DOCUMENTATION_OPTIONS.URL_ROOT.split(/\//), function() { - if (this === '..') - parts.pop(); - }); - var url = parts.join('/'); - return path.substring(url.lastIndexOf('/') + 1, path.length - 1); + const togglerElements = document.querySelectorAll("img.toggler"); + togglerElements.forEach((el) => + el.addEventListener("click", (event) => toggler(event.currentTarget)) + ); + togglerElements.forEach((el) => (el.style.display = "")); + if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) togglerElements.forEach(toggler); }, - initOnKeyListeners: function() { - $(document).keydown(function(event) { - var activeElementType = document.activeElement.tagName; - // don't navigate when in search box, textarea, dropdown or button - if (activeElementType !== 'TEXTAREA' && activeElementType !== 'INPUT' && activeElementType !== 'SELECT' - && activeElementType !== 'BUTTON' && !event.altKey && !event.ctrlKey && !event.metaKey - && !event.shiftKey) { - switch (event.keyCode) { - case 37: // left - var prevHref = $('link[rel="prev"]').prop('href'); - if (prevHref) { - window.location.href = prevHref; - return false; + initOnKeyListeners: () => { + // only install a listener if it is really needed + if ( + !DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS && + !DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS + ) + return; + + document.addEventListener("keydown", (event) => { + // bail for input elements + if (BLACKLISTED_KEY_CONTROL_ELEMENTS.has(document.activeElement.tagName)) return; + // bail with special keys + if (event.altKey || event.ctrlKey || event.metaKey) return; + + if (!event.shiftKey) { + switch (event.key) { + case "ArrowLeft": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const prevLink = document.querySelector('link[rel="prev"]'); + if (prevLink && prevLink.href) { + window.location.href = prevLink.href; + event.preventDefault(); } - case 39: // right - var nextHref = $('link[rel="next"]').prop('href'); - if (nextHref) { - window.location.href = nextHref; - return false; + break; + case "ArrowRight": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const nextLink = document.querySelector('link[rel="next"]'); + if (nextLink && nextLink.href) { + window.location.href = nextLink.href; + event.preventDefault(); } + break; } } + + // some keyboard layouts may need Shift to get / + switch (event.key) { + case "/": + if (!DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS) break; + Documentation.focusSearchBar(); + event.preventDefault(); + } }); - } + }, }; // quick alias for translations -_ = Documentation.gettext; +const _ = Documentation.gettext; -$(document).ready(function() { - Documentation.init(); -}); +_ready(Documentation.init); diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 262899f..6516f8d 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,12 +1,14 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: '1.0.0', - LANGUAGE: 'Python', + VERSION: '0.0.1', + LANGUAGE: 'en', COLLAPSE_INDEX: false, BUILDER: 'html', FILE_SUFFIX: '.html', LINK_SUFFIX: '.html', HAS_SOURCE: true, - SOURCELINK_SUFFIX: '.txt', - NAVIGATION_WITH_KEYS: false + SOURCELINK_SUFFIX: '', + NAVIGATION_WITH_KEYS: true, + SHOW_SEARCH_SUMMARY: true, + ENABLE_SEARCH_SHORTCUTS: true, }; \ No newline at end of file diff --git a/docs/_static/graphviz.css b/docs/_static/graphviz.css new file mode 100644 index 0000000..8d81c02 --- /dev/null +++ b/docs/_static/graphviz.css @@ -0,0 +1,19 @@ +/* + * graphviz.css + * ~~~~~~~~~~~~ + * + * Sphinx stylesheet -- graphviz extension. + * + * :copyright: Copyright 2007-2023 by the Sphinx team, see AUTHORS. + * :license: BSD, see LICENSE for details. + * + */ + +img.graphviz { + border: 0; + max-width: 100%; +} + +object.graphviz { + max-width: 100%; +} diff --git a/docs/_static/images/logo_binder.svg b/docs/_static/images/logo_binder.svg new file mode 100644 index 0000000..45fecf7 --- /dev/null +++ b/docs/_static/images/logo_binder.svg @@ -0,0 +1,19 @@ + + + + +logo + + + + + + + + diff --git a/docs/_static/images/logo_colab.png b/docs/_static/images/logo_colab.png new file mode 100644 index 0000000..b7560ec Binary files /dev/null and b/docs/_static/images/logo_colab.png differ diff --git a/docs/_static/images/logo_deepnote.svg b/docs/_static/images/logo_deepnote.svg new file mode 100644 index 0000000..fa77ebf --- /dev/null +++ b/docs/_static/images/logo_deepnote.svg @@ -0,0 +1 @@ + diff --git a/docs/_static/images/logo_jupyterhub.svg b/docs/_static/images/logo_jupyterhub.svg new file mode 100644 index 0000000..60cfe9f --- /dev/null +++ b/docs/_static/images/logo_jupyterhub.svg @@ -0,0 +1 @@ +logo_jupyterhubHub diff --git a/docs/_static/language_data.js b/docs/_static/language_data.js index 863704b..250f566 100644 --- a/docs/_static/language_data.js +++ b/docs/_static/language_data.js @@ -5,12 +5,12 @@ * This script contains the language-specific data used by searchtools.js, * namely the list of stopwords, stemmer, scorer and splitter. * - * :copyright: Copyright 2007-2021 by the Sphinx team, see AUTHORS. + * :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"]; +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 */ @@ -197,101 +197,3 @@ var Stemmer = function() { } } - - - -var splitChars = (function() { - var result = {}; - var singles = [96, 180, 187, 191, 215, 247, 749, 885, 903, 907, 909, 930, 1014, 1648, - 1748, 1809, 2416, 2473, 2481, 2526, 2601, 2609, 2612, 2615, 2653, 2702, - 2706, 2729, 2737, 2740, 2857, 2865, 2868, 2910, 2928, 2948, 2961, 2971, - 2973, 3085, 3089, 3113, 3124, 3213, 3217, 3241, 3252, 3295, 3341, 3345, - 3369, 3506, 3516, 3633, 3715, 3721, 3736, 3744, 3748, 3750, 3756, 3761, - 3781, 3912, 4239, 4347, 4681, 4695, 4697, 4745, 4785, 4799, 4801, 4823, - 4881, 5760, 5901, 5997, 6313, 7405, 8024, 8026, 8028, 8030, 8117, 8125, - 8133, 8181, 8468, 8485, 8487, 8489, 8494, 8527, 11311, 11359, 11687, 11695, - 11703, 11711, 11719, 11727, 11735, 12448, 12539, 43010, 43014, 43019, 43587, - 43696, 43713, 64286, 64297, 64311, 64317, 64319, 64322, 64325, 65141]; - var i, j, start, end; - for (i = 0; i < singles.length; i++) { - result[singles[i]] = true; - } - var ranges = [[0, 47], [58, 64], [91, 94], [123, 169], [171, 177], [182, 184], [706, 709], - [722, 735], [741, 747], [751, 879], [888, 889], [894, 901], [1154, 1161], - [1318, 1328], [1367, 1368], [1370, 1376], [1416, 1487], [1515, 1519], [1523, 1568], - [1611, 1631], [1642, 1645], [1750, 1764], [1767, 1773], [1789, 1790], [1792, 1807], - [1840, 1868], [1958, 1968], [1970, 1983], [2027, 2035], [2038, 2041], [2043, 2047], - [2070, 2073], [2075, 2083], [2085, 2087], [2089, 2307], [2362, 2364], [2366, 2383], - [2385, 2391], [2402, 2405], [2419, 2424], [2432, 2436], [2445, 2446], [2449, 2450], - [2483, 2485], [2490, 2492], [2494, 2509], [2511, 2523], [2530, 2533], [2546, 2547], - [2554, 2564], [2571, 2574], [2577, 2578], [2618, 2648], [2655, 2661], [2672, 2673], - [2677, 2692], [2746, 2748], [2750, 2767], [2769, 2783], [2786, 2789], [2800, 2820], - [2829, 2830], [2833, 2834], [2874, 2876], [2878, 2907], [2914, 2917], [2930, 2946], - [2955, 2957], [2966, 2968], [2976, 2978], [2981, 2983], [2987, 2989], [3002, 3023], - [3025, 3045], [3059, 3076], [3130, 3132], [3134, 3159], [3162, 3167], [3170, 3173], - [3184, 3191], [3199, 3204], [3258, 3260], [3262, 3293], [3298, 3301], [3312, 3332], - [3386, 3388], [3390, 3423], [3426, 3429], [3446, 3449], [3456, 3460], [3479, 3481], - [3518, 3519], [3527, 3584], [3636, 3647], [3655, 3663], [3674, 3712], [3717, 3718], - [3723, 3724], [3726, 3731], [3752, 3753], [3764, 3772], [3774, 3775], [3783, 3791], - [3802, 3803], [3806, 3839], [3841, 3871], [3892, 3903], [3949, 3975], [3980, 4095], - [4139, 4158], [4170, 4175], [4182, 4185], [4190, 4192], [4194, 4196], [4199, 4205], - [4209, 4212], [4226, 4237], [4250, 4255], [4294, 4303], [4349, 4351], [4686, 4687], - [4702, 4703], [4750, 4751], [4790, 4791], [4806, 4807], [4886, 4887], [4955, 4968], - [4989, 4991], [5008, 5023], [5109, 5120], [5741, 5742], [5787, 5791], [5867, 5869], - [5873, 5887], [5906, 5919], [5938, 5951], [5970, 5983], [6001, 6015], [6068, 6102], - [6104, 6107], [6109, 6111], [6122, 6127], [6138, 6159], [6170, 6175], [6264, 6271], - [6315, 6319], [6390, 6399], [6429, 6469], [6510, 6511], [6517, 6527], [6572, 6592], - [6600, 6607], [6619, 6655], [6679, 6687], [6741, 6783], [6794, 6799], [6810, 6822], - [6824, 6916], [6964, 6980], [6988, 6991], [7002, 7042], [7073, 7085], [7098, 7167], - [7204, 7231], [7242, 7244], [7294, 7400], [7410, 7423], [7616, 7679], [7958, 7959], - [7966, 7967], [8006, 8007], [8014, 8015], [8062, 8063], [8127, 8129], [8141, 8143], - [8148, 8149], [8156, 8159], [8173, 8177], [8189, 8303], [8306, 8307], [8314, 8318], - [8330, 8335], [8341, 8449], [8451, 8454], [8456, 8457], [8470, 8472], [8478, 8483], - [8506, 8507], [8512, 8516], [8522, 8525], [8586, 9311], [9372, 9449], [9472, 10101], - [10132, 11263], [11493, 11498], [11503, 11516], [11518, 11519], [11558, 11567], - [11622, 11630], [11632, 11647], [11671, 11679], [11743, 11822], [11824, 12292], - [12296, 12320], [12330, 12336], [12342, 12343], [12349, 12352], [12439, 12444], - [12544, 12548], [12590, 12592], [12687, 12689], [12694, 12703], [12728, 12783], - [12800, 12831], [12842, 12880], [12896, 12927], [12938, 12976], [12992, 13311], - [19894, 19967], [40908, 40959], [42125, 42191], [42238, 42239], [42509, 42511], - [42540, 42559], [42592, 42593], [42607, 42622], [42648, 42655], [42736, 42774], - [42784, 42785], [42889, 42890], [42893, 43002], [43043, 43055], [43062, 43071], - [43124, 43137], [43188, 43215], [43226, 43249], [43256, 43258], [43260, 43263], - [43302, 43311], [43335, 43359], [43389, 43395], [43443, 43470], [43482, 43519], - [43561, 43583], [43596, 43599], [43610, 43615], [43639, 43641], [43643, 43647], - [43698, 43700], [43703, 43704], [43710, 43711], [43715, 43738], [43742, 43967], - [44003, 44015], [44026, 44031], [55204, 55215], [55239, 55242], [55292, 55295], - [57344, 63743], [64046, 64047], [64110, 64111], [64218, 64255], [64263, 64274], - [64280, 64284], [64434, 64466], [64830, 64847], [64912, 64913], [64968, 65007], - [65020, 65135], [65277, 65295], [65306, 65312], [65339, 65344], [65371, 65381], - [65471, 65473], [65480, 65481], [65488, 65489], [65496, 65497]]; - for (i = 0; i < ranges.length; i++) { - start = ranges[i][0]; - end = ranges[i][1]; - for (j = start; j <= end; j++) { - result[j] = true; - } - } - return result; -})(); - -function splitQuery(query) { - var result = []; - var start = -1; - for (var i = 0; i < query.length; i++) { - if (splitChars[query.charCodeAt(i)]) { - if (start !== -1) { - result.push(query.slice(start, i)); - start = -1; - } - } else if (start === -1) { - start = i; - } - } - if (start !== -1) { - result.push(query.slice(start)); - } - return result; -} - - diff --git a/docs/_static/locales/ar/LC_MESSAGES/booktheme.po b/docs/_static/locales/ar/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..2e8d682 --- /dev/null +++ b/docs/_static/locales/ar/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ar\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "أقترح تحرير" + +msgid "Last updated on" +msgstr "آخر تحديث في" + +msgid "Edit this page" +msgstr "قم بتحرير هذه الصفحة" + +msgid "Launch" +msgstr "إطلاق" + +msgid "Print to PDF" +msgstr "طباعة إلى PDF" + +msgid "open issue" +msgstr "قضية مفتوحة" + +msgid "Download notebook file" +msgstr "تنزيل ملف دفتر الملاحظات" + +msgid "Toggle navigation" +msgstr "تبديل التنقل" + +msgid "Source repository" +msgstr "مستودع المصدر" + +msgid "By the" +msgstr "بواسطة" + +msgid "next page" +msgstr "الصفحة التالية" + +msgid "repository" +msgstr "مخزن" + +msgid "Sphinx Book Theme" +msgstr "موضوع كتاب أبو الهول" + +msgid "Download source file" +msgstr "تنزيل ملف المصدر" + +msgid "Contents" +msgstr "محتويات" + +msgid "By" +msgstr "بواسطة" + +msgid "Copyright" +msgstr "حقوق النشر" + +msgid "Fullscreen mode" +msgstr "وضع ملء الشاشة" + +msgid "Open an issue" +msgstr "افتح قضية" + +msgid "previous page" +msgstr "الصفحة السابقة" + +msgid "Download this page" +msgstr "قم بتنزيل هذه الصفحة" + +msgid "Theme by the" +msgstr "موضوع بواسطة" diff --git a/docs/_static/locales/bg/LC_MESSAGES/booktheme.po b/docs/_static/locales/bg/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..56ef0eb --- /dev/null +++ b/docs/_static/locales/bg/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: bg\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "предложи редактиране" + +msgid "Last updated on" +msgstr "Последна актуализация на" + +msgid "Edit this page" +msgstr "Редактирайте тази страница" + +msgid "Launch" +msgstr "Стартиране" + +msgid "Print to PDF" +msgstr "Печат в PDF" + +msgid "open issue" +msgstr "отворен брой" + +msgid "Download notebook file" +msgstr "Изтеглете файла на бележника" + +msgid "Toggle navigation" +msgstr "Превключване на навигацията" + +msgid "Source repository" +msgstr "Хранилище на източника" + +msgid "By the" +msgstr "По" + +msgid "next page" +msgstr "Следваща страница" + +msgid "repository" +msgstr "хранилище" + +msgid "Sphinx Book Theme" +msgstr "Тема на книгата Sphinx" + +msgid "Download source file" +msgstr "Изтеглете изходния файл" + +msgid "Contents" +msgstr "Съдържание" + +msgid "By" +msgstr "От" + +msgid "Copyright" +msgstr "Авторско право" + +msgid "Fullscreen mode" +msgstr "Режим на цял екран" + +msgid "Open an issue" +msgstr "Отворете проблем" + +msgid "previous page" +msgstr "предишна страница" + +msgid "Download this page" +msgstr "Изтеглете тази страница" + +msgid "Theme by the" +msgstr "Тема от" diff --git a/docs/_static/locales/bn/LC_MESSAGES/booktheme.po b/docs/_static/locales/bn/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..243ca31 --- /dev/null +++ b/docs/_static/locales/bn/LC_MESSAGES/booktheme.po @@ -0,0 +1,63 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: bn\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "Last updated on" +msgstr "সর্বশেষ আপডেট" + +msgid "Edit this page" +msgstr "এই পৃষ্ঠাটি সম্পাদনা করুন" + +msgid "Launch" +msgstr "শুরু করা" + +msgid "Print to PDF" +msgstr "পিডিএফ প্রিন্ট করুন" + +msgid "open issue" +msgstr "খোলা সমস্যা" + +msgid "Download notebook file" +msgstr "নোটবুক ফাইল ডাউনলোড করুন" + +msgid "Toggle navigation" +msgstr "নেভিগেশন টগল করুন" + +msgid "Source repository" +msgstr "উত্স সংগ্রহস্থল" + +msgid "By the" +msgstr "দ্বারা" + +msgid "next page" +msgstr "পরবর্তী পৃষ্ঠা" + +msgid "Sphinx Book Theme" +msgstr "স্পিনিক্স বুক থিম" + +msgid "Download source file" +msgstr "উত্স ফাইল ডাউনলোড করুন" + +msgid "By" +msgstr "দ্বারা" + +msgid "Copyright" +msgstr "কপিরাইট" + +msgid "Open an issue" +msgstr "একটি সমস্যা খুলুন" + +msgid "previous page" +msgstr "আগের পৃষ্ঠা" + +msgid "Download this page" +msgstr "এই পৃষ্ঠাটি ডাউনলোড করুন" + +msgid "Theme by the" +msgstr "থিম দ্বারা" diff --git a/docs/_static/locales/ca/LC_MESSAGES/booktheme.po b/docs/_static/locales/ca/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b27a13d --- /dev/null +++ b/docs/_static/locales/ca/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ca\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "suggerir edició" + +msgid "Last updated on" +msgstr "Darrera actualització el" + +msgid "Edit this page" +msgstr "Editeu aquesta pàgina" + +msgid "Launch" +msgstr "Llançament" + +msgid "Print to PDF" +msgstr "Imprimeix a PDF" + +msgid "open issue" +msgstr "número obert" + +msgid "Download notebook file" +msgstr "Descarregar fitxer de quadern" + +msgid "Toggle navigation" +msgstr "Commuta la navegació" + +msgid "Source repository" +msgstr "Dipòsit de fonts" + +msgid "By the" +msgstr "Per la" + +msgid "next page" +msgstr "pàgina següent" + +msgid "Sphinx Book Theme" +msgstr "Tema del llibre Esfinx" + +msgid "Download source file" +msgstr "Baixeu el fitxer font" + +msgid "By" +msgstr "Per" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Open an issue" +msgstr "Obriu un número" + +msgid "previous page" +msgstr "Pàgina anterior" + +msgid "Download this page" +msgstr "Descarregueu aquesta pàgina" + +msgid "Theme by the" +msgstr "Tema del" diff --git a/docs/_static/locales/cs/LC_MESSAGES/booktheme.po b/docs/_static/locales/cs/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..3818df9 --- /dev/null +++ b/docs/_static/locales/cs/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: cs\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "navrhnout úpravy" + +msgid "Last updated on" +msgstr "Naposledy aktualizováno" + +msgid "Edit this page" +msgstr "Upravit tuto stránku" + +msgid "Launch" +msgstr "Zahájení" + +msgid "Print to PDF" +msgstr "Tisk do PDF" + +msgid "open issue" +msgstr "otevřené číslo" + +msgid "Download notebook file" +msgstr "Stáhnout soubor poznámkového bloku" + +msgid "Toggle navigation" +msgstr "Přepnout navigaci" + +msgid "Source repository" +msgstr "Zdrojové úložiště" + +msgid "By the" +msgstr "Podle" + +msgid "next page" +msgstr "další strana" + +msgid "repository" +msgstr "úložiště" + +msgid "Sphinx Book Theme" +msgstr "Téma knihy Sfinga" + +msgid "Download source file" +msgstr "Stáhněte si zdrojový soubor" + +msgid "Contents" +msgstr "Obsah" + +msgid "By" +msgstr "Podle" + +msgid "Copyright" +msgstr "autorská práva" + +msgid "Fullscreen mode" +msgstr "Režim celé obrazovky" + +msgid "Open an issue" +msgstr "Otevřete problém" + +msgid "previous page" +msgstr "předchozí stránka" + +msgid "Download this page" +msgstr "Stáhněte si tuto stránku" + +msgid "Theme by the" +msgstr "Téma od" diff --git a/docs/_static/locales/da/LC_MESSAGES/booktheme.po b/docs/_static/locales/da/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..7f20a3b --- /dev/null +++ b/docs/_static/locales/da/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: da\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "foreslå redigering" + +msgid "Last updated on" +msgstr "Sidst opdateret den" + +msgid "Edit this page" +msgstr "Rediger denne side" + +msgid "Launch" +msgstr "Start" + +msgid "Print to PDF" +msgstr "Udskriv til PDF" + +msgid "open issue" +msgstr "åbent nummer" + +msgid "Download notebook file" +msgstr "Download notesbog-fil" + +msgid "Toggle navigation" +msgstr "Skift navigation" + +msgid "Source repository" +msgstr "Kildelager" + +msgid "By the" +msgstr "Ved" + +msgid "next page" +msgstr "Næste side" + +msgid "repository" +msgstr "lager" + +msgid "Sphinx Book Theme" +msgstr "Sphinx bogtema" + +msgid "Download source file" +msgstr "Download kildefil" + +msgid "Contents" +msgstr "Indhold" + +msgid "By" +msgstr "Ved" + +msgid "Copyright" +msgstr "ophavsret" + +msgid "Fullscreen mode" +msgstr "Fuldskærmstilstand" + +msgid "Open an issue" +msgstr "Åbn et problem" + +msgid "previous page" +msgstr "forrige side" + +msgid "Download this page" +msgstr "Download denne side" + +msgid "Theme by the" +msgstr "Tema af" diff --git a/docs/_static/locales/de/LC_MESSAGES/booktheme.po b/docs/_static/locales/de/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..c0027d3 --- /dev/null +++ b/docs/_static/locales/de/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: de\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "vorschlagen zu bearbeiten" + +msgid "Last updated on" +msgstr "Zuletzt aktualisiert am" + +msgid "Edit this page" +msgstr "Bearbeite diese Seite" + +msgid "Launch" +msgstr "Starten" + +msgid "Print to PDF" +msgstr "In PDF drucken" + +msgid "open issue" +msgstr "offenes Thema" + +msgid "Download notebook file" +msgstr "Notebook-Datei herunterladen" + +msgid "Toggle navigation" +msgstr "Navigation umschalten" + +msgid "Source repository" +msgstr "Quell-Repository" + +msgid "By the" +msgstr "Bis zum" + +msgid "next page" +msgstr "Nächste Seite" + +msgid "repository" +msgstr "Repository" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-Buch-Thema" + +msgid "Download source file" +msgstr "Quelldatei herunterladen" + +msgid "Contents" +msgstr "Inhalt" + +msgid "By" +msgstr "Durch" + +msgid "Copyright" +msgstr "Urheberrechte ©" + +msgid "Fullscreen mode" +msgstr "Vollbildmodus" + +msgid "Open an issue" +msgstr "Öffnen Sie ein Problem" + +msgid "previous page" +msgstr "vorherige Seite" + +msgid "Download this page" +msgstr "Laden Sie diese Seite herunter" + +msgid "Theme by the" +msgstr "Thema von der" diff --git a/docs/_static/locales/el/LC_MESSAGES/booktheme.po b/docs/_static/locales/el/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..bdeb327 --- /dev/null +++ b/docs/_static/locales/el/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: el\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "προτείνω επεξεργασία" + +msgid "Last updated on" +msgstr "Τελευταία ενημέρωση στις" + +msgid "Edit this page" +msgstr "Επεξεργαστείτε αυτήν τη σελίδα" + +msgid "Launch" +msgstr "Εκτόξευση" + +msgid "Print to PDF" +msgstr "Εκτύπωση σε PDF" + +msgid "open issue" +msgstr "ανοιχτό ζήτημα" + +msgid "Download notebook file" +msgstr "Λήψη αρχείου σημειωματάριου" + +msgid "Toggle navigation" +msgstr "Εναλλαγή πλοήγησης" + +msgid "Source repository" +msgstr "Αποθήκη πηγής" + +msgid "By the" +msgstr "Από το" + +msgid "next page" +msgstr "επόμενη σελίδα" + +msgid "repository" +msgstr "αποθήκη" + +msgid "Sphinx Book Theme" +msgstr "Θέμα βιβλίου Sphinx" + +msgid "Download source file" +msgstr "Λήψη αρχείου προέλευσης" + +msgid "Contents" +msgstr "Περιεχόμενα" + +msgid "By" +msgstr "Με" + +msgid "Copyright" +msgstr "Πνευματική ιδιοκτησία" + +msgid "Fullscreen mode" +msgstr "ΛΕΙΤΟΥΡΓΙΑ ΠΛΗΡΟΥΣ ΟΘΟΝΗΣ" + +msgid "Open an issue" +msgstr "Ανοίξτε ένα ζήτημα" + +msgid "previous page" +msgstr "προηγούμενη σελίδα" + +msgid "Download this page" +msgstr "Λήψη αυτής της σελίδας" + +msgid "Theme by the" +msgstr "Θέμα από το" diff --git a/docs/_static/locales/eo/LC_MESSAGES/booktheme.po b/docs/_static/locales/eo/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..6749f3a --- /dev/null +++ b/docs/_static/locales/eo/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: eo\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "sugesti redaktadon" + +msgid "Last updated on" +msgstr "Laste ĝisdatigita la" + +msgid "Edit this page" +msgstr "Redaktu ĉi tiun paĝon" + +msgid "Launch" +msgstr "Lanĉo" + +msgid "Print to PDF" +msgstr "Presi al PDF" + +msgid "open issue" +msgstr "malferma numero" + +msgid "Download notebook file" +msgstr "Elŝutu kajeran dosieron" + +msgid "Toggle navigation" +msgstr "Ŝalti navigadon" + +msgid "Source repository" +msgstr "Fonto-deponejo" + +msgid "By the" +msgstr "Per la" + +msgid "next page" +msgstr "sekva paĝo" + +msgid "repository" +msgstr "deponejo" + +msgid "Sphinx Book Theme" +msgstr "Sfinksa Libro-Temo" + +msgid "Download source file" +msgstr "Elŝutu fontodosieron" + +msgid "Contents" +msgstr "Enhavo" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "Kopirajto" + +msgid "Fullscreen mode" +msgstr "Plenekrana reĝimo" + +msgid "Open an issue" +msgstr "Malfermu numeron" + +msgid "previous page" +msgstr "antaŭa paĝo" + +msgid "Download this page" +msgstr "Elŝutu ĉi tiun paĝon" + +msgid "Theme by the" +msgstr "Temo de la" diff --git a/docs/_static/locales/es/LC_MESSAGES/booktheme.po b/docs/_static/locales/es/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..71dde37 --- /dev/null +++ b/docs/_static/locales/es/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: es\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "sugerir editar" + +msgid "Last updated on" +msgstr "Ultima actualización en" + +msgid "Edit this page" +msgstr "Edita esta página" + +msgid "Launch" +msgstr "Lanzamiento" + +msgid "Print to PDF" +msgstr "Imprimir en PDF" + +msgid "open issue" +msgstr "Tema abierto" + +msgid "Download notebook file" +msgstr "Descargar archivo de cuaderno" + +msgid "Toggle navigation" +msgstr "Navegación de palanca" + +msgid "Source repository" +msgstr "Repositorio de origen" + +msgid "By the" +msgstr "Por el" + +msgid "next page" +msgstr "siguiente página" + +msgid "repository" +msgstr "repositorio" + +msgid "Sphinx Book Theme" +msgstr "Tema del libro de la esfinge" + +msgid "Download source file" +msgstr "Descargar archivo fuente" + +msgid "Contents" +msgstr "Contenido" + +msgid "By" +msgstr "Por" + +msgid "Copyright" +msgstr "Derechos de autor" + +msgid "Fullscreen mode" +msgstr "Modo de pantalla completa" + +msgid "Open an issue" +msgstr "Abrir un problema" + +msgid "previous page" +msgstr "pagina anterior" + +msgid "Download this page" +msgstr "Descarga esta pagina" + +msgid "Theme by the" +msgstr "Tema por el" diff --git a/docs/_static/locales/et/LC_MESSAGES/booktheme.po b/docs/_static/locales/et/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..cdcd07c --- /dev/null +++ b/docs/_static/locales/et/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: et\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "soovita muuta" + +msgid "Last updated on" +msgstr "Viimati uuendatud" + +msgid "Edit this page" +msgstr "Muutke seda lehte" + +msgid "Launch" +msgstr "Käivitage" + +msgid "Print to PDF" +msgstr "Prindi PDF-i" + +msgid "open issue" +msgstr "avatud küsimus" + +msgid "Download notebook file" +msgstr "Laadige sülearvuti fail alla" + +msgid "Toggle navigation" +msgstr "Lülita navigeerimine sisse" + +msgid "Source repository" +msgstr "Allikahoidla" + +msgid "By the" +msgstr "Autor" + +msgid "next page" +msgstr "järgmine leht" + +msgid "repository" +msgstr "hoidla" + +msgid "Sphinx Book Theme" +msgstr "Sfinksiraamatu teema" + +msgid "Download source file" +msgstr "Laadige alla lähtefail" + +msgid "Contents" +msgstr "Sisu" + +msgid "By" +msgstr "Kõrval" + +msgid "Copyright" +msgstr "Autoriõigus" + +msgid "Fullscreen mode" +msgstr "Täisekraanirežiim" + +msgid "Open an issue" +msgstr "Avage probleem" + +msgid "previous page" +msgstr "eelmine leht" + +msgid "Download this page" +msgstr "Laadige see leht alla" + +msgid "Theme by the" +msgstr "Teema" diff --git a/docs/_static/locales/fi/LC_MESSAGES/booktheme.po b/docs/_static/locales/fi/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..3c3dd08 --- /dev/null +++ b/docs/_static/locales/fi/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: fi\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "ehdottaa muokkausta" + +msgid "Last updated on" +msgstr "Viimeksi päivitetty" + +msgid "Edit this page" +msgstr "Muokkaa tätä sivua" + +msgid "Launch" +msgstr "Tuoda markkinoille" + +msgid "Print to PDF" +msgstr "Tulosta PDF-tiedostoon" + +msgid "open issue" +msgstr "avoin ongelma" + +msgid "Download notebook file" +msgstr "Lataa muistikirjatiedosto" + +msgid "Toggle navigation" +msgstr "Vaihda navigointia" + +msgid "Source repository" +msgstr "Lähteen arkisto" + +msgid "By the" +msgstr "Mukaan" + +msgid "next page" +msgstr "seuraava sivu" + +msgid "repository" +msgstr "arkisto" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-kirjan teema" + +msgid "Download source file" +msgstr "Lataa lähdetiedosto" + +msgid "Contents" +msgstr "Sisällys" + +msgid "By" +msgstr "Tekijä" + +msgid "Copyright" +msgstr "Tekijänoikeus" + +msgid "Fullscreen mode" +msgstr "Koko näytön tila" + +msgid "Open an issue" +msgstr "Avaa ongelma" + +msgid "previous page" +msgstr "Edellinen sivu" + +msgid "Download this page" +msgstr "Lataa tämä sivu" + +msgid "Theme by the" +msgstr "Teeman tekijä" diff --git a/docs/_static/locales/fr/LC_MESSAGES/booktheme.po b/docs/_static/locales/fr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..b57d2fe --- /dev/null +++ b/docs/_static/locales/fr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: fr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "suggestion de modification" + +msgid "Last updated on" +msgstr "Dernière mise à jour le" + +msgid "Edit this page" +msgstr "Modifier cette page" + +msgid "Launch" +msgstr "lancement" + +msgid "Print to PDF" +msgstr "Imprimer au format PDF" + +msgid "open issue" +msgstr "signaler un problème" + +msgid "Download notebook file" +msgstr "Télécharger le fichier notebook" + +msgid "Toggle navigation" +msgstr "Basculer la navigation" + +msgid "Source repository" +msgstr "Dépôt source" + +msgid "By the" +msgstr "Par le" + +msgid "next page" +msgstr "page suivante" + +msgid "repository" +msgstr "dépôt" + +msgid "Sphinx Book Theme" +msgstr "Thème du livre Sphinx" + +msgid "Download source file" +msgstr "Télécharger le fichier source" + +msgid "Contents" +msgstr "Contenu" + +msgid "By" +msgstr "Par" + +msgid "Copyright" +msgstr "droits d'auteur" + +msgid "Fullscreen mode" +msgstr "Mode plein écran" + +msgid "Open an issue" +msgstr "Ouvrez un problème" + +msgid "previous page" +msgstr "page précédente" + +msgid "Download this page" +msgstr "Téléchargez cette page" + +msgid "Theme by the" +msgstr "Thème par le" diff --git a/docs/_static/locales/hr/LC_MESSAGES/booktheme.po b/docs/_static/locales/hr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..4c425e8 --- /dev/null +++ b/docs/_static/locales/hr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: hr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "predloži uređivanje" + +msgid "Last updated on" +msgstr "Posljednje ažuriranje:" + +msgid "Edit this page" +msgstr "Uredite ovu stranicu" + +msgid "Launch" +msgstr "Pokrenite" + +msgid "Print to PDF" +msgstr "Ispis u PDF" + +msgid "open issue" +msgstr "otvoreno izdanje" + +msgid "Download notebook file" +msgstr "Preuzmi datoteku bilježnice" + +msgid "Toggle navigation" +msgstr "Uključi / isključi navigaciju" + +msgid "Source repository" +msgstr "Izvorno spremište" + +msgid "By the" +msgstr "Od strane" + +msgid "next page" +msgstr "sljedeća stranica" + +msgid "repository" +msgstr "spremište" + +msgid "Sphinx Book Theme" +msgstr "Tema knjige Sphinx" + +msgid "Download source file" +msgstr "Preuzmi izvornu datoteku" + +msgid "Contents" +msgstr "Sadržaj" + +msgid "By" +msgstr "Po" + +msgid "Copyright" +msgstr "Autorska prava" + +msgid "Fullscreen mode" +msgstr "Način preko cijelog zaslona" + +msgid "Open an issue" +msgstr "Otvorite izdanje" + +msgid "previous page" +msgstr "Prethodna stranica" + +msgid "Download this page" +msgstr "Preuzmite ovu stranicu" + +msgid "Theme by the" +msgstr "Tema autora" diff --git a/docs/_static/locales/id/LC_MESSAGES/booktheme.po b/docs/_static/locales/id/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..5db2ae1 --- /dev/null +++ b/docs/_static/locales/id/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: id\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "menyarankan edit" + +msgid "Last updated on" +msgstr "Terakhir diperbarui saat" + +msgid "Edit this page" +msgstr "Edit halaman ini" + +msgid "Launch" +msgstr "Meluncurkan" + +msgid "Print to PDF" +msgstr "Cetak ke PDF" + +msgid "open issue" +msgstr "masalah terbuka" + +msgid "Download notebook file" +msgstr "Unduh file notebook" + +msgid "Toggle navigation" +msgstr "Alihkan navigasi" + +msgid "Source repository" +msgstr "Repositori sumber" + +msgid "By the" +msgstr "Oleh" + +msgid "next page" +msgstr "halaman selanjutnya" + +msgid "repository" +msgstr "gudang" + +msgid "Sphinx Book Theme" +msgstr "Tema Buku Sphinx" + +msgid "Download source file" +msgstr "Unduh file sumber" + +msgid "Contents" +msgstr "Isi" + +msgid "By" +msgstr "Oleh" + +msgid "Copyright" +msgstr "hak cipta" + +msgid "Fullscreen mode" +msgstr "Mode layar penuh" + +msgid "Open an issue" +msgstr "Buka masalah" + +msgid "previous page" +msgstr "halaman sebelumnya" + +msgid "Download this page" +msgstr "Unduh halaman ini" + +msgid "Theme by the" +msgstr "Tema oleh" diff --git a/docs/_static/locales/it/LC_MESSAGES/booktheme.po b/docs/_static/locales/it/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..7d54fde --- /dev/null +++ b/docs/_static/locales/it/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: it\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "suggerisci modifica" + +msgid "Last updated on" +msgstr "Ultimo aggiornamento il" + +msgid "Edit this page" +msgstr "Modifica questa pagina" + +msgid "Launch" +msgstr "Lanciare" + +msgid "Print to PDF" +msgstr "Stampa in PDF" + +msgid "open issue" +msgstr "questione aperta" + +msgid "Download notebook file" +msgstr "Scarica il file del taccuino" + +msgid "Toggle navigation" +msgstr "Attiva / disattiva la navigazione" + +msgid "Source repository" +msgstr "Repository di origine" + +msgid "By the" +msgstr "Dal" + +msgid "next page" +msgstr "pagina successiva" + +msgid "repository" +msgstr "repository" + +msgid "Sphinx Book Theme" +msgstr "Tema del libro della Sfinge" + +msgid "Download source file" +msgstr "Scarica il file sorgente" + +msgid "Contents" +msgstr "Contenuti" + +msgid "By" +msgstr "Di" + +msgid "Copyright" +msgstr "Diritto d'autore" + +msgid "Fullscreen mode" +msgstr "Modalità schermo intero" + +msgid "Open an issue" +msgstr "Apri un problema" + +msgid "previous page" +msgstr "pagina precedente" + +msgid "Download this page" +msgstr "Scarica questa pagina" + +msgid "Theme by the" +msgstr "Tema di" diff --git a/docs/_static/locales/iw/LC_MESSAGES/booktheme.po b/docs/_static/locales/iw/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..32b017c --- /dev/null +++ b/docs/_static/locales/iw/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: iw\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "מציע לערוך" + +msgid "Last updated on" +msgstr "עודכן לאחרונה ב" + +msgid "Edit this page" +msgstr "ערוך דף זה" + +msgid "Launch" +msgstr "לְהַשִׁיק" + +msgid "Print to PDF" +msgstr "הדפס לקובץ PDF" + +msgid "open issue" +msgstr "בעיה פתוחה" + +msgid "Download notebook file" +msgstr "הורד קובץ מחברת" + +msgid "Toggle navigation" +msgstr "החלף ניווט" + +msgid "Source repository" +msgstr "מאגר המקורות" + +msgid "By the" +msgstr "דרך" + +msgid "next page" +msgstr "עמוד הבא" + +msgid "repository" +msgstr "מאגר" + +msgid "Sphinx Book Theme" +msgstr "נושא ספר ספינקס" + +msgid "Download source file" +msgstr "הורד את קובץ המקור" + +msgid "Contents" +msgstr "תוכן" + +msgid "By" +msgstr "על ידי" + +msgid "Copyright" +msgstr "זכויות יוצרים" + +msgid "Fullscreen mode" +msgstr "מצב מסך מלא" + +msgid "Open an issue" +msgstr "פתח גיליון" + +msgid "previous page" +msgstr "עמוד קודם" + +msgid "Download this page" +msgstr "הורד דף זה" + +msgid "Theme by the" +msgstr "נושא מאת" diff --git a/docs/_static/locales/ja/LC_MESSAGES/booktheme.po b/docs/_static/locales/ja/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..16924e1 --- /dev/null +++ b/docs/_static/locales/ja/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ja\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "編集を提案する" + +msgid "Last updated on" +msgstr "最終更新日" + +msgid "Edit this page" +msgstr "このページを編集" + +msgid "Launch" +msgstr "起動" + +msgid "Print to PDF" +msgstr "PDFに印刷" + +msgid "open issue" +msgstr "未解決の問題" + +msgid "Download notebook file" +msgstr "ノートブックファイルをダウンロード" + +msgid "Toggle navigation" +msgstr "ナビゲーションを切り替え" + +msgid "Source repository" +msgstr "ソースリポジトリ" + +msgid "By the" +msgstr "によって" + +msgid "next page" +msgstr "次のページ" + +msgid "repository" +msgstr "リポジトリ" + +msgid "Sphinx Book Theme" +msgstr "スフィンクスの本のテーマ" + +msgid "Download source file" +msgstr "ソースファイルをダウンロード" + +msgid "Contents" +msgstr "目次" + +msgid "By" +msgstr "著者" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Fullscreen mode" +msgstr "全画面モード" + +msgid "Open an issue" +msgstr "問題を報告" + +msgid "previous page" +msgstr "前のページ" + +msgid "Download this page" +msgstr "このページをダウンロード" + +msgid "Theme by the" +msgstr "のテーマ" diff --git a/docs/_static/locales/ko/LC_MESSAGES/booktheme.po b/docs/_static/locales/ko/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..69dd18f --- /dev/null +++ b/docs/_static/locales/ko/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ko\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "편집 제안" + +msgid "Last updated on" +msgstr "마지막 업데이트" + +msgid "Edit this page" +msgstr "이 페이지 편집" + +msgid "Launch" +msgstr "시작하다" + +msgid "Print to PDF" +msgstr "PDF로 인쇄" + +msgid "open issue" +msgstr "열린 문제" + +msgid "Download notebook file" +msgstr "노트북 파일 다운로드" + +msgid "Toggle navigation" +msgstr "탐색 전환" + +msgid "Source repository" +msgstr "소스 저장소" + +msgid "By the" +msgstr "에 의해" + +msgid "next page" +msgstr "다음 페이지" + +msgid "repository" +msgstr "저장소" + +msgid "Sphinx Book Theme" +msgstr "스핑크스 도서 테마" + +msgid "Download source file" +msgstr "소스 파일 다운로드" + +msgid "Contents" +msgstr "내용" + +msgid "By" +msgstr "으로" + +msgid "Copyright" +msgstr "저작권" + +msgid "Fullscreen mode" +msgstr "전체 화면으로보기" + +msgid "Open an issue" +msgstr "이슈 열기" + +msgid "previous page" +msgstr "이전 페이지" + +msgid "Download this page" +msgstr "이 페이지 다운로드" + +msgid "Theme by the" +msgstr "테마별" diff --git a/docs/_static/locales/lt/LC_MESSAGES/booktheme.po b/docs/_static/locales/lt/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..9f03775 --- /dev/null +++ b/docs/_static/locales/lt/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: lt\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "pasiūlyti redaguoti" + +msgid "Last updated on" +msgstr "Paskutinį kartą atnaujinta" + +msgid "Edit this page" +msgstr "Redaguoti šį puslapį" + +msgid "Launch" +msgstr "Paleiskite" + +msgid "Print to PDF" +msgstr "Spausdinti į PDF" + +msgid "open issue" +msgstr "atviras klausimas" + +msgid "Download notebook file" +msgstr "Atsisiųsti nešiojamojo kompiuterio failą" + +msgid "Toggle navigation" +msgstr "Perjungti naršymą" + +msgid "Source repository" +msgstr "Šaltinio saugykla" + +msgid "By the" +msgstr "Prie" + +msgid "next page" +msgstr "Kitas puslapis" + +msgid "repository" +msgstr "saugykla" + +msgid "Sphinx Book Theme" +msgstr "Sfinkso knygos tema" + +msgid "Download source file" +msgstr "Atsisiųsti šaltinio failą" + +msgid "Contents" +msgstr "Turinys" + +msgid "By" +msgstr "Iki" + +msgid "Copyright" +msgstr "Autorių teisės" + +msgid "Fullscreen mode" +msgstr "Pilno ekrano režimas" + +msgid "Open an issue" +msgstr "Atidarykite problemą" + +msgid "previous page" +msgstr "Ankstesnis puslapis" + +msgid "Download this page" +msgstr "Atsisiųskite šį puslapį" + +msgid "Theme by the" +msgstr "Tema" diff --git a/docs/_static/locales/lv/LC_MESSAGES/booktheme.po b/docs/_static/locales/lv/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..c9633b5 --- /dev/null +++ b/docs/_static/locales/lv/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: lv\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "ieteikt rediģēt" + +msgid "Last updated on" +msgstr "Pēdējoreiz atjaunināts" + +msgid "Edit this page" +msgstr "Rediģēt šo lapu" + +msgid "Launch" +msgstr "Uzsākt" + +msgid "Print to PDF" +msgstr "Drukāt PDF formātā" + +msgid "open issue" +msgstr "atklāts jautājums" + +msgid "Download notebook file" +msgstr "Lejupielādēt piezīmju grāmatiņu" + +msgid "Toggle navigation" +msgstr "Pārslēgt navigāciju" + +msgid "Source repository" +msgstr "Avota krātuve" + +msgid "By the" +msgstr "Ar" + +msgid "next page" +msgstr "nākamā lapaspuse" + +msgid "repository" +msgstr "krātuve" + +msgid "Sphinx Book Theme" +msgstr "Sfinksa grāmatas tēma" + +msgid "Download source file" +msgstr "Lejupielādēt avota failu" + +msgid "Contents" +msgstr "Saturs" + +msgid "By" +msgstr "Autors" + +msgid "Copyright" +msgstr "Autortiesības" + +msgid "Fullscreen mode" +msgstr "Pilnekrāna režīms" + +msgid "Open an issue" +msgstr "Atveriet problēmu" + +msgid "previous page" +msgstr "iepriekšējā lapa" + +msgid "Download this page" +msgstr "Lejupielādējiet šo lapu" + +msgid "Theme by the" +msgstr "Autora tēma" diff --git a/docs/_static/locales/ml/LC_MESSAGES/booktheme.po b/docs/_static/locales/ml/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..9a6a41e --- /dev/null +++ b/docs/_static/locales/ml/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ml\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "എഡിറ്റുചെയ്യാൻ നിർദ്ദേശിക്കുക" + +msgid "Last updated on" +msgstr "അവസാനം അപ്‌ഡേറ്റുചെയ്‌തത്" + +msgid "Edit this page" +msgstr "ഈ പേജ് എഡിറ്റുചെയ്യുക" + +msgid "Launch" +msgstr "സമാരംഭിക്കുക" + +msgid "Print to PDF" +msgstr "PDF- ലേക്ക് പ്രിന്റുചെയ്യുക" + +msgid "open issue" +msgstr "തുറന്ന പ്രശ്നം" + +msgid "Download notebook file" +msgstr "നോട്ട്ബുക്ക് ഫയൽ ഡൺലോഡ് ചെയ്യുക" + +msgid "Toggle navigation" +msgstr "നാവിഗേഷൻ ടോഗിൾ ചെയ്യുക" + +msgid "Source repository" +msgstr "ഉറവിട ശേഖരം" + +msgid "By the" +msgstr "എഴുതിയത്" + +msgid "next page" +msgstr "അടുത്ത പേജ്" + +msgid "Sphinx Book Theme" +msgstr "സ്ഫിങ്ക്സ് പുസ്തക തീം" + +msgid "Download source file" +msgstr "ഉറവിട ഫയൽ ഡൗൺലോഡുചെയ്യുക" + +msgid "By" +msgstr "എഴുതിയത്" + +msgid "Copyright" +msgstr "പകർപ്പവകാശം" + +msgid "Open an issue" +msgstr "ഒരു പ്രശ്നം തുറക്കുക" + +msgid "previous page" +msgstr "മുൻപത്തെ താൾ" + +msgid "Download this page" +msgstr "ഈ പേജ് ഡൗൺലോഡുചെയ്യുക" + +msgid "Theme by the" +msgstr "പ്രമേയം" diff --git a/docs/_static/locales/mr/LC_MESSAGES/booktheme.po b/docs/_static/locales/mr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..ef72d8c --- /dev/null +++ b/docs/_static/locales/mr/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: mr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "संपादन सुचवा" + +msgid "Last updated on" +msgstr "अखेरचे अद्यतनित" + +msgid "Edit this page" +msgstr "हे पृष्ठ संपादित करा" + +msgid "Launch" +msgstr "लाँच करा" + +msgid "Print to PDF" +msgstr "पीडीएफवर मुद्रित करा" + +msgid "open issue" +msgstr "खुला मुद्दा" + +msgid "Download notebook file" +msgstr "नोटबुक फाईल डाउनलोड करा" + +msgid "Toggle navigation" +msgstr "नेव्हिगेशन टॉगल करा" + +msgid "Source repository" +msgstr "स्त्रोत भांडार" + +msgid "By the" +msgstr "द्वारा" + +msgid "next page" +msgstr "पुढील पृष्ठ" + +msgid "Sphinx Book Theme" +msgstr "स्फिंक्स बुक थीम" + +msgid "Download source file" +msgstr "स्त्रोत फाइल डाउनलोड करा" + +msgid "By" +msgstr "द्वारा" + +msgid "Copyright" +msgstr "कॉपीराइट" + +msgid "Open an issue" +msgstr "एक मुद्दा उघडा" + +msgid "previous page" +msgstr "मागील पान" + +msgid "Download this page" +msgstr "हे पृष्ठ डाउनलोड करा" + +msgid "Theme by the" +msgstr "द्वारा थीम" diff --git a/docs/_static/locales/ms/LC_MESSAGES/booktheme.po b/docs/_static/locales/ms/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..e29cbe2 --- /dev/null +++ b/docs/_static/locales/ms/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ms\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "cadangkan edit" + +msgid "Last updated on" +msgstr "Terakhir dikemas kini pada" + +msgid "Edit this page" +msgstr "Edit halaman ini" + +msgid "Launch" +msgstr "Lancarkan" + +msgid "Print to PDF" +msgstr "Cetak ke PDF" + +msgid "open issue" +msgstr "isu terbuka" + +msgid "Download notebook file" +msgstr "Muat turun fail buku nota" + +msgid "Toggle navigation" +msgstr "Togol navigasi" + +msgid "Source repository" +msgstr "Repositori sumber" + +msgid "By the" +msgstr "Oleh" + +msgid "next page" +msgstr "muka surat seterusnya" + +msgid "Sphinx Book Theme" +msgstr "Tema Buku Sphinx" + +msgid "Download source file" +msgstr "Muat turun fail sumber" + +msgid "By" +msgstr "Oleh" + +msgid "Copyright" +msgstr "hak cipta" + +msgid "Open an issue" +msgstr "Buka masalah" + +msgid "previous page" +msgstr "halaman sebelumnya" + +msgid "Download this page" +msgstr "Muat turun halaman ini" + +msgid "Theme by the" +msgstr "Tema oleh" diff --git a/docs/_static/locales/nl/LC_MESSAGES/booktheme.po b/docs/_static/locales/nl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..e4844d7 --- /dev/null +++ b/docs/_static/locales/nl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: nl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "suggereren bewerken" + +msgid "Last updated on" +msgstr "Laatst geupdate op" + +msgid "Edit this page" +msgstr "bewerk deze pagina" + +msgid "Launch" +msgstr "Lancering" + +msgid "Print to PDF" +msgstr "Afdrukken naar pdf" + +msgid "open issue" +msgstr "open probleem" + +msgid "Download notebook file" +msgstr "Download notebookbestand" + +msgid "Toggle navigation" +msgstr "Schakel navigatie" + +msgid "Source repository" +msgstr "Bronopslagplaats" + +msgid "By the" +msgstr "Door de" + +msgid "next page" +msgstr "volgende bladzijde" + +msgid "repository" +msgstr "repository" + +msgid "Sphinx Book Theme" +msgstr "Sphinx-boekthema" + +msgid "Download source file" +msgstr "Download het bronbestand" + +msgid "Contents" +msgstr "Inhoud" + +msgid "By" +msgstr "Door" + +msgid "Copyright" +msgstr "auteursrechten" + +msgid "Fullscreen mode" +msgstr "Volledig scherm" + +msgid "Open an issue" +msgstr "Open een probleem" + +msgid "previous page" +msgstr "vorige pagina" + +msgid "Download this page" +msgstr "Download deze pagina" + +msgid "Theme by the" +msgstr "Thema door de" diff --git a/docs/_static/locales/no/LC_MESSAGES/booktheme.po b/docs/_static/locales/no/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..d079dd9 --- /dev/null +++ b/docs/_static/locales/no/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: no\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "foreslå redigering" + +msgid "Last updated on" +msgstr "Sist oppdatert den" + +msgid "Edit this page" +msgstr "Rediger denne siden" + +msgid "Launch" +msgstr "Start" + +msgid "Print to PDF" +msgstr "Skriv ut til PDF" + +msgid "open issue" +msgstr "åpent nummer" + +msgid "Download notebook file" +msgstr "Last ned notatbokfilen" + +msgid "Toggle navigation" +msgstr "Bytt navigasjon" + +msgid "Source repository" +msgstr "Kildedepot" + +msgid "By the" +msgstr "Ved" + +msgid "next page" +msgstr "neste side" + +msgid "repository" +msgstr "oppbevaringssted" + +msgid "Sphinx Book Theme" +msgstr "Sphinx boktema" + +msgid "Download source file" +msgstr "Last ned kildefilen" + +msgid "Contents" +msgstr "Innhold" + +msgid "By" +msgstr "Av" + +msgid "Copyright" +msgstr "opphavsrett" + +msgid "Fullscreen mode" +msgstr "Fullskjerm-modus" + +msgid "Open an issue" +msgstr "Åpne et problem" + +msgid "previous page" +msgstr "forrige side" + +msgid "Download this page" +msgstr "Last ned denne siden" + +msgid "Theme by the" +msgstr "Tema av" diff --git a/docs/_static/locales/pl/LC_MESSAGES/booktheme.po b/docs/_static/locales/pl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..fcac51d --- /dev/null +++ b/docs/_static/locales/pl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: pl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "zaproponuj edycję" + +msgid "Last updated on" +msgstr "Ostatnia aktualizacja" + +msgid "Edit this page" +msgstr "Edytuj tę strone" + +msgid "Launch" +msgstr "Uruchomić" + +msgid "Print to PDF" +msgstr "Drukuj do PDF" + +msgid "open issue" +msgstr "otwarty problem" + +msgid "Download notebook file" +msgstr "Pobierz plik notatnika" + +msgid "Toggle navigation" +msgstr "Przełącz nawigację" + +msgid "Source repository" +msgstr "Repozytorium źródłowe" + +msgid "By the" +msgstr "Przez" + +msgid "next page" +msgstr "Następna strona" + +msgid "repository" +msgstr "magazyn" + +msgid "Sphinx Book Theme" +msgstr "Motyw książki Sphinx" + +msgid "Download source file" +msgstr "Pobierz plik źródłowy" + +msgid "Contents" +msgstr "Zawartość" + +msgid "By" +msgstr "Przez" + +msgid "Copyright" +msgstr "prawa autorskie" + +msgid "Fullscreen mode" +msgstr "Pełny ekran" + +msgid "Open an issue" +msgstr "Otwórz problem" + +msgid "previous page" +msgstr "Poprzednia strona" + +msgid "Download this page" +msgstr "Pobierz tę stronę" + +msgid "Theme by the" +msgstr "Motyw autorstwa" diff --git a/docs/_static/locales/pt/LC_MESSAGES/booktheme.po b/docs/_static/locales/pt/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..1761db0 --- /dev/null +++ b/docs/_static/locales/pt/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: pt\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "sugerir edição" + +msgid "Last updated on" +msgstr "Última atualização em" + +msgid "Edit this page" +msgstr "Edite essa página" + +msgid "Launch" +msgstr "Lançamento" + +msgid "Print to PDF" +msgstr "Imprimir em PDF" + +msgid "open issue" +msgstr "questão aberta" + +msgid "Download notebook file" +msgstr "Baixar arquivo de notebook" + +msgid "Toggle navigation" +msgstr "Alternar de navegação" + +msgid "Source repository" +msgstr "Repositório fonte" + +msgid "By the" +msgstr "Pelo" + +msgid "next page" +msgstr "próxima página" + +msgid "repository" +msgstr "repositório" + +msgid "Sphinx Book Theme" +msgstr "Tema do livro Sphinx" + +msgid "Download source file" +msgstr "Baixar arquivo fonte" + +msgid "Contents" +msgstr "Conteúdo" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "direito autoral" + +msgid "Fullscreen mode" +msgstr "Modo tela cheia" + +msgid "Open an issue" +msgstr "Abra um problema" + +msgid "previous page" +msgstr "página anterior" + +msgid "Download this page" +msgstr "Baixe esta página" + +msgid "Theme by the" +msgstr "Tema por" diff --git a/docs/_static/locales/ro/LC_MESSAGES/booktheme.po b/docs/_static/locales/ro/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..db865c8 --- /dev/null +++ b/docs/_static/locales/ro/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ro\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "sugerează editare" + +msgid "Last updated on" +msgstr "Ultima actualizare la" + +msgid "Edit this page" +msgstr "Editați această pagină" + +msgid "Launch" +msgstr "Lansa" + +msgid "Print to PDF" +msgstr "Imprimați în PDF" + +msgid "open issue" +msgstr "problema deschisă" + +msgid "Download notebook file" +msgstr "Descărcați fișierul notebook" + +msgid "Toggle navigation" +msgstr "Comutare navigare" + +msgid "Source repository" +msgstr "Depozit sursă" + +msgid "By the" +msgstr "Langa" + +msgid "next page" +msgstr "pagina următoare" + +msgid "repository" +msgstr "repertoriu" + +msgid "Sphinx Book Theme" +msgstr "Tema Sphinx Book" + +msgid "Download source file" +msgstr "Descărcați fișierul sursă" + +msgid "Contents" +msgstr "Cuprins" + +msgid "By" +msgstr "De" + +msgid "Copyright" +msgstr "Drepturi de autor" + +msgid "Fullscreen mode" +msgstr "Modul ecran întreg" + +msgid "Open an issue" +msgstr "Deschideți o problemă" + +msgid "previous page" +msgstr "pagina anterioară" + +msgid "Download this page" +msgstr "Descarcă această pagină" + +msgid "Theme by the" +msgstr "Tema de" diff --git a/docs/_static/locales/ru/LC_MESSAGES/booktheme.po b/docs/_static/locales/ru/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..84ab6eb --- /dev/null +++ b/docs/_static/locales/ru/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ru\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "предложить редактировать" + +msgid "Last updated on" +msgstr "Последнее обновление" + +msgid "Edit this page" +msgstr "Редактировать эту страницу" + +msgid "Launch" +msgstr "Запуск" + +msgid "Print to PDF" +msgstr "Распечатать в PDF" + +msgid "open issue" +msgstr "открытый вопрос" + +msgid "Download notebook file" +msgstr "Скачать файл записной книжки" + +msgid "Toggle navigation" +msgstr "Переключить навигацию" + +msgid "Source repository" +msgstr "Исходный репозиторий" + +msgid "By the" +msgstr "Посредством" + +msgid "next page" +msgstr "Следующая страница" + +msgid "repository" +msgstr "хранилище" + +msgid "Sphinx Book Theme" +msgstr "Тема книги Сфинкс" + +msgid "Download source file" +msgstr "Скачать исходный файл" + +msgid "Contents" +msgstr "Содержание" + +msgid "By" +msgstr "По" + +msgid "Copyright" +msgstr "авторское право" + +msgid "Fullscreen mode" +msgstr "Полноэкранный режим" + +msgid "Open an issue" +msgstr "Открыть вопрос" + +msgid "previous page" +msgstr "Предыдущая страница" + +msgid "Download this page" +msgstr "Загрузите эту страницу" + +msgid "Theme by the" +msgstr "Тема от" diff --git a/docs/_static/locales/sk/LC_MESSAGES/booktheme.po b/docs/_static/locales/sk/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..e44878b --- /dev/null +++ b/docs/_static/locales/sk/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sk\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "navrhnúť úpravu" + +msgid "Last updated on" +msgstr "Posledná aktualizácia dňa" + +msgid "Edit this page" +msgstr "Upraviť túto stránku" + +msgid "Launch" +msgstr "Spustiť" + +msgid "Print to PDF" +msgstr "Tlač do PDF" + +msgid "open issue" +msgstr "otvorené vydanie" + +msgid "Download notebook file" +msgstr "Stiahnite si zošit" + +msgid "Toggle navigation" +msgstr "Prepnúť navigáciu" + +msgid "Source repository" +msgstr "Zdrojové úložisko" + +msgid "By the" +msgstr "Podľa" + +msgid "next page" +msgstr "ďalšia strana" + +msgid "repository" +msgstr "Úložisko" + +msgid "Sphinx Book Theme" +msgstr "Téma knihy Sfinga" + +msgid "Download source file" +msgstr "Stiahnite si zdrojový súbor" + +msgid "Contents" +msgstr "Obsah" + +msgid "By" +msgstr "Autor:" + +msgid "Copyright" +msgstr "Autorské práva" + +msgid "Fullscreen mode" +msgstr "Režim celej obrazovky" + +msgid "Open an issue" +msgstr "Otvorte problém" + +msgid "previous page" +msgstr "predchádzajúca strana" + +msgid "Download this page" +msgstr "Stiahnite si túto stránku" + +msgid "Theme by the" +msgstr "Téma od" diff --git a/docs/_static/locales/sl/LC_MESSAGES/booktheme.po b/docs/_static/locales/sl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..228939b --- /dev/null +++ b/docs/_static/locales/sl/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "predlagajte urejanje" + +msgid "Last updated on" +msgstr "Nazadnje posodobljeno dne" + +msgid "Edit this page" +msgstr "Uredite to stran" + +msgid "Launch" +msgstr "Kosilo" + +msgid "Print to PDF" +msgstr "Natisni v PDF" + +msgid "open issue" +msgstr "odprto vprašanje" + +msgid "Download notebook file" +msgstr "Prenesite datoteko zvezka" + +msgid "Toggle navigation" +msgstr "Preklopi navigacijo" + +msgid "Source repository" +msgstr "Izvorno skladišče" + +msgid "By the" +msgstr "Avtor" + +msgid "next page" +msgstr "Naslednja stran" + +msgid "repository" +msgstr "odlagališče" + +msgid "Sphinx Book Theme" +msgstr "Tema knjige Sphinx" + +msgid "Download source file" +msgstr "Prenesite izvorno datoteko" + +msgid "Contents" +msgstr "Vsebina" + +msgid "By" +msgstr "Avtor" + +msgid "Copyright" +msgstr "avtorske pravice" + +msgid "Fullscreen mode" +msgstr "Celozaslonski način" + +msgid "Open an issue" +msgstr "Odprite številko" + +msgid "previous page" +msgstr "Prejšnja stran" + +msgid "Download this page" +msgstr "Prenesite to stran" + +msgid "Theme by the" +msgstr "Tema avtorja" diff --git a/docs/_static/locales/sr/LC_MESSAGES/booktheme.po b/docs/_static/locales/sr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..1a712a1 --- /dev/null +++ b/docs/_static/locales/sr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "предложи уређивање" + +msgid "Last updated on" +msgstr "Последње ажурирање" + +msgid "Edit this page" +msgstr "Уредите ову страницу" + +msgid "Launch" +msgstr "Лансирање" + +msgid "Print to PDF" +msgstr "Испис у ПДФ" + +msgid "open issue" +msgstr "отворено издање" + +msgid "Download notebook file" +msgstr "Преузмите датотеку бележнице" + +msgid "Toggle navigation" +msgstr "Укључи / искључи навигацију" + +msgid "Source repository" +msgstr "Изворно спремиште" + +msgid "By the" +msgstr "Од" + +msgid "next page" +msgstr "Следећа страна" + +msgid "repository" +msgstr "спремиште" + +msgid "Sphinx Book Theme" +msgstr "Тема књиге Спхинк" + +msgid "Download source file" +msgstr "Преузми изворну датотеку" + +msgid "Contents" +msgstr "Садржај" + +msgid "By" +msgstr "Од стране" + +msgid "Copyright" +msgstr "Ауторско право" + +msgid "Fullscreen mode" +msgstr "Режим целог екрана" + +msgid "Open an issue" +msgstr "Отворите издање" + +msgid "previous page" +msgstr "Претходна страница" + +msgid "Download this page" +msgstr "Преузмите ову страницу" + +msgid "Theme by the" +msgstr "Тхеме би" diff --git a/docs/_static/locales/sv/LC_MESSAGES/booktheme.po b/docs/_static/locales/sv/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..7d2b56d --- /dev/null +++ b/docs/_static/locales/sv/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: sv\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "föreslå redigering" + +msgid "Last updated on" +msgstr "Senast uppdaterad den" + +msgid "Edit this page" +msgstr "Redigera den här sidan" + +msgid "Launch" +msgstr "Lansera" + +msgid "Print to PDF" +msgstr "Skriv ut till PDF" + +msgid "open issue" +msgstr "öppet problem" + +msgid "Download notebook file" +msgstr "Ladda ner anteckningsbokfilen" + +msgid "Toggle navigation" +msgstr "Växla navigering" + +msgid "Source repository" +msgstr "Källförvar" + +msgid "By the" +msgstr "Vid" + +msgid "next page" +msgstr "nästa sida" + +msgid "repository" +msgstr "förvar" + +msgid "Sphinx Book Theme" +msgstr "Sphinx boktema" + +msgid "Download source file" +msgstr "Ladda ner källfil" + +msgid "Contents" +msgstr "Innehåll" + +msgid "By" +msgstr "Förbi" + +msgid "Copyright" +msgstr "upphovsrätt" + +msgid "Fullscreen mode" +msgstr "Fullskärmsläge" + +msgid "Open an issue" +msgstr "Öppna ett problem" + +msgid "previous page" +msgstr "föregående sida" + +msgid "Download this page" +msgstr "Ladda ner den här sidan" + +msgid "Theme by the" +msgstr "Tema av" diff --git a/docs/_static/locales/ta/LC_MESSAGES/booktheme.po b/docs/_static/locales/ta/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..c75ffe1 --- /dev/null +++ b/docs/_static/locales/ta/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ta\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "திருத்த பரிந்துரைக்கவும்" + +msgid "Last updated on" +msgstr "கடைசியாக புதுப்பிக்கப்பட்டது" + +msgid "Edit this page" +msgstr "இந்தப் பக்கத்தைத் திருத்தவும்" + +msgid "Launch" +msgstr "தொடங்க" + +msgid "Print to PDF" +msgstr "PDF இல் அச்சிடுக" + +msgid "open issue" +msgstr "திறந்த பிரச்சினை" + +msgid "Download notebook file" +msgstr "நோட்புக் கோப்பைப் பதிவிறக்கவும்" + +msgid "Toggle navigation" +msgstr "வழிசெலுத்தலை நிலைமாற்று" + +msgid "Source repository" +msgstr "மூல களஞ்சியம்" + +msgid "By the" +msgstr "மூலம்" + +msgid "next page" +msgstr "அடுத்த பக்கம்" + +msgid "Sphinx Book Theme" +msgstr "ஸ்பிங்க்ஸ் புத்தக தீம்" + +msgid "Download source file" +msgstr "மூல கோப்பைப் பதிவிறக்குக" + +msgid "By" +msgstr "வழங்கியவர்" + +msgid "Copyright" +msgstr "பதிப்புரிமை" + +msgid "Open an issue" +msgstr "சிக்கலைத் திறக்கவும்" + +msgid "previous page" +msgstr "முந்தைய பக்கம்" + +msgid "Download this page" +msgstr "இந்தப் பக்கத்தைப் பதிவிறக்கவும்" + +msgid "Theme by the" +msgstr "வழங்கிய தீம்" diff --git a/docs/_static/locales/te/LC_MESSAGES/booktheme.po b/docs/_static/locales/te/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..2595c03 --- /dev/null +++ b/docs/_static/locales/te/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: te\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "సవరించమని సూచించండి" + +msgid "Last updated on" +msgstr "చివరిగా నవీకరించబడింది" + +msgid "Edit this page" +msgstr "ఈ పేజీని సవరించండి" + +msgid "Launch" +msgstr "ప్రారంభించండి" + +msgid "Print to PDF" +msgstr "PDF కి ముద్రించండి" + +msgid "open issue" +msgstr "ఓపెన్ ఇష్యూ" + +msgid "Download notebook file" +msgstr "నోట్బుక్ ఫైల్ను డౌన్లోడ్ చేయండి" + +msgid "Toggle navigation" +msgstr "నావిగేషన్‌ను టోగుల్ చేయండి" + +msgid "Source repository" +msgstr "మూల రిపోజిటరీ" + +msgid "By the" +msgstr "ద్వారా" + +msgid "next page" +msgstr "తరువాతి పేజీ" + +msgid "Sphinx Book Theme" +msgstr "సింహిక పుస్తక థీమ్" + +msgid "Download source file" +msgstr "మూల ఫైల్‌ను డౌన్‌లోడ్ చేయండి" + +msgid "By" +msgstr "ద్వారా" + +msgid "Copyright" +msgstr "కాపీరైట్" + +msgid "Open an issue" +msgstr "సమస్యను తెరవండి" + +msgid "previous page" +msgstr "ముందు పేజి" + +msgid "Download this page" +msgstr "ఈ పేజీని డౌన్‌లోడ్ చేయండి" + +msgid "Theme by the" +msgstr "ద్వారా థీమ్" diff --git a/docs/_static/locales/tg/LC_MESSAGES/booktheme.po b/docs/_static/locales/tg/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..73cd30e --- /dev/null +++ b/docs/_static/locales/tg/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tg\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "пешниҳод вироиш" + +msgid "Last updated on" +msgstr "Last навсозӣ дар" + +msgid "Edit this page" +msgstr "Ин саҳифаро таҳрир кунед" + +msgid "Launch" +msgstr "Оғоз" + +msgid "Print to PDF" +msgstr "Чоп ба PDF" + +msgid "open issue" +msgstr "барориши кушод" + +msgid "Download notebook file" +msgstr "Файли дафтарро зеркашӣ кунед" + +msgid "Toggle navigation" +msgstr "Гузаришро иваз кунед" + +msgid "Source repository" +msgstr "Анбори манбаъ" + +msgid "By the" +msgstr "Бо" + +msgid "next page" +msgstr "саҳифаи оянда" + +msgid "repository" +msgstr "анбор" + +msgid "Sphinx Book Theme" +msgstr "Сфинкс Мавзӯи китоб" + +msgid "Download source file" +msgstr "Файли манбаъро зеркашӣ кунед" + +msgid "Contents" +msgstr "Мундариҷа" + +msgid "By" +msgstr "Бо" + +msgid "Copyright" +msgstr "Ҳуқуқи муаллиф" + +msgid "Fullscreen mode" +msgstr "Ҳолати экрани пурра" + +msgid "Open an issue" +msgstr "Масъаларо кушоед" + +msgid "previous page" +msgstr "саҳифаи қаблӣ" + +msgid "Download this page" +msgstr "Ин саҳифаро зеркашӣ кунед" + +msgid "Theme by the" +msgstr "Мавзӯъи аз" diff --git a/docs/_static/locales/th/LC_MESSAGES/booktheme.po b/docs/_static/locales/th/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..0392b4a --- /dev/null +++ b/docs/_static/locales/th/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: th\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "แนะนำแก้ไข" + +msgid "Last updated on" +msgstr "ปรับปรุงล่าสุดเมื่อ" + +msgid "Edit this page" +msgstr "แก้ไขหน้านี้" + +msgid "Launch" +msgstr "เปิด" + +msgid "Print to PDF" +msgstr "พิมพ์เป็น PDF" + +msgid "open issue" +msgstr "เปิดปัญหา" + +msgid "Download notebook file" +msgstr "ดาวน์โหลดไฟล์สมุดบันทึก" + +msgid "Toggle navigation" +msgstr "ไม่ต้องสลับช่องทาง" + +msgid "Source repository" +msgstr "ที่เก็บซอร์ส" + +msgid "By the" +msgstr "โดย" + +msgid "next page" +msgstr "หน้าต่อไป" + +msgid "repository" +msgstr "ที่เก็บ" + +msgid "Sphinx Book Theme" +msgstr "ธีมหนังสือสฟิงซ์" + +msgid "Download source file" +msgstr "ดาวน์โหลดไฟล์ต้นฉบับ" + +msgid "Contents" +msgstr "สารบัญ" + +msgid "By" +msgstr "โดย" + +msgid "Copyright" +msgstr "ลิขสิทธิ์" + +msgid "Fullscreen mode" +msgstr "โหมดเต็มหน้าจอ" + +msgid "Open an issue" +msgstr "เปิดปัญหา" + +msgid "previous page" +msgstr "หน้าที่แล้ว" + +msgid "Download this page" +msgstr "ดาวน์โหลดหน้านี้" + +msgid "Theme by the" +msgstr "ธีมโดย" diff --git a/docs/_static/locales/tl/LC_MESSAGES/booktheme.po b/docs/_static/locales/tl/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..c8375b5 --- /dev/null +++ b/docs/_static/locales/tl/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tl\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "iminumungkahi i-edit" + +msgid "Last updated on" +msgstr "Huling na-update noong" + +msgid "Edit this page" +msgstr "I-edit ang pahinang ito" + +msgid "Launch" +msgstr "Ilunsad" + +msgid "Print to PDF" +msgstr "I-print sa PDF" + +msgid "open issue" +msgstr "bukas na isyu" + +msgid "Download notebook file" +msgstr "Mag-download ng file ng notebook" + +msgid "Toggle navigation" +msgstr "I-toggle ang pag-navigate" + +msgid "Source repository" +msgstr "Pinagmulan ng imbakan" + +msgid "By the" +msgstr "Sa pamamagitan ng" + +msgid "next page" +msgstr "Susunod na pahina" + +msgid "Sphinx Book Theme" +msgstr "Tema ng Sphinx Book" + +msgid "Download source file" +msgstr "Mag-download ng file ng pinagmulan" + +msgid "By" +msgstr "Ni" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Open an issue" +msgstr "Magbukas ng isyu" + +msgid "previous page" +msgstr "Nakaraang pahina" + +msgid "Download this page" +msgstr "I-download ang pahinang ito" + +msgid "Theme by the" +msgstr "Tema ng" diff --git a/docs/_static/locales/tr/LC_MESSAGES/booktheme.po b/docs/_static/locales/tr/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..47d7bdf --- /dev/null +++ b/docs/_static/locales/tr/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: tr\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "düzenleme öner" + +msgid "Last updated on" +msgstr "Son güncelleme tarihi" + +msgid "Edit this page" +msgstr "Bu sayfayı düzenle" + +msgid "Launch" +msgstr "Başlatmak" + +msgid "Print to PDF" +msgstr "PDF olarak yazdır" + +msgid "open issue" +msgstr "Açık konu" + +msgid "Download notebook file" +msgstr "Defter dosyasını indirin" + +msgid "Toggle navigation" +msgstr "Gezinmeyi değiştir" + +msgid "Source repository" +msgstr "Kaynak kod deposu" + +msgid "By the" +msgstr "Tarafından" + +msgid "next page" +msgstr "sonraki Sayfa" + +msgid "repository" +msgstr "depo" + +msgid "Sphinx Book Theme" +msgstr "Sfenks Kitap Teması" + +msgid "Download source file" +msgstr "Kaynak dosyayı indirin" + +msgid "Contents" +msgstr "İçindekiler" + +msgid "By" +msgstr "Tarafından" + +msgid "Copyright" +msgstr "Telif hakkı" + +msgid "Fullscreen mode" +msgstr "Tam ekran modu" + +msgid "Open an issue" +msgstr "Bir sorunu açın" + +msgid "previous page" +msgstr "önceki sayfa" + +msgid "Download this page" +msgstr "Bu sayfayı indirin" + +msgid "Theme by the" +msgstr "Tarafından tema" diff --git a/docs/_static/locales/uk/LC_MESSAGES/booktheme.po b/docs/_static/locales/uk/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..e85f6f1 --- /dev/null +++ b/docs/_static/locales/uk/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: uk\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "запропонувати редагувати" + +msgid "Last updated on" +msgstr "Останнє оновлення:" + +msgid "Edit this page" +msgstr "Редагувати цю сторінку" + +msgid "Launch" +msgstr "Запуск" + +msgid "Print to PDF" +msgstr "Друк у форматі PDF" + +msgid "open issue" +msgstr "відкритий випуск" + +msgid "Download notebook file" +msgstr "Завантажте файл блокнота" + +msgid "Toggle navigation" +msgstr "Переключити навігацію" + +msgid "Source repository" +msgstr "Джерело сховища" + +msgid "By the" +msgstr "По" + +msgid "next page" +msgstr "Наступна сторінка" + +msgid "repository" +msgstr "сховище" + +msgid "Sphinx Book Theme" +msgstr "Тема книги \"Сфінкс\"" + +msgid "Download source file" +msgstr "Завантажити вихідний файл" + +msgid "Contents" +msgstr "Зміст" + +msgid "By" +msgstr "Автор" + +msgid "Copyright" +msgstr "Авторське право" + +msgid "Fullscreen mode" +msgstr "Повноекранний режим" + +msgid "Open an issue" +msgstr "Відкрийте випуск" + +msgid "previous page" +msgstr "Попередня сторінка" + +msgid "Download this page" +msgstr "Завантажте цю сторінку" + +msgid "Theme by the" +msgstr "Тема від" diff --git a/docs/_static/locales/ur/LC_MESSAGES/booktheme.po b/docs/_static/locales/ur/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..0f90726 --- /dev/null +++ b/docs/_static/locales/ur/LC_MESSAGES/booktheme.po @@ -0,0 +1,66 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: ur\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "ترمیم کی تجویز کریں" + +msgid "Last updated on" +msgstr "آخری بار تازہ کاری ہوئی" + +msgid "Edit this page" +msgstr "اس صفحے میں ترمیم کریں" + +msgid "Launch" +msgstr "لانچ کریں" + +msgid "Print to PDF" +msgstr "پی ڈی ایف پرنٹ کریں" + +msgid "open issue" +msgstr "کھلا مسئلہ" + +msgid "Download notebook file" +msgstr "نوٹ بک فائل ڈاؤن لوڈ کریں" + +msgid "Toggle navigation" +msgstr "نیویگیشن ٹوگل کریں" + +msgid "Source repository" +msgstr "ماخذ ذخیرہ" + +msgid "By the" +msgstr "کی طرف" + +msgid "next page" +msgstr "اگلا صفحہ" + +msgid "Sphinx Book Theme" +msgstr "سپنکس بک تھیم" + +msgid "Download source file" +msgstr "سورس فائل ڈاؤن لوڈ کریں" + +msgid "By" +msgstr "بذریعہ" + +msgid "Copyright" +msgstr "کاپی رائٹ" + +msgid "Open an issue" +msgstr "ایک مسئلہ کھولیں" + +msgid "previous page" +msgstr "سابقہ ​​صفحہ" + +msgid "Download this page" +msgstr "اس صفحے کو ڈاؤن لوڈ کریں" + +msgid "Theme by the" +msgstr "کے ذریعہ تھیم" diff --git a/docs/_static/locales/vi/LC_MESSAGES/booktheme.po b/docs/_static/locales/vi/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..2cb5cf3 --- /dev/null +++ b/docs/_static/locales/vi/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: vi\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "đề nghị chỉnh sửa" + +msgid "Last updated on" +msgstr "Cập nhật lần cuối vào" + +msgid "Edit this page" +msgstr "chỉnh sửa trang này" + +msgid "Launch" +msgstr "Phóng" + +msgid "Print to PDF" +msgstr "In sang PDF" + +msgid "open issue" +msgstr "vấn đề mở" + +msgid "Download notebook file" +msgstr "Tải xuống tệp sổ tay" + +msgid "Toggle navigation" +msgstr "Chuyển đổi điều hướng thành" + +msgid "Source repository" +msgstr "Kho nguồn" + +msgid "By the" +msgstr "Bằng" + +msgid "next page" +msgstr "Trang tiếp theo" + +msgid "repository" +msgstr "kho" + +msgid "Sphinx Book Theme" +msgstr "Chủ đề sách nhân sư" + +msgid "Download source file" +msgstr "Tải xuống tệp nguồn" + +msgid "Contents" +msgstr "Nội dung" + +msgid "By" +msgstr "Bởi" + +msgid "Copyright" +msgstr "Bản quyền" + +msgid "Fullscreen mode" +msgstr "Chế độ toàn màn hình" + +msgid "Open an issue" +msgstr "Mở một vấn đề" + +msgid "previous page" +msgstr "trang trước" + +msgid "Download this page" +msgstr "Tải xuống trang này" + +msgid "Theme by the" +msgstr "Chủ đề của" diff --git a/docs/_static/locales/zh_CN/LC_MESSAGES/booktheme.po b/docs/_static/locales/zh_CN/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..f91f3ba --- /dev/null +++ b/docs/_static/locales/zh_CN/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: zh_CN\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "提出修改建议" + +msgid "Last updated on" +msgstr "上次更新时间:" + +msgid "Edit this page" +msgstr "编辑此页面" + +msgid "Launch" +msgstr "启动" + +msgid "Print to PDF" +msgstr "列印成 PDF" + +msgid "open issue" +msgstr "创建议题" + +msgid "Download notebook file" +msgstr "下载笔记本文件" + +msgid "Toggle navigation" +msgstr "显示或隐藏导航栏" + +msgid "Source repository" +msgstr "源码库" + +msgid "By the" +msgstr "作者:" + +msgid "next page" +msgstr "下一页" + +msgid "repository" +msgstr "仓库" + +msgid "Sphinx Book Theme" +msgstr "Sphinx Book 主题" + +msgid "Download source file" +msgstr "下载源文件" + +msgid "Contents" +msgstr "目录" + +msgid "By" +msgstr "作者:" + +msgid "Copyright" +msgstr "版权" + +msgid "Fullscreen mode" +msgstr "全屏模式" + +msgid "Open an issue" +msgstr "创建议题" + +msgid "previous page" +msgstr "上一页" + +msgid "Download this page" +msgstr "下载此页面" + +msgid "Theme by the" +msgstr "主题作者:" diff --git a/docs/_static/locales/zh_TW/LC_MESSAGES/booktheme.po b/docs/_static/locales/zh_TW/LC_MESSAGES/booktheme.po new file mode 100644 index 0000000..7833d90 --- /dev/null +++ b/docs/_static/locales/zh_TW/LC_MESSAGES/booktheme.po @@ -0,0 +1,75 @@ + +msgid "" +msgstr "" +"Project-Id-Version: Sphinx-Book-Theme\n" +"MIME-Version: 1.0\n" +"Content-Type: text/plain; charset=UTF-8\n" +"Content-Transfer-Encoding: 8bit\n" +"Language: zh_TW\n" +"Plural-Forms: nplurals=2; plural=(n != 1);\n" + +msgid "suggest edit" +msgstr "提出修改建議" + +msgid "Last updated on" +msgstr "最後更新時間:" + +msgid "Edit this page" +msgstr "編輯此頁面" + +msgid "Launch" +msgstr "啟動" + +msgid "Print to PDF" +msgstr "列印成 PDF" + +msgid "open issue" +msgstr "公開的問題" + +msgid "Download notebook file" +msgstr "下載 Notebook 檔案" + +msgid "Toggle navigation" +msgstr "顯示或隱藏導覽列" + +msgid "Source repository" +msgstr "來源儲存庫" + +msgid "By the" +msgstr "作者:" + +msgid "next page" +msgstr "下一頁" + +msgid "repository" +msgstr "儲存庫" + +msgid "Sphinx Book Theme" +msgstr "Sphinx Book 佈景主題" + +msgid "Download source file" +msgstr "下載原始檔" + +msgid "Contents" +msgstr "目錄" + +msgid "By" +msgstr "作者:" + +msgid "Copyright" +msgstr "Copyright" + +msgid "Fullscreen mode" +msgstr "全螢幕模式" + +msgid "Open an issue" +msgstr "開啟議題" + +msgid "previous page" +msgstr "上一頁" + +msgid "Download this page" +msgstr "下載此頁面" + +msgid "Theme by the" +msgstr "佈景主題作者:" diff --git a/docs/_static/pygments.css b/docs/_static/pygments.css index 582d5c3..997797f 100644 --- a/docs/_static/pygments.css +++ b/docs/_static/pygments.css @@ -1,74 +1,152 @@ -pre { line-height: 125%; } -td.linenos .normal { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } -span.linenos { color: inherit; background-color: transparent; padding-left: 5px; padding-right: 5px; } -td.linenos .special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } -span.linenos.special { color: #000000; background-color: #ffffc0; padding-left: 5px; padding-right: 5px; } -.highlight .hll { background-color: #ffffcc } -.highlight { background: #f8f8f8; } -.highlight .c { color: #408080; font-style: italic } /* Comment */ -.highlight .err { border: 1px solid #FF0000 } /* Error */ -.highlight .k { color: #008000; font-weight: bold } /* Keyword */ -.highlight .o { color: #666666 } /* Operator */ -.highlight .ch { color: #408080; font-style: italic } /* Comment.Hashbang */ -.highlight .cm { color: #408080; font-style: italic } /* Comment.Multiline */ -.highlight .cp { color: #BC7A00 } /* Comment.Preproc */ -.highlight .cpf { color: #408080; font-style: italic } /* Comment.PreprocFile */ -.highlight .c1 { color: #408080; font-style: italic } /* Comment.Single */ -.highlight .cs { color: #408080; font-style: italic } /* Comment.Special */ -.highlight .gd { color: #A00000 } /* Generic.Deleted */ -.highlight .ge { font-style: italic } /* Generic.Emph */ -.highlight .gr { color: #FF0000 } /* Generic.Error */ -.highlight .gh { color: #000080; font-weight: bold } /* Generic.Heading */ -.highlight .gi { color: #00A000 } /* Generic.Inserted */ -.highlight .go { color: #888888 } /* Generic.Output */ -.highlight .gp { color: #000080; font-weight: bold } /* Generic.Prompt */ -.highlight .gs { font-weight: bold } /* Generic.Strong */ -.highlight .gu { color: #800080; font-weight: bold } /* Generic.Subheading */ -.highlight .gt { color: #0044DD } /* Generic.Traceback */ -.highlight .kc { color: #008000; font-weight: bold } /* Keyword.Constant */ -.highlight .kd { color: #008000; font-weight: bold } /* Keyword.Declaration */ -.highlight .kn { color: #008000; font-weight: bold } /* Keyword.Namespace */ -.highlight .kp { color: #008000 } /* Keyword.Pseudo */ -.highlight .kr { color: #008000; font-weight: bold } /* Keyword.Reserved */ -.highlight .kt { color: #B00040 } /* Keyword.Type */ -.highlight .m { color: #666666 } /* Literal.Number */ -.highlight .s { color: #BA2121 } /* Literal.String */ -.highlight .na { color: #7D9029 } /* Name.Attribute */ -.highlight .nb { color: #008000 } /* Name.Builtin */ -.highlight .nc { color: #0000FF; font-weight: bold } /* Name.Class */ -.highlight .no { color: #880000 } /* Name.Constant */ -.highlight .nd { color: #AA22FF } /* Name.Decorator */ -.highlight .ni { color: #999999; font-weight: bold } /* Name.Entity */ -.highlight .ne { color: #D2413A; font-weight: bold } /* Name.Exception */ -.highlight .nf { color: #0000FF } /* Name.Function */ -.highlight .nl { color: #A0A000 } /* Name.Label */ -.highlight .nn { color: #0000FF; font-weight: bold } /* Name.Namespace */ -.highlight .nt { color: #008000; font-weight: bold } /* Name.Tag */ -.highlight .nv { color: #19177C } /* Name.Variable */ -.highlight .ow { color: #AA22FF; font-weight: bold } /* Operator.Word */ -.highlight .w { color: #bbbbbb } /* Text.Whitespace */ -.highlight .mb { color: #666666 } /* Literal.Number.Bin */ -.highlight .mf { color: #666666 } /* Literal.Number.Float */ -.highlight .mh { color: #666666 } /* Literal.Number.Hex */ -.highlight .mi { color: #666666 } /* Literal.Number.Integer */ -.highlight .mo { color: #666666 } /* Literal.Number.Oct */ -.highlight .sa { color: #BA2121 } /* Literal.String.Affix */ -.highlight .sb { color: #BA2121 } /* Literal.String.Backtick */ -.highlight .sc { color: #BA2121 } /* Literal.String.Char */ -.highlight .dl { color: #BA2121 } /* Literal.String.Delimiter */ -.highlight .sd { color: #BA2121; font-style: italic } /* Literal.String.Doc */ -.highlight .s2 { color: #BA2121 } /* Literal.String.Double */ -.highlight .se { color: #BB6622; font-weight: bold } /* Literal.String.Escape */ -.highlight .sh { color: #BA2121 } /* Literal.String.Heredoc */ -.highlight .si { color: #BB6688; font-weight: bold } /* Literal.String.Interpol */ -.highlight .sx { color: #008000 } /* Literal.String.Other */ -.highlight .sr { color: #BB6688 } /* Literal.String.Regex */ -.highlight .s1 { color: #BA2121 } /* Literal.String.Single */ -.highlight .ss { color: #19177C } /* Literal.String.Symbol */ -.highlight .bp { color: #008000 } /* Name.Builtin.Pseudo */ -.highlight .fm { color: #0000FF } /* Name.Function.Magic */ -.highlight .vc { color: #19177C } /* Name.Variable.Class */ -.highlight .vg { color: #19177C } /* Name.Variable.Global */ -.highlight .vi { color: #19177C } /* Name.Variable.Instance */ -.highlight .vm { color: #19177C } /* Name.Variable.Magic */ -.highlight .il { color: #666666 } /* Literal.Number.Integer.Long */ \ No newline at end of file +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/_static/sbt-webpack-macros.html b/docs/_static/sbt-webpack-macros.html new file mode 100644 index 0000000..6cbf559 --- /dev/null +++ b/docs/_static/sbt-webpack-macros.html @@ -0,0 +1,11 @@ + +{% macro head_pre_bootstrap() %} + +{% endmacro %} + +{% macro body_post() %} + +{% endmacro %} diff --git a/docs/_static/scripts/bootstrap.js b/docs/_static/scripts/bootstrap.js new file mode 100644 index 0000000..766173a --- /dev/null +++ b/docs/_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:()=>w,afterRead:()=>b,afterWrite:()=>C,applyStyles:()=>$,arrow:()=>G,auto:()=>r,basePlacements:()=>a,beforeMain:()=>v,beforeRead:()=>m,beforeWrite:()=>A,bottom:()=>n,clippingParents:()=>h,computeStyles:()=>et,createPopper:()=>Dt,createPopperBase:()=>Lt,createPopperLite:()=>$t,detectOverflow:()=>mt,end:()=>c,eventListeners:()=>nt,flip:()=>_t,hide:()=>yt,left:()=>o,main:()=>y,modifierPhases:()=>T,offset:()=>wt,placements:()=>g,popper:()=>d,popperGenerator:()=>kt,popperOffsets:()=>At,preventOverflow:()=>Et,read:()=>_,reference:()=>f,right:()=>s,start:()=>l,top:()=>i,variationPlacements:()=>p,viewport:()=>u,write:()=>E});var i="top",n="bottom",s="right",o="left",r="auto",a=[i,n,s,o],l="start",c="end",h="clippingParents",u="viewport",d="popper",f="reference",p=a.reduce((function(t,e){return t.concat([e+"-"+l,e+"-"+c])}),[]),g=[].concat(a,[r]).reduce((function(t,e){return t.concat([e,e+"-"+l,e+"-"+c])}),[]),m="beforeRead",_="read",b="afterRead",v="beforeMain",y="main",w="afterMain",A="beforeWrite",E="write",C="afterWrite",T=[m,_,b,v,y,w,A,E,C];function O(t){return t?(t.nodeName||"").toLowerCase():null}function x(t){if(null==t)return window;if("[object Window]"!==t.toString()){var e=t.ownerDocument;return e&&e.defaultView||window}return t}function k(t){return t instanceof x(t).Element||t instanceof Element}function L(t){return t instanceof x(t).HTMLElement||t instanceof HTMLElement}function D(t){return"undefined"!=typeof ShadowRoot&&(t instanceof x(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];L(s)&&O(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}),{});L(n)&&O(n)&&(Object.assign(n.style,o),Object.keys(s).forEach((function(t){n.removeAttribute(t)})))}))}},requires:["computeStyles"]};function S(t){return t.split("-")[0]}var I=Math.max,N=Math.min,P=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 M(){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&&L(t)&&(s=t.offsetWidth>0&&P(n.width)/t.offsetWidth||1,o=t.offsetHeight>0&&P(n.height)/t.offsetHeight||1);var r=(k(t)?x(t):window).visualViewport,a=!M()&&i,l=(n.left+(a&&r?r.offsetLeft:0))/s,c=(n.top+(a&&r?r.offsetTop:0))/o,h=n.width/s,u=n.height/o;return{width:h,height:u,top:c,right:l+h,bottom:c+u,left:l,x:l,y:c}}function W(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 F(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 B(t){return x(t).getComputedStyle(t)}function z(t){return["table","td","th"].indexOf(O(t))>=0}function q(t){return((k(t)?t.ownerDocument:t.document)||window.document).documentElement}function R(t){return"html"===O(t)?t:t.assignedSlot||t.parentNode||(D(t)?t.host:null)||q(t)}function V(t){return L(t)&&"fixed"!==B(t).position?t.offsetParent:null}function K(t){for(var e=x(t),i=V(t);i&&z(i)&&"static"===B(i).position;)i=V(i);return i&&("html"===O(i)||"body"===O(i)&&"static"===B(i).position)?e:i||function(t){var e=/firefox/i.test(j());if(/Trident/i.test(j())&&L(t)&&"fixed"===B(t).position)return null;var i=R(t);for(D(i)&&(i=i.host);L(i)&&["html","body"].indexOf(O(i))<0;){var n=B(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 I(t,N(e,i))}function Y(t){return Object.assign({},{top:0,right:0,bottom:0,left:0},t)}function U(t,e){return e.reduce((function(e,i){return e[i]=t,e}),{})}const G={name:"arrow",enabled:!0,phase:"main",fn:function(t){var e,r=t.state,l=t.name,c=t.options,h=r.elements.arrow,u=r.modifiersData.popperOffsets,d=S(r.placement),f=Q(d),p=[o,s].indexOf(d)>=0?"height":"width";if(h&&u){var g=function(t,e){return Y("number"!=typeof(t="function"==typeof t?t(Object.assign({},e.rects,{placement:e.placement})):t)?t:U(t,a))}(c.padding,r),m=W(h),_="y"===f?i:o,b="y"===f?n:s,v=r.rects.reference[p]+r.rects.reference[f]-u[f]-r.rects.popper[p],y=u[f]-r.rects.reference[f],w=K(h),A=w?"y"===f?w.clientHeight||0:w.clientWidth||0:0,E=v/2-y/2,C=g[_],T=A-m[p]-g[b],O=A/2-m[p]/2+E,x=X(C,O,T),k=f;r.modifiersData[l]=((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)))&&F(e.elements.popper,n)&&(e.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function J(t){return t.split("-")[1]}var Z={top:"auto",right:"auto",bottom:"auto",left:"auto"};function tt(t){var e,r=t.popper,a=t.popperRect,l=t.placement,h=t.variation,u=t.offsets,d=t.position,f=t.gpuAcceleration,p=t.adaptive,g=t.roundOffsets,m=t.isFixed,_=u.x,b=void 0===_?0:_,v=u.y,y=void 0===v?0:v,w="function"==typeof g?g({x:b,y}):{x:b,y};b=w.x,y=w.y;var A=u.hasOwnProperty("x"),E=u.hasOwnProperty("y"),C=o,T=i,O=window;if(p){var k=K(r),L="clientHeight",D="clientWidth";k===x(r)&&"static"!==B(k=q(r)).position&&"absolute"===d&&(L="scrollHeight",D="scrollWidth"),(l===i||(l===o||l===s)&&h===c)&&(T=n,y-=(m&&k===O&&O.visualViewport?O.visualViewport.height:k[L])-a.height,y*=f?1:-1),l!==o&&(l!==i&&l!==n||h!==c)||(C=s,b-=(m&&k===O&&O.visualViewport?O.visualViewport.width:k[D])-a.width,b*=f?1:-1)}var $,S=Object.assign({position:d},p&&Z),I=!0===g?function(t,e){var i=t.x,n=t.y,s=e.devicePixelRatio||1;return{x:P(i*s)/s||0,y:P(n*s)/s||0}}({x:b,y},x(r)):{x:b,y};return b=I.x,y=I.y,f?Object.assign({},S,(($={})[T]=E?"0":"",$[C]=A?"0":"",$.transform=(O.devicePixelRatio||1)<=1?"translate("+b+"px, "+y+"px)":"translate3d("+b+"px, "+y+"px, 0)",$)):Object.assign({},S,((e={})[T]=E?y+"px":"",e[C]=A?b+"px":"",e.transform="",e))}const et={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:S(e.placement),variation:J(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,tt(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,tt(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 it={passive:!0};const nt={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=x(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return o&&c.forEach((function(t){t.addEventListener("scroll",i.update,it)})),a&&l.addEventListener("resize",i.update,it),function(){o&&c.forEach((function(t){t.removeEventListener("scroll",i.update,it)})),a&&l.removeEventListener("resize",i.update,it)}},data:{}};var st={left:"right",right:"left",bottom:"top",top:"bottom"};function ot(t){return t.replace(/left|right|bottom|top/g,(function(t){return st[t]}))}var rt={start:"end",end:"start"};function at(t){return t.replace(/start|end/g,(function(t){return rt[t]}))}function lt(t){var e=x(t);return{scrollLeft:e.pageXOffset,scrollTop:e.pageYOffset}}function ct(t){return H(q(t)).left+lt(t).scrollLeft}function ht(t){var e=B(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(O(t))>=0?t.ownerDocument.body:L(t)&&ht(t)?t:ut(R(t))}function dt(t,e){var i;void 0===e&&(e=[]);var n=ut(t),s=n===(null==(i=t.ownerDocument)?void 0:i.body),o=x(n),r=s?[o].concat(o.visualViewport||[],ht(n)?n:[]):n,a=e.concat(r);return s?a:a.concat(dt(R(r)))}function ft(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function pt(t,e,i){return e===u?ft(function(t,e){var i=x(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=M();(c||!c&&"fixed"===e)&&(a=s.offsetLeft,l=s.offsetTop)}return{width:o,height:r,x:a+ct(t),y:l}}(t,i)):k(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):ft(function(t){var e,i=q(t),n=lt(t),s=null==(e=t.ownerDocument)?void 0:e.body,o=I(i.scrollWidth,i.clientWidth,s?s.scrollWidth:0,s?s.clientWidth:0),r=I(i.scrollHeight,i.clientHeight,s?s.scrollHeight:0,s?s.clientHeight:0),a=-n.scrollLeft+ct(t),l=-n.scrollTop;return"rtl"===B(s||i).direction&&(a+=I(i.clientWidth,s?s.clientWidth:0)-o),{width:o,height:r,x:a,y:l}}(q(t)))}function gt(t){var e,r=t.reference,a=t.element,h=t.placement,u=h?S(h):null,d=h?J(h):null,f=r.x+r.width/2-a.width/2,p=r.y+r.height/2-a.height/2;switch(u){case i:e={x:f,y:r.y-a.height};break;case n:e={x:f,y:r.y+r.height};break;case s:e={x:r.x+r.width,y:p};break;case o:e={x:r.x-a.width,y:p};break;default:e={x:r.x,y:r.y}}var g=u?Q(u):null;if(null!=g){var m="y"===g?"height":"width";switch(d){case l:e[g]=e[g]-(r[m]/2-a[m]/2);break;case c:e[g]=e[g]+(r[m]/2-a[m]/2)}}return e}function mt(t,e){void 0===e&&(e={});var o=e,r=o.placement,l=void 0===r?t.placement:r,c=o.strategy,p=void 0===c?t.strategy:c,g=o.boundary,m=void 0===g?h:g,_=o.rootBoundary,b=void 0===_?u:_,v=o.elementContext,y=void 0===v?d:v,w=o.altBoundary,A=void 0!==w&&w,E=o.padding,C=void 0===E?0:E,T=Y("number"!=typeof C?C:U(C,a)),x=y===d?f:d,D=t.rects.popper,$=t.elements[A?x:y],S=function(t,e,i,n){var s="clippingParents"===e?function(t){var e=dt(R(t)),i=["absolute","fixed"].indexOf(B(t).position)>=0&&L(t)?K(t):t;return k(i)?e.filter((function(t){return k(t)&&F(t,i)&&"body"!==O(t)})):[]}(t):[].concat(e),o=[].concat(s,[i]),r=o[0],a=o.reduce((function(e,i){var s=pt(t,i,n);return e.top=I(s.top,e.top),e.right=N(s.right,e.right),e.bottom=N(s.bottom,e.bottom),e.left=I(s.left,e.left),e}),pt(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}(k($)?$:$.contextElement||q(t.elements.popper),m,b,p),P=H(t.elements.reference),j=gt({reference:P,element:D,strategy:"absolute",placement:l}),M=ft(Object.assign({},D,j)),W=y===d?M:P,z={top:S.top-W.top+T.top,bottom:W.bottom-S.bottom+T.bottom,left:S.left-W.left+T.left,right:W.right-S.right+T.right},V=t.modifiersData.offset;if(y===d&&V){var Q=V[l];Object.keys(z).forEach((function(t){var e=[s,n].indexOf(t)>=0?1:-1,o=[i,n].indexOf(t)>=0?"y":"x";z[t]+=Q[o]*e}))}return z}const _t={name:"flip",enabled:!0,phase:"main",fn:function(t){var e=t.state,c=t.options,h=t.name;if(!e.modifiersData[h]._skip){for(var u=c.mainAxis,d=void 0===u||u,f=c.altAxis,m=void 0===f||f,_=c.fallbackPlacements,b=c.padding,v=c.boundary,y=c.rootBoundary,w=c.altBoundary,A=c.flipVariations,E=void 0===A||A,C=c.allowedAutoPlacements,T=e.options.placement,O=S(T),x=_||(O!==T&&E?function(t){if(S(t)===r)return[];var e=ot(t);return[at(t),e,at(e)]}(T):[ot(T)]),k=[T].concat(x).reduce((function(t,i){return t.concat(S(i)===r?function(t,e){void 0===e&&(e={});var i=e,n=i.placement,s=i.boundary,o=i.rootBoundary,r=i.padding,l=i.flipVariations,c=i.allowedAutoPlacements,h=void 0===c?g:c,u=J(n),d=u?l?p:p.filter((function(t){return J(t)===u})):a,f=d.filter((function(t){return h.indexOf(t)>=0}));0===f.length&&(f=d);var m=f.reduce((function(e,i){return e[i]=mt(t,{placement:i,boundary:s,rootBoundary:o,padding:r})[S(i)],e}),{});return Object.keys(m).sort((function(t,e){return m[t]-m[e]}))}(e,{placement:i,boundary:v,rootBoundary:y,padding:b,flipVariations:E,allowedAutoPlacements:C}):i)}),[]),L=e.rects.reference,D=e.rects.popper,$=new Map,I=!0,N=k[0],P=0;P=0,F=W?"width":"height",B=mt(e,{placement:j,boundary:v,rootBoundary:y,altBoundary:w,padding:b}),z=W?H?s:o:H?n:i;L[F]>D[F]&&(z=ot(z));var q=ot(z),R=[];if(d&&R.push(B[M]<=0),m&&R.push(B[z]<=0,B[q]<=0),R.every((function(t){return t}))){N=j,I=!1;break}$.set(j,R)}if(I)for(var V=function(t){var e=k.find((function(e){var i=$.get(e);if(i)return i.slice(0,t).every((function(t){return t}))}));if(e)return N=e,"break"},K=E?3:1;K>0&&"break"!==V(K);K--);e.placement!==N&&(e.modifiersData[h]._skip=!0,e.placement=N,e.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}};function bt(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 vt(t){return[i,s,n,o].some((function(e){return t[e]>=0}))}const yt={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=mt(e,{elementContext:"reference"}),a=mt(e,{altBoundary:!0}),l=bt(r,n),c=bt(a,s,o),h=vt(l),u=vt(c);e.modifiersData[i]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:h,hasPopperEscaped:u},e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-reference-hidden":h,"data-popper-escaped":u})}},wt={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(t){var e=t.state,n=t.options,r=t.name,a=n.offset,l=void 0===a?[0,0]:a,c=g.reduce((function(t,n){return t[n]=function(t,e,n){var r=S(t),a=[o,i].indexOf(r)>=0?-1:1,l="function"==typeof n?n(Object.assign({},e,{placement:t})):n,c=l[0],h=l[1];return c=c||0,h=(h||0)*a,[o,s].indexOf(r)>=0?{x:h,y:c}:{x:c,y:h}}(n,e.rects,l),t}),{}),h=c[e.placement],u=h.x,d=h.y;null!=e.modifiersData.popperOffsets&&(e.modifiersData.popperOffsets.x+=u,e.modifiersData.popperOffsets.y+=d),e.modifiersData[r]=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:{}},Et={name:"preventOverflow",enabled:!0,phase:"main",fn:function(t){var e=t.state,r=t.options,a=t.name,c=r.mainAxis,h=void 0===c||c,u=r.altAxis,d=void 0!==u&&u,f=r.boundary,p=r.rootBoundary,g=r.altBoundary,m=r.padding,_=r.tether,b=void 0===_||_,v=r.tetherOffset,y=void 0===v?0:v,w=mt(e,{boundary:f,rootBoundary:p,padding:m,altBoundary:g}),A=S(e.placement),E=J(e.placement),C=!E,T=Q(A),O="x"===T?"y":"x",x=e.modifiersData.popperOffsets,k=e.rects.reference,L=e.rects.popper,D="function"==typeof y?y(Object.assign({},e.rects,{placement:e.placement})):y,$="number"==typeof D?{mainAxis:D,altAxis:D}:Object.assign({mainAxis:0,altAxis:0},D),P=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,j={x:0,y:0};if(x){if(h){var M,H="y"===T?i:o,F="y"===T?n:s,B="y"===T?"height":"width",z=x[T],q=z+w[H],R=z-w[F],V=b?-L[B]/2:0,Y=E===l?k[B]:L[B],U=E===l?-L[B]:-k[B],G=e.elements.arrow,Z=b&&G?W(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[H],it=tt[F],nt=X(0,k[B],Z[B]),st=C?k[B]/2-V-nt-et-$.mainAxis:Y-nt-et-$.mainAxis,ot=C?-k[B]/2+V+nt+it+$.mainAxis:U+nt+it+$.mainAxis,rt=e.elements.arrow&&K(e.elements.arrow),at=rt?"y"===T?rt.clientTop||0:rt.clientLeft||0:0,lt=null!=(M=null==P?void 0:P[T])?M:0,ct=z+ot-lt,ht=X(b?N(q,z+st-lt-at):q,z,b?I(R,ct):R);x[T]=ht,j[T]=ht-z}if(d){var ut,dt="x"===T?i:o,ft="x"===T?n:s,pt=x[O],gt="y"===O?"height":"width",_t=pt+w[dt],bt=pt-w[ft],vt=-1!==[i,o].indexOf(A),yt=null!=(ut=null==P?void 0:P[O])?ut:0,wt=vt?_t:pt-k[gt]-L[gt]-yt+$.altAxis,At=vt?pt+k[gt]+L[gt]-yt-$.altAxis:bt,Et=b&&vt?function(t,e,i){var n=X(t,e,i);return n>i?i:n}(wt,pt,At):X(b?wt:_t,pt,b?At:bt);x[O]=Et,j[O]=Et-pt}e.modifiersData[a]=j}},requiresIfExists:["offset"]};function Ct(t,e,i){void 0===i&&(i=!1);var n,s,o=L(e),r=L(e)&&function(t){var e=t.getBoundingClientRect(),i=P(e.width)/t.offsetWidth||1,n=P(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"!==O(e)||ht(a))&&(c=(n=e)!==x(n)&&L(n)?{scrollLeft:(s=n).scrollLeft,scrollTop:s.scrollTop}:lt(n)),L(e)?((h=H(e,!0)).x+=e.clientLeft,h.y+=e.clientTop):a&&(h.x=ct(a))),{x:l.left+c.scrollLeft-h.x,y:l.top+c.scrollTop-h.y,width:l.width,height:l.height}}function Tt(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 Ot={placement:"bottom",modifiers:[],strategy:"absolute"};function xt(){for(var t=arguments.length,e=new Array(t),i=0;i{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?i.trim():null}return e},Nt=t=>{const e=It(t);return e&&document.querySelector(e)?e:null},Pt=t=>{const e=It(t);return e?document.querySelector(e):null},jt=t=>{t.dispatchEvent(new Event(St))},Mt=t=>!(!t||"object"!=typeof t)&&(void 0!==t.jquery&&(t=t[0]),void 0!==t.nodeType),Ht=t=>Mt(t)?t.jquery?t[0]:t:"string"==typeof t&&t.length>0?document.querySelector(t):null,Wt=t=>{if(!Mt(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},Ft=t=>!t||t.nodeType!==Node.ELEMENT_NODE||!!t.classList.contains("disabled")||(void 0!==t.disabled?t.disabled:t.hasAttribute("disabled")&&"false"!==t.getAttribute("disabled")),Bt=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?Bt(t.parentNode):null},zt=()=>{},qt=t=>{t.offsetHeight},Rt=()=>window.jQuery&&!document.body.hasAttribute("data-bs-no-jquery")?window.jQuery:null,Vt=[],Kt=()=>"rtl"===document.documentElement.dir,Qt=t=>{var e;e=()=>{const e=Rt();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?(Vt.length||document.addEventListener("DOMContentLoaded",(()=>{for(const t of Vt)t()})),Vt.push(e)):e()},Xt=t=>{"function"==typeof t&&t()},Yt=(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(St,o),Xt(t))};e.addEventListener(St,o),setTimeout((()=>{s||jt(e)}),n)},Ut=(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))])},Gt=/[^.]*(?=\..*)\.|.*/,Jt=/\..*/,Zt=/::\d+$/,te={};let ee=1;const ie={mouseenter:"mouseover",mouseleave:"mouseout"},ne=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 se(t,e){return e&&`${e}::${ee++}`||t.uidEvent||ee++}function oe(t){const e=se(t);return t.uidEvent=e,te[e]=te[e]||{},te[e]}function re(t,e,i=null){return Object.values(t).find((t=>t.callable===e&&t.delegationSelector===i))}function ae(t,e,i){const n="string"==typeof e,s=n?i:e||i;let o=ue(t);return ne.has(o)||(o=t),[n,s,o]}function le(t,e,i,n,s){if("string"!=typeof e||!t)return;let[o,r,a]=ae(e,i,n);if(e in ie){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=oe(t),c=l[a]||(l[a]={}),h=re(c,r,o?i:null);if(h)return void(h.oneOff=h.oneOff&&s);const u=se(r,e.replace(Gt,"")),d=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 fe(s,{delegateTarget:r}),n.oneOff&&de.off(t,s.type,e,i),i.apply(r,[s])}}(t,i,r):function(t,e){return function i(n){return fe(n,{delegateTarget:t}),i.oneOff&&de.off(t,n.type,e),e.apply(t,[n])}}(t,r);d.delegationSelector=o?i:null,d.callable=r,d.oneOff=s,d.uidEvent=u,c[u]=d,t.addEventListener(a,d,o)}function ce(t,e,i,n,s){const o=re(e[i],n,s);o&&(t.removeEventListener(i,o,Boolean(s)),delete e[i][o.uidEvent])}function he(t,e,i,n){const s=e[i]||{};for(const o of Object.keys(s))if(o.includes(n)){const n=s[o];ce(t,e,i,n.callable,n.delegationSelector)}}function ue(t){return t=t.replace(Jt,""),ie[t]||t}const de={on(t,e,i,n){le(t,e,i,n,!1)},one(t,e,i,n){le(t,e,i,n,!0)},off(t,e,i,n){if("string"!=typeof e||!t)return;const[s,o,r]=ae(e,i,n),a=r!==e,l=oe(t),c=l[r]||{},h=e.startsWith(".");if(void 0===o){if(h)for(const i of Object.keys(l))he(t,l,i,e.slice(1));for(const i of Object.keys(c)){const n=i.replace(Zt,"");if(!a||e.includes(n)){const e=c[i];ce(t,l,r,e.callable,e.delegationSelector)}}}else{if(!Object.keys(c).length)return;ce(t,l,r,o,s?i:null)}},trigger(t,e,i){if("string"!=typeof e||!t)return null;const n=Rt();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());let l=new Event(e,{bubbles:o,cancelable:!0});return l=fe(l,i),a&&l.preventDefault(),r&&t.dispatchEvent(l),l.defaultPrevented&&s&&s.preventDefault(),l}};function fe(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}const pe=new Map,ge={set(t,e,i){pe.has(t)||pe.set(t,new Map);const n=pe.get(t);n.has(e)||0===n.size?n.set(e,i):console.error(`Bootstrap doesn't allow more than one instance per element. Bound instance: ${Array.from(n.keys())[0]}.`)},get:(t,e)=>pe.has(t)&&pe.get(t).get(e)||null,remove(t,e){if(!pe.has(t))return;const i=pe.get(t);i.delete(e),0===i.size&&pe.delete(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 _e(t){return t.replace(/[A-Z]/g,(t=>`-${t.toLowerCase()}`))}const be={setDataAttribute(t,e,i){t.setAttribute(`data-bs-${_e(e)}`,i)},removeDataAttribute(t,e){t.removeAttribute(`data-bs-${_e(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-${_e(e)}`))};class ve{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=Mt(e)?be.getDataAttribute(e,"config"):{};return{...this.constructor.Default,..."object"==typeof i?i:{},...Mt(e)?be.getDataAttributes(e):{},..."object"==typeof t?t:{}}}_typeCheckConfig(t,e=this.constructor.DefaultType){for(const n of Object.keys(e)){const s=e[n],o=t[n],r=Mt(o)?"element":null==(i=o)?`${i}`:Object.prototype.toString.call(i).match(/\s([a-z]+)/i)[1].toLowerCase();if(!new RegExp(s).test(r))throw new TypeError(`${this.constructor.NAME.toUpperCase()}: Option "${n}" provided type "${r}" but expected type "${s}".`)}var i}}class ye extends ve{constructor(t,e){super(),(t=Ht(t))&&(this._element=t,this._config=this._getConfig(e),ge.set(this._element,this.constructor.DATA_KEY,this))}dispose(){ge.remove(this._element,this.constructor.DATA_KEY),de.off(this._element,this.constructor.EVENT_KEY);for(const t of Object.getOwnPropertyNames(this))this[t]=null}_queueCallback(t,e,i=!0){Yt(t,e,i)}_getConfig(t){return t=this._mergeConfigObj(t,this._element),t=this._configAfterMerge(t),this._typeCheckConfig(t),t}static getInstance(t){return ge.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.2.3"}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 we=(t,e="hide")=>{const i=`click.dismiss${t.EVENT_KEY}`,n=t.NAME;de.on(document,i,`[data-bs-dismiss="${n}"]`,(function(i){if(["A","AREA"].includes(this.tagName)&&i.preventDefault(),Ft(this))return;const s=Pt(this)||this.closest(`.${n}`);t.getOrCreateInstance(s)[e]()}))},Ae=".bs.alert",Ee=`close${Ae}`,Ce=`closed${Ae}`;class Te extends ye{static get NAME(){return"alert"}close(){if(de.trigger(this._element,Ee).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(),de.trigger(this._element,Ce),this.dispose()}static jQueryInterface(t){return this.each((function(){const e=Te.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)}}))}}we(Te,"close"),Qt(Te);const Oe='[data-bs-toggle="button"]';class xe extends ye{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=xe.getOrCreateInstance(this);"toggle"===t&&e[t]()}))}}de.on(document,"click.bs.button.data-api",Oe,(t=>{t.preventDefault();const e=t.target.closest(Oe);xe.getOrCreateInstance(e).toggle()})),Qt(xe);const ke={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=>!Ft(t)&&Wt(t)))}},Le=".bs.swipe",De=`touchstart${Le}`,$e=`touchmove${Le}`,Se=`touchend${Le}`,Ie=`pointerdown${Le}`,Ne=`pointerup${Le}`,Pe={endCallback:null,leftCallback:null,rightCallback:null},je={endCallback:"(function|null)",leftCallback:"(function|null)",rightCallback:"(function|null)"};class Me extends ve{constructor(t,e){super(),this._element=t,t&&Me.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 je}static get NAME(){return"swipe"}dispose(){de.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?(de.on(this._element,Ie,(t=>this._start(t))),de.on(this._element,Ne,(t=>this._end(t))),this._element.classList.add("pointer-event")):(de.on(this._element,De,(t=>this._start(t))),de.on(this._element,$e,(t=>this._move(t))),de.on(this._element,Se,(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 He=".bs.carousel",We=".data-api",Fe="next",Be="prev",ze="left",qe="right",Re=`slide${He}`,Ve=`slid${He}`,Ke=`keydown${He}`,Qe=`mouseenter${He}`,Xe=`mouseleave${He}`,Ye=`dragstart${He}`,Ue=`load${He}${We}`,Ge=`click${He}${We}`,Je="carousel",Ze="active",ti=".active",ei=".carousel-item",ii=ti+ei,ni={ArrowLeft:qe,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 ye{constructor(t,e){super(t,e),this._interval=null,this._activeElement=null,this._isSliding=!1,this.touchTimeout=null,this._swipeHelper=null,this._indicatorsElement=ke.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(Fe)}nextWhenVisible(){!document.hidden&&Wt(this._element)&&this.next()}prev(){this._slide(Be)}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?de.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 de.one(this._element,Ve,(()=>this.to(t)));const i=this._getItemIndex(this._getActive());if(i===t)return;const n=t>i?Fe:Be;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&&de.on(this._element,Ke,(t=>this._keydown(t))),"hover"===this._config.pause&&(de.on(this._element,Qe,(()=>this.pause())),de.on(this._element,Xe,(()=>this._maybeEnableCycle()))),this._config.touch&&Me.isSupported()&&this._addTouchEventListeners()}_addTouchEventListeners(){for(const t of ke.find(".carousel-item img",this._element))de.on(t,Ye,(t=>t.preventDefault()));const t={leftCallback:()=>this._slide(this._directionToOrder(ze)),rightCallback:()=>this._slide(this._directionToOrder(qe)),endCallback:()=>{"hover"===this._config.pause&&(this.pause(),this.touchTimeout&&clearTimeout(this.touchTimeout),this.touchTimeout=setTimeout((()=>this._maybeEnableCycle()),500+this._config.interval))}};this._swipeHelper=new Me(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=ke.findOne(ti,this._indicatorsElement);e.classList.remove(Ze),e.removeAttribute("aria-current");const i=ke.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===Fe,s=e||Ut(this._getItems(),i,n,this._config.wrap);if(s===i)return;const o=this._getItemIndex(s),r=e=>de.trigger(this._element,e,{relatedTarget:s,direction:this._orderToDirection(t),from:this._getItemIndex(i),to:o});if(r(Re).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 ke.findOne(ii,this._element)}_getItems(){return ke.find(ei,this._element)}_clearInterval(){this._interval&&(clearInterval(this._interval),this._interval=null)}_directionToOrder(t){return Kt()?t===ze?Be:Fe:t===ze?Fe:Be}_orderToDirection(t){return Kt()?t===Be?ze:qe:t===Be?qe: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)}))}}de.on(document,Ge,"[data-bs-slide], [data-bs-slide-to]",(function(t){const e=Pt(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"===be.getDataAttribute(this,"slide")?(i.next(),void i._maybeEnableCycle()):(i.prev(),void i._maybeEnableCycle())})),de.on(window,Ue,(()=>{const t=ke.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}`,ui=`hidden${ai}`,di=`click${ai}.data-api`,fi="show",pi="collapse",gi="collapsing",mi=`:scope .${pi} .${pi}`,_i='[data-bs-toggle="collapse"]',bi={parent:null,toggle:!0},vi={parent:"(null|element)",toggle:"boolean"};class yi extends ye{constructor(t,e){super(t,e),this._isTransitioning=!1,this._triggerArray=[];const i=ke.find(_i);for(const t of i){const e=Nt(t),i=ke.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(de.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(gi),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(gi),this._element.classList.add(pi,fi),this._element.style[e]="",de.trigger(this._element,ci)}),this._element,!0),this._element.style[e]=`${this._element[i]}px`}hide(){if(this._isTransitioning||!this._isShown())return;if(de.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(gi),this._element.classList.remove(pi,fi);for(const t of this._triggerArray){const e=Pt(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(gi),this._element.classList.add(pi),de.trigger(this._element,ui)}),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=Pt(e);t&&this._addAriaAndCollapsedClass([e],this._isShown(t))}}_getFirstLevelChildren(t){const e=ke.find(mi,this._config.parent);return ke.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]()}}))}}de.on(document,di,_i,(function(t){("A"===t.target.tagName||t.delegateTarget&&"A"===t.delegateTarget.tagName)&&t.preventDefault();const e=Nt(this),i=ke.find(e);for(const t of i)yi.getOrCreateInstance(t,{toggle:!1}).toggle()})),Qt(yi);const wi="dropdown",Ai=".bs.dropdown",Ei=".data-api",Ci="ArrowUp",Ti="ArrowDown",Oi=`hide${Ai}`,xi=`hidden${Ai}`,ki=`show${Ai}`,Li=`shown${Ai}`,Di=`click${Ai}${Ei}`,$i=`keydown${Ai}${Ei}`,Si=`keyup${Ai}${Ei}`,Ii="show",Ni='[data-bs-toggle="dropdown"]:not(.disabled):not(:disabled)',Pi=`${Ni}.${Ii}`,ji=".dropdown-menu",Mi=Kt()?"top-end":"top-start",Hi=Kt()?"top-start":"top-end",Wi=Kt()?"bottom-end":"bottom-start",Fi=Kt()?"bottom-start":"bottom-end",Bi=Kt()?"left-start":"right-start",zi=Kt()?"right-start":"left-start",qi={autoClose:!0,boundary:"clippingParents",display:"dynamic",offset:[0,2],popperConfig:null,reference:"toggle"},Ri={autoClose:"(boolean|string)",boundary:"(string|element)",display:"string",offset:"(array|string|function)",popperConfig:"(null|object|function)",reference:"(string|element|object)"};class Vi extends ye{constructor(t,e){super(t,e),this._popper=null,this._parent=this._element.parentNode,this._menu=ke.next(this._element,ji)[0]||ke.prev(this._element,ji)[0]||ke.findOne(ji,this._parent),this._inNavbar=this._detectNavbar()}static get Default(){return qi}static get DefaultType(){return Ri}static get NAME(){return wi}toggle(){return this._isShown()?this.hide():this.show()}show(){if(Ft(this._element)||this._isShown())return;const t={relatedTarget:this._element};if(!de.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))de.on(t,"mouseover",zt);this._element.focus(),this._element.setAttribute("aria-expanded",!0),this._menu.classList.add(Ii),this._element.classList.add(Ii),de.trigger(this._element,Li,t)}}hide(){if(Ft(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(!de.trigger(this._element,Oi,t).defaultPrevented){if("ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))de.off(t,"mouseover",zt);this._popper&&this._popper.destroy(),this._menu.classList.remove(Ii),this._element.classList.remove(Ii),this._element.setAttribute("aria-expanded","false"),be.removeDataAttribute(this._menu,"popper"),de.trigger(this._element,xi,t)}}_getConfig(t){if("object"==typeof(t=super._getConfig(t)).reference&&!Mt(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:Mt(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 Bi;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?Hi:Mi:e?Fi:Wi}_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)&&(be.setDataAttribute(this._menu,"popper","static"),t.modifiers=[{name:"applyStyles",enabled:!1}]),{...t,..."function"==typeof this._config.popperConfig?this._config.popperConfig(t):this._config.popperConfig}}_selectMenuItem({key:t,target:e}){const i=ke.find(".dropdown-menu .dropdown-item:not(.disabled):not(:disabled)",this._menu).filter((t=>Wt(t)));i.length&&Ut(i,e,t===Ti,!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=ke.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=[Ci,Ti].includes(t.key);if(!n&&!i)return;if(e&&!i)return;t.preventDefault();const s=this.matches(Ni)?this:ke.prev(this,Ni)[0]||ke.next(this,Ni)[0]||ke.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())}}de.on(document,$i,Ni,Vi.dataApiKeydownHandler),de.on(document,$i,ji,Vi.dataApiKeydownHandler),de.on(document,Di,Vi.clearMenus),de.on(document,Si,Vi.clearMenus),de.on(document,Di,Ni,(function(t){t.preventDefault(),Vi.getOrCreateInstance(this).toggle()})),Qt(Vi);const Ki=".fixed-top, .fixed-bottom, .is-fixed, .sticky-top",Qi=".sticky-top",Xi="padding-right",Yi="margin-right";class Ui{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,Xi,(e=>e+t)),this._setElementAttributes(Ki,Xi,(e=>e+t)),this._setElementAttributes(Qi,Yi,(e=>e-t))}reset(){this._resetElementAttributes(this._element,"overflow"),this._resetElementAttributes(this._element,Xi),this._resetElementAttributes(Ki,Xi),this._resetElementAttributes(Qi,Yi)}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&&be.setDataAttribute(t,e,i)}_resetElementAttributes(t,e){this._applyManipulationCallback(t,(t=>{const i=be.getDataAttribute(t,e);null!==i?(be.removeDataAttribute(t,e),t.style.setProperty(e,i)):t.style.removeProperty(e)}))}_applyManipulationCallback(t,e){if(Mt(t))e(t);else for(const i of ke.find(t,this._element))e(i)}}const Gi="backdrop",Ji="show",Zi=`mousedown.bs.${Gi}`,tn={className:"modal-backdrop",clickCallback:null,isAnimated:!1,isVisible:!0,rootElement:"body"},en={className:"string",clickCallback:"(function|null)",isAnimated:"boolean",isVisible:"boolean",rootElement:"(element|string)"};class nn extends ve{constructor(t){super(),this._config=this._getConfig(t),this._isAppended=!1,this._element=null}static get Default(){return tn}static get DefaultType(){return en}static get NAME(){return Gi}show(t){if(!this._config.isVisible)return void Xt(t);this._append();const e=this._getElement();this._config.isAnimated&&qt(e),e.classList.add(Ji),this._emulateAnimation((()=>{Xt(t)}))}hide(t){this._config.isVisible?(this._getElement().classList.remove(Ji),this._emulateAnimation((()=>{this.dispose(),Xt(t)}))):Xt(t)}dispose(){this._isAppended&&(de.off(this._element,Zi),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),de.on(t,Zi,(()=>{Xt(this._config.clickCallback)})),this._isAppended=!0}_emulateAnimation(t){Yt(t,this._getElement(),this._config.isAnimated)}}const sn=".bs.focustrap",on=`focusin${sn}`,rn=`keydown.tab${sn}`,an="backward",ln={autofocus:!0,trapElement:null},cn={autofocus:"boolean",trapElement:"element"};class hn extends ve{constructor(t){super(),this._config=this._getConfig(t),this._isActive=!1,this._lastTabNavDirection=null}static get Default(){return ln}static get DefaultType(){return cn}static get NAME(){return"focustrap"}activate(){this._isActive||(this._config.autofocus&&this._config.trapElement.focus(),de.off(document,sn),de.on(document,on,(t=>this._handleFocusin(t))),de.on(document,rn,(t=>this._handleKeydown(t))),this._isActive=!0)}deactivate(){this._isActive&&(this._isActive=!1,de.off(document,sn))}_handleFocusin(t){const{trapElement:e}=this._config;if(t.target===document||t.target===e||e.contains(t.target))return;const i=ke.focusableChildren(e);0===i.length?e.focus():this._lastTabNavDirection===an?i[i.length-1].focus():i[0].focus()}_handleKeydown(t){"Tab"===t.key&&(this._lastTabNavDirection=t.shiftKey?an:"forward")}}const un=".bs.modal",dn=`hide${un}`,fn=`hidePrevented${un}`,pn=`hidden${un}`,gn=`show${un}`,mn=`shown${un}`,_n=`resize${un}`,bn=`click.dismiss${un}`,vn=`mousedown.dismiss${un}`,yn=`keydown.dismiss${un}`,wn=`click${un}.data-api`,An="modal-open",En="show",Cn="modal-static",Tn={backdrop:!0,focus:!0,keyboard:!0},On={backdrop:"(boolean|string)",focus:"boolean",keyboard:"boolean"};class xn extends ye{constructor(t,e){super(t,e),this._dialog=ke.findOne(".modal-dialog",this._element),this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._isShown=!1,this._isTransitioning=!1,this._scrollBar=new Ui,this._addEventListeners()}static get Default(){return Tn}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||de.trigger(this._element,gn,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._isTransitioning=!0,this._scrollBar.hide(),document.body.classList.add(An),this._adjustDialog(),this._backdrop.show((()=>this._showElement(t))))}hide(){this._isShown&&!this._isTransitioning&&(de.trigger(this._element,dn).defaultPrevented||(this._isShown=!1,this._isTransitioning=!0,this._focustrap.deactivate(),this._element.classList.remove(En),this._queueCallback((()=>this._hideModal()),this._element,this._isAnimated())))}dispose(){for(const t of[window,this._dialog])de.off(t,un);this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}handleUpdate(){this._adjustDialog()}_initializeBackDrop(){return new nn({isVisible:Boolean(this._config.backdrop),isAnimated:this._isAnimated()})}_initializeFocusTrap(){return new hn({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=ke.findOne(".modal-body",this._dialog);e&&(e.scrollTop=0),qt(this._element),this._element.classList.add(En),this._queueCallback((()=>{this._config.focus&&this._focustrap.activate(),this._isTransitioning=!1,de.trigger(this._element,mn,{relatedTarget:t})}),this._dialog,this._isAnimated())}_addEventListeners(){de.on(this._element,yn,(t=>{if("Escape"===t.key)return this._config.keyboard?(t.preventDefault(),void this.hide()):void this._triggerBackdropTransition()})),de.on(window,_n,(()=>{this._isShown&&!this._isTransitioning&&this._adjustDialog()})),de.on(this._element,vn,(t=>{de.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(An),this._resetAdjustments(),this._scrollBar.reset(),de.trigger(this._element,pn)}))}_isAnimated(){return this._element.classList.contains("fade")}_triggerBackdropTransition(){if(de.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(Cn)||(t||(this._element.style.overflowY="hidden"),this._element.classList.add(Cn),this._queueCallback((()=>{this._element.classList.remove(Cn),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)}}))}}de.on(document,wn,'[data-bs-toggle="modal"]',(function(t){const e=Pt(this);["A","AREA"].includes(this.tagName)&&t.preventDefault(),de.one(e,gn,(t=>{t.defaultPrevented||de.one(e,pn,(()=>{Wt(this)&&this.focus()}))}));const i=ke.findOne(".modal.show");i&&xn.getInstance(i).hide(),xn.getOrCreateInstance(e).toggle(this)})),we(xn),Qt(xn);const kn=".bs.offcanvas",Ln=".data-api",Dn=`load${kn}${Ln}`,$n="show",Sn="showing",In="hiding",Nn=".offcanvas.show",Pn=`show${kn}`,jn=`shown${kn}`,Mn=`hide${kn}`,Hn=`hidePrevented${kn}`,Wn=`hidden${kn}`,Fn=`resize${kn}`,Bn=`click${kn}${Ln}`,zn=`keydown.dismiss${kn}`,qn={backdrop:!0,keyboard:!0,scroll:!1},Rn={backdrop:"(boolean|string)",keyboard:"boolean",scroll:"boolean"};class Vn extends ye{constructor(t,e){super(t,e),this._isShown=!1,this._backdrop=this._initializeBackDrop(),this._focustrap=this._initializeFocusTrap(),this._addEventListeners()}static get Default(){return qn}static get DefaultType(){return Rn}static get NAME(){return"offcanvas"}toggle(t){return this._isShown?this.hide():this.show(t)}show(t){this._isShown||de.trigger(this._element,Pn,{relatedTarget:t}).defaultPrevented||(this._isShown=!0,this._backdrop.show(),this._config.scroll||(new Ui).hide(),this._element.setAttribute("aria-modal",!0),this._element.setAttribute("role","dialog"),this._element.classList.add(Sn),this._queueCallback((()=>{this._config.scroll&&!this._config.backdrop||this._focustrap.activate(),this._element.classList.add($n),this._element.classList.remove(Sn),de.trigger(this._element,jn,{relatedTarget:t})}),this._element,!0))}hide(){this._isShown&&(de.trigger(this._element,Mn).defaultPrevented||(this._focustrap.deactivate(),this._element.blur(),this._isShown=!1,this._element.classList.add(In),this._backdrop.hide(),this._queueCallback((()=>{this._element.classList.remove($n,In),this._element.removeAttribute("aria-modal"),this._element.removeAttribute("role"),this._config.scroll||(new Ui).reset(),de.trigger(this._element,Wn)}),this._element,!0)))}dispose(){this._backdrop.dispose(),this._focustrap.deactivate(),super.dispose()}_initializeBackDrop(){const t=Boolean(this._config.backdrop);return new nn({className:"offcanvas-backdrop",isVisible:t,isAnimated:!0,rootElement:this._element.parentNode,clickCallback:t?()=>{"static"!==this._config.backdrop?this.hide():de.trigger(this._element,Hn)}:null})}_initializeFocusTrap(){return new hn({trapElement:this._element})}_addEventListeners(){de.on(this._element,zn,(t=>{"Escape"===t.key&&(this._config.keyboard?this.hide():de.trigger(this._element,Hn))}))}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)}}))}}de.on(document,Bn,'[data-bs-toggle="offcanvas"]',(function(t){const e=Pt(this);if(["A","AREA"].includes(this.tagName)&&t.preventDefault(),Ft(this))return;de.one(e,Wn,(()=>{Wt(this)&&this.focus()}));const i=ke.findOne(Nn);i&&i!==e&&Vn.getInstance(i).hide(),Vn.getOrCreateInstance(e).toggle(this)})),de.on(window,Dn,(()=>{for(const t of ke.find(Nn))Vn.getOrCreateInstance(t).show()})),de.on(window,Fn,(()=>{for(const t of ke.find("[aria-modal][class*=show][class*=offcanvas-]"))"fixed"!==getComputedStyle(t).position&&Vn.getOrCreateInstance(t).hide()})),we(Vn),Qt(Vn);const Kn=new Set(["background","cite","href","itemtype","longdesc","poster","src","xlink:href"]),Qn=/^(?:(?:https?|mailto|ftp|tel|file|sms):|[^#&/:?]*(?:[#/?]|$))/i,Xn=/^data:(?:image\/(?:bmp|gif|jpeg|jpg|png|tiff|webp)|video\/(?:mpeg|mp4|ogg|webm)|audio\/(?:mp3|oga|ogg|opus));base64,[\d+/a-z]+=*$/i,Yn=(t,e)=>{const i=t.nodeName.toLowerCase();return e.includes(i)?!Kn.has(i)||Boolean(Qn.test(t.nodeValue)||Xn.test(t.nodeValue)):e.filter((t=>t instanceof RegExp)).some((t=>t.test(i)))},Un={"*":["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:[]},Gn={allowList:Un,content:{},extraClass:"",html:!1,sanitize:!0,sanitizeFn:null,template:"
"},Jn={allowList:"object",content:"object",extraClass:"(string|function)",html:"boolean",sanitize:"boolean",sanitizeFn:"(null|function)",template:"string"},Zn={entry:"(string|element|function|null)",selector:"(string|element)"};class ts extends ve{constructor(t){super(),this._config=this._getConfig(t)}static get Default(){return Gn}static get DefaultType(){return Jn}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},Zn)}_setContent(t,e,i){const n=ke.findOne(i,t);n&&((e=this._resolvePossibleFunction(e))?Mt(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)Yn(e,s)||t.removeAttribute(e.nodeName)}return n.body.innerHTML}(t,this._config.allowList,this._config.sanitizeFn):t}_resolvePossibleFunction(t){return"function"==typeof t?t(this):t}_putElementInTemplate(t,e){if(this._config.html)return e.innerHTML="",void e.append(t);e.textContent=t.textContent}}const es=new Set(["sanitize","allowList","sanitizeFn"]),is="fade",ns="show",ss=".modal",os="hide.bs.modal",rs="hover",as="focus",ls={AUTO:"auto",TOP:"top",RIGHT:Kt()?"left":"right",BOTTOM:"bottom",LEFT:Kt()?"right":"left"},cs={allowList:Un,animation:!0,boundary:"clippingParents",container:!1,customClass:"",delay:0,fallbackPlacements:["top","right","bottom","left"],html:!1,offset:[0,0],placement:"top",popperConfig:null,sanitize:!0,sanitizeFn:null,selector:!1,template:'',title:"",trigger:"hover focus"},hs={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 us extends ye{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 cs}static get DefaultType(){return hs}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),de.off(this._element.closest(ss),os,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=de.trigger(this._element,this.constructor.eventName("show")),e=(Bt(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),de.trigger(this._element,this.constructor.eventName("inserted"))),this._popper=this._createPopper(i),i.classList.add(ns),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))de.on(t,"mouseover",zt);this._queueCallback((()=>{de.trigger(this._element,this.constructor.eventName("shown")),!1===this._isHovered&&this._leave(),this._isHovered=!1}),this.tip,this._isAnimated())}hide(){if(this._isShown()&&!de.trigger(this._element,this.constructor.eventName("hide")).defaultPrevented){if(this._getTipElement().classList.remove(ns),"ontouchstart"in document.documentElement)for(const t of[].concat(...document.body.children))de.off(t,"mouseover",zt);this._activeTrigger.click=!1,this._activeTrigger[as]=!1,this._activeTrigger[rs]=!1,this._isHovered=null,this._queueCallback((()=>{this._isWithActiveTrigger()||(this._isHovered||this._disposePopper(),this._element.removeAttribute("aria-describedby"),de.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(is,ns),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(is),e}setContent(t){this._newContent=t,this._isShown()&&(this._disposePopper(),this.show())}_getTemplateFactory(t){return this._templateFactory?this._templateFactory.changeContent(t):this._templateFactory=new ts({...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(is)}_isShown(){return this.tip&&this.tip.classList.contains(ns)}_createPopper(t){const e="function"==typeof this._config.placement?this._config.placement.call(this,t,this._element):this._config.placement,i=ls[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"function"==typeof t?t.call(this._element):t}_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,..."function"==typeof this._config.popperConfig?this._config.popperConfig(e):this._config.popperConfig}}_setListeners(){const t=this._config.trigger.split(" ");for(const e of t)if("click"===e)de.on(this._element,this.constructor.eventName("click"),this._config.selector,(t=>{this._initializeOnDelegatedTarget(t).toggle()}));else if("manual"!==e){const t=e===rs?this.constructor.eventName("mouseenter"):this.constructor.eventName("focusin"),i=e===rs?this.constructor.eventName("mouseleave"):this.constructor.eventName("focusout");de.on(this._element,t,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusin"===t.type?as:rs]=!0,e._enter()})),de.on(this._element,i,this._config.selector,(t=>{const e=this._initializeOnDelegatedTarget(t);e._activeTrigger["focusout"===t.type?as:rs]=e._element.contains(t.relatedTarget),e._leave()}))}this._hideModalHandler=()=>{this._element&&this.hide()},de.on(this._element.closest(ss),os,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=be.getDataAttributes(this._element);for(const t of Object.keys(e))es.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 in this._config)this.constructor.Default[e]!==this._config[e]&&(t[e]=this._config[e]);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=us.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(us);const ds={...us.Default,content:"",offset:[0,8],placement:"right",template:'',trigger:"click"},fs={...us.DefaultType,content:"(null|string|element|function)"};class ps extends us{static get Default(){return ds}static get DefaultType(){return fs}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=ps.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t]()}}))}}Qt(ps);const gs=".bs.scrollspy",ms=`activate${gs}`,_s=`click${gs}`,bs=`load${gs}.data-api`,vs="active",ys="[href]",ws=".nav-link",As=`${ws}, .nav-item > ${ws}, .list-group-item`,Es={offset:null,rootMargin:"0px 0px -25%",smoothScroll:!1,target:null,threshold:[.1,.5,1]},Cs={offset:"(number|null)",rootMargin:"string",smoothScroll:"boolean",target:"element",threshold:"array"};class Ts extends ye{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 Cs}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&&(de.off(this._config.target,_s),de.on(this._config.target,_s,ys,(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=ke.find(ys,this._config.target);for(const e of t){if(!e.hash||Ft(e))continue;const t=ke.findOne(e.hash,this._element);Wt(t)&&(this._targetLinks.set(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(vs),this._activateParents(t),de.trigger(this._element,ms,{relatedTarget:t}))}_activateParents(t){if(t.classList.contains("dropdown-item"))ke.findOne(".dropdown-toggle",t.closest(".dropdown")).classList.add(vs);else for(const e of ke.parents(t,".nav, .list-group"))for(const t of ke.prev(e,As))t.classList.add(vs)}_clearActiveClass(t){t.classList.remove(vs);const e=ke.find(`${ys}.${vs}`,t);for(const t of e)t.classList.remove(vs)}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]()}}))}}de.on(window,bs,(()=>{for(const t of ke.find('[data-bs-spy="scroll"]'))Ts.getOrCreateInstance(t)})),Qt(Ts);const Os=".bs.tab",xs=`hide${Os}`,ks=`hidden${Os}`,Ls=`show${Os}`,Ds=`shown${Os}`,$s=`click${Os}`,Ss=`keydown${Os}`,Is=`load${Os}`,Ns="ArrowLeft",Ps="ArrowRight",js="ArrowUp",Ms="ArrowDown",Hs="active",Ws="fade",Fs="show",Bs=":not(.dropdown-toggle)",zs='[data-bs-toggle="tab"], [data-bs-toggle="pill"], [data-bs-toggle="list"]',qs=`.nav-link${Bs}, .list-group-item${Bs}, [role="tab"]${Bs}, ${zs}`,Rs=`.${Hs}[data-bs-toggle="tab"], .${Hs}[data-bs-toggle="pill"], .${Hs}[data-bs-toggle="list"]`;class Vs extends ye{constructor(t){super(t),this._parent=this._element.closest('.list-group, .nav, [role="tablist"]'),this._parent&&(this._setInitialAttributes(this._parent,this._getChildren()),de.on(this._element,Ss,(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?de.trigger(e,xs,{relatedTarget:t}):null;de.trigger(t,Ls,{relatedTarget:e}).defaultPrevented||i&&i.defaultPrevented||(this._deactivate(e,t),this._activate(t,e))}_activate(t,e){t&&(t.classList.add(Hs),this._activate(Pt(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.removeAttribute("tabindex"),t.setAttribute("aria-selected",!0),this._toggleDropDown(t,!0),de.trigger(t,Ds,{relatedTarget:e})):t.classList.add(Fs)}),t,t.classList.contains(Ws)))}_deactivate(t,e){t&&(t.classList.remove(Hs),t.blur(),this._deactivate(Pt(t)),this._queueCallback((()=>{"tab"===t.getAttribute("role")?(t.setAttribute("aria-selected",!1),t.setAttribute("tabindex","-1"),this._toggleDropDown(t,!1),de.trigger(t,ks,{relatedTarget:e})):t.classList.remove(Fs)}),t,t.classList.contains(Ws)))}_keydown(t){if(![Ns,Ps,js,Ms].includes(t.key))return;t.stopPropagation(),t.preventDefault();const e=[Ps,Ms].includes(t.key),i=Ut(this._getChildren().filter((t=>!Ft(t))),t.target,e,!0);i&&(i.focus({preventScroll:!0}),Vs.getOrCreateInstance(i).show())}_getChildren(){return ke.find(qs,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=Pt(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=ke.findOne(t,i);s&&s.classList.toggle(n,e)};n(".dropdown-toggle",Hs),n(".dropdown-menu",Fs),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(qs)?t:ke.findOne(qs,t)}_getOuterElement(t){return t.closest(".nav-item, .list-group-item")||t}static jQueryInterface(t){return this.each((function(){const e=Vs.getOrCreateInstance(this);if("string"==typeof t){if(void 0===e[t]||t.startsWith("_")||"constructor"===t)throw new TypeError(`No method named "${t}"`);e[t]()}}))}}de.on(document,$s,zs,(function(t){["A","AREA"].includes(this.tagName)&&t.preventDefault(),Ft(this)||Vs.getOrCreateInstance(this).show()})),de.on(window,Is,(()=>{for(const t of ke.find(Rs))Vs.getOrCreateInstance(t)})),Qt(Vs);const Ks=".bs.toast",Qs=`mouseover${Ks}`,Xs=`mouseout${Ks}`,Ys=`focusin${Ks}`,Us=`focusout${Ks}`,Gs=`hide${Ks}`,Js=`hidden${Ks}`,Zs=`show${Ks}`,to=`shown${Ks}`,eo="hide",io="show",no="showing",so={animation:"boolean",autohide:"boolean",delay:"number"},oo={animation:!0,autohide:!0,delay:5e3};class ro extends ye{constructor(t,e){super(t,e),this._timeout=null,this._hasMouseInteraction=!1,this._hasKeyboardInteraction=!1,this._setListeners()}static get Default(){return oo}static get DefaultType(){return so}static get NAME(){return"toast"}show(){de.trigger(this._element,Zs).defaultPrevented||(this._clearTimeout(),this._config.animation&&this._element.classList.add("fade"),this._element.classList.remove(eo),qt(this._element),this._element.classList.add(io,no),this._queueCallback((()=>{this._element.classList.remove(no),de.trigger(this._element,to),this._maybeScheduleHide()}),this._element,this._config.animation))}hide(){this.isShown()&&(de.trigger(this._element,Gs).defaultPrevented||(this._element.classList.add(no),this._queueCallback((()=>{this._element.classList.add(eo),this._element.classList.remove(no,io),de.trigger(this._element,Js)}),this._element,this._config.animation)))}dispose(){this._clearTimeout(),this.isShown()&&this._element.classList.remove(io),super.dispose()}isShown(){return this._element.classList.contains(io)}_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(){de.on(this._element,Qs,(t=>this._onInteraction(t,!0))),de.on(this._element,Xs,(t=>this._onInteraction(t,!1))),de.on(this._element,Ys,(t=>this._onInteraction(t,!0))),de.on(this._element,Us,(t=>this._onInteraction(t,!1)))}_clearTimeout(){clearTimeout(this._timeout),this._timeout=null}static jQueryInterface(t){return this.each((function(){const e=ro.getOrCreateInstance(this,t);if("string"==typeof t){if(void 0===e[t])throw new TypeError(`No method named "${t}"`);e[t](this)}}))}}var ao;we(ro),Qt(ro),ao=function(){[].slice.call(document.querySelectorAll('[data-bs-toggle="tooltip"]')).map((function(t){return new us(t,{delay:{show:500,hide:100}})}))},"loading"!=document.readyState?ao():document.addEventListener("DOMContentLoaded",ao)})(); +//# sourceMappingURL=bootstrap.js.map \ No newline at end of file diff --git a/docs/_static/scripts/bootstrap.js.LICENSE.txt b/docs/_static/scripts/bootstrap.js.LICENSE.txt new file mode 100644 index 0000000..91ad10a --- /dev/null +++ b/docs/_static/scripts/bootstrap.js.LICENSE.txt @@ -0,0 +1,5 @@ +/*! + * Bootstrap v5.2.3 (https://getbootstrap.com/) + * Copyright 2011-2022 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/_static/scripts/bootstrap.js.map b/docs/_static/scripts/bootstrap.js.map new file mode 100644 index 0000000..d83e2f7 --- /dev/null +++ b/docs/_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,ipBCLvD,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,CCuFA,SACEpG,KAAM,QACNC,SAAS,EACTC,MAAO,OACPC,GA9EF,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,EA4CEtF,OA1CF,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,MAahDpC,EAAS7D,EAAME,SAASxC,OAAQuI,KAQrCjG,EAAME,SAASgB,MAAQ+E,EACzB,EASE5E,SAAU,CAAC,iBACXqG,iBAAkB,CAAC,oBCnGN,SAASC,EAAa5J,GACnC,OAAOA,EAAUwD,MAAM,KAAK,EAC9B,CCOA,IAAIqG,EAAa,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,GAEXsB,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,CAuDA,UACEnI,KAAM,gBACNC,SAAS,EACTC,MAAO,cACPC,GAzDF,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,EAYzDR,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,GChLT,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,GAQtB,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,CDH6DC,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,UAAkB,SAAU5L,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,CClBA,IAEIM,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,IC/C6B/W,EAC3BgX,ED8CE9W,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,IEzE4B+X,EAC9B4B,EFwEMN,EDvCG,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,CC8B+ByX,EEzEK7B,EFyEsB,GAAGzX,OAAO2Y,EAAkB3W,EAAMc,QAAQ2U,WExE9F4B,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,MFsGM,OAvCA6D,EAAM+W,iBAAmBA,EAAiBvR,QAAO,SAAUiS,GACzD,OAAOA,EAAE7X,OACX,IAoJFI,EAAM+W,iBAAiB5W,SAAQ,SAAUqI,GACvC,IAAI7I,EAAO6I,EAAM7I,KACb+X,EAAgBlP,EAAM1H,QACtBA,OAA4B,IAAlB4W,EAA2B,CAAC,EAAIA,EAC1ChX,EAAS8H,EAAM9H,OAEnB,GAAsB,mBAAXA,EAAuB,CAChC,IAAIiX,EAAYjX,EAAO,CACrBV,MAAOA,EACPL,KAAMA,EACNiK,SAAUA,EACV9I,QAASA,IAKXkW,EAAiB/F,KAAK0G,GAFT,WAAmB,EAGlC,CACF,IAjIS/N,EAASQ,QAClB,EAMAwN,YAAa,WACX,IAAIX,EAAJ,CAIA,IAAIY,EAAkB7X,EAAME,SACxBvC,EAAYka,EAAgBla,UAC5BD,EAASma,EAAgBna,OAG7B,GAAKyY,GAAiBxY,EAAWD,GAAjC,CASAsC,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,IAGA,IAFA,IAESoO,EAAQ,EAAGA,EAAQ9X,EAAM+W,iBAAiBhH,OAAQ+H,IAUzD,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,CAnCb,CAbA,CAmEF,EAGA1N,QClM2BtK,EDkMV,WACf,OAAO,IAAImY,SAAQ,SAAUC,GAC3BtO,EAASgO,cACTM,EAAQlY,EACV,GACF,ECrMG,WAUL,OATK8W,IACHA,EAAU,IAAImB,SAAQ,SAAUC,GAC9BD,QAAQC,UAAUC,MAAK,WACrBrB,OAAUsB,EACVF,EAAQpY,IACV,GACF,KAGKgX,CACT,GD2LIuB,QAAS,WACPjB,IACAH,GAAc,CAChB,GAGF,IAAKd,GAAiBxY,EAAWD,GAK/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,KGrPnC,GAA4BA,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,EAAa,GAAQ,GAAM,GAAiB,EAAO,MCJrH,GAA4BjC,GAAgB,CAC9CI,iBAFqB,CAAC6B,GAAgB,GAAe,GAAe,KCQtE,MAEMC,GAAiB,gBAsBjBC,GAAc9Z,IAClB,IAAI+Z,EAAW/Z,EAAQga,aAAa,kBAEpC,IAAKD,GAAyB,MAAbA,EAAkB,CACjC,IAAIE,EAAgBja,EAAQga,aAAa,QAKzC,IAAKC,IAAkBA,EAAcC,SAAS,OAASD,EAAcE,WAAW,KAC9E,OAAO,KAILF,EAAcC,SAAS,OAASD,EAAcE,WAAW,OAC3DF,EAAgB,IAAIA,EAActX,MAAM,KAAK,MAG/CoX,EAAWE,GAAmC,MAAlBA,EAAwBA,EAAcG,OAAS,IAC7E,CAEA,OAAOL,CAAQ,EAGXM,GAAyBra,IAC7B,MAAM+Z,EAAWD,GAAY9Z,GAE7B,OAAI+Z,GACKjU,SAAS+C,cAAckR,GAAYA,EAGrC,IAAI,EAGPO,GAAyBta,IAC7B,MAAM+Z,EAAWD,GAAY9Z,GAC7B,OAAO+Z,EAAWjU,SAAS+C,cAAckR,GAAY,IAAI,EA0BrDQ,GAAuBva,IAC3BA,EAAQwa,cAAc,IAAIC,MAAMZ,IAAgB,EAG5C,GAAYa,MACXA,GAA4B,iBAAXA,UAIO,IAAlBA,EAAOC,SAChBD,EAASA,EAAO,SAGgB,IAApBA,EAAOE,UAGjBC,GAAaH,GAEb,GAAUA,GACLA,EAAOC,OAASD,EAAO,GAAKA,EAGf,iBAAXA,GAAuBA,EAAOvJ,OAAS,EACzCrL,SAAS+C,cAAc6R,GAGzB,KAGHI,GAAY9a,IAChB,IAAK,GAAUA,IAAgD,IAApCA,EAAQ+a,iBAAiB5J,OAClD,OAAO,EAGT,MAAM6J,EAAgF,YAA7DtV,iBAAiB1F,GAASib,iBAAiB,cAE9DC,EAAgBlb,EAAQmb,QAAQ,uBAEtC,IAAKD,EACH,OAAOF,EAGT,GAAIE,IAAkBlb,EAAS,CAC7B,MAAMob,EAAUpb,EAAQmb,QAAQ,WAEhC,GAAIC,GAAWA,EAAQ5V,aAAe0V,EACpC,OAAO,EAGT,GAAgB,OAAZE,EACF,OAAO,CAEX,CAEA,OAAOJ,CAAgB,EAGnBK,GAAarb,IACZA,GAAWA,EAAQ4a,WAAaU,KAAKC,gBAItCvb,EAAQwb,UAAUvW,SAAS,mBAIC,IAArBjF,EAAQyb,SACVzb,EAAQyb,SAGVzb,EAAQ0b,aAAa,aAAoD,UAArC1b,EAAQga,aAAa,aAG5D2B,GAAiB3b,IACrB,IAAK8F,SAASC,gBAAgB6V,aAC5B,OAAO,KAIT,GAAmC,mBAAxB5b,EAAQqF,YAA4B,CAC7C,MAAMwW,EAAO7b,EAAQqF,cACrB,OAAOwW,aAAgB/a,WAAa+a,EAAO,IAC7C,CAEA,OAAI7b,aAAmBc,WACdd,EAIJA,EAAQwF,WAINmW,GAAe3b,EAAQwF,YAHrB,IAGgC,EAGrCsW,GAAO,OAWPC,GAAS/b,IACbA,EAAQuE,YAAY,EAGhByX,GAAY,IACZ3b,OAAO4b,SAAWnW,SAAS6G,KAAK+O,aAAa,qBACxCrb,OAAO4b,OAGT,KAGHC,GAA4B,GAmB5BC,GAAQ,IAAuC,QAAjCrW,SAASC,gBAAgBqW,IAEvCC,GAAqBC,IAnBAC,QAoBN,KACjB,MAAMC,EAAIR,KAGV,GAAIQ,EAAG,CACL,MAAMzb,EAAOub,EAAOG,KACdC,EAAqBF,EAAEtb,GAAGH,GAChCyb,EAAEtb,GAAGH,GAAQub,EAAOK,gBACpBH,EAAEtb,GAAGH,GAAM6b,YAAcN,EAEzBE,EAAEtb,GAAGH,GAAM8b,WAAa,KACtBL,EAAEtb,GAAGH,GAAQ2b,EACNJ,EAAOK,gBAElB,GAjC0B,YAAxB7W,SAASgX,YAENZ,GAA0B/K,QAC7BrL,SAASyF,iBAAiB,oBAAoB,KAC5C,IAAK,MAAMgR,KAAYL,GACrBK,GACF,IAIJL,GAA0B7J,KAAKkK,IAE/BA,GAsBA,EAGEQ,GAAUR,IACU,mBAAbA,GACTA,GACF,EAGIS,GAAyB,CAACT,EAAUU,EAAmBC,GAAoB,KAC/E,IAAKA,EAEH,YADAH,GAAQR,GAIV,MACMY,EAnMiCnd,KACvC,IAAKA,EACH,OAAO,EAIT,IAAI,mBACFod,EAAkB,gBAClBC,GACEhd,OAAOqF,iBAAiB1F,GAC5B,MAAMsd,EAA0BC,OAAOC,WAAWJ,GAC5CK,EAAuBF,OAAOC,WAAWH,GAE/C,OAAKC,GAA4BG,GAKjCL,EAAqBA,EAAmBza,MAAM,KAAK,GACnD0a,EAAkBA,EAAgB1a,MAAM,KAAK,GAjFf,KAkFtB4a,OAAOC,WAAWJ,GAAsBG,OAAOC,WAAWH,KANzD,CAMoG,EA+KpFK,CAAiCT,GADlC,EAExB,IAAIU,GAAS,EAEb,MAAMC,EAAU,EACd5Q,aAEIA,IAAWiQ,IAIfU,GAAS,EACTV,EAAkBxR,oBAAoBoO,GAAgB+D,GACtDb,GAAQR,GAAS,EAGnBU,EAAkB1R,iBAAiBsO,GAAgB+D,GACnDC,YAAW,KACJF,GACHpD,GAAqB0C,EACvB,GACCE,EAAiB,EAahBW,GAAuB,CAACjR,EAAMkR,EAAeC,EAAeC,KAChE,MAAMC,EAAarR,EAAKsE,OACxB,IAAI+H,EAAQrM,EAAKjH,QAAQmY,GAGzB,OAAe,IAAX7E,GACM8E,GAAiBC,EAAiBpR,EAAKqR,EAAa,GAAKrR,EAAK,IAGxEqM,GAAS8E,EAAgB,GAAK,EAE1BC,IACF/E,GAASA,EAAQgF,GAAcA,GAG1BrR,EAAKjK,KAAKC,IAAI,EAAGD,KAAKE,IAAIoW,EAAOgF,EAAa,KAAI,EAarDC,GAAiB,qBACjBC,GAAiB,OACjBC,GAAgB,SAChBC,GAAgB,CAAC,EAEvB,IAAIC,GAAW,EACf,MAAMC,GAAe,CACnBC,WAAY,YACZC,WAAY,YAERC,GAAe,IAAI5H,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,WAK/lB,SAAS6H,GAAa5e,EAAS6e,GAC7B,OAAOA,GAAO,GAAGA,MAAQN,QAAgBve,EAAQue,UAAYA,IAC/D,CAEA,SAASO,GAAiB9e,GACxB,MAAM6e,EAAMD,GAAa5e,GAGzB,OAFAA,EAAQue,SAAWM,EACnBP,GAAcO,GAAOP,GAAcO,IAAQ,CAAC,EACrCP,GAAcO,EACvB,CA0CA,SAASE,GAAYC,EAAQC,EAAUC,EAAqB,MAC1D,OAAOzhB,OAAO0hB,OAAOH,GAAQpM,MAAKwM,GAASA,EAAMH,WAAaA,GAAYG,EAAMF,qBAAuBA,GACzG,CAEA,SAASG,GAAoBC,EAAmB1B,EAAS2B,GACvD,MAAMC,EAAiC,iBAAZ5B,EAErBqB,EAAWO,EAAcD,EAAqB3B,GAAW2B,EAC/D,IAAIE,EAAYC,GAAaJ,GAM7B,OAJKX,GAAavH,IAAIqI,KACpBA,EAAYH,GAGP,CAACE,EAAaP,EAAUQ,EACjC,CAEA,SAASE,GAAW3f,EAASsf,EAAmB1B,EAAS2B,EAAoBK,GAC3E,GAAiC,iBAAtBN,IAAmCtf,EAC5C,OAGF,IAAKwf,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GAGzF,GAAID,KAAqBd,GAAc,CACrC,MAAMqB,EAAe3e,GACZ,SAAUke,GACf,IAAKA,EAAMU,eAAiBV,EAAMU,gBAAkBV,EAAMW,iBAAmBX,EAAMW,eAAe9a,SAASma,EAAMU,eAC/G,OAAO5e,EAAGjD,KAAK+hB,KAAMZ,EAEzB,EAGFH,EAAWY,EAAaZ,EAC1B,CAEA,MAAMD,EAASF,GAAiB9e,GAC1BigB,EAAWjB,EAAOS,KAAeT,EAAOS,GAAa,CAAC,GACtDS,EAAmBnB,GAAYkB,EAAUhB,EAAUO,EAAc5B,EAAU,MAEjF,GAAIsC,EAEF,YADAA,EAAiBN,OAASM,EAAiBN,QAAUA,GAIvD,MAAMf,EAAMD,GAAaK,EAAUK,EAAkB1T,QAAQuS,GAAgB,KACvEjd,EAAKse,EAzEb,SAAoCxf,EAAS+Z,EAAU7Y,GACrD,OAAO,SAAS0c,EAAQwB,GACtB,MAAMe,EAAcngB,EAAQogB,iBAAiBrG,GAE7C,IAAK,IAAI,OACP/M,GACEoS,EAAOpS,GAAUA,IAAWgT,KAAMhT,EAASA,EAAOxH,WACpD,IAAK,MAAM6a,KAAcF,EACvB,GAAIE,IAAerT,EAYnB,OARAsT,GAAWlB,EAAO,CAChBW,eAAgB/S,IAGd4Q,EAAQgC,QACVW,GAAaC,IAAIxgB,EAASof,EAAMqB,KAAM1G,EAAU7Y,GAG3CA,EAAGwf,MAAM1T,EAAQ,CAACoS,GAG/B,CACF,CAiD2BuB,CAA2B3gB,EAAS4d,EAASqB,GAvFxE,SAA0Bjf,EAASkB,GACjC,OAAO,SAAS0c,EAAQwB,GAStB,OARAkB,GAAWlB,EAAO,CAChBW,eAAgB/f,IAGd4d,EAAQgC,QACVW,GAAaC,IAAIxgB,EAASof,EAAMqB,KAAMvf,GAGjCA,EAAGwf,MAAM1gB,EAAS,CAACof,GAC5B,CACF,CA2EoFwB,CAAiB5gB,EAASif,GAC5G/d,EAAGge,mBAAqBM,EAAc5B,EAAU,KAChD1c,EAAG+d,SAAWA,EACd/d,EAAG0e,OAASA,EACZ1e,EAAGqd,SAAWM,EACdoB,EAASpB,GAAO3d,EAChBlB,EAAQuL,iBAAiBkU,EAAWve,EAAIse,EAC1C,CAEA,SAASqB,GAAc7gB,EAASgf,EAAQS,EAAW7B,EAASsB,GAC1D,MAAMhe,EAAK6d,GAAYC,EAAOS,GAAY7B,EAASsB,GAE9Che,IAILlB,EAAQyL,oBAAoBgU,EAAWve,EAAI4f,QAAQ5B,WAC5CF,EAAOS,GAAWve,EAAGqd,UAC9B,CAEA,SAASwC,GAAyB/gB,EAASgf,EAAQS,EAAWuB,GAC5D,MAAMC,EAAoBjC,EAAOS,IAAc,CAAC,EAEhD,IAAK,MAAMyB,KAAczjB,OAAO4D,KAAK4f,GACnC,GAAIC,EAAWhH,SAAS8G,GAAY,CAClC,MAAM5B,EAAQ6B,EAAkBC,GAChCL,GAAc7gB,EAASgf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAClE,CAEJ,CAEA,SAASQ,GAAaN,GAGpB,OADAA,EAAQA,EAAMxT,QAAQwS,GAAgB,IAC/BI,GAAaY,IAAUA,CAChC,CAEA,MAAMmB,GAAe,CACnBY,GAAGnhB,EAASof,EAAOxB,EAAS2B,GAC1BI,GAAW3f,EAASof,EAAOxB,EAAS2B,GAAoB,EAC1D,EAEA6B,IAAIphB,EAASof,EAAOxB,EAAS2B,GAC3BI,GAAW3f,EAASof,EAAOxB,EAAS2B,GAAoB,EAC1D,EAEAiB,IAAIxgB,EAASsf,EAAmB1B,EAAS2B,GACvC,GAAiC,iBAAtBD,IAAmCtf,EAC5C,OAGF,MAAOwf,EAAaP,EAAUQ,GAAaJ,GAAoBC,EAAmB1B,EAAS2B,GACrF8B,EAAc5B,IAAcH,EAC5BN,EAASF,GAAiB9e,GAC1BihB,EAAoBjC,EAAOS,IAAc,CAAC,EAC1C6B,EAAchC,EAAkBnF,WAAW,KAEjD,QAAwB,IAAb8E,EAAX,CAUA,GAAIqC,EACF,IAAK,MAAMC,KAAgB9jB,OAAO4D,KAAK2d,GACrC+B,GAAyB/gB,EAASgf,EAAQuC,EAAcjC,EAAkBzM,MAAM,IAIpF,IAAK,MAAM2O,KAAe/jB,OAAO4D,KAAK4f,GAAoB,CACxD,MAAMC,EAAaM,EAAY5V,QAAQyS,GAAe,IAEtD,IAAKgD,GAAe/B,EAAkBpF,SAASgH,GAAa,CAC1D,MAAM9B,EAAQ6B,EAAkBO,GAChCX,GAAc7gB,EAASgf,EAAQS,EAAWL,EAAMH,SAAUG,EAAMF,mBAClE,CACF,CAfA,KARA,CAEE,IAAKzhB,OAAO4D,KAAK4f,GAAmB9P,OAClC,OAGF0P,GAAc7gB,EAASgf,EAAQS,EAAWR,EAAUO,EAAc5B,EAAU,KAE9E,CAgBF,EAEA6D,QAAQzhB,EAASof,EAAO3H,GACtB,GAAqB,iBAAV2H,IAAuBpf,EAChC,OAAO,KAGT,MAAMwc,EAAIR,KAGV,IAAI0F,EAAc,KACdC,GAAU,EACVC,GAAiB,EACjBC,GAAmB,EAJHzC,IADFM,GAAaN,IAOZ5C,IACjBkF,EAAclF,EAAE/B,MAAM2E,EAAO3H,GAC7B+E,EAAExc,GAASyhB,QAAQC,GACnBC,GAAWD,EAAYI,uBACvBF,GAAkBF,EAAYK,gCAC9BF,EAAmBH,EAAYM,sBAGjC,IAAIC,EAAM,IAAIxH,MAAM2E,EAAO,CACzBuC,UACAO,YAAY,IAgBd,OAdAD,EAAM3B,GAAW2B,EAAKxK,GAElBoK,GACFI,EAAIE,iBAGFP,GACF5hB,EAAQwa,cAAcyH,GAGpBA,EAAIJ,kBAAoBH,GAC1BA,EAAYS,iBAGPF,CACT,GAIF,SAAS3B,GAAWziB,EAAKukB,GACvB,IAAK,MAAO7kB,EAAKa,KAAUX,OAAO4kB,QAAQD,GAAQ,CAAC,GACjD,IACEvkB,EAAIN,GAAOa,CACb,CAAE,MAAOkkB,GACP7kB,OAAOC,eAAeG,EAAKN,EAAK,CAC9BglB,cAAc,EAEd3kB,IAAG,IACMQ,GAIb,CAGF,OAAOP,CACT,CAYA,MAAM2kB,GAAa,IAAI7Q,IACjB8Q,GAAO,CACXjQ,IAAIxS,EAASzC,EAAKyN,GACXwX,GAAWpL,IAAIpX,IAClBwiB,GAAWhQ,IAAIxS,EAAS,IAAI2R,KAG9B,MAAM+Q,EAAcF,GAAW5kB,IAAIoC,GAG9B0iB,EAAYtL,IAAI7Z,IAA6B,IAArBmlB,EAAYC,KAMzCD,EAAYlQ,IAAIjV,EAAKyN,GAJnB4X,QAAQC,MAAM,+EAA+Exf,MAAMyf,KAAKJ,EAAYrhB,QAAQ,MAKhI,EAEAzD,IAAG,CAACoC,EAASzC,IACPilB,GAAWpL,IAAIpX,IACVwiB,GAAW5kB,IAAIoC,GAASpC,IAAIL,IAG9B,KAGTwlB,OAAO/iB,EAASzC,GACd,IAAKilB,GAAWpL,IAAIpX,GAClB,OAGF,MAAM0iB,EAAcF,GAAW5kB,IAAIoC,GACnC0iB,EAAYM,OAAOzlB,GAEM,IAArBmlB,EAAYC,MACdH,GAAWQ,OAAOhjB,EAEtB,GAUF,SAASijB,GAAc7kB,GACrB,GAAc,SAAVA,EACF,OAAO,EAGT,GAAc,UAAVA,EACF,OAAO,EAGT,GAAIA,IAAUmf,OAAOnf,GAAOkC,WAC1B,OAAOid,OAAOnf,GAGhB,GAAc,KAAVA,GAA0B,SAAVA,EAClB,OAAO,KAGT,GAAqB,iBAAVA,EACT,OAAOA,EAGT,IACE,OAAO8kB,KAAKC,MAAMC,mBAAmBhlB,GACvC,CAAE,MAAOkkB,GACP,OAAOlkB,CACT,CACF,CAEA,SAASilB,GAAiB9lB,GACxB,OAAOA,EAAIqO,QAAQ,UAAU0X,GAAO,IAAIA,EAAIpjB,iBAC9C,CAEA,MAAMqjB,GAAc,CAClBC,iBAAiBxjB,EAASzC,EAAKa,GAC7B4B,EAAQ6B,aAAa,WAAWwhB,GAAiB9lB,KAAQa,EAC3D,EAEAqlB,oBAAoBzjB,EAASzC,GAC3ByC,EAAQ4B,gBAAgB,WAAWyhB,GAAiB9lB,KACtD,EAEAmmB,kBAAkB1jB,GAChB,IAAKA,EACH,MAAO,CAAC,EAGV,MAAM0B,EAAa,CAAC,EACdiiB,EAASlmB,OAAO4D,KAAKrB,EAAQ4jB,SAAShd,QAAOrJ,GAAOA,EAAI4c,WAAW,QAAU5c,EAAI4c,WAAW,cAElG,IAAK,MAAM5c,KAAOomB,EAAQ,CACxB,IAAIE,EAAUtmB,EAAIqO,QAAQ,MAAO,IACjCiY,EAAUA,EAAQC,OAAO,GAAG5jB,cAAgB2jB,EAAQhR,MAAM,EAAGgR,EAAQ1S,QACrEzP,EAAWmiB,GAAWZ,GAAcjjB,EAAQ4jB,QAAQrmB,GACtD,CAEA,OAAOmE,CACT,EAEAqiB,iBAAgB,CAAC/jB,EAASzC,IACjB0lB,GAAcjjB,EAAQga,aAAa,WAAWqJ,GAAiB9lB,QAe1E,MAAMymB,GAEOC,qBACT,MAAO,CAAC,CACV,CAEWC,yBACT,MAAO,CAAC,CACV,CAEWzH,kBACT,MAAM,IAAI0H,MAAM,sEAClB,CAEAC,WAAWC,GAMT,OALAA,EAASrE,KAAKsE,gBAAgBD,GAC9BA,EAASrE,KAAKuE,kBAAkBF,GAEhCrE,KAAKwE,iBAAiBH,GAEfA,CACT,CAEAE,kBAAkBF,GAChB,OAAOA,CACT,CAEAC,gBAAgBD,EAAQrkB,GACtB,MAAMykB,EAAa,GAAUzkB,GAAWujB,GAAYQ,iBAAiB/jB,EAAS,UAAY,CAAC,EAE3F,MAAO,IAAKggB,KAAK0E,YAAYT,WACD,iBAAfQ,EAA0BA,EAAa,CAAC,KAC/C,GAAUzkB,GAAWujB,GAAYG,kBAAkB1jB,GAAW,CAAC,KAC7C,iBAAXqkB,EAAsBA,EAAS,CAAC,EAE/C,CAEAG,iBAAiBH,EAAQM,EAAc3E,KAAK0E,YAAYR,aACtD,IAAK,MAAM3hB,KAAY9E,OAAO4D,KAAKsjB,GAAc,CAC/C,MAAMC,EAAgBD,EAAYpiB,GAC5BnE,EAAQimB,EAAO9hB,GACfsiB,EAAY,GAAUzmB,GAAS,UA1uBrCsc,OADSA,EA2uB+Ctc,GAzuBnD,GAAGsc,IAGLjd,OAAOM,UAAUuC,SAASrC,KAAKyc,GAAQoK,MAAM,eAAe,GAAG5kB,cAwuBlE,IAAK,IAAI6kB,OAAOH,GAAe9gB,KAAK+gB,GAClC,MAAM,IAAIG,UAAU,GAAGhF,KAAK0E,YAAYjI,KAAKwI,0BAA0B1iB,qBAA4BsiB,yBAAiCD,MAExI,CAhvBWlK,KAivBb,EAmBF,MAAMwK,WAAsBlB,GAC1BU,YAAY1kB,EAASqkB,GACnBc,SACAnlB,EAAU6a,GAAW7a,MAMrBggB,KAAKoF,SAAWplB,EAChBggB,KAAKqF,QAAUrF,KAAKoE,WAAWC,GAC/B5B,GAAKjQ,IAAIwN,KAAKoF,SAAUpF,KAAK0E,YAAYY,SAAUtF,MACrD,CAGAuF,UACE9C,GAAKM,OAAO/C,KAAKoF,SAAUpF,KAAK0E,YAAYY,UAC5C/E,GAAaC,IAAIR,KAAKoF,SAAUpF,KAAK0E,YAAYc,WAEjD,IAAK,MAAMC,KAAgBhoB,OAAOioB,oBAAoB1F,MACpDA,KAAKyF,GAAgB,IAEzB,CAEAE,eAAepJ,EAAUvc,EAAS4lB,GAAa,GAC7C5I,GAAuBT,EAAUvc,EAAS4lB,EAC5C,CAEAxB,WAAWC,GAMT,OALAA,EAASrE,KAAKsE,gBAAgBD,EAAQrE,KAAKoF,UAC3Cf,EAASrE,KAAKuE,kBAAkBF,GAEhCrE,KAAKwE,iBAAiBH,GAEfA,CACT,CAGAwB,mBAAmB7lB,GACjB,OAAOyiB,GAAK7kB,IAAIid,GAAW7a,GAAUggB,KAAKsF,SAC5C,CAEAO,2BAA2B7lB,EAASqkB,EAAS,CAAC,GAC5C,OAAOrE,KAAK8F,YAAY9lB,IAAY,IAAIggB,KAAKhgB,EAA2B,iBAAXqkB,EAAsBA,EAAS,KAC9F,CAEW0B,qBACT,MApDY,OAqDd,CAEWT,sBACT,MAAO,MAAMtF,KAAKvD,MACpB,CAEW+I,uBACT,MAAO,IAAIxF,KAAKsF,UAClB,CAEAO,iBAAiB9kB,GACf,MAAO,GAAGA,IAAOif,KAAKwF,WACxB,EAWF,MAAMQ,GAAuB,CAACC,EAAWC,EAAS,UAChD,MAAMC,EAAa,gBAAgBF,EAAUT,YACvCzkB,EAAOklB,EAAUxJ,KACvB8D,GAAaY,GAAGrb,SAAUqgB,EAAY,qBAAqBplB,OAAU,SAAUqe,GAK7E,GAJI,CAAC,IAAK,QAAQlF,SAAS8F,KAAKoG,UAC9BhH,EAAM+C,iBAGJ9G,GAAW2E,MACb,OAGF,MAAMhT,EAASsN,GAAuB0F,OAASA,KAAK7E,QAAQ,IAAIpa,KAC/CklB,EAAUI,oBAAoBrZ,GAEtCkZ,IACX,GAAE,EAeEI,GAAc,YACdC,GAAc,QAAQD,KACtBE,GAAe,SAASF,KAO9B,MAAMG,WAAcvB,GAEPzI,kBACT,MAdW,OAeb,CAGAiK,QAGE,GAFmBnG,GAAakB,QAAQzB,KAAKoF,SAAUmB,IAExC1E,iBACb,OAGF7B,KAAKoF,SAAS5J,UAAUuH,OAnBF,QAqBtB,MAAM6C,EAAa5F,KAAKoF,SAAS5J,UAAUvW,SAtBrB,QAwBtB+a,KAAK2F,gBAAe,IAAM3F,KAAK2G,mBAAmB3G,KAAKoF,SAAUQ,EACnE,CAGAe,kBACE3G,KAAKoF,SAASrC,SAEdxC,GAAakB,QAAQzB,KAAKoF,SAAUoB,IACpCxG,KAAKuF,SACP,CAGAM,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAO2b,GAAMJ,oBAAoBrG,MAEvC,GAAsB,iBAAXqE,EAAX,CAIA,QAAqB7K,IAAjB1O,EAAKuZ,IAAyBA,EAAOlK,WAAW,MAAmB,gBAAXkK,EAC1D,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,GAAQrE,KANb,CAOF,GACF,EAQFgG,GAAqBS,GAAO,SAK5BpK,GAAmBoK,IAYnB,MAKMI,GAAyB,4BAM/B,MAAMC,WAAe5B,GAERzI,kBACT,MAdW,QAeb,CAGAsK,SAEE/G,KAAKoF,SAASvjB,aAAa,eAAgBme,KAAKoF,SAAS5J,UAAUuL,OAhB3C,UAiB1B,CAGAlB,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOgc,GAAOT,oBAAoBrG,MAEzB,WAAXqE,GACFvZ,EAAKuZ,IAET,GACF,EAQF9D,GAAaY,GAAGrb,SAlCe,2BAkCmB+gB,IAAwBzH,IACxEA,EAAM+C,iBACN,MAAM6E,EAAS5H,EAAMpS,OAAOmO,QAAQ0L,IACvBC,GAAOT,oBAAoBW,GACnCD,QAAQ,IAMf1K,GAAmByK,IAYnB,MAAMG,GAAiB,CACrBrU,KAAI,CAACmH,EAAU/Z,EAAU8F,SAASC,kBACzB,GAAG3G,UAAUsB,QAAQ3C,UAAUqiB,iBAAiBniB,KAAK+B,EAAS+Z,IAGvEmN,QAAO,CAACnN,EAAU/Z,EAAU8F,SAASC,kBAC5BrF,QAAQ3C,UAAU8K,cAAc5K,KAAK+B,EAAS+Z,GAGvDoN,SAAQ,CAACnnB,EAAS+Z,IACT,GAAG3a,UAAUY,EAAQmnB,UAAUvgB,QAAOzB,GAASA,EAAMiiB,QAAQrN,KAGtEsN,QAAQrnB,EAAS+Z,GACf,MAAMsN,EAAU,GAChB,IAAIC,EAAWtnB,EAAQwF,WAAW2V,QAAQpB,GAE1C,KAAOuN,GACLD,EAAQhV,KAAKiV,GACbA,EAAWA,EAAS9hB,WAAW2V,QAAQpB,GAGzC,OAAOsN,CACT,EAEAE,KAAKvnB,EAAS+Z,GACZ,IAAIyN,EAAWxnB,EAAQynB,uBAEvB,KAAOD,GAAU,CACf,GAAIA,EAASJ,QAAQrN,GACnB,MAAO,CAACyN,GAGVA,EAAWA,EAASC,sBACtB,CAEA,MAAO,EACT,EAGAniB,KAAKtF,EAAS+Z,GACZ,IAAIzU,EAAOtF,EAAQ0nB,mBAEnB,KAAOpiB,GAAM,CACX,GAAIA,EAAK8hB,QAAQrN,GACf,MAAO,CAACzU,GAGVA,EAAOA,EAAKoiB,kBACd,CAEA,MAAO,EACT,EAEAC,kBAAkB3nB,GAChB,MAAM4nB,EAAa,CAAC,IAAK,SAAU,QAAS,WAAY,SAAU,UAAW,aAAc,4BAA4BrkB,KAAIwW,GAAY,GAAGA,2BAAiCpW,KAAK,KAChL,OAAOqc,KAAKpN,KAAKgV,EAAY5nB,GAAS4G,QAAOihB,IAAOxM,GAAWwM,IAAO/M,GAAU+M,IAClF,GAeIC,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,mBAMjB,MAAME,WAAczE,GAClBU,YAAY1kB,EAASqkB,GACnBc,QACAnF,KAAKoF,SAAWplB,EAEXA,GAAYyoB,GAAMC,gBAIvB1I,KAAKqF,QAAUrF,KAAKoE,WAAWC,GAC/BrE,KAAK2I,QAAU,EACf3I,KAAK4I,sBAAwB9H,QAAQzgB,OAAOwoB,cAE5C7I,KAAK8I,cACP,CAGW7E,qBACT,OAAOmE,EACT,CAEWlE,yBACT,OAAOsE,EACT,CAEW/L,kBACT,MAnDW,OAoDb,CAGA8I,UACEhF,GAAaC,IAAIR,KAAKoF,SAAU0C,GAClC,CAGAiB,OAAO3J,GACAY,KAAK4I,sBAKN5I,KAAKgJ,wBAAwB5J,KAC/BY,KAAK2I,QAAUvJ,EAAM6J,SALrBjJ,KAAK2I,QAAUvJ,EAAM8J,QAAQ,GAAGD,OAOpC,CAEAE,KAAK/J,GACCY,KAAKgJ,wBAAwB5J,KAC/BY,KAAK2I,QAAUvJ,EAAM6J,QAAUjJ,KAAK2I,SAGtC3I,KAAKoJ,eAELrM,GAAQiD,KAAKqF,QAAQgD,YACvB,CAEAgB,MAAMjK,GACJY,KAAK2I,QAAUvJ,EAAM8J,SAAW9J,EAAM8J,QAAQ/X,OAAS,EAAI,EAAIiO,EAAM8J,QAAQ,GAAGD,QAAUjJ,KAAK2I,OACjG,CAEAS,eACE,MAAME,EAAY1mB,KAAKoC,IAAIgb,KAAK2I,SAEhC,GAAIW,GA9EgB,GA+ElB,OAGF,MAAMvb,EAAYub,EAAYtJ,KAAK2I,QACnC3I,KAAK2I,QAAU,EAEV5a,GAILgP,GAAQhP,EAAY,EAAIiS,KAAKqF,QAAQkD,cAAgBvI,KAAKqF,QAAQiD,aACpE,CAEAQ,cACM9I,KAAK4I,uBACPrI,GAAaY,GAAGnB,KAAKoF,SAAU8C,IAAmB9I,GAASY,KAAK+I,OAAO3J,KACvEmB,GAAaY,GAAGnB,KAAKoF,SAAU+C,IAAiB/I,GAASY,KAAKmJ,KAAK/J,KAEnEY,KAAKoF,SAAS5J,UAAUtE,IAlGG,mBAoG3BqJ,GAAaY,GAAGnB,KAAKoF,SAAU2C,IAAkB3I,GAASY,KAAK+I,OAAO3J,KACtEmB,GAAaY,GAAGnB,KAAKoF,SAAU4C,IAAiB5I,GAASY,KAAKqJ,MAAMjK,KACpEmB,GAAaY,GAAGnB,KAAKoF,SAAU6C,IAAgB7I,GAASY,KAAKmJ,KAAK/J,KAEtE,CAEA4J,wBAAwB5J,GACtB,OAAOY,KAAK4I,wBA5GS,QA4GiBxJ,EAAMmK,aA7GrB,UA6GyDnK,EAAMmK,YACxF,CAGA1D,qBACE,MAAO,iBAAkB/f,SAASC,iBAAmB7C,UAAUsmB,eAAiB,CAClF,EAcF,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,WAMR,MAAME,WAAiBnG,GACrBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAKsL,UAAY,KACjBtL,KAAKuL,eAAiB,KACtBvL,KAAKwL,YAAa,EAClBxL,KAAKyL,aAAe,KACpBzL,KAAK0L,aAAe,KACpB1L,KAAK2L,mBAAqB1E,GAAeC,QApCjB,uBAoC8ClH,KAAKoF,UAE3EpF,KAAK4L,qBAED5L,KAAKqF,QAAQ4F,OAASV,IACxBvK,KAAK6L,OAET,CAGW5H,qBACT,OAAO4G,EACT,CAEW3G,yBACT,OAAOkH,EACT,CAEW3O,kBACT,MAtFW,UAuFb,CAGAnX,OACE0a,KAAK8L,OAAOnC,GACd,CAEAoC,mBAIOjmB,SAASkmB,QAAUlR,GAAUkF,KAAKoF,WACrCpF,KAAK1a,MAET,CAEAiiB,OACEvH,KAAK8L,OAAOlC,GACd,CAEAoB,QACMhL,KAAKwL,YACPjR,GAAqByF,KAAKoF,UAG5BpF,KAAKiM,gBACP,CAEAJ,QACE7L,KAAKiM,iBAELjM,KAAKkM,kBAELlM,KAAKsL,UAAYa,aAAY,IAAMnM,KAAK+L,mBAAmB/L,KAAKqF,QAAQyF,SAC1E,CAEAsB,oBACOpM,KAAKqF,QAAQ4F,OAIdjL,KAAKwL,WACPjL,GAAaa,IAAIpB,KAAKoF,SAAU4E,IAAY,IAAMhK,KAAK6L,UAIzD7L,KAAK6L,QACP,CAEAQ,GAAGnT,GACD,MAAMoT,EAAQtM,KAAKuM,YAEnB,GAAIrT,EAAQoT,EAAMnb,OAAS,GAAK+H,EAAQ,EACtC,OAGF,GAAI8G,KAAKwL,WAEP,YADAjL,GAAaa,IAAIpB,KAAKoF,SAAU4E,IAAY,IAAMhK,KAAKqM,GAAGnT,KAI5D,MAAMsT,EAAcxM,KAAKyM,cAAczM,KAAK0M,cAE5C,GAAIF,IAAgBtT,EAClB,OAGF,MAAMtC,EAAQsC,EAAQsT,EAAc7C,GAAaC,GAEjD5J,KAAK8L,OAAOlV,EAAO0V,EAAMpT,GAC3B,CAEAqM,UACMvF,KAAK0L,cACP1L,KAAK0L,aAAanG,UAGpBJ,MAAMI,SACR,CAGAhB,kBAAkBF,GAEhB,OADAA,EAAOsI,gBAAkBtI,EAAOyG,SACzBzG,CACT,CAEAuH,qBACM5L,KAAKqF,QAAQ0F,UACfxK,GAAaY,GAAGnB,KAAKoF,SAAU6E,IAAiB7K,GAASY,KAAK4M,SAASxN,KAG9C,UAAvBY,KAAKqF,QAAQ2F,QACfzK,GAAaY,GAAGnB,KAAKoF,SAAU8E,IAAoB,IAAMlK,KAAKgL,UAC9DzK,GAAaY,GAAGnB,KAAKoF,SAAU+E,IAAoB,IAAMnK,KAAKoM,uBAG5DpM,KAAKqF,QAAQ6F,OAASzC,GAAMC,eAC9B1I,KAAK6M,yBAET,CAEAA,0BACE,IAAK,MAAMC,KAAO7F,GAAerU,KA/JX,qBA+JmCoN,KAAKoF,UAC5D7E,GAAaY,GAAG2L,EAAK1C,IAAkBhL,GAASA,EAAM+C,mBAGxD,MAqBM4K,EAAc,CAClBzE,aAAc,IAAMtI,KAAK8L,OAAO9L,KAAKgN,kBAAkBnD,KACvDtB,cAAe,IAAMvI,KAAK8L,OAAO9L,KAAKgN,kBAAkBlD,KACxDzB,YAxBkB,KACS,UAAvBrI,KAAKqF,QAAQ2F,QAWjBhL,KAAKgL,QAEDhL,KAAKyL,cACPwB,aAAajN,KAAKyL,cAGpBzL,KAAKyL,aAAe5N,YAAW,IAAMmC,KAAKoM,qBA7MjB,IA6M+DpM,KAAKqF,QAAQyF,UAAS,GAQhH9K,KAAK0L,aAAe,IAAIjD,GAAMzI,KAAKoF,SAAU2H,EAC/C,CAEAH,SAASxN,GACP,GAAI,kBAAkBtb,KAAKsb,EAAMpS,OAAOoZ,SACtC,OAGF,MAAMrY,EAAY6c,GAAiBxL,EAAM7hB,KAErCwQ,IACFqR,EAAM+C,iBAENnC,KAAK8L,OAAO9L,KAAKgN,kBAAkBjf,IAEvC,CAEA0e,cAAczsB,GACZ,OAAOggB,KAAKuM,YAAY3mB,QAAQ5F,EAClC,CAEAktB,2BAA2BhU,GACzB,IAAK8G,KAAK2L,mBACR,OAGF,MAAMwB,EAAkBlG,GAAeC,QAAQuD,GAAiBzK,KAAK2L,oBACrEwB,EAAgB3R,UAAUuH,OAAOyH,IACjC2C,EAAgBvrB,gBAAgB,gBAChC,MAAMwrB,EAAqBnG,GAAeC,QAAQ,sBAAsBhO,MAAW8G,KAAK2L,oBAEpFyB,IACFA,EAAmB5R,UAAUtE,IAAIsT,IACjC4C,EAAmBvrB,aAAa,eAAgB,QAEpD,CAEAqqB,kBACE,MAAMlsB,EAAUggB,KAAKuL,gBAAkBvL,KAAK0M,aAE5C,IAAK1sB,EACH,OAGF,MAAMqtB,EAAkB9P,OAAO+P,SAASttB,EAAQga,aAAa,oBAAqB,IAClFgG,KAAKqF,QAAQyF,SAAWuC,GAAmBrN,KAAKqF,QAAQsH,eAC1D,CAEAb,OAAOlV,EAAO5W,EAAU,MACtB,GAAIggB,KAAKwL,WACP,OAGF,MAAMzN,EAAgBiC,KAAK0M,aAErBa,EAAS3W,IAAU+S,GACnB6D,EAAcxtB,GAAW8d,GAAqBkC,KAAKuM,YAAaxO,EAAewP,EAAQvN,KAAKqF,QAAQ8F,MAE1G,GAAIqC,IAAgBzP,EAClB,OAGF,MAAM0P,EAAmBzN,KAAKyM,cAAce,GAEtCE,EAAeC,GACZpN,GAAakB,QAAQzB,KAAKoF,SAAUuI,EAAW,CACpD7N,cAAe0N,EACfzf,UAAWiS,KAAK4N,kBAAkBhX,GAClCkM,KAAM9C,KAAKyM,cAAc1O,GACzBsO,GAAIoB,IAMR,GAFmBC,EAAa3D,IAEjBlI,iBACb,OAGF,IAAK9D,IAAkByP,EAGrB,OAGF,MAAMK,EAAY/M,QAAQd,KAAKsL,WAC/BtL,KAAKgL,QACLhL,KAAKwL,YAAa,EAElBxL,KAAKkN,2BAA2BO,GAEhCzN,KAAKuL,eAAiBiC,EACtB,MAAMM,EAAuBP,EA/RR,sBADF,oBAiSbQ,EAAiBR,EA/RH,qBACA,qBA+RpBC,EAAYhS,UAAUtE,IAAI6W,GAC1BhS,GAAOyR,GACPzP,EAAcvC,UAAUtE,IAAI4W,GAC5BN,EAAYhS,UAAUtE,IAAI4W,GAU1B9N,KAAK2F,gBARoB,KACvB6H,EAAYhS,UAAUuH,OAAO+K,EAAsBC,GACnDP,EAAYhS,UAAUtE,IAAIsT,IAC1BzM,EAAcvC,UAAUuH,OAAOyH,GAAqBuD,EAAgBD,GACpE9N,KAAKwL,YAAa,EAClBkC,EAAa1D,GAAW,GAGYjM,EAAeiC,KAAKgO,eAEtDH,GACF7N,KAAK6L,OAET,CAEAmC,cACE,OAAOhO,KAAKoF,SAAS5J,UAAUvW,SAxTV,QAyTvB,CAEAynB,aACE,OAAOzF,GAAeC,QAAQyD,GAAsB3K,KAAKoF,SAC3D,CAEAmH,YACE,OAAOtF,GAAerU,KAAK8X,GAAe1K,KAAKoF,SACjD,CAEA6G,iBACMjM,KAAKsL,YACP2C,cAAcjO,KAAKsL,WACnBtL,KAAKsL,UAAY,KAErB,CAEA0B,kBAAkBjf,GAChB,OAAIoO,KACKpO,IAAc8b,GAAiBD,GAAaD,GAG9C5b,IAAc8b,GAAiBF,GAAaC,EACrD,CAEAgE,kBAAkBhX,GAChB,OAAIuF,KACKvF,IAAUgT,GAAaC,GAAiBC,GAG1ClT,IAAUgT,GAAaE,GAAkBD,EAClD,CAGAhE,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOugB,GAAShF,oBAAoBrG,KAAMqE,GAEhD,GAAsB,iBAAXA,GAKX,GAAsB,iBAAXA,EAAqB,CAC9B,QAAqB7K,IAAjB1O,EAAKuZ,IAAyBA,EAAOlK,WAAW,MAAmB,gBAAXkK,EAC1D,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IACP,OAVEvZ,EAAKuhB,GAAGhI,EAWZ,GACF,EAQF9D,GAAaY,GAAGrb,SAAUwkB,GA1WE,uCA0W2C,SAAUlL,GAC/E,MAAMpS,EAASsN,GAAuB0F,MAEtC,IAAKhT,IAAWA,EAAOwO,UAAUvW,SAASslB,IACxC,OAGFnL,EAAM+C,iBACN,MAAM+L,EAAW7C,GAAShF,oBAAoBrZ,GACxCmhB,EAAanO,KAAKhG,aAAa,oBAErC,OAAImU,GACFD,EAAS7B,GAAG8B,QAEZD,EAAS9B,qBAKyC,SAAhD7I,GAAYQ,iBAAiB/D,KAAM,UACrCkO,EAAS5oB,YAET4oB,EAAS9B,sBAKX8B,EAAS3G,YAET2G,EAAS9B,oBACX,IACA7L,GAAaY,GAAG9gB,OAAQgqB,IAAuB,KAC7C,MAAM+D,EAAYnH,GAAerU,KAzYR,6BA2YzB,IAAK,MAAMsb,KAAYE,EACrB/C,GAAShF,oBAAoB6H,EAC/B,IAMF7R,GAAmBgP,IAYnB,MAEMgD,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,CAChB9pB,OAAQ,KACR6hB,QAAQ,GAEJkI,GAAgB,CACpB/pB,OAAQ,iBACR6hB,OAAQ,WAMV,MAAMmI,WAAiBhK,GACrBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAKmP,kBAAmB,EACxBnP,KAAKoP,cAAgB,GACrB,MAAMC,EAAapI,GAAerU,KAAKmc,IAEvC,IAAK,MAAMO,KAAQD,EAAY,CAC7B,MAAMtV,EAAWM,GAAuBiV,GAClCC,EAAgBtI,GAAerU,KAAKmH,GAAUnT,QAAO4oB,GAAgBA,IAAiBxP,KAAKoF,WAEhF,OAAbrL,GAAqBwV,EAAcpe,QACrC6O,KAAKoP,cAAc/c,KAAKid,EAE5B,CAEAtP,KAAKyP,sBAEAzP,KAAKqF,QAAQngB,QAChB8a,KAAK0P,0BAA0B1P,KAAKoP,cAAepP,KAAK2P,YAGtD3P,KAAKqF,QAAQ0B,QACf/G,KAAK+G,QAET,CAGW9C,qBACT,OAAO+K,EACT,CAEW9K,yBACT,OAAO+K,EACT,CAEWxS,kBACT,MApEW,UAqEb,CAGAsK,SACM/G,KAAK2P,WACP3P,KAAK4P,OAEL5P,KAAK6P,MAET,CAEAA,OACE,GAAI7P,KAAKmP,kBAAoBnP,KAAK2P,WAChC,OAGF,IAAIG,EAAiB,GAQrB,GANI9P,KAAKqF,QAAQngB,SACf4qB,EAAiB9P,KAAK+P,uBAvEH,wCAuE4CnpB,QAAO5G,GAAWA,IAAYggB,KAAKoF,WAAU7hB,KAAIvD,GAAWkvB,GAAS7I,oBAAoBrmB,EAAS,CAC/J+mB,QAAQ,OAIR+I,EAAe3e,QAAU2e,EAAe,GAAGX,iBAC7C,OAKF,GAFmB5O,GAAakB,QAAQzB,KAAKoF,SAAUkJ,IAExCzM,iBACb,OAGF,IAAK,MAAMmO,KAAkBF,EAC3BE,EAAeJ,OAGjB,MAAMK,EAAYjQ,KAAKkQ,gBAEvBlQ,KAAKoF,SAAS5J,UAAUuH,OAAO6L,IAE/B5O,KAAKoF,SAAS5J,UAAUtE,IAAI2X,IAE5B7O,KAAKoF,SAAS5jB,MAAMyuB,GAAa,EAEjCjQ,KAAK0P,0BAA0B1P,KAAKoP,eAAe,GAEnDpP,KAAKmP,kBAAmB,EAExB,MAYMgB,EAAa,SADUF,EAAU,GAAGhL,cAAgBgL,EAAUpd,MAAM,KAG1EmN,KAAK2F,gBAdY,KACf3F,KAAKmP,kBAAmB,EAExBnP,KAAKoF,SAAS5J,UAAUuH,OAAO8L,IAE/B7O,KAAKoF,SAAS5J,UAAUtE,IAAI0X,GAAqBD,IAEjD3O,KAAKoF,SAAS5jB,MAAMyuB,GAAa,GACjC1P,GAAakB,QAAQzB,KAAKoF,SAAUmJ,GAAc,GAMtBvO,KAAKoF,UAAU,GAE7CpF,KAAKoF,SAAS5jB,MAAMyuB,GAAa,GAAGjQ,KAAKoF,SAAS+K,MACpD,CAEAP,OACE,GAAI5P,KAAKmP,mBAAqBnP,KAAK2P,WACjC,OAKF,GAFmBpP,GAAakB,QAAQzB,KAAKoF,SAAUoJ,IAExC3M,iBACb,OAGF,MAAMoO,EAAYjQ,KAAKkQ,gBAEvBlQ,KAAKoF,SAAS5jB,MAAMyuB,GAAa,GAAGjQ,KAAKoF,SAASrhB,wBAAwBksB,OAC1ElU,GAAOiE,KAAKoF,UAEZpF,KAAKoF,SAAS5J,UAAUtE,IAAI2X,IAE5B7O,KAAKoF,SAAS5J,UAAUuH,OAAO6L,GAAqBD,IAEpD,IAAK,MAAMlN,KAAWzB,KAAKoP,cAAe,CACxC,MAAMpvB,EAAUsa,GAAuBmH,GAEnCzhB,IAAYggB,KAAK2P,SAAS3vB,IAC5BggB,KAAK0P,0BAA0B,CAACjO,IAAU,EAE9C,CAEAzB,KAAKmP,kBAAmB,EAYxBnP,KAAKoF,SAAS5jB,MAAMyuB,GAAa,GAEjCjQ,KAAK2F,gBAZY,KACf3F,KAAKmP,kBAAmB,EAExBnP,KAAKoF,SAAS5J,UAAUuH,OAAO8L,IAE/B7O,KAAKoF,SAAS5J,UAAUtE,IAAI0X,IAE5BrO,GAAakB,QAAQzB,KAAKoF,SAAUqJ,GAAe,GAKvBzO,KAAKoF,UAAU,EAC/C,CAEAuK,SAAS3vB,EAAUggB,KAAKoF,UACtB,OAAOplB,EAAQwb,UAAUvW,SAAS0pB,GACpC,CAGApK,kBAAkBF,GAIhB,OAHAA,EAAO0C,OAASjG,QAAQuD,EAAO0C,QAE/B1C,EAAOnf,OAAS2V,GAAWwJ,EAAOnf,QAC3Bmf,CACT,CAEA6L,gBACE,OAAOlQ,KAAKoF,SAAS5J,UAAUvW,SAtLL,uBAChB,QACC,QAqLb,CAEAwqB,sBACE,IAAKzP,KAAKqF,QAAQngB,OAChB,OAGF,MAAMiiB,EAAWnH,KAAK+P,uBAAuBhB,IAE7C,IAAK,MAAM/uB,KAAWmnB,EAAU,CAC9B,MAAMiJ,EAAW9V,GAAuBta,GAEpCowB,GACFpQ,KAAK0P,0BAA0B,CAAC1vB,GAAUggB,KAAK2P,SAASS,GAE5D,CACF,CAEAL,uBAAuBhW,GACrB,MAAMoN,EAAWF,GAAerU,KAAKkc,GAA4B9O,KAAKqF,QAAQngB,QAE9E,OAAO+hB,GAAerU,KAAKmH,EAAUiG,KAAKqF,QAAQngB,QAAQ0B,QAAO5G,IAAYmnB,EAASjN,SAASla,IACjG,CAEA0vB,0BAA0BW,EAAcC,GACtC,GAAKD,EAAalf,OAIlB,IAAK,MAAMnR,KAAWqwB,EACpBrwB,EAAQwb,UAAUuL,OAvNK,aAuNyBuJ,GAChDtwB,EAAQ6B,aAAa,gBAAiByuB,EAE1C,CAGAzK,uBAAuBxB,GACrB,MAAMgB,EAAU,CAAC,EAMjB,MAJsB,iBAAXhB,GAAuB,YAAYvgB,KAAKugB,KACjDgB,EAAQ0B,QAAS,GAGZ/G,KAAK4G,MAAK,WACf,MAAM9b,EAAOokB,GAAS7I,oBAAoBrG,KAAMqF,GAEhD,GAAsB,iBAAXhB,EAAqB,CAC9B,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IACP,CACF,GACF,EAQF9D,GAAaY,GAAGrb,SAAU4oB,GAAwBK,IAAwB,SAAU3P,IAErD,MAAzBA,EAAMpS,OAAOoZ,SAAmBhH,EAAMW,gBAAmD,MAAjCX,EAAMW,eAAeqG,UAC/EhH,EAAM+C,iBAGR,MAAMpI,EAAWM,GAAuB2F,MAClCuQ,EAAmBtJ,GAAerU,KAAKmH,GAE7C,IAAK,MAAM/Z,KAAWuwB,EACpBrB,GAAS7I,oBAAoBrmB,EAAS,CACpC+mB,QAAQ,IACPA,QAEP,IAKA1K,GAAmB6S,IAYnB,MAAMsB,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,GAAgBrV,KAAU,UAAY,YACtCsV,GAAmBtV,KAAU,YAAc,UAC3CuV,GAAmBvV,KAAU,aAAe,eAC5CwV,GAAsBxV,KAAU,eAAiB,aACjDyV,GAAkBzV,KAAU,aAAe,cAC3C0V,GAAiB1V,KAAU,cAAgB,aAG3C2V,GAAY,CAChBC,WAAW,EACXrjB,SAAU,kBACVsjB,QAAS,UACTvpB,OAAQ,CAAC,EAAG,GACZwpB,aAAc,KACdlzB,UAAW,UAEPmzB,GAAgB,CACpBH,UAAW,mBACXrjB,SAAU,mBACVsjB,QAAS,SACTvpB,OAAQ,0BACRwpB,aAAc,yBACdlzB,UAAW,2BAMb,MAAMozB,WAAiBjN,GACrBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAKoS,QAAU,KACfpS,KAAKqS,QAAUrS,KAAKoF,SAAS5f,WAG7Bwa,KAAKsS,MAAQrL,GAAe3hB,KAAK0a,KAAKoF,SAAUmM,IAAe,IAAMtK,GAAeM,KAAKvH,KAAKoF,SAAUmM,IAAe,IAAMtK,GAAeC,QAAQqK,GAAevR,KAAKqS,SACxKrS,KAAKuS,UAAYvS,KAAKwS,eACxB,CAGWvO,qBACT,OAAO6N,EACT,CAEW5N,yBACT,OAAOgO,EACT,CAEWzV,kBACT,OAAO+T,EACT,CAGAzJ,SACE,OAAO/G,KAAK2P,WAAa3P,KAAK4P,OAAS5P,KAAK6P,MAC9C,CAEAA,OACE,GAAIxU,GAAW2E,KAAKoF,WAAapF,KAAK2P,WACpC,OAGF,MAAM7P,EAAgB,CACpBA,cAAeE,KAAKoF,UAItB,IAFkB7E,GAAakB,QAAQzB,KAAKoF,SAAU2L,GAAcjR,GAEtD+B,iBAAd,CAUA,GANA7B,KAAKyS,gBAMD,iBAAkB3sB,SAASC,kBAAoBia,KAAKqS,QAAQlX,QA/ExC,eAgFtB,IAAK,MAAMnb,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAKwa,UAC/C5G,GAAaY,GAAGnhB,EAAS,YAAa8b,IAI1CkE,KAAKoF,SAASsN,QAEd1S,KAAKoF,SAASvjB,aAAa,iBAAiB,GAE5Cme,KAAKsS,MAAM9W,UAAUtE,IAAIka,IAEzBpR,KAAKoF,SAAS5J,UAAUtE,IAAIka,IAE5B7Q,GAAakB,QAAQzB,KAAKoF,SAAU4L,GAAelR,EAtBnD,CAuBF,CAEA8P,OACE,GAAIvU,GAAW2E,KAAKoF,YAAcpF,KAAK2P,WACrC,OAGF,MAAM7P,EAAgB,CACpBA,cAAeE,KAAKoF,UAGtBpF,KAAK2S,cAAc7S,EACrB,CAEAyF,UACMvF,KAAKoS,SACPpS,KAAKoS,QAAQ3Y,UAGf0L,MAAMI,SACR,CAEA/Z,SACEwU,KAAKuS,UAAYvS,KAAKwS,gBAElBxS,KAAKoS,SACPpS,KAAKoS,QAAQ5mB,QAEjB,CAGAmnB,cAAc7S,GAGZ,IAFkBS,GAAakB,QAAQzB,KAAKoF,SAAUyL,GAAc/Q,GAEtD+B,iBAAd,CAMA,GAAI,iBAAkB/b,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAKwa,UAC/C5G,GAAaC,IAAIxgB,EAAS,YAAa8b,IAIvCkE,KAAKoS,SACPpS,KAAKoS,QAAQ3Y,UAGfuG,KAAKsS,MAAM9W,UAAUuH,OAAOqO,IAE5BpR,KAAKoF,SAAS5J,UAAUuH,OAAOqO,IAE/BpR,KAAKoF,SAASvjB,aAAa,gBAAiB,SAE5C0hB,GAAYE,oBAAoBzD,KAAKsS,MAAO,UAC5C/R,GAAakB,QAAQzB,KAAKoF,SAAU0L,GAAgBhR,EArBpD,CAsBF,CAEAsE,WAAWC,GAGT,GAAgC,iBAFhCA,EAASc,MAAMf,WAAWC,IAERtlB,YAA2B,GAAUslB,EAAOtlB,YAAgE,mBAA3CslB,EAAOtlB,UAAUgF,sBAElG,MAAM,IAAIihB,UAAU,GAAGwL,GAAOvL,+GAGhC,OAAOZ,CACT,CAEAoO,gBACE,QAAsB,IAAX,EACT,MAAM,IAAIzN,UAAU,gEAGtB,IAAI4N,EAAmB5S,KAAKoF,SAEG,WAA3BpF,KAAKqF,QAAQtmB,UACf6zB,EAAmB5S,KAAKqS,QACf,GAAUrS,KAAKqF,QAAQtmB,WAChC6zB,EAAmB/X,GAAWmF,KAAKqF,QAAQtmB,WACA,iBAA3BihB,KAAKqF,QAAQtmB,YAC7B6zB,EAAmB5S,KAAKqF,QAAQtmB,WAGlC,MAAMkzB,EAAejS,KAAK6S,mBAE1B7S,KAAKoS,QAAU,GAAoBQ,EAAkB5S,KAAKsS,MAAOL,EACnE,CAEAtC,WACE,OAAO3P,KAAKsS,MAAM9W,UAAUvW,SAASmsB,GACvC,CAEA0B,gBACE,MAAMC,EAAiB/S,KAAKqS,QAE5B,GAAIU,EAAevX,UAAUvW,SAxMN,WAyMrB,OAAO2sB,GAGT,GAAImB,EAAevX,UAAUvW,SA3MJ,aA4MvB,OAAO4sB,GAGT,GAAIkB,EAAevX,UAAUvW,SA9MA,iBA+M3B,MAjMsB,MAoMxB,GAAI8tB,EAAevX,UAAUvW,SAjNE,mBAkN7B,MApMyB,SAwM3B,MAAM+tB,EAAkF,QAA1EttB,iBAAiBsa,KAAKsS,OAAOrX,iBAAiB,iBAAiBb,OAE7E,OAAI2Y,EAAevX,UAAUvW,SA5NP,UA6Nb+tB,EAAQvB,GAAmBD,GAG7BwB,EAAQrB,GAAsBD,EACvC,CAEAc,gBACE,OAAkD,OAA3CxS,KAAKoF,SAASjK,QA5ND,UA6NtB,CAEA8X,aACE,MAAM,OACJxqB,GACEuX,KAAKqF,QAET,MAAsB,iBAAX5c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAASmf,OAAO+P,SAASlvB,EAAO,MAGzC,mBAAXqK,EACFyqB,GAAczqB,EAAOyqB,EAAYlT,KAAKoF,UAGxC3c,CACT,CAEAoqB,mBACE,MAAMM,EAAwB,CAC5Bh0B,UAAW6gB,KAAK8S,gBAChBjc,UAAW,CAAC,CACV9V,KAAM,kBACNmB,QAAS,CACPwM,SAAUsR,KAAKqF,QAAQ3W,WAExB,CACD3N,KAAM,SACNmB,QAAS,CACPuG,OAAQuX,KAAKiT,iBAcnB,OATIjT,KAAKuS,WAAsC,WAAzBvS,KAAKqF,QAAQ2M,WACjCzO,GAAYC,iBAAiBxD,KAAKsS,MAAO,SAAU,UAEnDa,EAAsBtc,UAAY,CAAC,CACjC9V,KAAM,cACNC,SAAS,KAIN,IAAKmyB,KAC+B,mBAA9BnT,KAAKqF,QAAQ4M,aAA8BjS,KAAKqF,QAAQ4M,aAAakB,GAAyBnT,KAAKqF,QAAQ4M,aAE1H,CAEAmB,iBAAgB,IACd71B,EAAG,OACHyP,IAEA,MAAMsf,EAAQrF,GAAerU,KA/QF,8DA+Q+BoN,KAAKsS,OAAO1rB,QAAO5G,GAAW8a,GAAU9a,KAE7FssB,EAAMnb,QAMX2M,GAAqBwO,EAAOtf,EAAQzP,IAAQqzB,IAAmBtE,EAAMpS,SAASlN,IAAS0lB,OACzF,CAGA7M,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOqnB,GAAS9L,oBAAoBrG,KAAMqE,GAEhD,GAAsB,iBAAXA,EAAX,CAIA,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IANL,CAOF,GACF,CAEAwB,kBAAkBzG,GAChB,GAhUuB,IAgUnBA,EAAM4H,QAAgD,UAAf5H,EAAMqB,MAnUnC,QAmUuDrB,EAAM7hB,IACzE,OAGF,MAAM81B,EAAcpM,GAAerU,KAAK0e,IAExC,IAAK,MAAMvK,KAAUsM,EAAa,CAChC,MAAMC,EAAUnB,GAASrM,YAAYiB,GAErC,IAAKuM,IAAyC,IAA9BA,EAAQjO,QAAQ0M,UAC9B,SAGF,MAAMwB,EAAenU,EAAMmU,eACrBC,EAAeD,EAAarZ,SAASoZ,EAAQhB,OAEnD,GAAIiB,EAAarZ,SAASoZ,EAAQlO,WAA2C,WAA9BkO,EAAQjO,QAAQ0M,YAA2ByB,GAA8C,YAA9BF,EAAQjO,QAAQ0M,WAA2ByB,EACnJ,SAIF,GAAIF,EAAQhB,MAAMrtB,SAASma,EAAMpS,UAA2B,UAAfoS,EAAMqB,MAxVvC,QAwV2DrB,EAAM7hB,KAAqB,qCAAqCuG,KAAKsb,EAAMpS,OAAOoZ,UACvJ,SAGF,MAAMtG,EAAgB,CACpBA,cAAewT,EAAQlO,UAGN,UAAfhG,EAAMqB,OACRX,EAAcqG,WAAa/G,GAG7BkU,EAAQX,cAAc7S,EACxB,CACF,CAEA+F,6BAA6BzG,GAG3B,MAAMqU,EAAU,kBAAkB3vB,KAAKsb,EAAMpS,OAAOoZ,SAC9CsN,EA7WW,WA6WKtU,EAAM7hB,IACtBo2B,EAAkB,CAAChD,GAAgBC,IAAkB1W,SAASkF,EAAM7hB,KAE1E,IAAKo2B,IAAoBD,EACvB,OAGF,GAAID,IAAYC,EACd,OAGFtU,EAAM+C,iBAEN,MAAMyR,EAAkB5T,KAAKoH,QAAQiK,IAA0BrR,KAAOiH,GAAeM,KAAKvH,KAAMqR,IAAwB,IAAMpK,GAAe3hB,KAAK0a,KAAMqR,IAAwB,IAAMpK,GAAeC,QAAQmK,GAAwBjS,EAAMW,eAAeva,YACpPwF,EAAWmnB,GAAS9L,oBAAoBuN,GAE9C,GAAID,EAMF,OALAvU,EAAMyU,kBACN7oB,EAAS6kB,YAET7kB,EAASooB,gBAAgBhU,GAKvBpU,EAAS2kB,aAEXvQ,EAAMyU,kBACN7oB,EAAS4kB,OACTgE,EAAgBlB,QAEpB,EAQFnS,GAAaY,GAAGrb,SAAUorB,GAAwBG,GAAwBc,GAAS2B,uBACnFvT,GAAaY,GAAGrb,SAAUorB,GAAwBK,GAAeY,GAAS2B,uBAC1EvT,GAAaY,GAAGrb,SAAUmrB,GAAwBkB,GAAS4B,YAC3DxT,GAAaY,GAAGrb,SAAUqrB,GAAsBgB,GAAS4B,YACzDxT,GAAaY,GAAGrb,SAAUmrB,GAAwBI,IAAwB,SAAUjS,GAClFA,EAAM+C,iBACNgQ,GAAS9L,oBAAoBrG,MAAM+G,QACrC,IAKA1K,GAAmB8V,IAYnB,MAAM6B,GAAyB,oDACzBC,GAA0B,cAC1BC,GAAmB,gBACnBC,GAAkB,eAKxB,MAAMC,GACJ1P,cACE1E,KAAKoF,SAAWtf,SAAS6G,IAC3B,CAGA0nB,WAEE,MAAMC,EAAgBxuB,SAASC,gBAAgBuC,YAC/C,OAAO1F,KAAKoC,IAAI3E,OAAOk0B,WAAaD,EACtC,CAEA1E,OACE,MAAMtrB,EAAQ0b,KAAKqU,WAEnBrU,KAAKwU,mBAGLxU,KAAKyU,sBAAsBzU,KAAKoF,SAAU8O,IAAkBQ,GAAmBA,EAAkBpwB,IAGjG0b,KAAKyU,sBAAsBT,GAAwBE,IAAkBQ,GAAmBA,EAAkBpwB,IAE1G0b,KAAKyU,sBAAsBR,GAAyBE,IAAiBO,GAAmBA,EAAkBpwB,GAC5G,CAEAwO,QACEkN,KAAK2U,wBAAwB3U,KAAKoF,SAAU,YAE5CpF,KAAK2U,wBAAwB3U,KAAKoF,SAAU8O,IAE5ClU,KAAK2U,wBAAwBX,GAAwBE,IAErDlU,KAAK2U,wBAAwBV,GAAyBE,GACxD,CAEAS,gBACE,OAAO5U,KAAKqU,WAAa,CAC3B,CAGAG,mBACExU,KAAK6U,sBAAsB7U,KAAKoF,SAAU,YAE1CpF,KAAKoF,SAAS5jB,MAAM+K,SAAW,QACjC,CAEAkoB,sBAAsB1a,EAAU+a,EAAevY,GAC7C,MAAMwY,EAAiB/U,KAAKqU,WAa5BrU,KAAKgV,2BAA2Bjb,GAXH/Z,IAC3B,GAAIA,IAAYggB,KAAKoF,UAAY/kB,OAAOk0B,WAAav0B,EAAQsI,YAAcysB,EACzE,OAGF/U,KAAK6U,sBAAsB70B,EAAS80B,GAEpC,MAAMJ,EAAkBr0B,OAAOqF,iBAAiB1F,GAASib,iBAAiB6Z,GAC1E90B,EAAQwB,MAAMyzB,YAAYH,EAAe,GAAGvY,EAASgB,OAAOC,WAAWkX,QAAsB,GAIjG,CAEAG,sBAAsB70B,EAAS80B,GAC7B,MAAMI,EAAcl1B,EAAQwB,MAAMyZ,iBAAiB6Z,GAE/CI,GACF3R,GAAYC,iBAAiBxjB,EAAS80B,EAAeI,EAEzD,CAEAP,wBAAwB5a,EAAU+a,GAahC9U,KAAKgV,2BAA2Bjb,GAZH/Z,IAC3B,MAAM5B,EAAQmlB,GAAYQ,iBAAiB/jB,EAAS80B,GAEtC,OAAV12B,GAKJmlB,GAAYE,oBAAoBzjB,EAAS80B,GACzC90B,EAAQwB,MAAMyzB,YAAYH,EAAe12B,IALvC4B,EAAQwB,MAAM2zB,eAAeL,EAKgB,GAInD,CAEAE,2BAA2Bjb,EAAUqb,GACnC,GAAI,GAAUrb,GACZqb,EAASrb,QAIX,IAAK,MAAMsb,KAAOpO,GAAerU,KAAKmH,EAAUiG,KAAKoF,UACnDgQ,EAASC,EAEb,EAcF,MAAMC,GAAS,WAETC,GAAoB,OACpBC,GAAkB,gBAAgBF,KAClCG,GAAY,CAChBC,UAAW,iBACXC,cAAe,KACf/P,YAAY,EACZ9K,WAAW,EAEX8a,YAAa,QAGTC,GAAgB,CACpBH,UAAW,SACXC,cAAe,kBACf/P,WAAY,UACZ9K,UAAW,UACX8a,YAAa,oBAMf,MAAME,WAAiB9R,GACrBU,YAAYL,GACVc,QACAnF,KAAKqF,QAAUrF,KAAKoE,WAAWC,GAC/BrE,KAAK+V,aAAc,EACnB/V,KAAKoF,SAAW,IAClB,CAGWnB,qBACT,OAAOwR,EACT,CAEWvR,yBACT,OAAO2R,EACT,CAEWpZ,kBACT,OAAO6Y,EACT,CAGAzF,KAAKtT,GACH,IAAKyD,KAAKqF,QAAQvK,UAEhB,YADAiC,GAAQR,GAIVyD,KAAKgW,UAEL,MAAMh2B,EAAUggB,KAAKiW,cAEjBjW,KAAKqF,QAAQO,YACf7J,GAAO/b,GAGTA,EAAQwb,UAAUtE,IAAIqe,IAEtBvV,KAAKkW,mBAAkB,KACrBnZ,GAAQR,EAAS,GAErB,CAEAqT,KAAKrT,GACEyD,KAAKqF,QAAQvK,WAKlBkF,KAAKiW,cAAcza,UAAUuH,OAAOwS,IAEpCvV,KAAKkW,mBAAkB,KACrBlW,KAAKuF,UACLxI,GAAQR,EAAS,KARjBQ,GAAQR,EAUZ,CAEAgJ,UACOvF,KAAK+V,cAIVxV,GAAaC,IAAIR,KAAKoF,SAAUoQ,IAEhCxV,KAAKoF,SAASrC,SAEd/C,KAAK+V,aAAc,EACrB,CAGAE,cACE,IAAKjW,KAAKoF,SAAU,CAClB,MAAM+Q,EAAWrwB,SAASswB,cAAc,OACxCD,EAAST,UAAY1V,KAAKqF,QAAQqQ,UAE9B1V,KAAKqF,QAAQO,YACfuQ,EAAS3a,UAAUtE,IAnGD,QAsGpB8I,KAAKoF,SAAW+Q,CAClB,CAEA,OAAOnW,KAAKoF,QACd,CAEAb,kBAAkBF,GAGhB,OADAA,EAAOuR,YAAc/a,GAAWwJ,EAAOuR,aAChCvR,CACT,CAEA2R,UACE,GAAIhW,KAAK+V,YACP,OAGF,MAAM/1B,EAAUggB,KAAKiW,cAErBjW,KAAKqF,QAAQuQ,YAAYS,OAAOr2B,GAEhCugB,GAAaY,GAAGnhB,EAASw1B,IAAiB,KACxCzY,GAAQiD,KAAKqF,QAAQsQ,cAAc,IAErC3V,KAAK+V,aAAc,CACrB,CAEAG,kBAAkB3Z,GAChBS,GAAuBT,EAAUyD,KAAKiW,cAAejW,KAAKqF,QAAQO,WACpE,EAcF,MAEM0Q,GAAc,gBACdC,GAAkB,UAAUD,KAC5BE,GAAoB,cAAcF,KAGlCG,GAAmB,WACnBC,GAAY,CAChBC,WAAW,EACXC,YAAa,MAGTC,GAAgB,CACpBF,UAAW,UACXC,YAAa,WAMf,MAAME,WAAkB9S,GACtBU,YAAYL,GACVc,QACAnF,KAAKqF,QAAUrF,KAAKoE,WAAWC,GAC/BrE,KAAK+W,WAAY,EACjB/W,KAAKgX,qBAAuB,IAC9B,CAGW/S,qBACT,OAAOyS,EACT,CAEWxS,yBACT,OAAO2S,EACT,CAEWpa,kBACT,MAvCW,WAwCb,CAGAwa,WACMjX,KAAK+W,YAIL/W,KAAKqF,QAAQsR,WACf3W,KAAKqF,QAAQuR,YAAYlE,QAG3BnS,GAAaC,IAAI1a,SAAUwwB,IAE3B/V,GAAaY,GAAGrb,SAAUywB,IAAiBnX,GAASY,KAAKkX,eAAe9X,KACxEmB,GAAaY,GAAGrb,SAAU0wB,IAAmBpX,GAASY,KAAKmX,eAAe/X,KAC1EY,KAAK+W,WAAY,EACnB,CAEAK,aACOpX,KAAK+W,YAIV/W,KAAK+W,WAAY,EACjBxW,GAAaC,IAAI1a,SAAUwwB,IAC7B,CAGAY,eAAe9X,GACb,MAAM,YACJwX,GACE5W,KAAKqF,QAET,GAAIjG,EAAMpS,SAAWlH,UAAYsZ,EAAMpS,SAAW4pB,GAAeA,EAAY3xB,SAASma,EAAMpS,QAC1F,OAGF,MAAM1L,EAAW2lB,GAAeU,kBAAkBiP,GAE1B,IAApBt1B,EAAS6P,OACXylB,EAAYlE,QACH1S,KAAKgX,uBAAyBP,GACvCn1B,EAASA,EAAS6P,OAAS,GAAGuhB,QAE9BpxB,EAAS,GAAGoxB,OAEhB,CAEAyE,eAAe/X,GApFD,QAqFRA,EAAM7hB,MAIVyiB,KAAKgX,qBAAuB5X,EAAMiY,SAAWZ,GAxFzB,UAyFtB,EAcF,MAEMa,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,CAChBjC,UAAU,EACVzD,OAAO,EACP3H,UAAU,GAENsN,GAAgB,CACpBlC,SAAU,mBACVzD,MAAO,UACP3H,SAAU,WAMZ,MAAMuN,WAAcpT,GAClBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAKuY,QAAUtR,GAAeC,QApBV,gBAoBmClH,KAAKoF,UAC5DpF,KAAKwY,UAAYxY,KAAKyY,sBACtBzY,KAAK0Y,WAAa1Y,KAAK2Y,uBACvB3Y,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EACxBnP,KAAK4Y,WAAa,IAAIxE,GAEtBpU,KAAK4L,oBACP,CAGW3H,qBACT,OAAOmU,EACT,CAEWlU,yBACT,OAAOmU,EACT,CAEW5b,kBACT,MA5DW,OA6Db,CAGAsK,OAAOjH,GACL,OAAOE,KAAK2P,SAAW3P,KAAK4P,OAAS5P,KAAK6P,KAAK/P,EACjD,CAEA+P,KAAK/P,GACCE,KAAK2P,UAAY3P,KAAKmP,kBAIR5O,GAAakB,QAAQzB,KAAKoF,SAAUsS,GAAc,CAClE5X,kBAGY+B,mBAId7B,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EAExBnP,KAAK4Y,WAAWhJ,OAEhB9pB,SAAS6G,KAAK6O,UAAUtE,IAAI+gB,IAE5BjY,KAAK6Y,gBAEL7Y,KAAKwY,UAAU3I,MAAK,IAAM7P,KAAK8Y,aAAahZ,KAC9C,CAEA8P,OACO5P,KAAK2P,WAAY3P,KAAKmP,mBAIT5O,GAAakB,QAAQzB,KAAKoF,SAAUmS,IAExC1V,mBAId7B,KAAK2P,UAAW,EAChB3P,KAAKmP,kBAAmB,EAExBnP,KAAK0Y,WAAWtB,aAEhBpX,KAAKoF,SAAS5J,UAAUuH,OAAOmV,IAE/BlY,KAAK2F,gBAAe,IAAM3F,KAAK+Y,cAAc/Y,KAAKoF,SAAUpF,KAAKgO,gBACnE,CAEAzI,UACE,IAAK,MAAMyT,IAAe,CAAC34B,OAAQ2f,KAAKuY,SACtChY,GAAaC,IAAIwY,EAAa1B,IAGhCtX,KAAKwY,UAAUjT,UAEfvF,KAAK0Y,WAAWtB,aAEhBjS,MAAMI,SACR,CAEA0T,eACEjZ,KAAK6Y,eACP,CAGAJ,sBACE,OAAO,IAAI3C,GAAS,CAClBhb,UAAWgG,QAAQd,KAAKqF,QAAQ8Q,UAEhCvQ,WAAY5F,KAAKgO,eAErB,CAEA2K,uBACE,OAAO,IAAI7B,GAAU,CACnBF,YAAa5W,KAAKoF,UAEtB,CAEA0T,aAAahZ,GAENha,SAAS6G,KAAK1H,SAAS+a,KAAKoF,WAC/Btf,SAAS6G,KAAK0pB,OAAOrW,KAAKoF,UAG5BpF,KAAKoF,SAAS5jB,MAAMwwB,QAAU,QAE9BhS,KAAKoF,SAASxjB,gBAAgB,eAE9Boe,KAAKoF,SAASvjB,aAAa,cAAc,GAEzCme,KAAKoF,SAASvjB,aAAa,OAAQ,UAEnCme,KAAKoF,SAASlZ,UAAY,EAC1B,MAAMgtB,EAAYjS,GAAeC,QA3IT,cA2IsClH,KAAKuY,SAE/DW,IACFA,EAAUhtB,UAAY,GAGxB6P,GAAOiE,KAAKoF,UAEZpF,KAAKoF,SAAS5J,UAAUtE,IAAIghB,IAa5BlY,KAAK2F,gBAXsB,KACrB3F,KAAKqF,QAAQqN,OACf1S,KAAK0Y,WAAWzB,WAGlBjX,KAAKmP,kBAAmB,EACxB5O,GAAakB,QAAQzB,KAAKoF,SAAUuS,GAAe,CACjD7X,iBACA,GAGoCE,KAAKuY,QAASvY,KAAKgO,cAC7D,CAEApC,qBACErL,GAAaY,GAAGnB,KAAKoF,SAAU2S,IAAyB3Y,IACtD,GAtLe,WAsLXA,EAAM7hB,IAIV,OAAIyiB,KAAKqF,QAAQ0F,UACf3L,EAAM+C,sBACNnC,KAAK4P,aAIP5P,KAAKmZ,4BAA4B,IAEnC5Y,GAAaY,GAAG9gB,OAAQu3B,IAAgB,KAClC5X,KAAK2P,WAAa3P,KAAKmP,kBACzBnP,KAAK6Y,eACP,IAEFtY,GAAaY,GAAGnB,KAAKoF,SAAU0S,IAAyB1Y,IAEtDmB,GAAaa,IAAIpB,KAAKoF,SAAUyS,IAAqBuB,IAC/CpZ,KAAKoF,WAAahG,EAAMpS,QAAUgT,KAAKoF,WAAagU,EAAOpsB,SAIjC,WAA1BgT,KAAKqF,QAAQ8Q,SAMbnW,KAAKqF,QAAQ8Q,UACfnW,KAAK4P,OANL5P,KAAKmZ,6BAOP,GACA,GAEN,CAEAJ,aACE/Y,KAAKoF,SAAS5jB,MAAMwwB,QAAU,OAE9BhS,KAAKoF,SAASvjB,aAAa,eAAe,GAE1Cme,KAAKoF,SAASxjB,gBAAgB,cAE9Boe,KAAKoF,SAASxjB,gBAAgB,QAE9Boe,KAAKmP,kBAAmB,EAExBnP,KAAKwY,UAAU5I,MAAK,KAClB9pB,SAAS6G,KAAK6O,UAAUuH,OAAOkV,IAE/BjY,KAAKqZ,oBAELrZ,KAAK4Y,WAAW9lB,QAEhByN,GAAakB,QAAQzB,KAAKoF,SAAUqS,GAAe,GAEvD,CAEAzJ,cACE,OAAOhO,KAAKoF,SAAS5J,UAAUvW,SAtOT,OAuOxB,CAEAk0B,6BAGE,GAFkB5Y,GAAakB,QAAQzB,KAAKoF,SAAUoS,IAExC3V,iBACZ,OAGF,MAAMyX,EAAqBtZ,KAAKoF,SAAStX,aAAehI,SAASC,gBAAgBsC,aAC3EkxB,EAAmBvZ,KAAKoF,SAAS5jB,MAAMiL,UAEpB,WAArB8sB,GAAiCvZ,KAAKoF,SAAS5J,UAAUvW,SAASkzB,MAIjEmB,IACHtZ,KAAKoF,SAAS5jB,MAAMiL,UAAY,UAGlCuT,KAAKoF,SAAS5J,UAAUtE,IAAIihB,IAE5BnY,KAAK2F,gBAAe,KAClB3F,KAAKoF,SAAS5J,UAAUuH,OAAOoV,IAE/BnY,KAAK2F,gBAAe,KAClB3F,KAAKoF,SAAS5jB,MAAMiL,UAAY8sB,CAAgB,GAC/CvZ,KAAKuY,QAAQ,GACfvY,KAAKuY,SAERvY,KAAKoF,SAASsN,QAChB,CAMAmG,gBACE,MAAMS,EAAqBtZ,KAAKoF,SAAStX,aAAehI,SAASC,gBAAgBsC,aAE3E0sB,EAAiB/U,KAAK4Y,WAAWvE,WAEjCmF,EAAoBzE,EAAiB,EAE3C,GAAIyE,IAAsBF,EAAoB,CAC5C,MAAM/2B,EAAW4Z,KAAU,cAAgB,eAC3C6D,KAAKoF,SAAS5jB,MAAMe,GAAY,GAAGwyB,KACrC,CAEA,IAAKyE,GAAqBF,EAAoB,CAC5C,MAAM/2B,EAAW4Z,KAAU,eAAiB,cAC5C6D,KAAKoF,SAAS5jB,MAAMe,GAAY,GAAGwyB,KACrC,CACF,CAEAsE,oBACErZ,KAAKoF,SAAS5jB,MAAMi4B,YAAc,GAClCzZ,KAAKoF,SAAS5jB,MAAMk4B,aAAe,EACrC,CAGA7T,uBAAuBxB,EAAQvE,GAC7B,OAAOE,KAAK4G,MAAK,WACf,MAAM9b,EAAOwtB,GAAMjS,oBAAoBrG,KAAMqE,GAE7C,GAAsB,iBAAXA,EAAX,CAIA,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,GAAQvE,EANb,CAOF,GACF,EAQFS,GAAaY,GAAGrb,SAAUkyB,GApTK,4BAoT2C,SAAU5Y,GAClF,MAAMpS,EAASsN,GAAuB0F,MAElC,CAAC,IAAK,QAAQ9F,SAAS8F,KAAKoG,UAC9BhH,EAAM+C,iBAGR5B,GAAaa,IAAIpU,EAAQ0qB,IAAciC,IACjCA,EAAU9X,kBAKdtB,GAAaa,IAAIpU,EAAQyqB,IAAgB,KACnC3c,GAAUkF,OACZA,KAAK0S,OACP,GACA,IAGJ,MAAMkH,EAAc3S,GAAeC,QA3Ub,eA6UlB0S,GACFtB,GAAMxS,YAAY8T,GAAahK,OAGpB0I,GAAMjS,oBAAoBrZ,GAClC+Z,OAAO/G,KACd,IACAgG,GAAqBsS,IAKrBjc,GAAmBic,IAYnB,MAEMuB,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,CAChBzE,UAAU,EACVpL,UAAU,EACV7f,QAAQ,GAEJ2vB,GAAgB,CACpB1E,SAAU,mBACVpL,SAAU,UACV7f,OAAQ,WAMV,MAAM4vB,WAAkB5V,GACtBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAK2P,UAAW,EAChB3P,KAAKwY,UAAYxY,KAAKyY,sBACtBzY,KAAK0Y,WAAa1Y,KAAK2Y,uBAEvB3Y,KAAK4L,oBACP,CAGW3H,qBACT,OAAO2W,EACT,CAEW1W,yBACT,OAAO2W,EACT,CAEWpe,kBACT,MAtDW,WAuDb,CAGAsK,OAAOjH,GACL,OAAOE,KAAK2P,SAAW3P,KAAK4P,OAAS5P,KAAK6P,KAAK/P,EACjD,CAEA+P,KAAK/P,GACCE,KAAK2P,UAISpP,GAAakB,QAAQzB,KAAKoF,SAAUgV,GAAc,CAClEta,kBAGY+B,mBAId7B,KAAK2P,UAAW,EAEhB3P,KAAKwY,UAAU3I,OAEV7P,KAAKqF,QAAQna,SAChB,IAAIkpB,IAAkBxE,OAGxB5P,KAAKoF,SAASvjB,aAAa,cAAc,GAEzCme,KAAKoF,SAASvjB,aAAa,OAAQ,UAEnCme,KAAKoF,SAAS5J,UAAUtE,IAAI+iB,IAgB5Bja,KAAK2F,gBAdoB,KAClB3F,KAAKqF,QAAQna,SAAU8U,KAAKqF,QAAQ8Q,UACvCnW,KAAK0Y,WAAWzB,WAGlBjX,KAAKoF,SAAS5J,UAAUtE,IAAI8iB,IAE5Bha,KAAKoF,SAAS5J,UAAUuH,OAAOkX,IAE/B1Z,GAAakB,QAAQzB,KAAKoF,SAAUiV,GAAe,CACjDva,iBACA,GAGkCE,KAAKoF,UAAU,GACvD,CAEAwK,OACO5P,KAAK2P,WAIQpP,GAAakB,QAAQzB,KAAKoF,SAAUkV,IAExCzY,mBAId7B,KAAK0Y,WAAWtB,aAEhBpX,KAAKoF,SAAS2V,OAEd/a,KAAK2P,UAAW,EAEhB3P,KAAKoF,SAAS5J,UAAUtE,IAAIgjB,IAE5Bla,KAAKwY,UAAU5I,OAgBf5P,KAAK2F,gBAdoB,KACvB3F,KAAKoF,SAAS5J,UAAUuH,OAAOiX,GAAmBE,IAElDla,KAAKoF,SAASxjB,gBAAgB,cAE9Boe,KAAKoF,SAASxjB,gBAAgB,QAEzBoe,KAAKqF,QAAQna,SAChB,IAAIkpB,IAAkBthB,QAGxByN,GAAakB,QAAQzB,KAAKoF,SAAUoV,GAAe,GAGfxa,KAAKoF,UAAU,IACvD,CAEAG,UACEvF,KAAKwY,UAAUjT,UAEfvF,KAAK0Y,WAAWtB,aAEhBjS,MAAMI,SACR,CAGAkT,sBACE,MAUM3d,EAAYgG,QAAQd,KAAKqF,QAAQ8Q,UACvC,OAAO,IAAIL,GAAS,CAClBJ,UA7JsB,qBA8JtB5a,YACA8K,YAAY,EACZgQ,YAAa5V,KAAKoF,SAAS5f,WAC3BmwB,cAAe7a,EAhBK,KACU,WAA1BkF,KAAKqF,QAAQ8Q,SAKjBnW,KAAK4P,OAJHrP,GAAakB,QAAQzB,KAAKoF,SAAUmV,GAI3B,EAUgC,MAE/C,CAEA5B,uBACE,OAAO,IAAI7B,GAAU,CACnBF,YAAa5W,KAAKoF,UAEtB,CAEAwG,qBACErL,GAAaY,GAAGnB,KAAKoF,SAAUuV,IAAuBvb,IAhLvC,WAiLTA,EAAM7hB,MAILyiB,KAAKqF,QAAQ0F,SAKlB/K,KAAK4P,OAJHrP,GAAakB,QAAQzB,KAAKoF,SAAUmV,IAI3B,GAEf,CAGA1U,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOgwB,GAAUzU,oBAAoBrG,KAAMqE,GAEjD,GAAsB,iBAAXA,EAAX,CAIA,QAAqB7K,IAAjB1O,EAAKuZ,IAAyBA,EAAOlK,WAAW,MAAmB,gBAAXkK,EAC1D,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,GAAQrE,KANb,CAOF,GACF,EAQFO,GAAaY,GAAGrb,SAAU40B,GAvMK,gCAuM2C,SAAUtb,GAClF,MAAMpS,EAASsN,GAAuB0F,MAMtC,GAJI,CAAC,IAAK,QAAQ9F,SAAS8F,KAAKoG,UAC9BhH,EAAM+C,iBAGJ9G,GAAW2E,MACb,OAGFO,GAAaa,IAAIpU,EAAQwtB,IAAgB,KAEnC1f,GAAUkF,OACZA,KAAK0S,OACP,IAGF,MAAMkH,EAAc3S,GAAeC,QAAQiT,IAEvCP,GAAeA,IAAgB5sB,GACjC8tB,GAAUhV,YAAY8T,GAAahK,OAGxBkL,GAAUzU,oBAAoBrZ,GACtC+Z,OAAO/G,KACd,IACAO,GAAaY,GAAG9gB,OAAQ05B,IAAuB,KAC7C,IAAK,MAAMhgB,KAAYkN,GAAerU,KAAKunB,IACzCW,GAAUzU,oBAAoBtM,GAAU8V,MAC1C,IAEFtP,GAAaY,GAAG9gB,OAAQo6B,IAAc,KACpC,IAAK,MAAMz6B,KAAWinB,GAAerU,KAAK,gDACG,UAAvClN,iBAAiB1F,GAASiC,UAC5B64B,GAAUzU,oBAAoBrmB,GAAS4vB,MAE3C,IAEF5J,GAAqB8U,IAKrBze,GAAmBye,IAQnB,MAAME,GAAgB,IAAIjkB,IAAI,CAAC,aAAc,OAAQ,OAAQ,WAAY,WAAY,SAAU,MAAO,eAQhGkkB,GAAmB,iEAOnBC,GAAmB,qIAEnBC,GAAmB,CAAC34B,EAAW44B,KACnC,MAAMC,EAAgB74B,EAAUvC,SAASC,cAEzC,OAAIk7B,EAAqBlhB,SAASmhB,IAC5BL,GAAc5jB,IAAIikB,IACbva,QAAQma,GAAiBn3B,KAAKtB,EAAU84B,YAAcJ,GAAiBp3B,KAAKtB,EAAU84B,YAO1FF,EAAqBx0B,QAAO20B,GAAkBA,aAA0BxW,SAAQ7R,MAAKsoB,GAASA,EAAM13B,KAAKu3B,IAAe,EAG3HI,GAAmB,CAEvB,IAAK,CAAC,QAAS,MAAO,KAAM,OAAQ,OAjCP,kBAkC7BnqB,EAAG,CAAC,SAAU,OAAQ,QAAS,OAC/BoqB,KAAM,GACNnqB,EAAG,GACHoqB,GAAI,GACJC,IAAK,GACLC,KAAM,GACNC,IAAK,GACLC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJC,GAAI,GACJxqB,EAAG,GACHgb,IAAK,CAAC,MAAO,SAAU,MAAO,QAAS,QAAS,UAChDyP,GAAI,GACJC,GAAI,GACJC,EAAG,GACHC,IAAK,GACLC,EAAG,GACHC,MAAO,GACPC,KAAM,GACNC,IAAK,GACLC,IAAK,GACLC,OAAQ,GACRC,EAAG,GACHC,GAAI,IA+CAC,GAAY,CAChBC,UAAW3B,GACX4B,QAAS,CAAC,EAEVC,WAAY,GACZhwB,MAAM,EACNiwB,UAAU,EACVC,WAAY,KACZC,SAAU,eAENC,GAAgB,CACpBN,UAAW,SACXC,QAAS,SACTC,WAAY,oBACZhwB,KAAM,UACNiwB,SAAU,UACVC,WAAY,kBACZC,SAAU,UAENE,GAAqB,CACzBC,MAAO,iCACP7jB,SAAU,oBAMZ,MAAM8jB,WAAwB7Z,GAC5BU,YAAYL,GACVc,QACAnF,KAAKqF,QAAUrF,KAAKoE,WAAWC,EACjC,CAGWJ,qBACT,OAAOkZ,EACT,CAEWjZ,yBACT,OAAOwZ,EACT,CAEWjhB,kBACT,MA5CW,iBA6Cb,CAGAqhB,aACE,OAAOrgC,OAAO0hB,OAAOa,KAAKqF,QAAQgY,SAAS95B,KAAI8gB,GAAUrE,KAAK+d,yBAAyB1Z,KAASzd,OAAOka,QACzG,CAEAkd,aACE,OAAOhe,KAAK8d,aAAa3sB,OAAS,CACpC,CAEA8sB,cAAcZ,GAMZ,OALArd,KAAKke,cAAcb,GAEnBrd,KAAKqF,QAAQgY,QAAU,IAAKrd,KAAKqF,QAAQgY,WACpCA,GAEErd,IACT,CAEAme,SACE,MAAMC,EAAkBt4B,SAASswB,cAAc,OAC/CgI,EAAgBC,UAAYre,KAAKse,eAAete,KAAKqF,QAAQoY,UAE7D,IAAK,MAAO1jB,EAAUwkB,KAAS9gC,OAAO4kB,QAAQrC,KAAKqF,QAAQgY,SACzDrd,KAAKwe,YAAYJ,EAAiBG,EAAMxkB,GAG1C,MAAM0jB,EAAWW,EAAgBjX,SAAS,GAEpCmW,EAAatd,KAAK+d,yBAAyB/d,KAAKqF,QAAQiY,YAM9D,OAJIA,GACFG,EAASjiB,UAAUtE,OAAOomB,EAAW36B,MAAM,MAGtC86B,CACT,CAGAjZ,iBAAiBH,GACfc,MAAMX,iBAAiBH,GAEvBrE,KAAKke,cAAc7Z,EAAOgZ,QAC5B,CAEAa,cAAcO,GACZ,IAAK,MAAO1kB,EAAUsjB,KAAY5/B,OAAO4kB,QAAQoc,GAC/CtZ,MAAMX,iBAAiB,CACrBzK,WACA6jB,MAAOP,GACNM,GAEP,CAEAa,YAAYf,EAAUJ,EAAStjB,GAC7B,MAAM2kB,EAAkBzX,GAAeC,QAAQnN,EAAU0jB,GAEpDiB,KAILrB,EAAUrd,KAAK+d,yBAAyBV,IAOpC,GAAUA,GACZrd,KAAK2e,sBAAsB9jB,GAAWwiB,GAAUqB,GAK9C1e,KAAKqF,QAAQ/X,KACfoxB,EAAgBL,UAAYre,KAAKse,eAAejB,GAIlDqB,EAAgBE,YAAcvB,EAf5BqB,EAAgB3b,SAgBpB,CAEAub,eAAeG,GACb,OAAOze,KAAKqF,QAAQkY,SA7KxB,SAAsBsB,EAAYzB,EAAW0B,GAC3C,IAAKD,EAAW1tB,OACd,OAAO0tB,EAGT,GAAIC,GAAgD,mBAArBA,EAC7B,OAAOA,EAAiBD,GAG1B,MACME,GADY,IAAI1+B,OAAO2+B,WACKC,gBAAgBJ,EAAY,aACxDv9B,EAAW,GAAGlC,UAAU2/B,EAAgBpyB,KAAKyT,iBAAiB,MAEpE,IAAK,MAAMpgB,KAAWsB,EAAU,CAC9B,MAAM49B,EAAcl/B,EAAQC,SAASC,cAErC,IAAKzC,OAAO4D,KAAK+7B,GAAWljB,SAASglB,GAAc,CACjDl/B,EAAQ+iB,SACR,QACF,CAEA,MAAMoc,EAAgB,GAAG//B,UAAUY,EAAQ0B,YACrC09B,EAAoB,GAAGhgC,OAAOg+B,EAAU,MAAQ,GAAIA,EAAU8B,IAAgB,IAEpF,IAAK,MAAM18B,KAAa28B,EACjBhE,GAAiB34B,EAAW48B,IAC/Bp/B,EAAQ4B,gBAAgBY,EAAUvC,SAGxC,CAEA,OAAO8+B,EAAgBpyB,KAAK0xB,SAC9B,CA6ImCgB,CAAaZ,EAAKze,KAAKqF,QAAQ+X,UAAWpd,KAAKqF,QAAQmY,YAAciB,CACtG,CAEAV,yBAAyBU,GACvB,MAAsB,mBAARA,EAAqBA,EAAIze,MAAQye,CACjD,CAEAE,sBAAsB3+B,EAAS0+B,GAC7B,GAAI1e,KAAKqF,QAAQ/X,KAGf,OAFAoxB,EAAgBL,UAAY,QAC5BK,EAAgBrI,OAAOr2B,GAIzB0+B,EAAgBE,YAAc5+B,EAAQ4+B,WACxC,EAcF,MACMU,GAAwB,IAAIvoB,IAAI,CAAC,WAAY,YAAa,eAC1DwoB,GAAoB,OAEpBC,GAAoB,OAEpBC,GAAiB,SACjBC,GAAmB,gBACnBC,GAAgB,QAChBC,GAAgB,QAahBC,GAAgB,CACpBC,KAAM,OACNC,IAAK,MACLC,MAAO7jB,KAAU,OAAS,QAC1B8jB,OAAQ,SACRC,KAAM/jB,KAAU,QAAU,QAEtBgkB,GAAY,CAChB/C,UAAW3B,GACX2E,WAAW,EACX1xB,SAAU,kBACV2xB,WAAW,EACXC,YAAa,GACbC,MAAO,EACP9vB,mBAAoB,CAAC,MAAO,QAAS,SAAU,QAC/CnD,MAAM,EACN7E,OAAQ,CAAC,EAAG,GACZtJ,UAAW,MACX8yB,aAAc,KACdsL,UAAU,EACVC,WAAY,KACZzjB,UAAU,EACV0jB,SAAU,+GACV+C,MAAO,GACP/e,QAAS,eAELgf,GAAgB,CACpBrD,UAAW,SACXgD,UAAW,UACX1xB,SAAU,mBACV2xB,UAAW,2BACXC,YAAa,oBACbC,MAAO,kBACP9vB,mBAAoB,QACpBnD,KAAM,UACN7E,OAAQ,0BACRtJ,UAAW,oBACX8yB,aAAc,yBACdsL,SAAU,UACVC,WAAY,kBACZzjB,SAAU,mBACV0jB,SAAU,SACV+C,MAAO,4BACP/e,QAAS,UAMX,MAAMif,WAAgBxb,GACpBR,YAAY1kB,EAASqkB,GACnB,QAAsB,IAAX,EACT,MAAM,IAAIW,UAAU,+DAGtBG,MAAMnlB,EAASqkB,GAEfrE,KAAK2gB,YAAa,EAClB3gB,KAAK4gB,SAAW,EAChB5gB,KAAK6gB,WAAa,KAClB7gB,KAAK8gB,eAAiB,CAAC,EACvB9gB,KAAKoS,QAAU,KACfpS,KAAK+gB,iBAAmB,KACxB/gB,KAAKghB,YAAc,KAEnBhhB,KAAKihB,IAAM,KAEXjhB,KAAKkhB,gBAEAlhB,KAAKqF,QAAQtL,UAChBiG,KAAKmhB,WAET,CAGWld,qBACT,OAAOkc,EACT,CAEWjc,yBACT,OAAOuc,EACT,CAEWhkB,kBACT,MA1GW,SA2Gb,CAGA2kB,SACEphB,KAAK2gB,YAAa,CACpB,CAEAU,UACErhB,KAAK2gB,YAAa,CACpB,CAEAW,gBACEthB,KAAK2gB,YAAc3gB,KAAK2gB,UAC1B,CAEA5Z,SACO/G,KAAK2gB,aAIV3gB,KAAK8gB,eAAeS,OAASvhB,KAAK8gB,eAAeS,MAE7CvhB,KAAK2P,WACP3P,KAAKwhB,SAKPxhB,KAAKyhB,SACP,CAEAlc,UACE0H,aAAajN,KAAK4gB,UAClBrgB,GAAaC,IAAIR,KAAKoF,SAASjK,QAAQskB,IAAiBC,GAAkB1f,KAAK0hB,mBAE3E1hB,KAAKoF,SAASpL,aAAa,2BAC7BgG,KAAKoF,SAASvjB,aAAa,QAASme,KAAKoF,SAASpL,aAAa,2BAGjEgG,KAAK2hB,iBAELxc,MAAMI,SACR,CAEAsK,OACE,GAAoC,SAAhC7P,KAAKoF,SAAS5jB,MAAMwwB,QACtB,MAAM,IAAI7N,MAAM,uCAGlB,IAAMnE,KAAK4hB,mBAAoB5hB,KAAK2gB,WAClC,OAGF,MAAMhH,EAAYpZ,GAAakB,QAAQzB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UAlJtD,SAqJXkU,GAFalmB,GAAeqE,KAAKoF,WAELpF,KAAKoF,SAAS7kB,cAAcwF,iBAAiBd,SAAS+a,KAAKoF,UAE7F,GAAIuU,EAAU9X,mBAAqBggB,EACjC,OAIF7hB,KAAK2hB,iBAEL,MAAMV,EAAMjhB,KAAK8hB,iBAEjB9hB,KAAKoF,SAASvjB,aAAa,mBAAoBo/B,EAAIjnB,aAAa,OAEhE,MAAM,UACJqmB,GACErgB,KAAKqF,QAaT,GAXKrF,KAAKoF,SAAS7kB,cAAcwF,gBAAgBd,SAAS+a,KAAKihB,OAC7DZ,EAAUhK,OAAO4K,GACjB1gB,GAAakB,QAAQzB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UAtKpC,cAyKnB3N,KAAKoS,QAAUpS,KAAKyS,cAAcwO,GAClCA,EAAIzlB,UAAUtE,IAAIsoB,IAKd,iBAAkB15B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAKwa,UAC/C5G,GAAaY,GAAGnhB,EAAS,YAAa8b,IAc1CkE,KAAK2F,gBAVY,KACfpF,GAAakB,QAAQzB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UAvLrC,WAyLQ,IAApB3N,KAAK6gB,YACP7gB,KAAKwhB,SAGPxhB,KAAK6gB,YAAa,CAAK,GAGK7gB,KAAKihB,IAAKjhB,KAAKgO,cAC/C,CAEA4B,OACE,GAAK5P,KAAK2P,aAIQpP,GAAakB,QAAQzB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UA3MtD,SA6MH9L,iBAAd,CASA,GALY7B,KAAK8hB,iBAEbtmB,UAAUuH,OAAOyc,IAGjB,iBAAkB15B,SAASC,gBAC7B,IAAK,MAAM/F,IAAW,GAAGZ,UAAU0G,SAAS6G,KAAKwa,UAC/C5G,GAAaC,IAAIxgB,EAAS,YAAa8b,IAI3CkE,KAAK8gB,eAA4B,OAAI,EACrC9gB,KAAK8gB,eAAelB,KAAiB,EACrC5f,KAAK8gB,eAAenB,KAAiB,EACrC3f,KAAK6gB,WAAa,KAgBlB7gB,KAAK2F,gBAdY,KACX3F,KAAK+hB,yBAIJ/hB,KAAK6gB,YACR7gB,KAAK2hB,iBAGP3hB,KAAKoF,SAASxjB,gBAAgB,oBAE9B2e,GAAakB,QAAQzB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UA3OpC,WA2O8D,GAGnD3N,KAAKihB,IAAKjhB,KAAKgO,cAhC7C,CAiCF,CAEAxiB,SACMwU,KAAKoS,SACPpS,KAAKoS,QAAQ5mB,QAEjB,CAGAo2B,iBACE,OAAO9gB,QAAQd,KAAKgiB,YACtB,CAEAF,iBAKE,OAJK9hB,KAAKihB,MACRjhB,KAAKihB,IAAMjhB,KAAKiiB,kBAAkBjiB,KAAKghB,aAAehhB,KAAKkiB,2BAGtDliB,KAAKihB,GACd,CAEAgB,kBAAkB5E,GAChB,MAAM4D,EAAMjhB,KAAKmiB,oBAAoB9E,GAASc,SAG9C,IAAK8C,EACH,OAAO,KAGTA,EAAIzlB,UAAUuH,OAAOwc,GAAmBC,IAExCyB,EAAIzlB,UAAUtE,IAAI,MAAM8I,KAAK0E,YAAYjI,aACzC,MAAM2lB,EA92HKC,KACb,GACEA,GAAUz/B,KAAK0/B,MAlBH,IAkBS1/B,KAAK2/B,gBACnBz8B,SAAS08B,eAAeH,IAEjC,OAAOA,CAAM,EAy2HGI,CAAOziB,KAAK0E,YAAYjI,MAAMnc,WAO5C,OANA2gC,EAAIp/B,aAAa,KAAMugC,GAEnBpiB,KAAKgO,eACPiT,EAAIzlB,UAAUtE,IAAIqoB,IAGb0B,CACT,CAEAyB,WAAWrF,GACTrd,KAAKghB,YAAc3D,EAEfrd,KAAK2P,aACP3P,KAAK2hB,iBAEL3hB,KAAK6P,OAET,CAEAsS,oBAAoB9E,GAYlB,OAXIrd,KAAK+gB,iBACP/gB,KAAK+gB,iBAAiB9C,cAAcZ,GAEpCrd,KAAK+gB,iBAAmB,IAAIlD,GAAgB,IAAK7d,KAAKqF,QAGpDgY,UACAC,WAAYtd,KAAK+d,yBAAyB/d,KAAKqF,QAAQib,eAIpDtgB,KAAK+gB,gBACd,CAEAmB,yBACE,MAAO,CACL,iBAA0BliB,KAAKgiB,YAEnC,CAEAA,YACE,OAAOhiB,KAAK+d,yBAAyB/d,KAAKqF,QAAQmb,QAAUxgB,KAAKoF,SAASpL,aAAa,yBACzF,CAGA2oB,6BAA6BvjB,GAC3B,OAAOY,KAAK0E,YAAY2B,oBAAoBjH,EAAMW,eAAgBC,KAAK4iB,qBACzE,CAEA5U,cACE,OAAOhO,KAAKqF,QAAQ+a,WAAapgB,KAAKihB,KAAOjhB,KAAKihB,IAAIzlB,UAAUvW,SAASs6B,GAC3E,CAEA5P,WACE,OAAO3P,KAAKihB,KAAOjhB,KAAKihB,IAAIzlB,UAAUvW,SAASu6B,GACjD,CAEA/M,cAAcwO,GACZ,MAAM9hC,EAA8C,mBAA3B6gB,KAAKqF,QAAQlmB,UAA2B6gB,KAAKqF,QAAQlmB,UAAUlB,KAAK+hB,KAAMihB,EAAKjhB,KAAKoF,UAAYpF,KAAKqF,QAAQlmB,UAChI0jC,EAAahD,GAAc1gC,EAAU8lB,eAC3C,OAAO,GAAoBjF,KAAKoF,SAAU6b,EAAKjhB,KAAK6S,iBAAiBgQ,GACvE,CAEA5P,aACE,MAAM,OACJxqB,GACEuX,KAAKqF,QAET,MAAsB,iBAAX5c,EACFA,EAAO9F,MAAM,KAAKY,KAAInF,GAASmf,OAAO+P,SAASlvB,EAAO,MAGzC,mBAAXqK,EACFyqB,GAAczqB,EAAOyqB,EAAYlT,KAAKoF,UAGxC3c,CACT,CAEAs1B,yBAAyBU,GACvB,MAAsB,mBAARA,EAAqBA,EAAIxgC,KAAK+hB,KAAKoF,UAAYqZ,CAC/D,CAEA5L,iBAAiBgQ,GACf,MAAM1P,EAAwB,CAC5Bh0B,UAAW0jC,EACXhsB,UAAW,CAAC,CACV9V,KAAM,OACNmB,QAAS,CACPuO,mBAAoBuP,KAAKqF,QAAQ5U,qBAElC,CACD1P,KAAM,SACNmB,QAAS,CACPuG,OAAQuX,KAAKiT,eAEd,CACDlyB,KAAM,kBACNmB,QAAS,CACPwM,SAAUsR,KAAKqF,QAAQ3W,WAExB,CACD3N,KAAM,QACNmB,QAAS,CACPlC,QAAS,IAAIggB,KAAK0E,YAAYjI,eAE/B,CACD1b,KAAM,kBACNC,SAAS,EACTC,MAAO,aACPC,GAAI4J,IAGFkV,KAAK8hB,iBAAiBjgC,aAAa,wBAAyBiJ,EAAK1J,MAAMjC,UAAU,KAIvF,MAAO,IAAKg0B,KAC+B,mBAA9BnT,KAAKqF,QAAQ4M,aAA8BjS,KAAKqF,QAAQ4M,aAAakB,GAAyBnT,KAAKqF,QAAQ4M,aAE1H,CAEAiP,gBACE,MAAM4B,EAAW9iB,KAAKqF,QAAQ5D,QAAQ9e,MAAM,KAE5C,IAAK,MAAM8e,KAAWqhB,EACpB,GAAgB,UAAZrhB,EACFlB,GAAaY,GAAGnB,KAAKoF,SAAUpF,KAAK0E,YAAYiJ,UA3YlC,SA2Y4D3N,KAAKqF,QAAQtL,UAAUqF,IAC/EY,KAAK2iB,6BAA6BvjB,GAE1C2H,QAAQ,SAEb,GAtZU,WAsZNtF,EAA4B,CACrC,MAAMshB,EAAUthB,IAAYke,GAAgB3f,KAAK0E,YAAYiJ,UA9Y5C,cA8Y0E3N,KAAK0E,YAAYiJ,UAhZ5F,WAiZVqV,EAAWvhB,IAAYke,GAAgB3f,KAAK0E,YAAYiJ,UA9Y7C,cA8Y2E3N,KAAK0E,YAAYiJ,UAhZ5F,YAiZjBpN,GAAaY,GAAGnB,KAAKoF,SAAU2d,EAAS/iB,KAAKqF,QAAQtL,UAAUqF,IAC7D,MAAMkU,EAAUtT,KAAK2iB,6BAA6BvjB,GAElDkU,EAAQwN,eAA8B,YAAf1hB,EAAMqB,KAAqBmf,GAAgBD,KAAiB,EAEnFrM,EAAQmO,QAAQ,IAElBlhB,GAAaY,GAAGnB,KAAKoF,SAAU4d,EAAUhjB,KAAKqF,QAAQtL,UAAUqF,IAC9D,MAAMkU,EAAUtT,KAAK2iB,6BAA6BvjB,GAElDkU,EAAQwN,eAA8B,aAAf1hB,EAAMqB,KAAsBmf,GAAgBD,IAAiBrM,EAAQlO,SAASngB,SAASma,EAAMU,eAEpHwT,EAAQkO,QAAQ,GAEpB,CAGFxhB,KAAK0hB,kBAAoB,KACnB1hB,KAAKoF,UACPpF,KAAK4P,MACP,EAGFrP,GAAaY,GAAGnB,KAAKoF,SAASjK,QAAQskB,IAAiBC,GAAkB1f,KAAK0hB,kBAChF,CAEAP,YACE,MAAMX,EAAQxgB,KAAKoF,SAASpL,aAAa,SAEpCwmB,IAIAxgB,KAAKoF,SAASpL,aAAa,eAAkBgG,KAAKoF,SAASwZ,YAAYxkB,QAC1E4F,KAAKoF,SAASvjB,aAAa,aAAc2+B,GAG3CxgB,KAAKoF,SAASvjB,aAAa,yBAA0B2+B,GAGrDxgB,KAAKoF,SAASxjB,gBAAgB,SAChC,CAEA6/B,SACMzhB,KAAK2P,YAAc3P,KAAK6gB,WAC1B7gB,KAAK6gB,YAAa,GAIpB7gB,KAAK6gB,YAAa,EAElB7gB,KAAKijB,aAAY,KACXjjB,KAAK6gB,YACP7gB,KAAK6P,MACP,GACC7P,KAAKqF,QAAQkb,MAAM1Q,MACxB,CAEA2R,SACMxhB,KAAK+hB,yBAIT/hB,KAAK6gB,YAAa,EAElB7gB,KAAKijB,aAAY,KACVjjB,KAAK6gB,YACR7gB,KAAK4P,MACP,GACC5P,KAAKqF,QAAQkb,MAAM3Q,MACxB,CAEAqT,YAAYrlB,EAASslB,GACnBjW,aAAajN,KAAK4gB,UAClB5gB,KAAK4gB,SAAW/iB,WAAWD,EAASslB,EACtC,CAEAnB,uBACE,OAAOtkC,OAAO0hB,OAAOa,KAAK8gB,gBAAgB5mB,UAAS,EACrD,CAEAkK,WAAWC,GACT,MAAM8e,EAAiB5f,GAAYG,kBAAkB1D,KAAKoF,UAE1D,IAAK,MAAMge,KAAiB3lC,OAAO4D,KAAK8hC,GAClC7D,GAAsBloB,IAAIgsB,WACrBD,EAAeC,GAY1B,OARA/e,EAAS,IAAK8e,KACU,iBAAX9e,GAAuBA,EAASA,EAAS,CAAC,GAEvDA,EAASrE,KAAKsE,gBAAgBD,GAC9BA,EAASrE,KAAKuE,kBAAkBF,GAEhCrE,KAAKwE,iBAAiBH,GAEfA,CACT,CAEAE,kBAAkBF,GAkBhB,OAjBAA,EAAOgc,WAAiC,IAArBhc,EAAOgc,UAAsBv6B,SAAS6G,KAAOkO,GAAWwJ,EAAOgc,WAEtD,iBAAjBhc,EAAOkc,QAChBlc,EAAOkc,MAAQ,CACb1Q,KAAMxL,EAAOkc,MACb3Q,KAAMvL,EAAOkc,QAIW,iBAAjBlc,EAAOmc,QAChBnc,EAAOmc,MAAQnc,EAAOmc,MAAMlgC,YAGA,iBAAnB+jB,EAAOgZ,UAChBhZ,EAAOgZ,QAAUhZ,EAAOgZ,QAAQ/8B,YAG3B+jB,CACT,CAEAue,qBACE,MAAMve,EAAS,CAAC,EAEhB,IAAK,MAAM9mB,KAAOyiB,KAAKqF,QACjBrF,KAAK0E,YAAYT,QAAQ1mB,KAASyiB,KAAKqF,QAAQ9nB,KACjD8mB,EAAO9mB,GAAOyiB,KAAKqF,QAAQ9nB,IAS/B,OALA8mB,EAAOtK,UAAW,EAClBsK,EAAO5C,QAAU,SAIV4C,CACT,CAEAsd,iBACM3hB,KAAKoS,UACPpS,KAAKoS,QAAQ3Y,UAEbuG,KAAKoS,QAAU,MAGbpS,KAAKihB,MACPjhB,KAAKihB,IAAIle,SACT/C,KAAKihB,IAAM,KAEf,CAGApb,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAO41B,GAAQra,oBAAoBrG,KAAMqE,GAE/C,GAAsB,iBAAXA,EAAX,CAIA,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IANL,CAOF,GACF,EAQFhI,GAAmBqkB,IAYnB,MAGM2C,GAAY,IAAK3C,GAAQzc,QAC7BoZ,QAAS,GACT50B,OAAQ,CAAC,EAAG,GACZtJ,UAAW,QACXs+B,SAAU,8IACVhc,QAAS,SAEL6hB,GAAgB,IAAK5C,GAAQxc,YACjCmZ,QAAS,kCAMX,MAAMkG,WAAgB7C,GAETzc,qBACT,OAAOof,EACT,CAEWnf,yBACT,OAAOof,EACT,CAEW7mB,kBACT,MA5BW,SA6Bb,CAGAmlB,iBACE,OAAO5hB,KAAKgiB,aAAehiB,KAAKwjB,aAClC,CAGAtB,yBACE,MAAO,CACL,kBAAkBliB,KAAKgiB,YACvB,gBAAoBhiB,KAAKwjB,cAE7B,CAEAA,cACE,OAAOxjB,KAAK+d,yBAAyB/d,KAAKqF,QAAQgY,QACpD,CAGAxX,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOy4B,GAAQld,oBAAoBrG,KAAMqE,GAE/C,GAAsB,iBAAXA,EAAX,CAIA,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IANL,CAOF,GACF,EAQFhI,GAAmBknB,IAYnB,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,CAChBx7B,OAAQ,KAERy7B,WAAY,eACZC,cAAc,EACdn3B,OAAQ,KACRo3B,UAAW,CAAC,GAAK,GAAK,IAElBC,GAAgB,CACpB57B,OAAQ,gBAERy7B,WAAY,SACZC,aAAc,UACdn3B,OAAQ,UACRo3B,UAAW,SAMb,MAAME,WAAkBpf,GACtBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GAEfrE,KAAKukB,aAAe,IAAI5yB,IACxBqO,KAAKwkB,oBAAsB,IAAI7yB,IAC/BqO,KAAKykB,aAA6D,YAA9C/+B,iBAAiBsa,KAAKoF,UAAU3Y,UAA0B,KAAOuT,KAAKoF,SAC1FpF,KAAK0kB,cAAgB,KACrB1kB,KAAK2kB,UAAY,KACjB3kB,KAAK4kB,oBAAsB,CACzBC,gBAAiB,EACjBC,gBAAiB,GAEnB9kB,KAAK+kB,SACP,CAGW9gB,qBACT,OAAOggB,EACT,CAEW/f,yBACT,OAAOmgB,EACT,CAEW5nB,kBACT,MAhEW,WAiEb,CAGAsoB,UACE/kB,KAAKglB,mCAELhlB,KAAKilB,2BAEDjlB,KAAK2kB,UACP3kB,KAAK2kB,UAAUO,aAEfllB,KAAK2kB,UAAY3kB,KAAKmlB,kBAGxB,IAAK,MAAMC,KAAWplB,KAAKwkB,oBAAoBrlB,SAC7Ca,KAAK2kB,UAAUU,QAAQD,EAE3B,CAEA7f,UACEvF,KAAK2kB,UAAUO,aAEf/f,MAAMI,SACR,CAGAhB,kBAAkBF,GAUhB,OARAA,EAAOrX,OAAS6N,GAAWwJ,EAAOrX,SAAWlH,SAAS6G,KAEtD0X,EAAO6f,WAAa7f,EAAO5b,OAAS,GAAG4b,EAAO5b,oBAAsB4b,EAAO6f,WAE3C,iBAArB7f,EAAO+f,YAChB/f,EAAO+f,UAAY/f,EAAO+f,UAAUzhC,MAAM,KAAKY,KAAInF,GAASmf,OAAOC,WAAWpf,MAGzEimB,CACT,CAEA4gB,2BACOjlB,KAAKqF,QAAQ8e,eAKlB5jB,GAAaC,IAAIR,KAAKqF,QAAQrY,OAAQ22B,IACtCpjB,GAAaY,GAAGnB,KAAKqF,QAAQrY,OAAQ22B,GAAaG,IAAuB1kB,IACvE,MAAMkmB,EAAoBtlB,KAAKwkB,oBAAoB5mC,IAAIwhB,EAAMpS,OAAOtB,MAEpE,GAAI45B,EAAmB,CACrBlmB,EAAM+C,iBACN,MAAMtG,EAAOmE,KAAKykB,cAAgBpkC,OAC5BmE,EAAS8gC,EAAkBxgC,UAAYkb,KAAKoF,SAAStgB,UAE3D,GAAI+W,EAAK0pB,SAKP,YAJA1pB,EAAK0pB,SAAS,CACZnjC,IAAKoC,EACLghC,SAAU,WAMd3pB,EAAK3P,UAAY1H,CACnB,KAEJ,CAEA2gC,kBACE,MAAMjjC,EAAU,CACd2Z,KAAMmE,KAAKykB,aACXL,UAAWpkB,KAAKqF,QAAQ+e,UACxBF,WAAYlkB,KAAKqF,QAAQ6e,YAE3B,OAAO,IAAIuB,sBAAqBpjB,GAAWrC,KAAK0lB,kBAAkBrjB,IAAUngB,EAC9E,CAGAwjC,kBAAkBrjB,GAChB,MAAMsjB,EAAgB/H,GAAS5d,KAAKukB,aAAa3mC,IAAI,IAAIggC,EAAM5wB,OAAO44B,MAEhE3O,EAAW2G,IACf5d,KAAK4kB,oBAAoBC,gBAAkBjH,EAAM5wB,OAAOlI,UAExDkb,KAAK6lB,SAASF,EAAc/H,GAAO,EAG/BkH,GAAmB9kB,KAAKykB,cAAgB3+B,SAASC,iBAAiBmG,UAClE45B,EAAkBhB,GAAmB9kB,KAAK4kB,oBAAoBE,gBACpE9kB,KAAK4kB,oBAAoBE,gBAAkBA,EAE3C,IAAK,MAAMlH,KAASvb,EAAS,CAC3B,IAAKub,EAAMmI,eAAgB,CACzB/lB,KAAK0kB,cAAgB,KAErB1kB,KAAKgmB,kBAAkBL,EAAc/H,IAErC,QACF,CAEA,MAAMqI,EAA2BrI,EAAM5wB,OAAOlI,WAAakb,KAAK4kB,oBAAoBC,gBAEpF,GAAIiB,GAAmBG,GAGrB,GAFAhP,EAAS2G,IAEJkH,EACH,YAOCgB,GAAoBG,GACvBhP,EAAS2G,EAEb,CACF,CAEAoH,mCACEhlB,KAAKukB,aAAe,IAAI5yB,IACxBqO,KAAKwkB,oBAAsB,IAAI7yB,IAC/B,MAAMu0B,EAAcjf,GAAerU,KAAKkxB,GAAuB9jB,KAAKqF,QAAQrY,QAE5E,IAAK,MAAMm5B,KAAUD,EAAa,CAEhC,IAAKC,EAAOz6B,MAAQ2P,GAAW8qB,GAC7B,SAGF,MAAMb,EAAoBre,GAAeC,QAAQif,EAAOz6B,KAAMsU,KAAKoF,UAE/DtK,GAAUwqB,KACZtlB,KAAKukB,aAAa/xB,IAAI2zB,EAAOz6B,KAAMy6B,GAEnCnmB,KAAKwkB,oBAAoBhyB,IAAI2zB,EAAOz6B,KAAM45B,GAE9C,CACF,CAEAO,SAAS74B,GACHgT,KAAK0kB,gBAAkB13B,IAI3BgT,KAAKgmB,kBAAkBhmB,KAAKqF,QAAQrY,QAEpCgT,KAAK0kB,cAAgB13B,EACrBA,EAAOwO,UAAUtE,IAAI2sB,IAErB7jB,KAAKomB,iBAAiBp5B,GAEtBuT,GAAakB,QAAQzB,KAAKoF,SAAUse,GAAgB,CAClD5jB,cAAe9S,IAEnB,CAEAo5B,iBAAiBp5B,GAEf,GAAIA,EAAOwO,UAAUvW,SAzNQ,iBA0N3BgiB,GAAeC,QAhNc,mBAgNsBla,EAAOmO,QAjNtC,cAiNkEK,UAAUtE,IAAI2sB,SAItG,IAAK,MAAMwC,KAAapf,GAAeI,QAAQra,EA1NnB,qBA6N1B,IAAK,MAAMxJ,KAAQyjB,GAAeM,KAAK8e,EAAWrC,IAChDxgC,EAAKgY,UAAUtE,IAAI2sB,GAGzB,CAEAmC,kBAAkB9gC,GAChBA,EAAOsW,UAAUuH,OAAO8gB,IACxB,MAAMyC,EAAcrf,GAAerU,KAAK,GAAGkxB,MAAyBD,KAAuB3+B,GAE3F,IAAK,MAAM9E,KAAQkmC,EACjBlmC,EAAKob,UAAUuH,OAAO8gB,GAE1B,CAGAhe,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAOw5B,GAAUje,oBAAoBrG,KAAMqE,GAEjD,GAAsB,iBAAXA,EAAX,CAIA,QAAqB7K,IAAjB1O,EAAKuZ,IAAyBA,EAAOlK,WAAW,MAAmB,gBAAXkK,EAC1D,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IANL,CAOF,GACF,EAQF9D,GAAaY,GAAG9gB,OAAQujC,IAAuB,KAC7C,IAAK,MAAM2C,KAAOtf,GAAerU,KAtQT,0BAuQtB0xB,GAAUje,oBAAoBkgB,EAChC,IAMFlqB,GAAmBioB,IAYnB,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,GAAoB,SACpBC,GAAoB,OACpBC,GAAoB,OAIpBC,GAA+B,yBAI/BC,GAAuB,2EAEvBC,GAAsB,YAHOF,uBAAiDA,mBAA6CA,OAG/EC,KAC5CE,GAA8B,IAAIN,8BAA6CA,+BAA8CA,4BAKnI,MAAMO,WAAYziB,GAChBR,YAAY1kB,GACVmlB,MAAMnlB,GACNggB,KAAKqS,QAAUrS,KAAKoF,SAASjK,QAdN,uCAgBlB6E,KAAKqS,UAMVrS,KAAK4nB,sBAAsB5nB,KAAKqS,QAASrS,KAAK6nB,gBAE9CtnB,GAAaY,GAAGnB,KAAKoF,SAAU0hB,IAAe1nB,GAASY,KAAK4M,SAASxN,KACvE,CAGW3C,kBACT,MAlDW,KAmDb,CAGAoT,OAEE,MAAMiY,EAAY9nB,KAAKoF,SAEvB,GAAIpF,KAAK+nB,cAAcD,GACrB,OAIF,MAAME,EAAShoB,KAAKioB,iBAEdC,EAAYF,EAASznB,GAAakB,QAAQumB,EAAQvB,GAAc,CACpE3mB,cAAegoB,IACZ,KACavnB,GAAakB,QAAQqmB,EAAWnB,GAAc,CAC9D7mB,cAAekoB,IAGHnmB,kBAAoBqmB,GAAaA,EAAUrmB,mBAIzD7B,KAAKmoB,YAAYH,EAAQF,GAEzB9nB,KAAKooB,UAAUN,EAAWE,GAC5B,CAGAI,UAAUpoC,EAASqoC,GACZroC,IAILA,EAAQwb,UAAUtE,IAAIkwB,IAEtBpnB,KAAKooB,UAAU9tB,GAAuBta,IAmBtCggB,KAAK2F,gBAhBY,KACsB,QAAjC3lB,EAAQga,aAAa,SAKzBha,EAAQ4B,gBAAgB,YACxB5B,EAAQ6B,aAAa,iBAAiB,GAEtCme,KAAKsoB,gBAAgBtoC,GAAS,GAE9BugB,GAAakB,QAAQzhB,EAAS4mC,GAAe,CAC3C9mB,cAAeuoB,KAVfroC,EAAQwb,UAAUtE,IAAIowB,GAWtB,GAG0BtnC,EAASA,EAAQwb,UAAUvW,SAASoiC,KACpE,CAEAc,YAAYnoC,EAASqoC,GACdroC,IAILA,EAAQwb,UAAUuH,OAAOqkB,IACzBpnC,EAAQ+6B,OAER/a,KAAKmoB,YAAY7tB,GAAuBta,IAmBxCggB,KAAK2F,gBAhBY,KACsB,QAAjC3lB,EAAQga,aAAa,SAKzBha,EAAQ6B,aAAa,iBAAiB,GACtC7B,EAAQ6B,aAAa,WAAY,MAEjCme,KAAKsoB,gBAAgBtoC,GAAS,GAE9BugB,GAAakB,QAAQzhB,EAAS0mC,GAAgB,CAC5C5mB,cAAeuoB,KAVfroC,EAAQwb,UAAUuH,OAAOukB,GAWzB,GAG0BtnC,EAASA,EAAQwb,UAAUvW,SAASoiC,KACpE,CAEAza,SAASxN,GACP,IAAK,CAAC4nB,GAAgBC,GAAiBC,GAAcC,IAAgBjtB,SAASkF,EAAM7hB,KAClF,OAGF6hB,EAAMyU,kBAENzU,EAAM+C,iBACN,MAAMoL,EAAS,CAAC0Z,GAAiBE,IAAgBjtB,SAASkF,EAAM7hB,KAC1DgrC,EAAoBzqB,GAAqBkC,KAAK6nB,eAAejhC,QAAO5G,IAAYqb,GAAWrb,KAAWof,EAAMpS,OAAQugB,GAAQ,GAE9Hgb,IACFA,EAAkB7V,MAAM,CACtB8V,eAAe,IAEjBb,GAAIthB,oBAAoBkiB,GAAmB1Y,OAE/C,CAEAgY,eAEE,OAAO5gB,GAAerU,KAAK60B,GAAqBznB,KAAKqS,QACvD,CAEA4V,iBACE,OAAOjoB,KAAK6nB,eAAej1B,MAAKzN,GAAS6a,KAAK+nB,cAAc5iC,MAAW,IACzE,CAEAyiC,sBAAsB1iC,EAAQiiB,GAC5BnH,KAAKyoB,yBAAyBvjC,EAAQ,OAAQ,WAE9C,IAAK,MAAMC,KAASgiB,EAClBnH,KAAK0oB,6BAA6BvjC,EAEtC,CAEAujC,6BAA6BvjC,GAC3BA,EAAQ6a,KAAK2oB,iBAAiBxjC,GAE9B,MAAMyjC,EAAW5oB,KAAK+nB,cAAc5iC,GAE9B0jC,EAAY7oB,KAAK8oB,iBAAiB3jC,GAExCA,EAAMtD,aAAa,gBAAiB+mC,GAEhCC,IAAc1jC,GAChB6a,KAAKyoB,yBAAyBI,EAAW,OAAQ,gBAG9CD,GACHzjC,EAAMtD,aAAa,WAAY,MAGjCme,KAAKyoB,yBAAyBtjC,EAAO,OAAQ,OAG7C6a,KAAK+oB,mCAAmC5jC,EAC1C,CAEA4jC,mCAAmC5jC,GACjC,MAAM6H,EAASsN,GAAuBnV,GAEjC6H,IAILgT,KAAKyoB,yBAAyBz7B,EAAQ,OAAQ,YAE1C7H,EAAMygC,IACR5lB,KAAKyoB,yBAAyBz7B,EAAQ,kBAAmB,IAAI7H,EAAMygC,MAEvE,CAEA0C,gBAAgBtoC,EAASgpC,GACvB,MAAMH,EAAY7oB,KAAK8oB,iBAAiB9oC,GAExC,IAAK6oC,EAAUrtB,UAAUvW,SAxMN,YAyMjB,OAGF,MAAM8hB,EAAS,CAAChN,EAAU2b,KACxB,MAAM11B,EAAUinB,GAAeC,QAAQnN,EAAU8uB,GAE7C7oC,GACFA,EAAQwb,UAAUuL,OAAO2O,EAAWsT,EACtC,EAGFjiB,EAnN6B,mBAmNIqgB,IACjCrgB,EAnN2B,iBAmNIugB,IAC/BuB,EAAUhnC,aAAa,gBAAiBmnC,EAC1C,CAEAP,yBAAyBzoC,EAASwC,EAAWpE,GACtC4B,EAAQ0b,aAAalZ,IACxBxC,EAAQ6B,aAAaW,EAAWpE,EAEpC,CAEA2pC,cAAczY,GACZ,OAAOA,EAAK9T,UAAUvW,SAASmiC,GACjC,CAGAuB,iBAAiBrZ,GACf,OAAOA,EAAKlI,QAAQqgB,IAAuBnY,EAAOrI,GAAeC,QAAQugB,GAAqBnY,EAChG,CAGAwZ,iBAAiBxZ,GACf,OAAOA,EAAKnU,QArOO,gCAqOoBmU,CACzC,CAGAzJ,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAO68B,GAAIthB,oBAAoBrG,MAErC,GAAsB,iBAAXqE,EAAX,CAIA,QAAqB7K,IAAjB1O,EAAKuZ,IAAyBA,EAAOlK,WAAW,MAAmB,gBAAXkK,EAC1D,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,IANL,CAOF,GACF,EAQF9D,GAAaY,GAAGrb,SAAU+gC,GAAsBW,IAAsB,SAAUpoB,GAC1E,CAAC,IAAK,QAAQlF,SAAS8F,KAAKoG,UAC9BhH,EAAM+C,iBAGJ9G,GAAW2E,OAIf2nB,GAAIthB,oBAAoBrG,MAAM6P,MAChC,IAKAtP,GAAaY,GAAG9gB,OAAQ0mC,IAAqB,KAC3C,IAAK,MAAM/mC,KAAWinB,GAAerU,KAAK80B,IACxCC,GAAIthB,oBAAoBrmB,EAC1B,IAMFqc,GAAmBsrB,IAYnB,MAEMniB,GAAY,YACZyjB,GAAkB,YAAYzjB,KAC9B0jB,GAAiB,WAAW1jB,KAC5B2jB,GAAgB,UAAU3jB,KAC1B4jB,GAAiB,WAAW5jB,KAC5B6jB,GAAa,OAAO7jB,KACpB8jB,GAAe,SAAS9jB,KACxB+jB,GAAa,OAAO/jB,KACpBgkB,GAAc,QAAQhkB,KAEtBikB,GAAkB,OAElBC,GAAkB,OAClBC,GAAqB,UACrBzlB,GAAc,CAClBkc,UAAW,UACXwJ,SAAU,UACVrJ,MAAO,UAEHtc,GAAU,CACdmc,WAAW,EACXwJ,UAAU,EACVrJ,MAAO,KAMT,MAAMsJ,WAAc3kB,GAClBR,YAAY1kB,EAASqkB,GACnBc,MAAMnlB,EAASqkB,GACfrE,KAAK4gB,SAAW,KAChB5gB,KAAK8pB,sBAAuB,EAC5B9pB,KAAK+pB,yBAA0B,EAE/B/pB,KAAKkhB,eACP,CAGWjd,qBACT,OAAOA,EACT,CAEWC,yBACT,OAAOA,EACT,CAEWzH,kBACT,MAlDS,OAmDX,CAGAoT,OACoBtP,GAAakB,QAAQzB,KAAKoF,SAAUmkB,IAExC1nB,mBAId7B,KAAKgqB,gBAEDhqB,KAAKqF,QAAQ+a,WACfpgB,KAAKoF,SAAS5J,UAAUtE,IArDN,QAgEpB8I,KAAKoF,SAAS5J,UAAUuH,OAAO0mB,IAG/B1tB,GAAOiE,KAAKoF,UAEZpF,KAAKoF,SAAS5J,UAAUtE,IAAIwyB,GAAiBC,IAE7C3pB,KAAK2F,gBAfY,KACf3F,KAAKoF,SAAS5J,UAAUuH,OAAO4mB,IAE/BppB,GAAakB,QAAQzB,KAAKoF,SAAUokB,IAEpCxpB,KAAKiqB,oBAAoB,GAUGjqB,KAAKoF,SAAUpF,KAAKqF,QAAQ+a,WAC5D,CAEAxQ,OACO5P,KAAKkqB,YAIQ3pB,GAAakB,QAAQzB,KAAKoF,SAAUikB,IAExCxnB,mBAad7B,KAAKoF,SAAS5J,UAAUtE,IAAIyyB,IAE5B3pB,KAAK2F,gBAXY,KACf3F,KAAKoF,SAAS5J,UAAUtE,IAAIuyB,IAG5BzpB,KAAKoF,SAAS5J,UAAUuH,OAAO4mB,GAAoBD,IAEnDnpB,GAAakB,QAAQzB,KAAKoF,SAAUkkB,GAAa,GAKrBtpB,KAAKoF,SAAUpF,KAAKqF,QAAQ+a,YAC5D,CAEA7a,UACEvF,KAAKgqB,gBAEDhqB,KAAKkqB,WACPlqB,KAAKoF,SAAS5J,UAAUuH,OAAO2mB,IAGjCvkB,MAAMI,SACR,CAEA2kB,UACE,OAAOlqB,KAAKoF,SAAS5J,UAAUvW,SAASykC,GAC1C,CAGAO,qBACOjqB,KAAKqF,QAAQukB,WAId5pB,KAAK8pB,sBAAwB9pB,KAAK+pB,0BAItC/pB,KAAK4gB,SAAW/iB,YAAW,KACzBmC,KAAK4P,MAAM,GACV5P,KAAKqF,QAAQkb,QAClB,CAEA4J,eAAe/qB,EAAOgrB,GACpB,OAAQhrB,EAAMqB,MACZ,IAAK,YACL,IAAK,WAEDT,KAAK8pB,qBAAuBM,EAC5B,MAGJ,IAAK,UACL,IAAK,WAEDpqB,KAAK+pB,wBAA0BK,EAKrC,GAAIA,EAGF,YAFApqB,KAAKgqB,gBAKP,MAAMxc,EAAcpO,EAAMU,cAEtBE,KAAKoF,WAAaoI,GAAexN,KAAKoF,SAASngB,SAASuoB,IAI5DxN,KAAKiqB,oBACP,CAEA/I,gBACE3gB,GAAaY,GAAGnB,KAAKoF,SAAU6jB,IAAiB7pB,GAASY,KAAKmqB,eAAe/qB,GAAO,KACpFmB,GAAaY,GAAGnB,KAAKoF,SAAU8jB,IAAgB9pB,GAASY,KAAKmqB,eAAe/qB,GAAO,KACnFmB,GAAaY,GAAGnB,KAAKoF,SAAU+jB,IAAe/pB,GAASY,KAAKmqB,eAAe/qB,GAAO,KAClFmB,GAAaY,GAAGnB,KAAKoF,SAAUgkB,IAAgBhqB,GAASY,KAAKmqB,eAAe/qB,GAAO,IACrF,CAEA4qB,gBACE/c,aAAajN,KAAK4gB,UAClB5gB,KAAK4gB,SAAW,IAClB,CAGA/a,uBAAuBxB,GACrB,OAAOrE,KAAK4G,MAAK,WACf,MAAM9b,EAAO++B,GAAMxjB,oBAAoBrG,KAAMqE,GAE7C,GAAsB,iBAAXA,EAAqB,CAC9B,QAA4B,IAAjBvZ,EAAKuZ,GACd,MAAM,IAAIW,UAAU,oBAAoBX,MAG1CvZ,EAAKuZ,GAAQrE,KACf,CACF,GACF,ECxjKK,IAAuBzD,GDgkK9ByJ,GAAqB6jB,IAKrBxtB,GAAmBwtB,ICrkKWttB,GCK9B,WAC2B,GAAG1J,MAAM5U,KAChC6H,SAASsa,iBAAiB,+BAET7c,KAAI,SAAU8mC,GAC/B,OAAO,IAAI3J,GAAQ2J,EAAkB,CAAE9J,MAAO,CAAE1Q,KAAM,IAAKD,KAAM,MACnE,GACF,EDX6B,WAAvB9pB,SAASgX,WAAyBP,KACjCzW,SAASyF,iBAAiB,mBAAoBgR","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\";\nimport { isHTMLElement } from \"../dom-utils/instanceOf.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 (process.env.NODE_ENV !== \"production\") {\n if (!isHTMLElement(arrowElement)) {\n console.error(['Popper: \"arrow\" element must be an HTMLElement (not an SVGElement).', 'To use an SVG arrow, wrap it in an HTMLElement that will be used as', 'the arrow.'].join(' '));\n }\n }\n\n if (!contains(state.elements.popper, arrowElement)) {\n if (process.env.NODE_ENV !== \"production\") {\n console.error(['Popper: \"arrow\" modifier\\'s `element` must be a child of the popper', 'element.'].join(' '));\n }\n\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\n if (process.env.NODE_ENV !== \"production\") {\n var transitionProperty = getComputedStyle(state.elements.popper).transitionProperty || '';\n\n if (adaptive && ['transform', 'top', 'right', 'bottom', 'left'].some(function (property) {\n return transitionProperty.indexOf(property) >= 0;\n })) {\n console.warn(['Popper: Detected CSS transitions on at least one of the following', 'CSS properties: \"transform\", \"top\", \"right\", \"bottom\", \"left\".', '\\n\\n', 'Disable the \"computeStyles\" modifier\\'s `adaptive` option to allow', 'for smooth transitions, or remove these properties from the CSS', 'transition declaration on the popper element if only transitioning', 'opacity or background-color for example.', '\\n\\n', 'We recommend using the popper element as a wrapper around an inner', 'element that can have any CSS property transitioned for animations.'].join(' '));\n }\n }\n\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\n if (process.env.NODE_ENV !== \"production\") {\n console.error(['Popper: The `allowedAutoPlacements` option did not allow any', 'placements. Ensure the `placement` option matches the variation', 'of the allowed placements.', 'For example, \"auto\" cannot be used to allow \"bottom-start\".', 'Use \"auto-start\" instead.'].join(' '));\n }\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 getComputedStyle from \"./dom-utils/getComputedStyle.js\";\nimport orderModifiers from \"./utils/orderModifiers.js\";\nimport debounce from \"./utils/debounce.js\";\nimport validateModifiers from \"./utils/validateModifiers.js\";\nimport uniqueBy from \"./utils/uniqueBy.js\";\nimport getBasePlacement from \"./utils/getBasePlacement.js\";\nimport mergeByName from \"./utils/mergeByName.js\";\nimport detectOverflow from \"./utils/detectOverflow.js\";\nimport { isElement } from \"./dom-utils/instanceOf.js\";\nimport { auto } from \"./enums.js\";\nvar INVALID_ELEMENT_ERROR = 'Popper: Invalid reference or popper argument provided. They must be either a DOM element or virtual element.';\nvar INFINITE_LOOP_ERROR = 'Popper: An infinite loop in the modifiers cycle has been detected! The cycle has been interrupted to prevent a browser crash.';\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 }); // Validate the provided modifiers so that the consumer will get warned\n // if one of the modifiers is invalid for any reason\n\n if (process.env.NODE_ENV !== \"production\") {\n var modifiers = uniqueBy([].concat(orderedModifiers, state.options.modifiers), function (_ref) {\n var name = _ref.name;\n return name;\n });\n validateModifiers(modifiers);\n\n if (getBasePlacement(state.options.placement) === auto) {\n var flipModifier = state.orderedModifiers.find(function (_ref2) {\n var name = _ref2.name;\n return name === 'flip';\n });\n\n if (!flipModifier) {\n console.error(['Popper: \"auto\" placements require the \"flip\" modifier be', 'present and enabled to work.'].join(' '));\n }\n }\n\n var _getComputedStyle = getComputedStyle(popper),\n marginTop = _getComputedStyle.marginTop,\n marginRight = _getComputedStyle.marginRight,\n marginBottom = _getComputedStyle.marginBottom,\n marginLeft = _getComputedStyle.marginLeft; // We no longer take into account `margins` on the popper, and it can\n // cause bugs with positioning, so we'll warn the consumer\n\n\n if ([marginTop, marginRight, marginBottom, marginLeft].some(function (margin) {\n return parseFloat(margin);\n })) {\n console.warn(['Popper: CSS \"margin\" styles cannot be used to apply padding', 'between the popper and its reference element or boundary.', 'To replicate margin, use the `offset` modifier, as well as', 'the `padding` option in the `preventOverflow` and `flip`', 'modifiers.'].join(' '));\n }\n }\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 if (process.env.NODE_ENV !== \"production\") {\n console.error(INVALID_ELEMENT_ERROR);\n }\n\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 var __debug_loops__ = 0;\n\n for (var index = 0; index < state.orderedModifiers.length; index++) {\n if (process.env.NODE_ENV !== \"production\") {\n __debug_loops__ += 1;\n\n if (__debug_loops__ > 100) {\n console.error(INFINITE_LOOP_ERROR);\n break;\n }\n }\n\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 if (process.env.NODE_ENV !== \"production\") {\n console.error(INVALID_ELEMENT_ERROR);\n }\n\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 (_ref3) {\n var name = _ref3.name,\n _ref3$options = _ref3.options,\n options = _ref3$options === void 0 ? {} : _ref3$options,\n effect = _ref3.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.2.3 (https://getbootstrap.com/)\n * Copyright 2011-2022 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 (v5.2.3): util/index.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\nconst MAX_UID = 1000000;\nconst MILLISECONDS_MULTIPLIER = 1000;\nconst TRANSITION_END = 'transitionend'; // Shout-out Angus Croll (https://goo.gl/pxwQGp)\n\nconst toType = object => {\n if (object === null || object === undefined) {\n return `${object}`;\n }\n\n return Object.prototype.toString.call(object).match(/\\s([a-z]+)/i)[1].toLowerCase();\n};\n/**\n * Public Util API\n */\n\n\nconst getUID = prefix => {\n do {\n prefix += Math.floor(Math.random() * MAX_UID);\n } while (document.getElementById(prefix));\n\n return prefix;\n};\n\nconst getSelector = element => {\n let selector = element.getAttribute('data-bs-target');\n\n if (!selector || selector === '#') {\n let hrefAttribute = element.getAttribute('href'); // 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\n if (!hrefAttribute || !hrefAttribute.includes('#') && !hrefAttribute.startsWith('.')) {\n return null;\n } // Just in case some CMS puts out a full URL with the anchor appended\n\n\n if (hrefAttribute.includes('#') && !hrefAttribute.startsWith('#')) {\n hrefAttribute = `#${hrefAttribute.split('#')[1]}`;\n }\n\n selector = hrefAttribute && hrefAttribute !== '#' ? hrefAttribute.trim() : null;\n }\n\n return selector;\n};\n\nconst getSelectorFromElement = element => {\n const selector = getSelector(element);\n\n if (selector) {\n return document.querySelector(selector) ? selector : null;\n }\n\n return null;\n};\n\nconst getElementFromSelector = element => {\n const selector = getSelector(element);\n return selector ? document.querySelector(selector) : null;\n};\n\nconst getTransitionDurationFromElement = element => {\n if (!element) {\n return 0;\n } // Get transition-duration of the element\n\n\n let {\n transitionDuration,\n transitionDelay\n } = window.getComputedStyle(element);\n const floatTransitionDuration = Number.parseFloat(transitionDuration);\n const floatTransitionDelay = Number.parseFloat(transitionDelay); // Return 0 if element or transition duration is not found\n\n if (!floatTransitionDuration && !floatTransitionDelay) {\n return 0;\n } // If multiple durations are defined, take the first\n\n\n transitionDuration = transitionDuration.split(',')[0];\n transitionDelay = transitionDelay.split(',')[0];\n return (Number.parseFloat(transitionDuration) + Number.parseFloat(transitionDelay)) * MILLISECONDS_MULTIPLIER;\n};\n\nconst triggerTransitionEnd = element => {\n element.dispatchEvent(new Event(TRANSITION_END));\n};\n\nconst isElement = object => {\n if (!object || typeof object !== 'object') {\n return false;\n }\n\n if (typeof object.jquery !== 'undefined') {\n object = object[0];\n }\n\n return typeof object.nodeType !== 'undefined';\n};\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\n if (typeof object === 'string' && object.length > 0) {\n return document.querySelector(object);\n }\n\n return null;\n};\n\nconst isVisible = element => {\n if (!isElement(element) || element.getClientRects().length === 0) {\n return false;\n }\n\n const elementIsVisible = getComputedStyle(element).getPropertyValue('visibility') === 'visible'; // Handle `details` element as its content may falsie appear visible when it is closed\n\n const closedDetails = element.closest('details:not([open])');\n\n if (!closedDetails) {\n return elementIsVisible;\n }\n\n if (closedDetails !== element) {\n const summary = element.closest('summary');\n\n if (summary && summary.parentNode !== closedDetails) {\n return false;\n }\n\n if (summary === null) {\n return false;\n }\n }\n\n return elementIsVisible;\n};\n\nconst isDisabled = element => {\n if (!element || element.nodeType !== Node.ELEMENT_NODE) {\n return true;\n }\n\n if (element.classList.contains('disabled')) {\n return true;\n }\n\n if (typeof element.disabled !== 'undefined') {\n return element.disabled;\n }\n\n return element.hasAttribute('disabled') && element.getAttribute('disabled') !== 'false';\n};\n\nconst findShadowRoot = element => {\n if (!document.documentElement.attachShadow) {\n return null;\n } // Can find the shadow root otherwise it'll return the document\n\n\n if (typeof element.getRootNode === 'function') {\n const root = element.getRootNode();\n return root instanceof ShadowRoot ? root : null;\n }\n\n if (element instanceof ShadowRoot) {\n return element;\n } // when we don't find a shadow root\n\n\n if (!element.parentNode) {\n return null;\n }\n\n return findShadowRoot(element.parentNode);\n};\n\nconst noop = () => {};\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 */\n\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\n return null;\n};\n\nconst DOMContentLoadedCallbacks = [];\n\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\n DOMContentLoadedCallbacks.push(callback);\n } else {\n callback();\n }\n};\n\nconst isRTL = () => document.documentElement.dir === 'rtl';\n\nconst defineJQueryPlugin = plugin => {\n onDOMContentLoaded(() => {\n const $ = getjQuery();\n /* istanbul ignore if */\n\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\n $.fn[name].noConflict = () => {\n $.fn[name] = JQUERY_NO_CONFLICT;\n return plugin.jQueryInterface;\n };\n }\n });\n};\n\nconst execute = callback => {\n if (typeof callback === 'function') {\n callback();\n }\n};\n\nconst executeAfterTransition = (callback, transitionElement, waitForTransition = true) => {\n if (!waitForTransition) {\n execute(callback);\n return;\n }\n\n const durationPadding = 5;\n const emulatedDuration = getTransitionDurationFromElement(transitionElement) + durationPadding;\n let called = false;\n\n const handler = ({\n target\n }) => {\n if (target !== transitionElement) {\n return;\n }\n\n called = true;\n transitionElement.removeEventListener(TRANSITION_END, handler);\n execute(callback);\n };\n\n transitionElement.addEventListener(TRANSITION_END, handler);\n setTimeout(() => {\n if (!called) {\n triggerTransitionEnd(transitionElement);\n }\n }, emulatedDuration);\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 */\n\n\nconst getNextActiveElement = (list, activeElement, shouldGetNext, isCycleAllowed) => {\n const listLength = list.length;\n let index = list.indexOf(activeElement); // if the element does not exist in the list return an element\n // depending on the direction and if cycle is allowed\n\n if (index === -1) {\n return !shouldGetNext && isCycleAllowed ? list[listLength - 1] : list[0];\n }\n\n index += shouldGetNext ? 1 : -1;\n\n if (isCycleAllowed) {\n index = (index + listLength) % listLength;\n }\n\n return list[Math.max(0, Math.min(index, listLength - 1))];\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): dom/event-handler.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n/**\n * Constants\n */\n\nconst namespaceRegex = /[^.]*(?=\\..*)\\.|.*/;\nconst stripNameRegex = /\\..*/;\nconst stripUidRegex = /::\\d+$/;\nconst eventRegistry = {}; // Events storage\n\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 * Private methods\n */\n\nfunction makeEventUid(element, uid) {\n return uid && `${uid}::${uidEvent++}` || element.uidEvent || uidEvent++;\n}\n\nfunction getElementEvents(element) {\n const uid = makeEventUid(element);\n element.uidEvent = uid;\n eventRegistry[uid] = eventRegistry[uid] || {};\n return eventRegistry[uid];\n}\n\nfunction bootstrapHandler(element, fn) {\n return function handler(event) {\n hydrateObj(event, {\n delegateTarget: element\n });\n\n if (handler.oneOff) {\n EventHandler.off(element, event.type, fn);\n }\n\n return fn.apply(element, [event]);\n };\n}\n\nfunction bootstrapDelegationHandler(element, selector, fn) {\n return function handler(event) {\n const domElements = element.querySelectorAll(selector);\n\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\n hydrateObj(event, {\n delegateTarget: target\n });\n\n if (handler.oneOff) {\n EventHandler.off(element, event.type, selector, fn);\n }\n\n return fn.apply(target, [event]);\n }\n }\n };\n}\n\nfunction findHandler(events, callable, delegationSelector = null) {\n return Object.values(events).find(event => event.callable === callable && event.delegationSelector === delegationSelector);\n}\n\nfunction normalizeParameters(originalTypeEvent, handler, delegationFunction) {\n const isDelegated = typeof handler === 'string'; // todo: tooltip passes `false` instead of selector, so we need to check\n\n const callable = isDelegated ? delegationFunction : handler || delegationFunction;\n let typeEvent = getTypeEvent(originalTypeEvent);\n\n if (!nativeEvents.has(typeEvent)) {\n typeEvent = originalTypeEvent;\n }\n\n return [isDelegated, callable, typeEvent];\n}\n\nfunction addHandler(element, originalTypeEvent, handler, delegationFunction, oneOff) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\n\n let [isDelegated, callable, typeEvent] = normalizeParameters(originalTypeEvent, handler, delegationFunction); // 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\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\n callable = wrapFunction(callable);\n }\n\n const events = getElementEvents(element);\n const handlers = events[typeEvent] || (events[typeEvent] = {});\n const previousFunction = findHandler(handlers, callable, isDelegated ? handler : null);\n\n if (previousFunction) {\n previousFunction.oneOff = previousFunction.oneOff && oneOff;\n return;\n }\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}\n\nfunction removeHandler(element, events, typeEvent, handler, delegationSelector) {\n const fn = findHandler(events[typeEvent], handler, delegationSelector);\n\n if (!fn) {\n return;\n }\n\n element.removeEventListener(typeEvent, fn, Boolean(delegationSelector));\n delete events[typeEvent][fn.uidEvent];\n}\n\nfunction removeNamespacedHandlers(element, events, typeEvent, namespace) {\n const storeElementEvent = events[typeEvent] || {};\n\n for (const handlerKey of Object.keys(storeElementEvent)) {\n if (handlerKey.includes(namespace)) {\n const event = storeElementEvent[handlerKey];\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\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}\n\nconst EventHandler = {\n on(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, false);\n },\n\n one(element, event, handler, delegationFunction) {\n addHandler(element, event, handler, delegationFunction, true);\n },\n\n off(element, originalTypeEvent, handler, delegationFunction) {\n if (typeof originalTypeEvent !== 'string' || !element) {\n return;\n }\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\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\n removeHandler(element, events, typeEvent, callable, isDelegated ? handler : null);\n return;\n }\n\n if (isNamespace) {\n for (const elementEvent of Object.keys(events)) {\n removeNamespacedHandlers(element, events, elementEvent, originalTypeEvent.slice(1));\n }\n }\n\n for (const keyHandlers of Object.keys(storeElementEvent)) {\n const handlerKey = keyHandlers.replace(stripUidRegex, '');\n\n if (!inNamespace || originalTypeEvent.includes(handlerKey)) {\n const event = storeElementEvent[keyHandlers];\n removeHandler(element, events, typeEvent, event.callable, event.delegationSelector);\n }\n }\n },\n\n trigger(element, event, args) {\n if (typeof event !== 'string' || !element) {\n return null;\n }\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\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\n let evt = new Event(event, {\n bubbles,\n cancelable: true\n });\n evt = hydrateObj(evt, args);\n\n if (defaultPrevented) {\n evt.preventDefault();\n }\n\n if (nativeDispatch) {\n element.dispatchEvent(evt);\n }\n\n if (evt.defaultPrevented && jQueryEvent) {\n jQueryEvent.preventDefault();\n }\n\n return evt;\n }\n\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\n get() {\n return value;\n }\n\n });\n }\n }\n\n return obj;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): dom/data.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n\n/**\n * Constants\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\n const instanceMap = elementMap.get(element); // 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\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\n instanceMap.set(key, instance);\n },\n\n get(element, key) {\n if (elementMap.has(element)) {\n return elementMap.get(element).get(key) || null;\n }\n\n return null;\n },\n\n remove(element, key) {\n if (!elementMap.has(element)) {\n return;\n }\n\n const instanceMap = elementMap.get(element);\n instanceMap.delete(key); // free up element references if there are no instances left for an element\n\n if (instanceMap.size === 0) {\n elementMap.delete(element);\n }\n }\n\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): dom/manipulator.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\nfunction normalizeData(value) {\n if (value === 'true') {\n return true;\n }\n\n if (value === 'false') {\n return false;\n }\n\n if (value === Number(value).toString()) {\n return Number(value);\n }\n\n if (value === '' || value === 'null') {\n return null;\n }\n\n if (typeof value !== 'string') {\n return value;\n }\n\n try {\n return JSON.parse(decodeURIComponent(value));\n } catch (_unused) {\n return value;\n }\n}\n\nfunction normalizeDataKey(key) {\n return key.replace(/[A-Z]/g, chr => `-${chr.toLowerCase()}`);\n}\n\nconst Manipulator = {\n setDataAttribute(element, key, value) {\n element.setAttribute(`data-bs-${normalizeDataKey(key)}`, value);\n },\n\n removeDataAttribute(element, key) {\n element.removeAttribute(`data-bs-${normalizeDataKey(key)}`);\n },\n\n getDataAttributes(element) {\n if (!element) {\n return {};\n }\n\n const attributes = {};\n const bsKeys = Object.keys(element.dataset).filter(key => key.startsWith('bs') && !key.startsWith('bsConfig'));\n\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\n return attributes;\n },\n\n getDataAttribute(element, key) {\n return normalizeData(element.getAttribute(`data-bs-${normalizeDataKey(key)}`));\n }\n\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/config.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n/**\n * Class definition\n */\n\nclass Config {\n // Getters\n static get Default() {\n return {};\n }\n\n static get DefaultType() {\n return {};\n }\n\n static get NAME() {\n throw new Error('You have to implement the static method \"NAME\", for each component!');\n }\n\n _getConfig(config) {\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n\n this._typeCheckConfig(config);\n\n return config;\n }\n\n _configAfterMerge(config) {\n return config;\n }\n\n _mergeConfigObj(config, element) {\n const jsonConfig = isElement(element) ? Manipulator.getDataAttribute(element, 'config') : {}; // try to parse\n\n return { ...this.constructor.Default,\n ...(typeof jsonConfig === 'object' ? jsonConfig : {}),\n ...(isElement(element) ? Manipulator.getDataAttributes(element) : {}),\n ...(typeof config === 'object' ? config : {})\n };\n }\n\n _typeCheckConfig(config, configTypes = this.constructor.DefaultType) {\n for (const property of Object.keys(configTypes)) {\n const expectedTypes = configTypes[property];\n const value = config[property];\n const valueType = isElement(value) ? 'element' : toType(value);\n\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 * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): base-component.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n/**\n * Constants\n */\n\nconst VERSION = '5.2.3';\n/**\n * Class definition\n */\n\nclass BaseComponent extends Config {\n constructor(element, config) {\n super();\n element = getElement(element);\n\n if (!element) {\n return;\n }\n\n this._element = element;\n this._config = this._getConfig(config);\n Data.set(this._element, this.constructor.DATA_KEY, this);\n } // Public\n\n\n dispose() {\n Data.remove(this._element, this.constructor.DATA_KEY);\n EventHandler.off(this._element, this.constructor.EVENT_KEY);\n\n for (const propertyName of Object.getOwnPropertyNames(this)) {\n this[propertyName] = null;\n }\n }\n\n _queueCallback(callback, element, isAnimated = true) {\n executeAfterTransition(callback, element, isAnimated);\n }\n\n _getConfig(config) {\n config = this._mergeConfigObj(config, this._element);\n config = this._configAfterMerge(config);\n\n this._typeCheckConfig(config);\n\n return config;\n } // Static\n\n\n static getInstance(element) {\n return Data.get(getElement(element), this.DATA_KEY);\n }\n\n static getOrCreateInstance(element, config = {}) {\n return this.getInstance(element) || new this(element, typeof config === 'object' ? config : null);\n }\n\n static get VERSION() {\n return VERSION;\n }\n\n static get DATA_KEY() {\n return `bs.${this.NAME}`;\n }\n\n static get EVENT_KEY() {\n return `.${this.DATA_KEY}`;\n }\n\n static eventName(name) {\n return `${name}${this.EVENT_KEY}`;\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): 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\n if (isDisabled(this)) {\n return;\n }\n\n const target = getElementFromSelector(this) || this.closest(`.${name}`);\n const instance = component.getOrCreateInstance(target); // Method argument is left, for Alert and only, as it doesn't implement the 'hide' method\n\n instance[method]();\n });\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): alert.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass Alert extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$f;\n } // Public\n\n\n close() {\n const closeEvent = EventHandler.trigger(this._element, EVENT_CLOSE);\n\n if (closeEvent.defaultPrevented) {\n return;\n }\n\n this._element.classList.remove(CLASS_NAME_SHOW$8);\n\n const isAnimated = this._element.classList.contains(CLASS_NAME_FADE$5);\n\n this._queueCallback(() => this._destroyElement(), this._element, isAnimated);\n } // Private\n\n\n _destroyElement() {\n this._element.remove();\n\n EventHandler.trigger(this._element, EVENT_CLOSED);\n this.dispose();\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Alert.getOrCreateInstance(this);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config](this);\n });\n }\n\n}\n/**\n * Data API implementation\n */\n\n\nenableDismissTrigger(Alert, 'close');\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Alert);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): button.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass Button extends BaseComponent {\n // Getters\n static get NAME() {\n return NAME$e;\n } // Public\n\n\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 } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Button.getOrCreateInstance(this);\n\n if (config === 'toggle') {\n data[config]();\n }\n });\n }\n\n}\n/**\n * Data API implementation\n */\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 * jQuery\n */\n\ndefineJQueryPlugin(Button);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): dom/selector-engine.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n/**\n * Constants\n */\n\nconst SelectorEngine = {\n find(selector, element = document.documentElement) {\n return [].concat(...Element.prototype.querySelectorAll.call(element, selector));\n },\n\n findOne(selector, element = document.documentElement) {\n return Element.prototype.querySelector.call(element, selector);\n },\n\n children(element, selector) {\n return [].concat(...element.children).filter(child => child.matches(selector));\n },\n\n parents(element, selector) {\n const parents = [];\n let ancestor = element.parentNode.closest(selector);\n\n while (ancestor) {\n parents.push(ancestor);\n ancestor = ancestor.parentNode.closest(selector);\n }\n\n return parents;\n },\n\n prev(element, selector) {\n let previous = element.previousElementSibling;\n\n while (previous) {\n if (previous.matches(selector)) {\n return [previous];\n }\n\n previous = previous.previousElementSibling;\n }\n\n return [];\n },\n\n // TODO: this is now unused; remove later along with prev()\n next(element, selector) {\n let next = element.nextElementSibling;\n\n while (next) {\n if (next.matches(selector)) {\n return [next];\n }\n\n next = next.nextElementSibling;\n }\n\n return [];\n },\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\n};\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/swipe.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass Swipe extends Config {\n constructor(element, config) {\n super();\n this._element = element;\n\n if (!element || !Swipe.isSupported()) {\n return;\n }\n\n this._config = this._getConfig(config);\n this._deltaX = 0;\n this._supportPointerEvents = Boolean(window.PointerEvent);\n\n this._initEvents();\n } // Getters\n\n\n static get Default() {\n return Default$c;\n }\n\n static get DefaultType() {\n return DefaultType$c;\n }\n\n static get NAME() {\n return NAME$d;\n } // Public\n\n\n dispose() {\n EventHandler.off(this._element, EVENT_KEY$9);\n } // Private\n\n\n _start(event) {\n if (!this._supportPointerEvents) {\n this._deltaX = event.touches[0].clientX;\n return;\n }\n\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX;\n }\n }\n\n _end(event) {\n if (this._eventIsPointerPenTouch(event)) {\n this._deltaX = event.clientX - this._deltaX;\n }\n\n this._handleSwipe();\n\n execute(this._config.endCallback);\n }\n\n _move(event) {\n this._deltaX = event.touches && event.touches.length > 1 ? 0 : event.touches[0].clientX - this._deltaX;\n }\n\n _handleSwipe() {\n const absDeltaX = Math.abs(this._deltaX);\n\n if (absDeltaX <= SWIPE_THRESHOLD) {\n return;\n }\n\n const direction = absDeltaX / this._deltaX;\n this._deltaX = 0;\n\n if (!direction) {\n return;\n }\n\n execute(direction > 0 ? this._config.rightCallback : this._config.leftCallback);\n }\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\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\n _eventIsPointerPenTouch(event) {\n return this._supportPointerEvents && (event.pointerType === POINTER_TYPE_PEN || event.pointerType === POINTER_TYPE_TOUCH);\n } // Static\n\n\n static isSupported() {\n return 'ontouchstart' in document.documentElement || navigator.maxTouchPoints > 0;\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): carousel.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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\n this._addEventListeners();\n\n if (this._config.ride === CLASS_NAME_CAROUSEL) {\n this.cycle();\n }\n } // Getters\n\n\n static get Default() {\n return Default$b;\n }\n\n static get DefaultType() {\n return DefaultType$b;\n }\n\n static get NAME() {\n return NAME$c;\n } // Public\n\n\n next() {\n this._slide(ORDER_NEXT);\n }\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\n prev() {\n this._slide(ORDER_PREV);\n }\n\n pause() {\n if (this._isSliding) {\n triggerTransitionEnd(this._element);\n }\n\n this._clearInterval();\n }\n\n cycle() {\n this._clearInterval();\n\n this._updateInterval();\n\n this._interval = setInterval(() => this.nextWhenVisible(), this._config.interval);\n }\n\n _maybeEnableCycle() {\n if (!this._config.ride) {\n return;\n }\n\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.cycle());\n return;\n }\n\n this.cycle();\n }\n\n to(index) {\n const items = this._getItems();\n\n if (index > items.length - 1 || index < 0) {\n return;\n }\n\n if (this._isSliding) {\n EventHandler.one(this._element, EVENT_SLID, () => this.to(index));\n return;\n }\n\n const activeIndex = this._getItemIndex(this._getActive());\n\n if (activeIndex === index) {\n return;\n }\n\n const order = index > activeIndex ? ORDER_NEXT : ORDER_PREV;\n\n this._slide(order, items[index]);\n }\n\n dispose() {\n if (this._swipeHelper) {\n this._swipeHelper.dispose();\n }\n\n super.dispose();\n } // Private\n\n\n _configAfterMerge(config) {\n config.defaultInterval = config.interval;\n return config;\n }\n\n _addEventListeners() {\n if (this._config.keyboard) {\n EventHandler.on(this._element, EVENT_KEYDOWN$1, event => this._keydown(event));\n }\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\n if (this._config.touch && Swipe.isSupported()) {\n this._addTouchEventListeners();\n }\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\n const endCallBack = () => {\n if (this._config.pause !== 'hover') {\n return;\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\n this.pause();\n\n if (this.touchTimeout) {\n clearTimeout(this.touchTimeout);\n }\n\n this.touchTimeout = setTimeout(() => this._maybeEnableCycle(), TOUCHEVENT_COMPAT_WAIT + this._config.interval);\n };\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\n _keydown(event) {\n if (/input|textarea/i.test(event.target.tagName)) {\n return;\n }\n\n const direction = KEY_TO_DIRECTION[event.key];\n\n if (direction) {\n event.preventDefault();\n\n this._slide(this._directionToOrder(direction));\n }\n }\n\n _getItemIndex(element) {\n return this._getItems().indexOf(element);\n }\n\n _setActiveIndicatorElement(index) {\n if (!this._indicatorsElement) {\n return;\n }\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\n if (newActiveIndicator) {\n newActiveIndicator.classList.add(CLASS_NAME_ACTIVE$2);\n newActiveIndicator.setAttribute('aria-current', 'true');\n }\n }\n\n _updateInterval() {\n const element = this._activeElement || this._getActive();\n\n if (!element) {\n return;\n }\n\n const elementInterval = Number.parseInt(element.getAttribute('data-bs-interval'), 10);\n this._config.interval = elementInterval || this._config.defaultInterval;\n }\n\n _slide(order, element = null) {\n if (this._isSliding) {\n return;\n }\n\n const activeElement = this._getActive();\n\n const isNext = order === ORDER_NEXT;\n const nextElement = element || getNextActiveElement(this._getItems(), activeElement, isNext, this._config.wrap);\n\n if (nextElement === activeElement) {\n return;\n }\n\n const nextElementIndex = this._getItemIndex(nextElement);\n\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\n const slideEvent = triggerEvent(EVENT_SLIDE);\n\n if (slideEvent.defaultPrevented) {\n return;\n }\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\n const isCycling = Boolean(this._interval);\n this.pause();\n this._isSliding = true;\n\n this._setActiveIndicatorElement(nextElementIndex);\n\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\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\n this._queueCallback(completeCallBack, activeElement, this._isAnimated());\n\n if (isCycling) {\n this.cycle();\n }\n }\n\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_SLIDE);\n }\n\n _getActive() {\n return SelectorEngine.findOne(SELECTOR_ACTIVE_ITEM, this._element);\n }\n\n _getItems() {\n return SelectorEngine.find(SELECTOR_ITEM, this._element);\n }\n\n _clearInterval() {\n if (this._interval) {\n clearInterval(this._interval);\n this._interval = null;\n }\n }\n\n _directionToOrder(direction) {\n if (isRTL()) {\n return direction === DIRECTION_LEFT ? ORDER_PREV : ORDER_NEXT;\n }\n\n return direction === DIRECTION_LEFT ? ORDER_NEXT : ORDER_PREV;\n }\n\n _orderToDirection(order) {\n if (isRTL()) {\n return order === ORDER_PREV ? DIRECTION_LEFT : DIRECTION_RIGHT;\n }\n\n return order === ORDER_PREV ? DIRECTION_RIGHT : DIRECTION_LEFT;\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Carousel.getOrCreateInstance(this, config);\n\n if (typeof config === 'number') {\n data.to(config);\n return;\n }\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\n data[config]();\n }\n });\n }\n\n}\n/**\n * Data API implementation\n */\n\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$5, SELECTOR_DATA_SLIDE, function (event) {\n const target = getElementFromSelector(this);\n\n if (!target || !target.classList.contains(CLASS_NAME_CAROUSEL)) {\n return;\n }\n\n event.preventDefault();\n const carousel = Carousel.getOrCreateInstance(target);\n const slideIndex = this.getAttribute('data-bs-slide-to');\n\n if (slideIndex) {\n carousel.to(slideIndex);\n\n carousel._maybeEnableCycle();\n\n return;\n }\n\n if (Manipulator.getDataAttribute(this, 'slide') === 'next') {\n carousel.next();\n\n carousel._maybeEnableCycle();\n\n return;\n }\n\n carousel.prev();\n\n carousel._maybeEnableCycle();\n});\nEventHandler.on(window, EVENT_LOAD_DATA_API$3, () => {\n const carousels = SelectorEngine.find(SELECTOR_DATA_RIDE);\n\n for (const carousel of carousels) {\n Carousel.getOrCreateInstance(carousel);\n }\n});\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Carousel);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): collapse.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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\n for (const elem of toggleList) {\n const selector = getSelectorFromElement(elem);\n const filterElement = SelectorEngine.find(selector).filter(foundElement => foundElement === this._element);\n\n if (selector !== null && filterElement.length) {\n this._triggerArray.push(elem);\n }\n }\n\n this._initializeChildren();\n\n if (!this._config.parent) {\n this._addAriaAndCollapsedClass(this._triggerArray, this._isShown());\n }\n\n if (this._config.toggle) {\n this.toggle();\n }\n } // Getters\n\n\n static get Default() {\n return Default$a;\n }\n\n static get DefaultType() {\n return DefaultType$a;\n }\n\n static get NAME() {\n return NAME$b;\n } // Public\n\n\n toggle() {\n if (this._isShown()) {\n this.hide();\n } else {\n this.show();\n }\n }\n\n show() {\n if (this._isTransitioning || this._isShown()) {\n return;\n }\n\n let activeChildren = []; // find active children\n\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\n if (activeChildren.length && activeChildren[0]._isTransitioning) {\n return;\n }\n\n const startEvent = EventHandler.trigger(this._element, EVENT_SHOW$6);\n\n if (startEvent.defaultPrevented) {\n return;\n }\n\n for (const activeInstance of activeChildren) {\n activeInstance.hide();\n }\n\n const dimension = this._getDimension();\n\n this._element.classList.remove(CLASS_NAME_COLLAPSE);\n\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n\n this._element.style[dimension] = 0;\n\n this._addAriaAndCollapsedClass(this._triggerArray, true);\n\n this._isTransitioning = true;\n\n const complete = () => {\n this._isTransitioning = false;\n\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n\n this._element.classList.add(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n\n this._element.style[dimension] = '';\n EventHandler.trigger(this._element, EVENT_SHOWN$6);\n };\n\n const capitalizedDimension = dimension[0].toUpperCase() + dimension.slice(1);\n const scrollSize = `scroll${capitalizedDimension}`;\n\n this._queueCallback(complete, this._element, true);\n\n this._element.style[dimension] = `${this._element[scrollSize]}px`;\n }\n\n hide() {\n if (this._isTransitioning || !this._isShown()) {\n return;\n }\n\n const startEvent = EventHandler.trigger(this._element, EVENT_HIDE$6);\n\n if (startEvent.defaultPrevented) {\n return;\n }\n\n const dimension = this._getDimension();\n\n this._element.style[dimension] = `${this._element.getBoundingClientRect()[dimension]}px`;\n reflow(this._element);\n\n this._element.classList.add(CLASS_NAME_COLLAPSING);\n\n this._element.classList.remove(CLASS_NAME_COLLAPSE, CLASS_NAME_SHOW$7);\n\n for (const trigger of this._triggerArray) {\n const element = getElementFromSelector(trigger);\n\n if (element && !this._isShown(element)) {\n this._addAriaAndCollapsedClass([trigger], false);\n }\n }\n\n this._isTransitioning = true;\n\n const complete = () => {\n this._isTransitioning = false;\n\n this._element.classList.remove(CLASS_NAME_COLLAPSING);\n\n this._element.classList.add(CLASS_NAME_COLLAPSE);\n\n EventHandler.trigger(this._element, EVENT_HIDDEN$6);\n };\n\n this._element.style[dimension] = '';\n\n this._queueCallback(complete, this._element, true);\n }\n\n _isShown(element = this._element) {\n return element.classList.contains(CLASS_NAME_SHOW$7);\n } // Private\n\n\n _configAfterMerge(config) {\n config.toggle = Boolean(config.toggle); // Coerce string values\n\n config.parent = getElement(config.parent);\n return config;\n }\n\n _getDimension() {\n return this._element.classList.contains(CLASS_NAME_HORIZONTAL) ? WIDTH : HEIGHT;\n }\n\n _initializeChildren() {\n if (!this._config.parent) {\n return;\n }\n\n const children = this._getFirstLevelChildren(SELECTOR_DATA_TOGGLE$4);\n\n for (const element of children) {\n const selected = getElementFromSelector(element);\n\n if (selected) {\n this._addAriaAndCollapsedClass([element], this._isShown(selected));\n }\n }\n }\n\n _getFirstLevelChildren(selector) {\n const children = SelectorEngine.find(CLASS_NAME_DEEPER_CHILDREN, this._config.parent); // remove children if greater depth\n\n return SelectorEngine.find(selector, this._config.parent).filter(element => !children.includes(element));\n }\n\n _addAriaAndCollapsedClass(triggerArray, isOpen) {\n if (!triggerArray.length) {\n return;\n }\n\n for (const element of triggerArray) {\n element.classList.toggle(CLASS_NAME_COLLAPSED, !isOpen);\n element.setAttribute('aria-expanded', isOpen);\n }\n } // Static\n\n\n static jQueryInterface(config) {\n const _config = {};\n\n if (typeof config === 'string' && /show|hide/.test(config)) {\n _config.toggle = false;\n }\n\n return this.each(function () {\n const data = Collapse.getOrCreateInstance(this, _config);\n\n if (typeof config === 'string') {\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config]();\n }\n });\n }\n\n}\n/**\n * Data API implementation\n */\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\n const selector = getSelectorFromElement(this);\n const selectorElements = SelectorEngine.find(selector);\n\n for (const element of selectorElements) {\n Collapse.getOrCreateInstance(element, {\n toggle: false\n }).toggle();\n }\n});\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Collapse);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): dropdown.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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.2/forms/input-group/\n\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 } // Getters\n\n\n static get Default() {\n return Default$9;\n }\n\n static get DefaultType() {\n return DefaultType$9;\n }\n\n static get NAME() {\n return NAME$a;\n } // Public\n\n\n toggle() {\n return this._isShown() ? this.hide() : this.show();\n }\n\n show() {\n if (isDisabled(this._element) || this._isShown()) {\n return;\n }\n\n const relatedTarget = {\n relatedTarget: this._element\n };\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$5, relatedTarget);\n\n if (showEvent.defaultPrevented) {\n return;\n }\n\n this._createPopper(); // 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\n\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\n this._element.focus();\n\n this._element.setAttribute('aria-expanded', true);\n\n this._menu.classList.add(CLASS_NAME_SHOW$6);\n\n this._element.classList.add(CLASS_NAME_SHOW$6);\n\n EventHandler.trigger(this._element, EVENT_SHOWN$5, relatedTarget);\n }\n\n hide() {\n if (isDisabled(this._element) || !this._isShown()) {\n return;\n }\n\n const relatedTarget = {\n relatedTarget: this._element\n };\n\n this._completeHide(relatedTarget);\n }\n\n dispose() {\n if (this._popper) {\n this._popper.destroy();\n }\n\n super.dispose();\n }\n\n update() {\n this._inNavbar = this._detectNavbar();\n\n if (this._popper) {\n this._popper.update();\n }\n } // Private\n\n\n _completeHide(relatedTarget) {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$5, relatedTarget);\n\n if (hideEvent.defaultPrevented) {\n return;\n } // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n\n\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\n }\n\n if (this._popper) {\n this._popper.destroy();\n }\n\n this._menu.classList.remove(CLASS_NAME_SHOW$6);\n\n this._element.classList.remove(CLASS_NAME_SHOW$6);\n\n this._element.setAttribute('aria-expanded', 'false');\n\n Manipulator.removeDataAttribute(this._menu, 'popper');\n EventHandler.trigger(this._element, EVENT_HIDDEN$5, relatedTarget);\n }\n\n _getConfig(config) {\n config = super._getConfig(config);\n\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\n return config;\n }\n\n _createPopper() {\n if (typeof Popper === 'undefined') {\n throw new TypeError('Bootstrap\\'s dropdowns require Popper (https://popper.js.org)');\n }\n\n let referenceElement = this._element;\n\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\n const popperConfig = this._getPopperConfig();\n\n this._popper = Popper.createPopper(referenceElement, this._menu, popperConfig);\n }\n\n _isShown() {\n return this._menu.classList.contains(CLASS_NAME_SHOW$6);\n }\n\n _getPlacement() {\n const parentDropdown = this._parent;\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPEND)) {\n return PLACEMENT_RIGHT;\n }\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPSTART)) {\n return PLACEMENT_LEFT;\n }\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP_CENTER)) {\n return PLACEMENT_TOPCENTER;\n }\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPDOWN_CENTER)) {\n return PLACEMENT_BOTTOMCENTER;\n } // We need to trim the value because custom properties can also include spaces\n\n\n const isEnd = getComputedStyle(this._menu).getPropertyValue('--bs-position').trim() === 'end';\n\n if (parentDropdown.classList.contains(CLASS_NAME_DROPUP)) {\n return isEnd ? PLACEMENT_TOPEND : PLACEMENT_TOP;\n }\n\n return isEnd ? PLACEMENT_BOTTOMEND : PLACEMENT_BOTTOM;\n }\n\n _detectNavbar() {\n return this._element.closest(SELECTOR_NAVBAR) !== null;\n }\n\n _getOffset() {\n const {\n offset\n } = this._config;\n\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n\n return offset;\n }\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 }; // Disable Popper if we have a static display or Dropdown is in Navbar\n\n if (this._inNavbar || this._config.display === 'static') {\n Manipulator.setDataAttribute(this._menu, 'popper', 'static'); // todo:v6 remove\n\n defaultBsPopperConfig.modifiers = [{\n name: 'applyStyles',\n enabled: false\n }];\n }\n\n return { ...defaultBsPopperConfig,\n ...(typeof this._config.popperConfig === 'function' ? this._config.popperConfig(defaultBsPopperConfig) : this._config.popperConfig)\n };\n }\n\n _selectMenuItem({\n key,\n target\n }) {\n const items = SelectorEngine.find(SELECTOR_VISIBLE_ITEMS, this._menu).filter(element => isVisible(element));\n\n if (!items.length) {\n return;\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\n\n getNextActiveElement(items, target, key === ARROW_DOWN_KEY$1, !items.includes(target)).focus();\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Dropdown.getOrCreateInstance(this, config);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config]();\n });\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\n const openToggles = SelectorEngine.find(SELECTOR_DATA_TOGGLE_SHOWN);\n\n for (const toggle of openToggles) {\n const context = Dropdown.getInstance(toggle);\n\n if (!context || context._config.autoClose === false) {\n continue;\n }\n\n const composedPath = event.composedPath();\n const isMenuTarget = composedPath.includes(context._menu);\n\n if (composedPath.includes(context._element) || context._config.autoClose === 'inside' && !isMenuTarget || context._config.autoClose === 'outside' && isMenuTarget) {\n continue;\n } // Tab navigation through the dropdown menu or events from contained inputs shouldn't close the menu\n\n\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\n const relatedTarget = {\n relatedTarget: context._element\n };\n\n if (event.type === 'click') {\n relatedTarget.clickEvent = event;\n }\n\n context._completeHide(relatedTarget);\n }\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 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\n if (!isUpOrDownEvent && !isEscapeEvent) {\n return;\n }\n\n if (isInput && !isEscapeEvent) {\n return;\n }\n\n event.preventDefault(); // todo: v6 revert #37011 & change markup https://getbootstrap.com/docs/5.2/forms/input-group/\n\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\n if (isUpOrDownEvent) {\n event.stopPropagation();\n instance.show();\n\n instance._selectMenuItem(event);\n\n return;\n }\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\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 * jQuery\n */\n\ndefineJQueryPlugin(Dropdown);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/scrollBar.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass ScrollBarHelper {\n constructor() {\n this._element = document.body;\n } // Public\n\n\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\n hide() {\n const width = this.getWidth();\n\n this._disableOverFlow(); // give padding to element to balance the hidden scrollbar width\n\n\n this._setElementAttributes(this._element, PROPERTY_PADDING, calculatedValue => calculatedValue + width); // trick: We adjust positive paddingRight and negative marginRight to sticky-top elements to keep showing fullwidth\n\n\n this._setElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING, calculatedValue => calculatedValue + width);\n\n this._setElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN, calculatedValue => calculatedValue - width);\n }\n\n reset() {\n this._resetElementAttributes(this._element, 'overflow');\n\n this._resetElementAttributes(this._element, PROPERTY_PADDING);\n\n this._resetElementAttributes(SELECTOR_FIXED_CONTENT, PROPERTY_PADDING);\n\n this._resetElementAttributes(SELECTOR_STICKY_CONTENT, PROPERTY_MARGIN);\n }\n\n isOverflowing() {\n return this.getWidth() > 0;\n } // Private\n\n\n _disableOverFlow() {\n this._saveInitialAttribute(this._element, 'overflow');\n\n this._element.style.overflow = 'hidden';\n }\n\n _setElementAttributes(selector, styleProperty, callback) {\n const scrollbarWidth = this.getWidth();\n\n const manipulationCallBack = element => {\n if (element !== this._element && window.innerWidth > element.clientWidth + scrollbarWidth) {\n return;\n }\n\n this._saveInitialAttribute(element, styleProperty);\n\n const calculatedValue = window.getComputedStyle(element).getPropertyValue(styleProperty);\n element.style.setProperty(styleProperty, `${callback(Number.parseFloat(calculatedValue))}px`);\n };\n\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n\n _saveInitialAttribute(element, styleProperty) {\n const actualValue = element.style.getPropertyValue(styleProperty);\n\n if (actualValue) {\n Manipulator.setDataAttribute(element, styleProperty, actualValue);\n }\n }\n\n _resetElementAttributes(selector, styleProperty) {\n const manipulationCallBack = element => {\n const value = Manipulator.getDataAttribute(element, styleProperty); // We only want to remove the property if the value is `null`; the value can also be zero\n\n if (value === null) {\n element.style.removeProperty(styleProperty);\n return;\n }\n\n Manipulator.removeDataAttribute(element, styleProperty);\n element.style.setProperty(styleProperty, value);\n };\n\n this._applyManipulationCallback(selector, manipulationCallBack);\n }\n\n _applyManipulationCallback(selector, callBack) {\n if (isElement(selector)) {\n callBack(selector);\n return;\n }\n\n for (const sel of SelectorEngine.find(selector, this._element)) {\n callBack(sel);\n }\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/backdrop.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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 } // Getters\n\n\n static get Default() {\n return Default$8;\n }\n\n static get DefaultType() {\n return DefaultType$8;\n }\n\n static get NAME() {\n return NAME$9;\n } // Public\n\n\n show(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n\n this._append();\n\n const element = this._getElement();\n\n if (this._config.isAnimated) {\n reflow(element);\n }\n\n element.classList.add(CLASS_NAME_SHOW$5);\n\n this._emulateAnimation(() => {\n execute(callback);\n });\n }\n\n hide(callback) {\n if (!this._config.isVisible) {\n execute(callback);\n return;\n }\n\n this._getElement().classList.remove(CLASS_NAME_SHOW$5);\n\n this._emulateAnimation(() => {\n this.dispose();\n execute(callback);\n });\n }\n\n dispose() {\n if (!this._isAppended) {\n return;\n }\n\n EventHandler.off(this._element, EVENT_MOUSEDOWN);\n\n this._element.remove();\n\n this._isAppended = false;\n } // Private\n\n\n _getElement() {\n if (!this._element) {\n const backdrop = document.createElement('div');\n backdrop.className = this._config.className;\n\n if (this._config.isAnimated) {\n backdrop.classList.add(CLASS_NAME_FADE$4);\n }\n\n this._element = backdrop;\n }\n\n return this._element;\n }\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\n _append() {\n if (this._isAppended) {\n return;\n }\n\n const element = this._getElement();\n\n this._config.rootElement.append(element);\n\n EventHandler.on(element, EVENT_MOUSEDOWN, () => {\n execute(this._config.clickCallback);\n });\n this._isAppended = true;\n }\n\n _emulateAnimation(callback) {\n executeAfterTransition(callback, this._getElement(), this._config.isAnimated);\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/focustrap.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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 } // Getters\n\n\n static get Default() {\n return Default$7;\n }\n\n static get DefaultType() {\n return DefaultType$7;\n }\n\n static get NAME() {\n return NAME$8;\n } // Public\n\n\n activate() {\n if (this._isActive) {\n return;\n }\n\n if (this._config.autofocus) {\n this._config.trapElement.focus();\n }\n\n EventHandler.off(document, EVENT_KEY$5); // guard against infinite focus loop\n\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\n deactivate() {\n if (!this._isActive) {\n return;\n }\n\n this._isActive = false;\n EventHandler.off(document, EVENT_KEY$5);\n } // Private\n\n\n _handleFocusin(event) {\n const {\n trapElement\n } = this._config;\n\n if (event.target === document || event.target === trapElement || trapElement.contains(event.target)) {\n return;\n }\n\n const elements = SelectorEngine.focusableChildren(trapElement);\n\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\n _handleKeydown(event) {\n if (event.key !== TAB_KEY) {\n return;\n }\n\n this._lastTabNavDirection = event.shiftKey ? TAB_NAV_BACKWARD : TAB_NAV_FORWARD;\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): modal.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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\n this._addEventListeners();\n } // Getters\n\n\n static get Default() {\n return Default$6;\n }\n\n static get DefaultType() {\n return DefaultType$6;\n }\n\n static get NAME() {\n return NAME$7;\n } // Public\n\n\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n\n show(relatedTarget) {\n if (this._isShown || this._isTransitioning) {\n return;\n }\n\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$4, {\n relatedTarget\n });\n\n if (showEvent.defaultPrevented) {\n return;\n }\n\n this._isShown = true;\n this._isTransitioning = true;\n\n this._scrollBar.hide();\n\n document.body.classList.add(CLASS_NAME_OPEN);\n\n this._adjustDialog();\n\n this._backdrop.show(() => this._showElement(relatedTarget));\n }\n\n hide() {\n if (!this._isShown || this._isTransitioning) {\n return;\n }\n\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$4);\n\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n this._isShown = false;\n this._isTransitioning = true;\n\n this._focustrap.deactivate();\n\n this._element.classList.remove(CLASS_NAME_SHOW$4);\n\n this._queueCallback(() => this._hideModal(), this._element, this._isAnimated());\n }\n\n dispose() {\n for (const htmlElement of [window, this._dialog]) {\n EventHandler.off(htmlElement, EVENT_KEY$4);\n }\n\n this._backdrop.dispose();\n\n this._focustrap.deactivate();\n\n super.dispose();\n }\n\n handleUpdate() {\n this._adjustDialog();\n } // Private\n\n\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\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\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\n this._element.style.display = 'block';\n\n this._element.removeAttribute('aria-hidden');\n\n this._element.setAttribute('aria-modal', true);\n\n this._element.setAttribute('role', 'dialog');\n\n this._element.scrollTop = 0;\n const modalBody = SelectorEngine.findOne(SELECTOR_MODAL_BODY, this._dialog);\n\n if (modalBody) {\n modalBody.scrollTop = 0;\n }\n\n reflow(this._element);\n\n this._element.classList.add(CLASS_NAME_SHOW$4);\n\n const transitionComplete = () => {\n if (this._config.focus) {\n this._focustrap.activate();\n }\n\n this._isTransitioning = false;\n EventHandler.trigger(this._element, EVENT_SHOWN$4, {\n relatedTarget\n });\n };\n\n this._queueCallback(transitionComplete, this._dialog, this._isAnimated());\n }\n\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS$1, event => {\n if (event.key !== ESCAPE_KEY$1) {\n return;\n }\n\n if (this._config.keyboard) {\n event.preventDefault();\n this.hide();\n return;\n }\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\n if (this._config.backdrop === 'static') {\n this._triggerBackdropTransition();\n\n return;\n }\n\n if (this._config.backdrop) {\n this.hide();\n }\n });\n });\n }\n\n _hideModal() {\n this._element.style.display = 'none';\n\n this._element.setAttribute('aria-hidden', true);\n\n this._element.removeAttribute('aria-modal');\n\n this._element.removeAttribute('role');\n\n this._isTransitioning = false;\n\n this._backdrop.hide(() => {\n document.body.classList.remove(CLASS_NAME_OPEN);\n\n this._resetAdjustments();\n\n this._scrollBar.reset();\n\n EventHandler.trigger(this._element, EVENT_HIDDEN$4);\n });\n }\n\n _isAnimated() {\n return this._element.classList.contains(CLASS_NAME_FADE$3);\n }\n\n _triggerBackdropTransition() {\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED$1);\n\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n const initialOverflowY = this._element.style.overflowY; // return if the following background transition hasn't yet completed\n\n if (initialOverflowY === 'hidden' || this._element.classList.contains(CLASS_NAME_STATIC)) {\n return;\n }\n\n if (!isModalOverflowing) {\n this._element.style.overflowY = 'hidden';\n }\n\n this._element.classList.add(CLASS_NAME_STATIC);\n\n this._queueCallback(() => {\n this._element.classList.remove(CLASS_NAME_STATIC);\n\n this._queueCallback(() => {\n this._element.style.overflowY = initialOverflowY;\n }, this._dialog);\n }, this._dialog);\n\n this._element.focus();\n }\n /**\n * The following methods are used to handle overflowing modals\n */\n\n\n _adjustDialog() {\n const isModalOverflowing = this._element.scrollHeight > document.documentElement.clientHeight;\n\n const scrollbarWidth = this._scrollBar.getWidth();\n\n const isBodyOverflowing = scrollbarWidth > 0;\n\n if (isBodyOverflowing && !isModalOverflowing) {\n const property = isRTL() ? 'paddingLeft' : 'paddingRight';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n\n if (!isBodyOverflowing && isModalOverflowing) {\n const property = isRTL() ? 'paddingRight' : 'paddingLeft';\n this._element.style[property] = `${scrollbarWidth}px`;\n }\n }\n\n _resetAdjustments() {\n this._element.style.paddingLeft = '';\n this._element.style.paddingRight = '';\n } // Static\n\n\n static jQueryInterface(config, relatedTarget) {\n return this.each(function () {\n const data = Modal.getOrCreateInstance(this, config);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config](relatedTarget);\n });\n }\n\n}\n/**\n * Data API implementation\n */\n\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$2, SELECTOR_DATA_TOGGLE$2, function (event) {\n const target = getElementFromSelector(this);\n\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\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\n EventHandler.one(target, EVENT_HIDDEN$4, () => {\n if (isVisible(this)) {\n this.focus();\n }\n });\n }); // avoid conflict when clicking modal toggler while another one is open\n\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR$1);\n\n if (alreadyOpen) {\n Modal.getInstance(alreadyOpen).hide();\n }\n\n const data = Modal.getOrCreateInstance(target);\n data.toggle(this);\n});\nenableDismissTrigger(Modal);\n/**\n * jQuery\n */\n\ndefineJQueryPlugin(Modal);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): offcanvas.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * 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\n this._addEventListeners();\n } // Getters\n\n\n static get Default() {\n return Default$5;\n }\n\n static get DefaultType() {\n return DefaultType$5;\n }\n\n static get NAME() {\n return NAME$6;\n } // Public\n\n\n toggle(relatedTarget) {\n return this._isShown ? this.hide() : this.show(relatedTarget);\n }\n\n show(relatedTarget) {\n if (this._isShown) {\n return;\n }\n\n const showEvent = EventHandler.trigger(this._element, EVENT_SHOW$3, {\n relatedTarget\n });\n\n if (showEvent.defaultPrevented) {\n return;\n }\n\n this._isShown = true;\n\n this._backdrop.show();\n\n if (!this._config.scroll) {\n new ScrollBarHelper().hide();\n }\n\n this._element.setAttribute('aria-modal', true);\n\n this._element.setAttribute('role', 'dialog');\n\n this._element.classList.add(CLASS_NAME_SHOWING$1);\n\n const completeCallBack = () => {\n if (!this._config.scroll || this._config.backdrop) {\n this._focustrap.activate();\n }\n\n this._element.classList.add(CLASS_NAME_SHOW$3);\n\n this._element.classList.remove(CLASS_NAME_SHOWING$1);\n\n EventHandler.trigger(this._element, EVENT_SHOWN$3, {\n relatedTarget\n });\n };\n\n this._queueCallback(completeCallBack, this._element, true);\n }\n\n hide() {\n if (!this._isShown) {\n return;\n }\n\n const hideEvent = EventHandler.trigger(this._element, EVENT_HIDE$3);\n\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n this._focustrap.deactivate();\n\n this._element.blur();\n\n this._isShown = false;\n\n this._element.classList.add(CLASS_NAME_HIDING);\n\n this._backdrop.hide();\n\n const completeCallback = () => {\n this._element.classList.remove(CLASS_NAME_SHOW$3, CLASS_NAME_HIDING);\n\n this._element.removeAttribute('aria-modal');\n\n this._element.removeAttribute('role');\n\n if (!this._config.scroll) {\n new ScrollBarHelper().reset();\n }\n\n EventHandler.trigger(this._element, EVENT_HIDDEN$3);\n };\n\n this._queueCallback(completeCallback, this._element, true);\n }\n\n dispose() {\n this._backdrop.dispose();\n\n this._focustrap.deactivate();\n\n super.dispose();\n } // Private\n\n\n _initializeBackDrop() {\n const clickCallback = () => {\n if (this._config.backdrop === 'static') {\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n return;\n }\n\n this.hide();\n }; // 'static' option will be translated to true, and booleans will keep their value\n\n\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\n _initializeFocusTrap() {\n return new FocusTrap({\n trapElement: this._element\n });\n }\n\n _addEventListeners() {\n EventHandler.on(this._element, EVENT_KEYDOWN_DISMISS, event => {\n if (event.key !== ESCAPE_KEY) {\n return;\n }\n\n if (!this._config.keyboard) {\n EventHandler.trigger(this._element, EVENT_HIDE_PREVENTED);\n return;\n }\n\n this.hide();\n });\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Offcanvas.getOrCreateInstance(this, config);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (data[config] === undefined || config.startsWith('_') || config === 'constructor') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config](this);\n });\n }\n\n}\n/**\n * Data API implementation\n */\n\n\nEventHandler.on(document, EVENT_CLICK_DATA_API$1, SELECTOR_DATA_TOGGLE$1, function (event) {\n const target = getElementFromSelector(this);\n\n if (['A', 'AREA'].includes(this.tagName)) {\n event.preventDefault();\n }\n\n if (isDisabled(this)) {\n return;\n }\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 }); // avoid conflict when clicking a toggler of an offcanvas, while another is open\n\n const alreadyOpen = SelectorEngine.findOne(OPEN_SELECTOR);\n\n if (alreadyOpen && alreadyOpen !== target) {\n Offcanvas.getInstance(alreadyOpen).hide();\n }\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 * jQuery\n */\n\ndefineJQueryPlugin(Offcanvas);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/sanitizer.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\nconst uriAttributes = new Set(['background', 'cite', 'href', 'itemtype', 'longdesc', 'poster', 'src', 'xlink:href']);\nconst ARIA_ATTRIBUTE_PATTERN = /^aria-[\\w-]*$/i;\n/**\n * A pattern that recognizes a commonly useful subset of URLs that are safe.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/12.2.x/packages/core/src/sanitization/url_sanitizer.ts\n */\n\nconst SAFE_URL_PATTERN = /^(?:(?:https?|mailto|ftp|tel|file|sms):|[^#&/:?]*(?:[#/?]|$))/i;\n/**\n * A pattern that matches safe data URLs. Only matches image, video and audio types.\n *\n * Shout-out to Angular https://github.com/angular/angular/blob/12.2.x/packages/core/src/sanitization/url_sanitizer.ts\n */\n\nconst DATA_URL_PATTERN = /^data:(?:image\\/(?:bmp|gif|jpeg|jpg|png|tiff|webp)|video\\/(?:mpeg|mp4|ogg|webm)|audio\\/(?:mp3|oga|ogg|opus));base64,[\\d+/a-z]+=*$/i;\n\nconst allowedAttribute = (attribute, allowedAttributeList) => {\n const attributeName = attribute.nodeName.toLowerCase();\n\n if (allowedAttributeList.includes(attributeName)) {\n if (uriAttributes.has(attributeName)) {\n return Boolean(SAFE_URL_PATTERN.test(attribute.nodeValue) || DATA_URL_PATTERN.test(attribute.nodeValue));\n }\n\n return true;\n } // Check if a regular expression validates the attribute.\n\n\n return allowedAttributeList.filter(attributeRegex => attributeRegex instanceof RegExp).some(regex => regex.test(attributeName));\n};\n\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};\nfunction sanitizeHtml(unsafeHtml, allowList, sanitizeFunction) {\n if (!unsafeHtml.length) {\n return unsafeHtml;\n }\n\n if (sanitizeFunction && typeof sanitizeFunction === 'function') {\n return sanitizeFunction(unsafeHtml);\n }\n\n const domParser = new window.DOMParser();\n const createdDocument = domParser.parseFromString(unsafeHtml, 'text/html');\n const elements = [].concat(...createdDocument.body.querySelectorAll('*'));\n\n for (const element of elements) {\n const elementName = element.nodeName.toLowerCase();\n\n if (!Object.keys(allowList).includes(elementName)) {\n element.remove();\n continue;\n }\n\n const attributeList = [].concat(...element.attributes);\n const allowedAttributes = [].concat(allowList['*'] || [], allowList[elementName] || []);\n\n for (const attribute of attributeList) {\n if (!allowedAttribute(attribute, allowedAttributes)) {\n element.removeAttribute(attribute.nodeName);\n }\n }\n }\n\n return createdDocument.body.innerHTML;\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): util/template-factory.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass TemplateFactory extends Config {\n constructor(config) {\n super();\n this._config = this._getConfig(config);\n } // Getters\n\n\n static get Default() {\n return Default$4;\n }\n\n static get DefaultType() {\n return DefaultType$4;\n }\n\n static get NAME() {\n return NAME$5;\n } // Public\n\n\n getContent() {\n return Object.values(this._config.content).map(config => this._resolvePossibleFunction(config)).filter(Boolean);\n }\n\n hasContent() {\n return this.getContent().length > 0;\n }\n\n changeContent(content) {\n this._checkContent(content);\n\n this._config.content = { ...this._config.content,\n ...content\n };\n return this;\n }\n\n toHtml() {\n const templateWrapper = document.createElement('div');\n templateWrapper.innerHTML = this._maybeSanitize(this._config.template);\n\n for (const [selector, text] of Object.entries(this._config.content)) {\n this._setContent(templateWrapper, text, selector);\n }\n\n const template = templateWrapper.children[0];\n\n const extraClass = this._resolvePossibleFunction(this._config.extraClass);\n\n if (extraClass) {\n template.classList.add(...extraClass.split(' '));\n }\n\n return template;\n } // Private\n\n\n _typeCheckConfig(config) {\n super._typeCheckConfig(config);\n\n this._checkContent(config.content);\n }\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\n _setContent(template, content, selector) {\n const templateElement = SelectorEngine.findOne(selector, template);\n\n if (!templateElement) {\n return;\n }\n\n content = this._resolvePossibleFunction(content);\n\n if (!content) {\n templateElement.remove();\n return;\n }\n\n if (isElement(content)) {\n this._putElementInTemplate(getElement(content), templateElement);\n\n return;\n }\n\n if (this._config.html) {\n templateElement.innerHTML = this._maybeSanitize(content);\n return;\n }\n\n templateElement.textContent = content;\n }\n\n _maybeSanitize(arg) {\n return this._config.sanitize ? sanitizeHtml(arg, this._config.allowList, this._config.sanitizeFn) : arg;\n }\n\n _resolvePossibleFunction(arg) {\n return typeof arg === 'function' ? arg(this) : arg;\n }\n\n _putElementInTemplate(element, templateElement) {\n if (this._config.html) {\n templateElement.innerHTML = '';\n templateElement.append(element);\n return;\n }\n\n templateElement.textContent = element.textContent;\n }\n\n}\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): tooltip.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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, 0],\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 * 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\n super(element, config); // Private\n\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; // Protected\n\n this.tip = null;\n\n this._setListeners();\n\n if (!this._config.selector) {\n this._fixTitle();\n }\n } // Getters\n\n\n static get Default() {\n return Default$3;\n }\n\n static get DefaultType() {\n return DefaultType$3;\n }\n\n static get NAME() {\n return NAME$4;\n } // Public\n\n\n enable() {\n this._isEnabled = true;\n }\n\n disable() {\n this._isEnabled = false;\n }\n\n toggleEnabled() {\n this._isEnabled = !this._isEnabled;\n }\n\n toggle() {\n if (!this._isEnabled) {\n return;\n }\n\n this._activeTrigger.click = !this._activeTrigger.click;\n\n if (this._isShown()) {\n this._leave();\n\n return;\n }\n\n this._enter();\n }\n\n dispose() {\n clearTimeout(this._timeout);\n EventHandler.off(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n\n if (this._element.getAttribute('data-bs-original-title')) {\n this._element.setAttribute('title', this._element.getAttribute('data-bs-original-title'));\n }\n\n this._disposePopper();\n\n super.dispose();\n }\n\n show() {\n if (this._element.style.display === 'none') {\n throw new Error('Please use show on visible elements');\n }\n\n if (!(this._isWithContent() && this._isEnabled)) {\n return;\n }\n\n const showEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOW$2));\n const shadowRoot = findShadowRoot(this._element);\n\n const isInTheDom = (shadowRoot || this._element.ownerDocument.documentElement).contains(this._element);\n\n if (showEvent.defaultPrevented || !isInTheDom) {\n return;\n } // todo v6 remove this OR make it optional\n\n\n this._disposePopper();\n\n const tip = this._getTipElement();\n\n this._element.setAttribute('aria-describedby', tip.getAttribute('id'));\n\n const {\n container\n } = this._config;\n\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\n this._popper = this._createPopper(tip);\n tip.classList.add(CLASS_NAME_SHOW$2); // 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\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.on(element, 'mouseover', noop);\n }\n }\n\n const complete = () => {\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_SHOWN$2));\n\n if (this._isHovered === false) {\n this._leave();\n }\n\n this._isHovered = false;\n };\n\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n\n hide() {\n if (!this._isShown()) {\n return;\n }\n\n const hideEvent = EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDE$2));\n\n if (hideEvent.defaultPrevented) {\n return;\n }\n\n const tip = this._getTipElement();\n\n tip.classList.remove(CLASS_NAME_SHOW$2); // If this is a touch-enabled device we remove the extra\n // empty mouseover listeners we added for iOS support\n\n if ('ontouchstart' in document.documentElement) {\n for (const element of [].concat(...document.body.children)) {\n EventHandler.off(element, 'mouseover', noop);\n }\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\n if (!this._isHovered) {\n this._disposePopper();\n }\n\n this._element.removeAttribute('aria-describedby');\n\n EventHandler.trigger(this._element, this.constructor.eventName(EVENT_HIDDEN$2));\n };\n\n this._queueCallback(complete, this.tip, this._isAnimated());\n }\n\n update() {\n if (this._popper) {\n this._popper.update();\n }\n } // Protected\n\n\n _isWithContent() {\n return Boolean(this._getTitle());\n }\n\n _getTipElement() {\n if (!this.tip) {\n this.tip = this._createTipElement(this._newContent || this._getContentForTemplate());\n }\n\n return this.tip;\n }\n\n _createTipElement(content) {\n const tip = this._getTemplateFactory(content).toHtml(); // todo: remove this check on v6\n\n\n if (!tip) {\n return null;\n }\n\n tip.classList.remove(CLASS_NAME_FADE$2, CLASS_NAME_SHOW$2); // todo: on v6 the following can be achieved with CSS only\n\n tip.classList.add(`bs-${this.constructor.NAME}-auto`);\n const tipId = getUID(this.constructor.NAME).toString();\n tip.setAttribute('id', tipId);\n\n if (this._isAnimated()) {\n tip.classList.add(CLASS_NAME_FADE$2);\n }\n\n return tip;\n }\n\n setContent(content) {\n this._newContent = content;\n\n if (this._isShown()) {\n this._disposePopper();\n\n this.show();\n }\n }\n\n _getTemplateFactory(content) {\n if (this._templateFactory) {\n this._templateFactory.changeContent(content);\n } else {\n this._templateFactory = new TemplateFactory({ ...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\n return this._templateFactory;\n }\n\n _getContentForTemplate() {\n return {\n [SELECTOR_TOOLTIP_INNER]: this._getTitle()\n };\n }\n\n _getTitle() {\n return this._resolvePossibleFunction(this._config.title) || this._element.getAttribute('data-bs-original-title');\n } // Private\n\n\n _initializeOnDelegatedTarget(event) {\n return this.constructor.getOrCreateInstance(event.delegateTarget, this._getDelegateConfig());\n }\n\n _isAnimated() {\n return this._config.animation || this.tip && this.tip.classList.contains(CLASS_NAME_FADE$2);\n }\n\n _isShown() {\n return this.tip && this.tip.classList.contains(CLASS_NAME_SHOW$2);\n }\n\n _createPopper(tip) {\n const placement = typeof this._config.placement === 'function' ? this._config.placement.call(this, tip, this._element) : this._config.placement;\n const attachment = AttachmentMap[placement.toUpperCase()];\n return Popper.createPopper(this._element, tip, this._getPopperConfig(attachment));\n }\n\n _getOffset() {\n const {\n offset\n } = this._config;\n\n if (typeof offset === 'string') {\n return offset.split(',').map(value => Number.parseInt(value, 10));\n }\n\n if (typeof offset === 'function') {\n return popperData => offset(popperData, this._element);\n }\n\n return offset;\n }\n\n _resolvePossibleFunction(arg) {\n return typeof arg === 'function' ? arg.call(this._element) : arg;\n }\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 { ...defaultBsPopperConfig,\n ...(typeof this._config.popperConfig === 'function' ? this._config.popperConfig(defaultBsPopperConfig) : this._config.popperConfig)\n };\n }\n\n _setListeners() {\n const triggers = this._config.trigger.split(' ');\n\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\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\n context._activeTrigger[event.type === 'focusin' ? TRIGGER_FOCUS : TRIGGER_HOVER] = true;\n\n context._enter();\n });\n EventHandler.on(this._element, eventOut, this._config.selector, event => {\n const context = this._initializeOnDelegatedTarget(event);\n\n context._activeTrigger[event.type === 'focusout' ? TRIGGER_FOCUS : TRIGGER_HOVER] = context._element.contains(event.relatedTarget);\n\n context._leave();\n });\n }\n }\n\n this._hideModalHandler = () => {\n if (this._element) {\n this.hide();\n }\n };\n\n EventHandler.on(this._element.closest(SELECTOR_MODAL), EVENT_MODAL_HIDE, this._hideModalHandler);\n }\n\n _fixTitle() {\n const title = this._element.getAttribute('title');\n\n if (!title) {\n return;\n }\n\n if (!this._element.getAttribute('aria-label') && !this._element.textContent.trim()) {\n this._element.setAttribute('aria-label', title);\n }\n\n this._element.setAttribute('data-bs-original-title', title); // DO NOT USE IT. Is only for backwards compatibility\n\n\n this._element.removeAttribute('title');\n }\n\n _enter() {\n if (this._isShown() || this._isHovered) {\n this._isHovered = true;\n return;\n }\n\n this._isHovered = true;\n\n this._setTimeout(() => {\n if (this._isHovered) {\n this.show();\n }\n }, this._config.delay.show);\n }\n\n _leave() {\n if (this._isWithActiveTrigger()) {\n return;\n }\n\n this._isHovered = false;\n\n this._setTimeout(() => {\n if (!this._isHovered) {\n this.hide();\n }\n }, this._config.delay.hide);\n }\n\n _setTimeout(handler, timeout) {\n clearTimeout(this._timeout);\n this._timeout = setTimeout(handler, timeout);\n }\n\n _isWithActiveTrigger() {\n return Object.values(this._activeTrigger).includes(true);\n }\n\n _getConfig(config) {\n const dataAttributes = Manipulator.getDataAttributes(this._element);\n\n for (const dataAttribute of Object.keys(dataAttributes)) {\n if (DISALLOWED_ATTRIBUTES.has(dataAttribute)) {\n delete dataAttributes[dataAttribute];\n }\n }\n\n config = { ...dataAttributes,\n ...(typeof config === 'object' && config ? config : {})\n };\n config = this._mergeConfigObj(config);\n config = this._configAfterMerge(config);\n\n this._typeCheckConfig(config);\n\n return config;\n }\n\n _configAfterMerge(config) {\n config.container = config.container === false ? document.body : getElement(config.container);\n\n if (typeof config.delay === 'number') {\n config.delay = {\n show: config.delay,\n hide: config.delay\n };\n }\n\n if (typeof config.title === 'number') {\n config.title = config.title.toString();\n }\n\n if (typeof config.content === 'number') {\n config.content = config.content.toString();\n }\n\n return config;\n }\n\n _getDelegateConfig() {\n const config = {};\n\n for (const key in this._config) {\n if (this.constructor.Default[key] !== this._config[key]) {\n config[key] = this._config[key];\n }\n }\n\n config.selector = false;\n config.trigger = 'manual'; // 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\n return config;\n }\n\n _disposePopper() {\n if (this._popper) {\n this._popper.destroy();\n\n this._popper = null;\n }\n\n if (this.tip) {\n this.tip.remove();\n this.tip = null;\n }\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Tooltip.getOrCreateInstance(this, config);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config]();\n });\n }\n\n}\n/**\n * jQuery\n */\n\n\ndefineJQueryPlugin(Tooltip);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): popover.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\n * --------------------------------------------------------------------------\n */\n/**\n * Constants\n */\n\nconst NAME$3 = 'popover';\nconst SELECTOR_TITLE = '.popover-header';\nconst SELECTOR_CONTENT = '.popover-body';\nconst Default$2 = { ...Tooltip.Default,\n content: '',\n offset: [0, 8],\n placement: 'right',\n template: '
' + '
' + '

' + '
' + '
',\n trigger: 'click'\n};\nconst DefaultType$2 = { ...Tooltip.DefaultType,\n content: '(null|string|element|function)'\n};\n/**\n * Class definition\n */\n\nclass Popover extends Tooltip {\n // Getters\n static get Default() {\n return Default$2;\n }\n\n static get DefaultType() {\n return DefaultType$2;\n }\n\n static get NAME() {\n return NAME$3;\n } // Overrides\n\n\n _isWithContent() {\n return this._getTitle() || this._getContent();\n } // Private\n\n\n _getContentForTemplate() {\n return {\n [SELECTOR_TITLE]: this._getTitle(),\n [SELECTOR_CONTENT]: this._getContent()\n };\n }\n\n _getContent() {\n return this._resolvePossibleFunction(this._config.content);\n } // Static\n\n\n static jQueryInterface(config) {\n return this.each(function () {\n const data = Popover.getOrCreateInstance(this, config);\n\n if (typeof config !== 'string') {\n return;\n }\n\n if (typeof data[config] === 'undefined') {\n throw new TypeError(`No method named \"${config}\"`);\n }\n\n data[config]();\n });\n }\n\n}\n/**\n * jQuery\n */\n\n\ndefineJQueryPlugin(Popover);\n\n/**\n * --------------------------------------------------------------------------\n * Bootstrap (v5.2.3): scrollspy.js\n * Licensed under MIT (https://github.com/twbs/bootstrap/blob/main/LICENSE)\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 * Class definition\n */\n\nclass ScrollSpy extends BaseComponent {\n constructor(element, config) {\n super(element, config); // this._element is the observablesContainer and config.target the menu links wrapper\n\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 } // Getters\n\n\n static get Default() {\n return Default$1;\n }\n\n static get DefaultType() {\n return DefaultType$1;\n }\n\n static get NAME() {\n return NAME$2;\n } // Public\n\n\n refresh() {\n this._initializeTargetsAndObservables();\n\n this._maybeEnableSmoothScroll();\n\n if (this._observer) {\n this._observer.disconnect();\n } else {\n this._observer = this._getNewObserver();\n }\n\n for (const section of this._observableSections.values()) {\n this._observer.observe(section);\n }\n }\n\n dispose() {\n this._observer.disconnect();\n\n super.dispose();\n } // Private\n\n\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; // TODO: v6 Only for backwards compatibility reasons. Use rootMargin only\n\n config.rootMargin = config.offset ? `${config.offset}px 0px -30%` : config.rootMargin;\n\n if (typeof config.threshold === 'string') {\n config.threshold = config.threshold.split(',').map(value => Number.parseFloat(value));\n }\n\n return config;\n }\n\n _maybeEnableSmoothScroll() {\n if (!this._config.smoothScroll) {\n return;\n } // unregister any previous listeners\n\n\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\n if (observableSection) {\n event.preventDefault();\n const root = this._rootElement || window;\n const height = observableSection.offsetTop - this._element.offsetTop;\n\n if (root.scrollTo) {\n root.scrollTo({\n top: height,\n behavior: 'smooth'\n });\n return;\n } // Chrome 60 doesn't support `scrollTo`\n\n\n root.scrollTop = height;\n }\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 } // The logic of selection\n\n\n _observerCallback(entries) {\n const targetElement = entry => this._targetLinks.get(`#${entry.target.id}`);\n\n const activate = entry => {\n this._previousScrollData.visibleEntryTop = entry.target.offsetTop;\n\n this._process(targetElement(entry));\n };\n\n const parentScrollTop = (this._rootElement || document.documentElement).scrollTop;\n const userScrollsDown = parentScrollTop >= this._previousScrollData.parentScrollTop;\n this._previousScrollData.parentScrollTop = parentScrollTop;\n\n for (const entry of entries) {\n if (!entry.isIntersecting) {\n this._activeTarget = null;\n\n this._clearActiveClass(targetElement(entry));\n\n continue;\n }\n\n const entryIsLowerThanPrevious = entry.target.offsetTop >= this._previousScrollData.visibleEntryTop; // if we are scrolling down, pick the bigger offsetTop\n\n if (userScrollsDown && entryIsLowerThanPrevious) {\n activate(entry); // if parent isn't scrolled, let's keep the first visible item, breaking the iteration\n\n if (!parentScrollTop) {\n return;\n }\n\n continue;\n } // if we are scrolling up, pick the smallest offsetTop\n\n\n if (!userScrollsDown && !entryIsLowerThanPrevious) {\n activate(entry);\n }\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\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\n const observableSection = SelectorEngine.findOne(anchor.hash, this._element); // ensure that the observableSection exists & is visible\n\n if (isVisible(observableSection)) {\n this._targetLinks.set(anchor.hash, anchor);\n\n this._observableSections.set(anchor.hash, observableSection);\n }\n }\n }\n\n _process(target) {\n if (this._activeTarget === target) {\n return;\n }\n\n this._clearActiveClass(this._config.target);\n\n this._activeTarget = target;\n target.classList.add(CLASS_NAME_ACTIVE$1);\n\n this._activateParents(target);\n\n EventHandler.trigger(this._element, EVENT_ACTIVATE, {\n relatedTarget: target\n });\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\n for (const listGroup of SelectorEngine.parents(target, SELECTOR_NAV_LIST_GROUP)) {\n // Set triggered links parents as active\n // With both
+ - - + + +

H

+ +
@@ -383,10 +590,16 @@

G

I

+
  • isCupyObject() (pyDNMFk.cudaNMF.cudaNMF method) +
  • @@ -428,6 +643,18 @@

    L

    +
    @@ -444,8 +671,18 @@

    M

    @@ -478,6 +719,10 @@

    M

    N

    +
    -
  • normalize_features() (pyDNMFk.pyDNMF.PyNMF method) +
  • normalize_features() (pyDNMFk.cudaNMF.cudaNMF method) + +
  • +
  • noSupportFor() (in module pyDNMFk.cudaNMF) +
  • +
    + +

    O

    + + +
    @@ -505,10 +768,14 @@

    P

  • parse (class in pyDNMFk.utils)
  • parser() (in module pyDNMFk.data_generator) +
  • +
  • pin_memory() (in module pyDNMFk.cupy_utils)
  • plot_err() (in module pyDNMFk.plot_results)
  • plot_results() (in module pyDNMFk.plot_results) +
  • +
  • plot_results_fpath() (in module pyDNMFk.plot_results)
  • plot_timing_stats() (in module pyDNMFk.plot_results)
  • @@ -517,6 +784,18 @@

    P

  • poisson() (pyDNMFk.pyDNMFk.sample method)
  • primeFactors() (pyDNMFk.utils.data_operations method) +
  • +
  • print_there() (in module pyDNMFk.toolz) +
  • +
  • printRC() (in module pyDNMFk.toolz) +
  • +
  • printXY() (in module pyDNMFk.toolz) +
  • +
  • prune() (pyDNMFk.utils.data_operations method) +
  • +
  • prune_all() (pyDNMFk.utils.data_operations method) +
  • +
  • purple() (in module pyDNMFk.toolz)
  • pvalueAnalysis() (pyDNMFk.pyDNMFk.PyNMFk method)
  • @@ -525,6 +804,20 @@

    P

    +
  • + pyDNMFk.comm_utils + +
  • +
  • + pyDNMFk.communicators + +
  • @@ -532,6 +825,29 @@

    P

  • +
  • + pyDNMFk.cudaNMF + +
  • +
  • + pyDNMFk.cupy_utils + +
  • + +
      +
    • + pyDNMFk.cupyCuSPARSELib + +
    • @@ -555,8 +871,6 @@

      P

    • module
    - -
    • pyDNMFk.dist_comm @@ -597,6 +911,13 @@

      P

    • +
    • + pyDNMFk.toolz + +
    • @@ -618,8 +939,12 @@

      P

      R

      - + @@ -659,6 +1000,8 @@

      S

    • save_factors() (pyDNMFk.data_io.data_write method)
    • -
    • split_files() (pyDNMFk.data_io.split_files_save method) +
    • serialize() (pyDNMFk.utils.serialize_deserialize_mlp method) +
    • +
    • serialize_deserialize_mlp (class in pyDNMFk.utils) +
    • +
    • set_batching_params() (pyDNMFk.cudaNMF.cudaNMF method) +
    • +
    • show_A_info() (pyDNMFk.cudaNMF.cudaNMF method) +
    • +
    • show_topology() (pyDNMFk.cudaNMF.cudaNMF method) +
    • +
    • showMemStats() (pyDNMFk.cudaNMF.cudaNMF method) +
    • +
    • showTopology() (pyDNMFk.comm_utils.GetTopology method) +
    • +
    • spCu2Sc() (in module pyDNMFk.cupyCuSPARSELib)
      • +
      • split_files() (pyDNMFk.data_io.split_files_save method) +
      • split_files_save (class in pyDNMFk.data_io) +
      • +
      • spMat() (in module pyDNMFk.cupyCuSPARSELib) +
      • +
      • spMM() (in module pyDNMFk.cupyCuSPARSELib) +
      • +
      • spMM_with_C() (in module pyDNMFk.cupyCuSPARSELib) +
      • +
      • spRandMat() (in module pyDNMFk.cupyCuSPARSELib) +
      • +
      • spSc2Cu() (in module pyDNMFk.cupyCuSPARSELib)
      • str2bool() (in module pyDNMFk.utils)
      • sum_along_axis() (pyDNMFk.dist_nmf.nmf_algorithms_1D method)
      • sum_axis() (pyDNMFk.dist_nmf.nmf_algorithms_2D method) +
      • +
      • SUPER_COMM (class in pyDNMFk.communicators) +
      • +
      • superCommunicator (class in pyDNMFk.comm_utils)
      • svd() (pyDNMFk.dist_svd.DistSVD method)
      • @@ -692,10 +1065,14 @@

        S

        T

        + + + + + + + + + + + + + + + + + +
        pyDNMFk
            + pyDNMFk.comm_utils +
            + pyDNMFk.communicators +
            pyDNMFk.config
            + pyDNMFk.cudaNMF +
            + pyDNMFk.cupy_utils +
            + pyDNMFk.cupyCuSPARSELib +
            @@ -218,6 +320,11 @@

        Python Module Index

            pyDNMFk.pyDNMFk
            + pyDNMFk.toolz +
            @@ -226,47 +333,73 @@

        Python Module Index

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

        - © Copyright 2021, LANL. +

        + + + + + + + +
        + +
        - - - - - + +
        + - - - + + + - - + + + - +
        +
        + \ No newline at end of file diff --git a/docs/pyDNMFk.html b/docs/pyDNMFk.html index b4d5671..9f25f06 100644 --- a/docs/pyDNMFk.html +++ b/docs/pyDNMFk.html @@ -1,821 +1,2126 @@ - - - + + + + + + + + + pyDNMFk package — pyDNMFk 0.0.1 documentation + - - pyDNMFk package — pyDNMFk 1.0.0 documentation + + + + + - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
        +
        +
        +
        +
        + + + +
        +
        + +
        + + + + - - - - - - - - + + + + + +
        + +
        + + + +
        + +
        +
        + +
        +
        + +
        + +
        + +
        + + +
        + +
        + +
        + + + + + + + + + + + + + + + + + +
        + +
        + +
        +
        + + + +
        +

        pyDNMFk package

        + +
        +
        + +
        +

        Contents

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

        pyDNMFk package#

        +
        +

        Submodules#

        +
        +
        +

        pyDNMFk.comm_utils module#

        +
        +
        +class pyDNMFk.comm_utils.GetTopology(comm=None, gmasterRank=0)[source]#
        +

        Bases: object

        +

        Constructor for the GetTopology class.

        +

        This class is used for identifying the system topology in the context of MPI. +It determines the global and local ranks, identifies the host system, and +determines GPU availability and assignments.

        +

        Args: +- comm (MPI Comm): The MPI communicator. Defaults to MPI.COMM_WORLD. +- gmasterRank (int): Rank of the global master. Defaults to 0.

        +
        +
        +getReduceCommTree(VRBZ=False)[source]#
        +

        Retrieve a communication tree for efficient reduce operations.

        +

        Args: +- VRBZ (bool): Verbosity level for debug outputs. Defaults to False.

        +
        + +
        +
        +showTopology()[source]#
        +

        Method to display the detected topology for debugging purposes.

        +
        + +
        + +
        +
        +class pyDNMFk.comm_utils.NCCL_COMM(comm, root, members, name)[source]#
        +

        Bases: object

        +

        Constructor for the NCCL_COMM class.

        +

        This class encapsulates NCCL-specific communication functions, enabling +efficient GPU-to-GPU communications.

        +

        Args: +- comm (MPI Comm): The MPI communicator. +- root (int): Root rank for this communicator. +- members (list): List of member ranks included in this communicator. +- name (str): Name for this communicator.

        +
        + +
        +
        +class pyDNMFk.comm_utils.superCommunicator(comm, gmasterRank=0)[source]#
        +

        Bases: object

        +

        Constructor for the superCommunicator class.

        +

        This class acts as a wrapper around the MPI and NCCL communication protocols, +enabling simplified and efficient communication setup based on the detected +system topology.

        +

        Args: +- comm (MPI Comm): The MPI communicator. +- gmasterRank (int): Rank of the global master. Defaults to 0.

        +
        +
        +createComm(root, members, name, backEnd='NCCL')[source]#
        +

        Create a new communication context based on the provided parameters.

        +

        Args: +- root (int): Root rank for this communicator. +- members (list): List of member ranks included in this communicator. +- name (str): Name for this communicator. +- backEnd (str): Communication backend (e.g., ‘NCCL’). Defaults to ‘NCCL’.

        +
        + +
        + +
        +
        +

        pyDNMFk.communicators module#

        +
        +
        +class pyDNMFk.communicators.MPIComm[source]#
        +

        Bases: object

        +

        Class to handle basic MPI communication.

        +

        This class acts as a simple wrapper around basic MPI communication +functions for simplification and clarity.

        +
        +
        +Allreduce(send_arr, op=<mpi4py.MPI.Op object>, stream=None)[source]#
        +

        Perform an all-reduce operation across all MPI processes.

        +
        +
        Parameters:
        +
          +
        • send_arr (array-like) – Data to be reduced.

        • +
        • op (MPI.Op) – The reduction operation to be applied. Default is MPI.SUM.

        • +
        • stream – CUDA stream for async operations (currently unused).

        • +
        +
        +
        Returns:
        +

        The reduced array.

        +
        +
        Return type:
        +

        array-like

        +
        +
        +
        + +
        +
        +Bcast(arr, root=0, stream=None)[source]#
        +

        Broadcast data to all MPI processes.

        +
        +
        Parameters:
        +
          +
        • arr (array-like) – Data to be broadcasted.

        • +
        • root (int) – Rank of the root process initiating the broadcast. Default is 0.

        • +
        • stream – CUDA stream for async operations (currently unused).

        • +
        +
        +
        +
        + +
        +
        +Reduce(send_arr, op=<mpi4py.MPI.Op object>, root=0, stream=None)[source]#
        +

        Perform a reduce operation over MPI processes.

        +
        +
        Parameters:
        +
          +
        • send_arr (array-like) – Data to be reduced.

        • +
        • op (MPI.Op) – The reduction operation to be applied. Default is MPI.SUM.

        • +
        • root (int) – Rank of the root process. Default is 0.

        • +
        • stream – CUDA stream for async operations (currently unused).

        • +
        +
        +
        +
        + +
        + +
        +
        +class pyDNMFk.communicators.NCCLComm(ndev, commId, rank)[source]#
        +

        Bases: NcclCommunicator

        +

        Class to handle NCCL GPU communication.

        +

        This class acts as a wrapper around NCCL’s communication functions +optimized for GPU-to-GPU communications.

        +
        +
        Parameters:
        +
          +
        • ndev (int) – Number of devices (GPUs) involved in the communication.

        • +
        • commId (ncclUniqueId) – A unique NCCL ID for group communication.

        • +
        • rank (int) – Rank of the current process within the group.

        • +
        +
        +
        +
        +
        +Allreduce(send_arr, recv_arr, op=0, stream=None)[source]#
        +

        Perform an all-reduce operation across all GPU processes using NCCL.

        +
        + +
        +
        +Bcast(arr, root=0, stream=None)[source]#
        +

        Perform broadcast operation from root to all GPU processes using NCCL.

        +
        + +
        +
        +Reduce(send_arr, recv_arr, op=0, root=0, stream=None)[source]#
        +

        Perform a reduce operation across all GPU processes using NCCL.

        +
        + +
        +
        +get_NCCL_count_dtype(arr)[source]#
        +

        Determine the data count and data type for NCCL communication based on array dtype.

        +
        + +
        +
        +get_unique_id()[source]#
        +
        +
        Returns:
        +

        The unique NCCL ID for this communicator.

        +
        +
        Return type:
        +

        ncclUniqueId

        +
        +
        +
        + +
        + +
        +
        +class pyDNMFk.communicators.SUPER_COMM(ndev=None, commId=None, rank=None, backend='MPI')[source]#
        +

        Bases: object

        +

        A unified communicator that supports both MPI (for CPUs) and NCCL (for GPUs).

        +
        +
        Parameters:
        +
          +
        • ndev (int, optional) – Number of devices (GPUs) involved in the communication.

        • +
        • commId (ncclUniqueId, optional) – A unique NCCL ID for group communication.

        • +
        • rank (int, optional) – Rank of the current process within the group.

        • +
        • backend (str) – Communication backend to use. Can be “MPI” or “NCCL”.

        • +
        +
        +
        +
        + +
        +
        +pyDNMFk.communicators.get_NCCL_unique_id()[source]#
        +

        Fetch a unique ID for NCCL group communication.

        +
        +
        Returns:
        +

          +
        • Unique ID if NCCL is available, otherwise None.

        • +
        +

        +
        +
        +
        + +
        +
        +

        pyDNMFk.config module#

        +
        +
        +pyDNMFk.config.init(arg)[source]#
        +

        Global variables declaration here. The variables declared within this function in this file are shared across other files and functions during import.

        +
        + +
        +
        +

        pyDNMFk.cudaNMF module#

        +
        +
        +class pyDNMFk.cudaNMF.cudaNMF(A_ij, k, params, factors=None, save_factors=False)[source]#
        +

        Bases: object

        +

        Initialize the cudaNMF class.

        +
        +
        Parameters:
        +
          +
        • A_ij (array-like) – The matrix to be factorized.

        • +
        • k (int) – Rank of the factorization.

        • +
        • params (dict) – Configuration parameters for NMF.

        • +
        • factors (array-like, optional) – Initial guess for the factors.

        • +
        • save_factors (bool, optional) – Whether to save factors or not.

        • +
        +
        +
        +
        +
        +FroNMF_1D_col(factors=None, save_factors=False, rtrn=False)[source]#
        +

        Performs Frobenius Non-negative Matrix Factorization (NMF) using +1D column-based partitioning with GPU acceleration.

        +

        Parameters: +- factors : (Optional) Initial values for matrix factors. +- save_factors : (Optional) If True, saves factorized matrices. +- rtrn : (Optional) If True, returns factorized matrices.

        +

        Returns: +- Factors (if rtrn=True).

        +
        + +
        +
        +FroNMF_1D_col_partion(factors=None, save_factors=False, rtrn=False)[source]#
        +

        Performs NMF on 1D column partitioned data using the Frobenius norm.

        +

        Args: +- factors (list, optional): Initial factor matrices. Default is None. +- save_factors (bool, optional): Flag to decide whether to save factor matrices. Default is False. +- rtrn (bool, optional): Flag to decide whether to return factor matrices. Default is False.

        +

        Returns: +- None

        +
        + +
        +
        +FroNMF_1D_row(factors=None, save_factors=False, rtrn=False)[source]#
        +

        Perform 1D Matrix Factorization using the Frobenius Norm Minimization (FroNMF).

        +

        This function updates W and H matrices for matrix factorization, where +the original matrix A is approximated as a product of W and H matrices.

        +

        Parameters: +- factors (optional): External factors for initialization (if any). Not currently utilized. +- save_factors (bool, optional): Flag to decide if intermediate factors should be saved. +- rtrn (bool, optional): Flag to decide if factors should be returned. Not currently utilized.

        +
        + +
        +
        +FroNMF_1D_row_batched(factors=None, save_factors=False, rtrn=False)[source]#
        +

        Computes the Frobenius Norm Non-negative Matrix Factorization (FroNMF) for the 1D row of the data matrix +using a batched approach.

        +

        Args: +- factors: Not used in this function but could represent the initial factors for matrix factorization. +- save_factors: A boolean flag to determine if factors should be saved. +- rtrn: A boolean flag to determine if the function should return some values (not implemented yet).

        +

        Returns: +- None (but updates internal attributes of the object and potentially could return some values based on rtrn flag).

        +
        + +
        +
        +FroNMF_1D_row_partion(factors=None, save_factors=False, rtrn=False)[source]#
        +

        This method performs Frobenius Norm Non-negative Matrix Factorization (FroNMF) +on a 1D row partitioned matrix.

        +

        Parameters: +- factors: Initial guess for the factors (Optional) +- save_factors: Boolean, whether to save the computed factors or not (Default is False) +- rtrn: Boolean, whether to return the factors (Default is False)

        +
        + +
        +
        +Fro_MU_update(factors=None, save_factors=False, rtrn=['W', 'H'])[source]#
        +

        Performs updates for NMF using the Frobenius norm and MU optimization method.

        +

        Args: +- factors (list, optional): Initial factor matrices. Default is None. +- save_factors (bool, optional): Flag to decide whether to save factor matrices. Default is False. +- rtrn (list, optional): List of matrix names to return. Default is [‘W’,’H’].

        +

        Returns: +- None

        +
        + +
        +
        +allocate_dense_batch_buffers()[source]#
        +

        Allocate memory for dense batch buffers.

        +

        Based on the specified batching axis, this method initializes the appropriate +buffers to store dense data.

        +
        + +
        +
        +allocate_gpu_batch_buffers()[source]#
        +

        Allocate memory for batch buffers on GPU.

        +

        Depending on whether the data is sparse or dense, it calls the appropriate +method to initialize the buffers.

        +
        + +
        +
        +allocate_sparse_batch_buffers()[source]#
        +

        Allocate memory for sparse batch buffers.

        +

        This method configures memory parameters if not already set. Based on the specified +batching axis, it initializes the appropriate buffers to store the data.

        +
        + +
        +
        +buildNCCLSubCommunicator()[source]#
        +

        Builds the NCCL sub-communicator for GPU context. Sets the related attributes.

        +
        + +
        +
        +buildSubCommunicators(rebuildNCCLCOM=False)[source]#
        +
        +
        Parameters:
        +

        rebuildNCCLCOM (bool) – Flag indicating if NCCL Communicator should be rebuilt.

        +
        +
        +

        Builds sub-communicators for the distributed system. Optionally rebuilds the NCCL communicator.

        +
        + +
        +
        +cache_A_on_device()[source]#
        +

        Caches matrix A on the device for faster access during GPU operations.

        +
        + +
        +
        +cache_H_on_device()[source]#
        +

        This method sets the flag indicating that the matrix H is cached on the device.

        +
        + +
        +
        +cache_W_on_device()[source]#
        +

        This method sets the flag indicating that the matrix W is cached on the device.

        +
        + +
        +
        +checkGPUContext()[source]#
        +

        Determines if the current instance is operating within a GPU context and sets up +GPU-related attributes.

        +
        + +
        +
        +check_A_matrix_format()[source]#
        +

        Checks the format of matrix A, decides if it’s sparse or dense, and sets the +necessary attributes related to the matrix’s format.

        +
        - - - - - +
        +
        +compute_global_dim()[source]#
        +

        Computes global dimensions m and n from given chunk sizes for any grid configuration

        +
        - +
        +
        +configure_sparse_buffers_pinned_mem_params()[source]#
        +

        Configures the parameters for pinned memory buffers when dealing with sparse matrices.

        +
        - -
        - - +
        +
        +get_managed_stream_queue()[source]#
        +

        Initializes and returns a dictionary for managing stream queues for GPU operations.

        +
        -
        +
        +
        +identify_distributed_system_compute_topology()[source]#
        +

        Identifies the distributed system’s compute topology and sets up the necessary +attributes related to topology.

        +
        - - +
        +
        +init_factors()[source]#
        +

        Initializes NMF factor matrices W and H based on the selected initialization method.

        +
        +
        +
        +isCupyObject(x)[source]#
        +

        Checks if the input object is a Cupy object.

        +
        +
        Parameters:
        +

        x (object) – The object to be checked.

        +
        +
        Returns:
        +

        True if x is a Cupy object, False otherwise.

        +
        +
        Return type:
        +

        bool

        +
        +
        +
        -
        - -
        - - +
        +
        +log(msg)[source]#
        +

        Prints a log message.

        +
        +
        Parameters:
        +

        msg (str) – The message to be logged.

        +
        +
        +
        + +
        +
        +normalize_features()[source]#
        +

        Normalizes the NMF factor matrices W and H.

        +
        +
        +
        +randM()[source]#
        +

        Perturbs the elements of X by multiplying them with a uniform random number in the range (1-epsilon, 1+epsilon).

        +
        +
        +
        +relative_err()[source]#
        +

        Computes the relative reconstruction error of the NMF decomposition.

        +
        +
        +
        +sampleA(noise_var, method, seed=None)[source]#
        +

        Samples matrix A based on a specified method and noise variance.

        +
        +
        Parameters:
        +
          +
        • noise_var (-) – Variance of the noise.

        • +
        • method (-) – Sampling method, either ‘uniform’ or ‘poisson’.

        • +
        • seed (-) – Random seed for reproducibility.

        • +
        +
        +
        Raises:
        +

        - Exception if an unsupported sampling method is provided.

        +
        +
        +
        +
        +
        +set_batching_params()[source]#
        +
        +
        +
        +showMemStats(msg=None)[source]#
        +

        Display memory statistics.

        +

        It logs information about used and available memory, including details about +the pinned memory pool.

        +
        +
        Parameters:
        +

        msg (str) – Optional message to include in the log.

        +
        +
        +
        +
        +
        +show_A_info()[source]#
        +

        Logs and displays information about matrix A, including dimensions, density, +and other related attributes.

        +
        +
        +
        +show_topology()[source]#
        +

        Displays information about the system’s topology.

        +
        +
        +
        +
        +pyDNMFk.cudaNMF.noSupportFor(X)[source]#
        +
        +
        +
        +

        pyDNMFk.cupyCuSPARSELib module#

        +
        +
        +pyDNMFk.cupyCuSPARSELib.spCu2Sc(A, copy=False)[source]#
        +

        Converts a CuPy sparse matrix to a SciPy sparse matrix.

        +
        +

        Parameters:#

        +
        +
        Acupyx sparse matrix

        Input matrix to be converted.

        +
        +
        copybool, optional

        If true, it guarantees the input data A is not modified. Default is False.

        +
        +
        +
        +
        +

        Returns:#

        +

        Sparse matrix in the desired format and library (scipy).

        +
        +
        +
        +
        +pyDNMFk.cupyCuSPARSELib.spMM(A, B, alpha=1.0, beta=0.0, transpA=False, transpB=False)[source]#
        +

        Performs matrix multiplication of sparse matrix A and dense matrix B using CuPy.

        +
        +

        Parameters:#

        +
        +
        Acupyx sparse matrix

        Left sparse matrix.

        +
        +
        Bndarray

        Right dense matrix.

        +
        +
        alphafloat, optional

        Scalar multiplier for the product of A and B. Default is 1.0.

        +
        +
        betafloat, optional

        Scalar multiplier for the initial matrix C (if provided). Default is 0.0.

        +
        +
        transpAbool, optional

        If True, transpose matrix A before multiplication. Default is False.

        +
        +
        transpBbool, optional

        If True, transpose matrix B before multiplication. Default is False.

        +
        +
        +
        +
        +

        Returns:#

        +

        Resultant matrix after multiplication.

        +
        +
        +
        +
        +pyDNMFk.cupyCuSPARSELib.spMM_with_C(A, B, C, alpha=1.0, beta=0.0, transpA=False, transpB=False)[source]#
        +

        Performs matrix multiplication of sparse matrix A and dense matrix B, and adds it to matrix C using CuPy.

        +
        +

        Parameters:#

        +
        +
        Acupyx sparse matrix

        Left sparse matrix.

        +
        +
        Bndarray

        Right dense matrix.

        +
        +
        Cndarray

        Dense matrix to which the result is added.

        +
        +
        alphafloat, optional

        Scalar multiplier for the product of A and B. Default is 1.0.

        +
        +
        betafloat, optional

        Scalar multiplier for the initial matrix C. Default is 0.0.

        +
        +
        transpAbool, optional

        If True, transpose matrix A before multiplication. Default is False.

        +
        +
        transpBbool, optional

        If True, transpose matrix B before multiplication. Default is False.

        +
        +
        +
        +
        +

        Returns:#

        +

        Resultant matrix after multiplication and addition to C.

        +
        +
        +
        +
        +pyDNMFk.cupyCuSPARSELib.spMat(A, Format='coo', shape=None, dtype=None, copy=False)[source]#
        +

        Converts a given matrix A into a specified sparse format using CuPy.

        +
        +

        Parameters:#

        +
        +
        Andarray or sparse matrix

        Input matrix to be converted.

        +
        +
        Format{‘coo’, ‘csr’, ‘csc’, ‘dia’}

        Desired sparse format. Default is ‘coo’.

        +
        +
        shapetuple, optional

        Desired shape for the sparse matrix.

        +
        +
        dtypedata-type, optional

        Data type of the result.

        +
        +
        copybool, optional

        If true, it guarantees the input data A is not modified. Default is False.

        +
        +
        +
        +
        +

        Returns:#

        +

        Sparse matrix in the desired format and library (cupy).

        +
        +
        +
        +
        +pyDNMFk.cupyCuSPARSELib.spRandMat(nr, nc, density, Format='coo', dtype=<class 'numpy.float32'>)[source]#
        +

        Generates a random sparse matrix using CuPy.

        +
        +

        Parameters:#

        +
        +
        nrint

        Number of rows.

        +
        +
        ncint

        Number of columns.

        +
        +
        densityfloat

        Desired density for the sparse matrix. Values between 0 and 1.

        +
        +
        Format{‘coo’, ‘csr’, ‘csc’, ‘dia’}, optional

        Desired sparse format. Default is ‘coo’.

        +
        +
        dtypedata-type, optional

        Data type of the result. Default is cupy.float32.

        +
        +
        +
        +
        +

        Returns:#

        +

        Random sparse matrix in the desired format and library (cupy).

        +
        +
        +
        +
        +pyDNMFk.cupyCuSPARSELib.spSc2Cu(A, copy=False)[source]#
        +

        Converts a SciPy sparse matrix to a CuPy sparse matrix.

        +
        +

        Parameters:#

        +
        +
        Ascipy sparse matrix

        Input matrix to be converted.

        +
        +
        copybool, optional

        If true, it guarantees the input data A is not modified. Default is False.

        +
        +
        +
        +
        +

        Returns:#

        +

        Sparse matrix in the desired format and library (cupy).

        +
        +
        +
        +
        +

        pyDNMFk.cupy_utils module#

        +
        +
        +pyDNMFk.cupy_utils.benchmark(func, args, n_run=1)[source]#
        +

        Benchmark a given function with provided arguments over n_run runs. Return a list of execution times.

        +
        -
        +
        +
        +pyDNMFk.cupy_utils.pin_memory(array)[source]#
        +

        Allocate memory in the pinned (or “page-locked”) area. Data in this memory can be transferred to the GPU faster.

        +
        - +
        +
        +pyDNMFk.cupy_utils.read_code(code_filename, params)[source]#
        +

        Read a code file and prepend it with CUDA kernel parameter definitions.

        +
        - -
        -
        -
        -
        - -
        -

        pyDNMFk package

        -
        -

        Submodules

        -
        -
        -

        pyDNMFk.config module

        -
        -pyDNMFk.config.init(arg)[source]
        -

        Global variables declaration here. The variables declared within this function in this file are shared across other files and functions during import.

        +
        +pyDNMFk.cupy_utils.timeExecution(func)[source]#
        +

        Decorator to time the execution of a function and print it.

        -
        -
        -

        pyDNMFk.data_generator module

        +
        +
        +

        pyDNMFk.data_generator module#

        -
        -class pyDNMFk.data_generator.data_generator(args)[source]
        +
        +class pyDNMFk.data_generator.data_generator(args)[source]#

        Bases: object

        Generates synthetic data in distributed manner where each MPI process generates a chunk from the data parallelly. The W matrix is generated with gaussian distribution whereas the H matrix is random.

        -
        -
        -
        argsclass

        Class which comprises following attributes

        -
        -
        fpathstr

        Directory path of file to be stored

        -
        -
        p_rint

        Count of row processor in the cartesian grid

        -
        -
        p_cint

        Count of column processor in the cartesian grid

        -
        -
        mint

        row dimension of the data

        -
        -
        nint

        Column dimension of the data

        -
        -
        kint

        Feature count

        +
        +
        Parameters:
        +
          +
        • args (class) – Class which comprises following attributes

        • +
        • fpath (str) – Directory path of file to be stored

        • +
        • p_r (int) – Count of row processor in the cartesian grid

        • +
        • p_c (int) – Count of column processor in the cartesian grid

        • +
        • m (int) – row dimension of the data

        • +
        • n (int) – Column dimension of the data

        • +
        • k (int) – Feature count

        • +
        -
        -
        -create_folder_dir(fpath)[source]
        -

        Create a folder if doesn't exist

        +
        +create_folder_dir(fpath)[source]#
        +

        Create a folder if doesn’t exist

        -
        -determine_block_index_range_asymm()[source]
        +
        +determine_block_index_range_asymm()[source]#

        Determines the start and end indices for the Data block for each rank

        -
        -determine_block_shape_asymm()[source]
        +
        +determine_block_shape_asymm()[source]#

        Determines the shape for the Data block for each rank

        -
        -dist_fromfunction(func, shape, pgrid, *args, unravel_index=<function unravel_index>, **kwargs)[source]
        +
        +dist_fromfunction(func, shape, pgrid, *args, unravel_index=<function unravel_index>, **kwargs)[source]#

        produces X_{i,j} = func(i,j) in a distributed manner, so that each processor has an array_split section of X according to the grid.

        -
        -fit()[source]
        +
        +fit()[source]#

        generates and save factors

        -
        -gauss_matrix_generator(n, k)[source]
        +
        +gauss_matrix_generator(n, k)[source]#

        Construct a matrix of dimensions n by k where the ith column is a Gaussian kernel corresponding to approximately N(i*n/k, 0.01*n^2)

        -
        -
        -
        nint

        the ambient space dimension

        +
        +
        Parameters:
        +
          +
        • n (int) – the ambient space dimension

        • +
        • k (int) – the latent space diemnsion

        • +
        -
        k :int

        the latent space diemnsion

        +
        Returns:
        +

        W – A matrix with Gaussian kernel columns of size n x k.

        -
        -
        -
        -
        -
        Wndarray

        A matrix with Gaussian kernel columns of size n x k.

        +
        Return type:
        +

        ndarray

        -
        -
        -generate_factors_data()[source]
        +
        +generate_factors_data()[source]#

        Generates the chunk of factors W,H and data X for each MPI process

        -
        -random_matrix_generator(n, k, seed)[source]
        +
        +random_matrix_generator(n, k, seed)[source]#

        Generator for random matric with given seed

        -
        -unravel_column()[source]
        +
        +unravel_column()[source]#

        finds the column rank for 2d grid

        -
        -unravel_row()[source]
        +
        +unravel_row()[source]#

        finds the row rank for 2d grid

        -
        -pyDNMFk.data_generator.parser()[source]
        +
        +pyDNMFk.data_generator.parser()[source]#

        Reads the input arguments from the user and parses the parameters to the data generator module.

        -
        -
        -

        pyDNMFk.data_io module

        + +
        +

        pyDNMFk.data_io module#

        -
        -class pyDNMFk.data_io.data_read(args)[source]
        +
        +class pyDNMFk.data_io.data_read(args)[source]#

        Bases: object

        Class for reading data.

        -
        -
        -
        argsclass

        Class which comprises following attributes

        -
        -
        fpathstr

        Directory path of file to be read

        -
        -
        pgridtuple

        Cartesian grid configuration

        -
        -
        ftypestr

        Type of data to read(mat/npy/csv/folder)

        -
        -
        fnamestr

        Name of the file to read

        +
        +
        Parameters:
        +
          +
        • args (class) – Class which comprises following attributes

        • +
        • fpath (str) – Directory path of file to be read

        • +
        • pgrid (tuple) – Cartesian grid configuration

        • +
        • ftype (str) – Type of data to read(mat/npy/csv/folder)

        • +
        • fname (str) – Name of the file to read

        • +
        • (object) (comm) –

        • +
        -

        comm (object): comm object for distributed read

        -
        -
        -data_partition()[source]
        +
        +data_partition()[source]#

        This function divides the input matrix into chunks as specified by grid configuration.

        Return n array of shape (nrows_i, ncols_i) where i is the index of each chunk. Sum_i^n ( nrows_i * ncols_i ) = arr.size

        If arr is a 2D array, the returned array should look like n subblocks with -each subblock preserving the "physical" layout of arr.

        +each subblock preserving the “physical” layout of arr.

        -
        -read()[source]
        +
        +read()[source]#

        Data read function

        -
        -read_dat()[source]
        +
        +read_dat()[source]#

        Function for reading the data and split into chunks to be reach by each MPI rank

        -
        -read_file_csv()[source]
        +
        +read_file_csv()[source]#

        CSV data read function

        -
        -read_file_mat()[source]
        +
        +read_file_mat()[source]#

        mat file read function

        -
        -read_file_npy()[source]
        +
        +read_file_npy()[source]#

        Numpy data read function

        -
        -save_data_to_file(fpath)[source]
        +
        +read_file_npz()[source]#
        +

        mat file read function

        +
        + +
        +
        +save_data_to_file(fpath)[source]#

        This function saves the splitted data to numpy array indexed with chunk number

        -
        -class pyDNMFk.data_io.data_write(args)[source]
        +
        +class pyDNMFk.data_io.data_write(args)[source]#

        Bases: object

        Class for writing data/results.

        -
        -

        args (class): class which comprises following attributes -results_path (str): Directory path of file to write -pgrid (tuple): Cartesian grid configuration -ftype (str): Type of data to read(mat/npy/csv/folder) -comm (object): comm object for distributed read

        -
        -
        -
        -create_folder_dir(fpath)[source]
        +
        +
        Parameters:
        +
          +
        • (class) (args) –

        • +
        • (str) (ftype) –

        • +
        • (tuple) (pgrid) –

        • +
        • (str)

        • +
        • (object) (comm) –

        • +
        +
        +
        +
        +
        +create_folder_dir(fpath)[source]#

        Create directory if not present

        -
        -save_cluster_results(params)[source]
        +
        +save_cluster_results(params)[source]#

        Save cluster results to a h5 file with rank 0

        -
        -save_factors(factors, reg=False)[source]
        +
        +save_factors(factors, reg=False)[source]#

        Save the W and H factors for each MPI process

        -
        -class pyDNMFk.data_io.read_factors(factors_path, pgrid)[source]
        +
        +class pyDNMFk.data_io.read_factors(factors_path, pgrid)[source]#

        Bases: object

        Class for reading saved factors.

        -
        -
        -
        factors_pathstr

        Directory path of factors to read from

        -
        -
        pgridtuple

        Cartesian grid configuration

        +
        +
        Parameters:
        +
          +
        • factors_path (str) – Directory path of factors to read from

        • +
        • pgrid (tuple) – Cartesian grid configuration

        • +
        -
        -
        -custom_read_npy(fpath)[source]
        +
        +custom_read_npy(fpath)[source]#

        Read numpy files

        -
        -load_factors()[source]
        +
        +load_factors()[source]#

        Load the final stacked factors for visualization

        -
        -read_factor(fpath)[source]
        +
        +read_factor(fpath)[source]#

        Read factors as chunks and stack them

        -
        -class pyDNMFk.data_io.split_files_save(data, pgrid, fpath)[source]
        +
        +class pyDNMFk.data_io.split_files_save(data, pgrid, fpath)[source]#

        Bases: object

        Rank 0 based data read, split and save

        -
        -save_data_to_file()[source]
        +
        +save_data_to_file()[source]#

        Function to save the chunks into numpy files

        -
        -split_files()[source]
        +
        +split_files()[source]#

        Compute the index range for each block and partition the data as per the chunk

        -
        -
        -

        pyDNMFk.dist_clustering module

        + +
        +

        pyDNMFk.dist_clustering module#

        -
        -class pyDNMFk.dist_clustering.custom_clustering(Wall, Hall, params)[source]
        +
        +class pyDNMFk.dist_clustering.custom_clustering(Wall, Hall, params)[source]#

        Bases: object

        Greedy algorithm to approximate a quadratic assignment problem to cluster vectors. Given p groups of k vectors, construct k clusters, each cluster containing a single vector from each of the p groups. This clustering approximation uses cos distances and mean centroids.

        -
        -
        -
        W_allndarray

        Order three tensor of shape m by k by p, where m is the ambient dimension of the vectors, k is the number of vectors in each group, and p is the number of groups of vectors.

        -
        -
        H_allndarray

        Order three tensor of shape n by k by p, where n is the ambient dimension of the vectors, k is the number of vectors in each group, and p is the number of groups of vectors.

        -
        -
        paramsclass

        Class object with communication parameters which comprises of grid information (p_r,p_c) , commincator (comm) and epsilon (eps).

        +
        +
        Parameters:
        +
          +
        • W_all (ndarray) – Order three tensor of shape m by k by p, where m is the ambient dimension of the vectors, k is the number of vectors in each group, and p is the number of groups of vectors.

        • +
        • H_all (ndarray) – Order three tensor of shape n by k by p, where n is the ambient dimension of the vectors, k is the number of vectors in each group, and p is the number of groups of vectors.

        • +
        • params (class) – Class object with communication parameters which comprises of grid information (p_r,p_c) , commincator (comm) and epsilon (eps).

        • +
        -
        -
        -change_order(tens)[source]
        +
        +change_order(tens)[source]#

        change the order of features

        -
        -dist_custom_clustering(centroids=None, vb=0)[source]
        +
        +dist_custom_clustering(centroids=None, vb=0)[source]#

        Performs the distributed custom clustering

        -
        -
        centroidsndarray, optional

        The m by k initialization of the centroids of the clusters. None corresponds to using the first slice, W_all[:,:,0], as the initial centroids. Defaults to None.

        -
        -
        vbbool, optional

        Verbose to display intermediate results

        -
        -
        -
        -
        centroidsndarray

        The m by k centroids of the clusters

        -
        -
        W_all :ndarray

        Clustered organization of the vectors W_all

        -
        -
        H_allndarray

        Clustered organization of the vectors H_all

        +
        +
        Parameters:
        +
          +
        • centroids (ndarray, optional) – The m by k initialization of the centroids of the clusters. None corresponds to using the first slice, W_all[:,:,0], as the initial centroids. Defaults to None.

        • +
        • vb (bool, optional) – Verbose to display intermediate results

        • +
        -
        permute_orderlist

        Indices of the permuted features

        +
        Returns:
        +

          +
        • centroids (ndarray) – The m by k centroids of the clusters

        • +
        • W_all (ndarray) – Clustered organization of the vectors W_all

        • +
        • H_all (ndarray) – Clustered organization of the vectors H_all

        • +
        • permute_order (list) – Indices of the permuted features

        • +
        +

        -
        -dist_feature_ordering(centroids, W_sub)[source]
        +
        +dist_feature_ordering(centroids, W_sub)[source]#

        return the features in proper order

        -
        -dist_silhouettes()[source]
        +
        +dist_silhouettes()[source]#

        Computes the cosine distances silhouettes of a distributed clustering of vectors.

        -
        -
        silsndarray

        The k by p array of silhouettes where sils[i,j] is the silhouette measure for the vector W_all[:,i,j]

        +
        +
        Returns:
        +

        sils – The k by p array of silhouettes where sils[i,j] is the silhouette measure for the vector W_all[:,i,j]

        +
        +
        Return type:
        +

        ndarray

        -
        -fit()[source]
        +
        +fit()[source]#

        Calls the sub routines to perform distributed custom clustering and compute silhouettes

        -
        -
        centroidsndarray

        The m by k centroids of the clusters

        -
        -
        CentStdndarray

        Absolute deviation of the features from the centroid

        -
        -
        W_allndarray

        Clustered organization of the vectors W_all

        -
        -
        H_allndarray

        Clustered organization of the vectors H_all

        -
        -
        S_avgndarray

        mean Silhouette score

        -
        -
        permute_orderlist

        Indices of the permuted features

        +
        +
        Returns:
        +

          +
        • centroids (ndarray) – The m by k centroids of the clusters

        • +
        • CentStd (ndarray) – Absolute deviation of the features from the centroid

        • +
        • W_all (ndarray) – Clustered organization of the vectors W_all

        • +
        • H_all (ndarray) – Clustered organization of the vectors H_all

        • +
        • S_avg (ndarray) – mean Silhouette score

        • +
        • permute_order (list) – Indices of the permuted features

        • +
        +

        -
        -greedy_lsa(A)[source]
        +
        +greedy_lsa(A)[source]#

        Return the permutation order

        -
        -mad(data, flag=1, axis=- 1)[source]
        +
        +mad(data, flag=1, axis=-1)[source]#

        Compute the median/mean absolute deviation

        -
        -normalize_by_W()[source]
        +
        +normalize_by_W()[source]#

        Normalize the factors W and H

        -
        -
        -

        pyDNMFk.dist_comm module

        + +
        +

        pyDNMFk.dist_comm module#

        -
        -class pyDNMFk.dist_comm.MPI_comm(comm, p_r, p_c)[source]
        +
        +class pyDNMFk.dist_comm.MPI_comm(comm, p_r, p_c)[source]#

        Bases: object

        Initialization of MPI communicator to construct the cartesian topology and sub communicators

        -
        -
        commobject

        MPI communicator object

        -
        -
        p_rint

        row processors count

        -
        -
        p_cint

        column processors count

        +
        +
        Parameters:
        +
          +
        • comm (object) – MPI communicator object

        • +
        • p_r (int) – row processors count

        • +
        • p_c (int) – column processors count

        • +
        -
        -Free()[source]
        +
        +Free()[source]#

        Frees the sub communicators

        -
        -cart_1d_column()[source]
        +
        +cart_1d_column()[source]#

        Constructs a cartesian column communicator through construction of a sub communicator across columns

        -
        -
        cartesian1d_columnobject

        Sub Communicator object

        +
        +
        Returns:
        +

        cartesian1d_column – Sub Communicator object

        +
        +
        Return type:
        +

        object

        -
        -cart_1d_row()[source]
        +
        +cart_1d_row()[source]#

        Constructs a cartesian row communicator through construction of a sub communicator across rows

        -
        -
        cartesian1d_rowobject

        Sub Communicator object

        +
        +
        Returns:
        +

        cartesian1d_row – Sub Communicator object

        +
        +
        Return type:
        +

        object

        -
        -
        -

        pyDNMFk.dist_nmf module

        + +
        +

        pyDNMFk.dist_nmf module#

        -
        -class pyDNMFk.dist_nmf.nmf_algorithms_1D(A_ij, W_i, H_j, params=None)[source]
        +
        +class pyDNMFk.dist_nmf.nmf_algorithms_1D(A_ij, W_i, H_j, params=None)[source]#

        Bases: object

        Performs the distributed NMF operation along 1D cartesian grid

        -
        -
        -
        A_ijndarray

        Distributed Data

        -
        -
        W_indarray

        Distributed factor W

        -
        -
        H_jndarray

        Distributed factor H

        -
        -
        paramsclass

        Class which comprises following attributes

        -
        -
        params.comm1object

        Global Communicator

        -
        -
        params.kint

        Rank for decomposition

        -
        -
        params.mint

        Global dimensions m

        -
        -
        params.nint

        Global dimensions n

        -
        -
        params.p_rint

        Cartesian grid row count

        -
        -
        params.p_cint

        Cartesian grid column count

        -
        -
        params.W_updatebool

        flag to set W update True/False

        -
        -
        params.normstr

        NMF norm to be minimized

        -
        -
        params.methodstr

        NMF optimization method

        -
        -
        params.epsfloat

        Epsilon value

        +
        +
        Parameters:
        +
          +
        • A_ij (ndarray) – Distributed Data

        • +
        • W_i (ndarray) – Distributed factor W

        • +
        • H_j (ndarray) – Distributed factor H

        • +
        • params (class) – Class which comprises following attributes

        • +
        • params.comm1 (object) – Global Communicator

        • +
        • params.k (int) – Rank for decomposition

        • +
        • params.m (int) – Global dimensions m

        • +
        • params.n (int) – Global dimensions n

        • +
        • params.p_r (int) – Cartesian grid row count

        • +
        • params.p_c (int) – Cartesian grid column count

        • +
        • params.W_update (bool) – flag to set W update True/False

        • +
        • params.norm (str) – NMF norm to be minimized

        • +
        • params.method (str) – NMF optimization method

        • +
        • params.eps (float) – Epsilon value

        • +
        -
        -
        -FRO_BCD_update(W_update=True, itr=1000)[source]
        +
        +FRO_BCD_update(W_update=True, itr=1000)[source]#

        Frobenius norm minimization based BCD update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -
        -
        -
        W_update: bool

        flag to enable/disable W update

        +
        +
        Parameters:
        +

        W_update (bool) – flag to enable/disable W update

        +
        +
        Returns:
        +

          +
        • self.W_i (ndarray (m/p_r X k))

        • +
        • self.H_j (ndarray (k X n/p_c))

        • +
        +

        -
        -
        -

        self.W_i : ndarray (m/p_r X k) -self.H_j : ndarray (k X n/p_c)

        -
        -
        -FRO_HALS_update(W_update=True)[source]
        +
        +FRO_HALS_update(W_update=True)[source]#

        Frobenius norm minimizatio based HALS update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -
        -
        W_updatebool

        Flag to enable/disable W_update

        +
        +
        Parameters:
        +

        W_update (bool) – Flag to enable/disable W_update

        +
        +
        Returns:
        +

          +
        • self.H_j (ndarray (k X n/p_r))

        • +
        • self.W_i (ndarray (m/p_c X k))

        • +
        +

        -

        self.H_j : ndarray (k X n/p_r) -self.W_i : ndarray (m/p_c X k)

        -
        -FRO_HALS_update_H()[source]
        +
        +FRO_HALS_update_H()[source]#

        Frobenius norm minimization based HALS update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.H_j : ndarray ( k X n/p_c)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_j

        +
        +
        Return type:
        +

        ndarray ( k X n/p_c)

        +
        +
        -
        -FRO_HALS_update_W()[source]
        +
        +FRO_HALS_update_W()[source]#

        Frobenius norm minimization based HALS update of W parameter Function computes updated W parameter for each mpi rank

        -

        self : object

        -

        self.W_i : ndarray (m/p_r X k)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_i

        +
        +
        Return type:
        +

        ndarray (m/p_r X k)

        +
        +
        -
        -Fro_MU_update(W_update=True)[source]
        +
        +Fro_MU_update(W_update=True)[source]#

        Frobenius norm based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -

        self : object

        -

        self.H_ij : ndarray -self.W_ij : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

          +
        • self.H_ij (ndarray)

        • +
        • self.W_ij (ndarray)

        • +
        +

        +
        +
        -
        -Fro_MU_update_H()[source]
        +
        +Fro_MU_update_H()[source]#

        Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.H_j : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_j

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -Fro_MU_update_W()[source]
        +
        +Fro_MU_update_W()[source]#

        Frobenius norm based multiplicative update of W parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.W_i : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_i

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -KL_MU_update(W_update=True)[source]
        +
        +KL_MU_update(W_update=True)[source]#

        KL divergence based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -
        -
        W_updatebool

        Flag to enable/disable W_update

        +
        +
        Parameters:
        +

        W_update (bool) – Flag to enable/disable W_update

        +
        +
        Returns:
        +

          +
        • self.H_j (ndarray (k X n/p_r))

        • +
        • self.W_i (ndarray (m/p_c X k))

        • +
        +

        -

        self.H_j : ndarray (k X n/p_r) -self.W_i : ndarray (m/p_c X k)

        -
        -KL_MU_update_H()[source]
        +
        +KL_MU_update_H()[source]#

        KL divergence based multiplicative update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -
        -
        self.H_jndarray

        Distributed factor H of shape k X n/p_c

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_j – Distributed factor H of shape k X n/p_c

        +
        +
        Return type:
        +

        ndarray

        -
        -KL_MU_update_W()[source]
        +
        +KL_MU_update_W()[source]#

        KL divergence based multiplicative update of W parameter Function computes updated W parameter for each mpi rank

        -

        self : object

        -
        -
        self.W_indarray

        Distributed factor W of shape m/p_r X k

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_i – Distributed factor W of shape m/p_r X k

        +
        +
        Return type:
        +

        ndarray

        -
        -glob_UX(axis)[source]
        +
        +glob_UX(axis)[source]#

        Perform a global operation UX for W and H update with KL

        -
        -globalSqNorm(X, p=- 1)[source]
        +
        +globalSqNorm(X, p=-1)[source]#

        Calc global squared norm of any matrix

        -
        -global_gram(A, p=1)[source]
        +
        +global_gram(A, p=1)[source]#

        Distributed gram computation

        Computes the global gram operation of matrix A .. math:: A^TA

        -

        A : ndarray -p : Processor count

        -

        A_TA_glob : ndarray

        +
        +
        Parameters:
        +
          +
        • A (ndarray) –

        • +
        • p (Processor count) –

        • +
        +
        +
        Returns:
        +

        A_TA_glob

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -global_mm(A, B, p=- 1)[source]
        +
        +global_mm(A, B, p=-1)[source]#

        Distributed matrix multiplication

        Computes the global matrix multiplication of matrix A and B .. math:: AB

        -

        A : ndarray -B : ndarray -p : processor count

        -

        AB_glob : ndarray

        +
        +
        Parameters:
        +
          +
        • A (ndarray) –

        • +
        • B (ndarray) –

        • +
        • p (processor count) –

        • +
        +
        +
        Returns:
        +

        AB_glob

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -initWandH()[source]
        +
        +initWandH()[source]#

        Initialize the parameters for BCD updates

        -
        -sum_along_axis(X, p=1, axis=0)[source]
        +
        +sum_along_axis(X, p=1, axis=0)[source]#

        Performs sum of the matrix along given axis

        -
        -
        Xndarray

        Data

        -
        -
        pint

        Processor count

        +
        +
        Parameters:
        +
          +
        • X (ndarray) – Data

        • +
        • p (int) – Processor count

        • +
        • axis (int) – Axis along which the sum is to be performed

        • +
        -
        axisint

        Axis along which the sum is to be performed

        +
        Returns:
        +

        global_axis_sum – Vector array after summation operation along axis

        -
        -
        -
        global_axis_sumndarray

        Vector array after summation operation along axis

        +
        Return type:
        +

        ndarray

        -
        -update()[source]
        +
        +update()[source]#

        Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization

        -
        -
        W_indarray

        The m/p_r X k distributed factor W

        -
        -
        H_jndarray

        The k X n/p_c distributed factor H

        +
        +
        Returns:
        +

          +
        • W_i (ndarray) – The m/p_r X k distributed factor W

        • +
        • H_j (ndarray) – The k X n/p_c distributed factor H

        • +
        +

        @@ -823,854 +2128,1653 @@

        Submodules -
        -class pyDNMFk.dist_nmf.nmf_algorithms_2D(A_ij, W_ij, H_ij, params=None)[source]
        +
        +class pyDNMFk.dist_nmf.nmf_algorithms_2D(A_ij, W_ij, H_ij, params=None)[source]#

        Bases: object

        Performs the distributed NMF operation along 2D cartesian grid

        -
        -
        -
        A_ijndarray

        Distributed Data

        -
        -
        W_ijndarray

        Distributed factor W

        -
        -
        H_ijndarray

        Distributed factor H

        -
        -
        paramsclass

        Class which comprises following attributes

        -
        -
        params.comm1object

        Global Communicator

        -
        -
        params.commobject

        Modified communicator object

        -
        -
        params.kint

        Rank for decomposition

        -
        -
        params.mint

        Global dimensions m

        -
        -
        params.nint

        Global dimensions n

        -
        -
        params.p_rint

        Cartesian grid row count

        -
        -
        params.p_cint

        Cartesian grid column count

        -
        -
        params.row_commobject

        Sub communicator along row

        -
        -
        params.col_commobject

        Sub communicator along columns

        -
        -
        params.W_updatebool

        flag to set W update True/False

        -
        -
        params.normstr

        NMF norm to be minimized

        -
        -
        params.methodstr

        NMF optimization method

        -
        -
        params.epsfloat

        Epsilon value

        +
        +
        Parameters:
        +
          +
        • A_ij (ndarray) – Distributed Data

        • +
        • W_ij (ndarray) – Distributed factor W

        • +
        • H_ij (ndarray) – Distributed factor H

        • +
        • params (class) – Class which comprises following attributes

        • +
        • params.comm1 (object) – Global Communicator

        • +
        • params.comm (object) – Modified communicator object

        • +
        • params.k (int) – Rank for decomposition

        • +
        • params.m (int) – Global dimensions m

        • +
        • params.n (int) – Global dimensions n

        • +
        • params.p_r (int) – Cartesian grid row count

        • +
        • params.p_c (int) – Cartesian grid column count

        • +
        • params.row_comm (object) – Sub communicator along row

        • +
        • params.col_comm (object) – Sub communicator along columns

        • +
        • params.W_update (bool) – flag to set W update True/False

        • +
        • params.norm (str) – NMF norm to be minimized

        • +
        • params.method (str) – NMF optimization method

        • +
        • params.eps (float) – Epsilon value

        • +
        -
        -
        -AH_glob(H_ij=None)[source]
        +
        +AH_glob(H_ij=None)[source]#

        Distributed computation of AH^T

        Computes the global matrix multiplication of matrix A and H .. math:: AH^T

        -

        A : ndarray -H : ndarray

        -

        AH : ndarray

        +
        +
        Parameters:
        +
          +
        • A (ndarray) –

        • +
        • H (ndarray) –

        • +
        +
        +
        Returns:
        +

        AH

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -ATW_glob()[source]
        +
        +ATW_glob()[source]#

        Distributed computation of W^TA

        Computes the global matrix multiplication of matrix W and A .. math:: W^TA

        -

        W : ndarray -A : ndarray

        -

        Atw : ndarray

        +
        +
        Parameters:
        +
          +
        • W (ndarray) –

        • +
        • A (ndarray) –

        • +
        +
        +
        Returns:
        +

        Atw

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -FRO_BCD_update(W_update=True, itr=1000)[source]
        +
        +FRO_BCD_update(W_update=True, itr=1000)[source]#

        Frobenius norm minimization based BCD update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -
        -

        self : object

        -
        -
        -

        self.W_ij : ndarray (m/p X k)

        -

        self.H_ij : ndarray (k X n/p)

        -
        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

          +
        • self.W_ij (ndarray (m/p X k))

        • +
        • self.H_ij (ndarray (k X n/p))

        • +
        +

        +
        +
        -
        -FRO_HALS_update(W_update=True)[source]
        +
        +FRO_HALS_update(W_update=True)[source]#

        Frobenius norm minimization based HALS update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -

        self : object

        -

        self.W_ij : ndarray (m/p X k) -self.H_ij : ndarray (k X n/p)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

          +
        • self.W_ij (ndarray (m/p X k))

        • +
        • self.H_ij (ndarray (k X n/p))

        • +
        +

        +
        +
        -
        -FRO_HALS_update_H()[source]
        +
        +FRO_HALS_update_H()[source]#

        Frobenius norm minimization based HALS update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.H_ij : ndarray ( k X n/p)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_ij

        +
        +
        Return type:
        +

        ndarray ( k X n/p)

        +
        +
        -
        -FRO_HALS_update_W()[source]
        +
        +FRO_HALS_update_W()[source]#

        Frobenius norm minimization based HALS update of W parameter Function computes updated W parameter for each mpi rank

        -

        self : object

        -

        self.W_ij : ndarray (m/p X k)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_ij

        +
        +
        Return type:
        +

        ndarray (m/p X k)

        +
        +
        -
        -Fro_MU_update(W_update=True)[source]
        +
        +Fro_MU_update(W_update=True)[source]#

        Frobenius norm based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -

        self : object

        -

        self.H_ij : ndarray -self.W_ij : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

          +
        • self.H_ij (ndarray)

        • +
        • self.W_ij (ndarray)

        • +
        +

        +
        +
        -
        -Fro_MU_update_H()[source]
        +
        +Fro_MU_update_H()[source]#

        Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.H_ij : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_ij

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -Fro_MU_update_W()[source]
        +
        +Fro_MU_update_W()[source]#

        Frobenius norm based multiplicative update of W parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -

        self.W_ij : ndarray

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_ij

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -KL_MU_update(W_update=True)[source]
        +
        +KL_MU_update(W_update=True)[source]#

        KL divergence based multiplicative update of W and H parameter Function computes updated W and H parameter for each mpi rank

        -

        self : object

        -

        self.H_ij : ndarray (k X n/p) -self.W_ij : ndarray (m/p X k)

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

          +
        • self.H_ij (ndarray (k X n/p))

        • +
        • self.W_ij (ndarray (m/p X k))

        • +
        +

        +
        +
        -
        -KL_MU_update_H()[source]
        +
        +KL_MU_update_H()[source]#

        Frobenius norm based multiplicative update of H parameter Function computes updated H parameter for each mpi rank

        -

        self : object

        -
        -
        self.H_ijndarray

        Distributed factor H of shape k X n/p

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.H_ij – Distributed factor H of shape k X n/p

        +
        +
        Return type:
        +

        ndarray

        -
        -KL_MU_update_W()[source]
        +
        +KL_MU_update_W()[source]#

        KL divergence based multiplicative update of W parameter Function computes updated W parameter for each mpi rank

        -

        self : object

        -
        -
        self.W_ijndarray

        Distributed factor W of shape m/p X k

        +
        +
        Parameters:
        +

        self (object) –

        +
        +
        Returns:
        +

        self.W_ij – Distributed factor W of shape m/p X k

        +
        +
        Return type:
        +

        ndarray

        -
        -UHT_glob()[source]
        +
        +UHT_glob()[source]#

        Distributed computation of UH^T

        Computes the global matrix multiplication of matrix W and U for KL .. math:: UH^T

        -

        W : ndarray -H : ndarray -A : ndarray

        -

        UHT : ndarray

        +
        +
        Parameters:
        +
          +
        • W (ndarray) –

        • +
        • H (ndarray) –

        • +
        • A (ndarray) –

        • +
        +
        +
        Returns:
        +

        UHT

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -WTU_glob()[source]
        +
        +WTU_glob()[source]#

        Distributed computation of W^TU

        Computes the global matrix multiplication of matrix W and U for KL .. math:: W^TU

        -

        W : ndarray -H : ndarray -A : ndarray

        -

        WTU : ndarray

        +
        +
        Parameters:
        +
          +
        • W (ndarray) –

        • +
        • H (ndarray) –

        • +
        • A (ndarray) –

        • +
        +
        +
        Returns:
        +

        WTU

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -gather_W_H(gW=True, gH=True)[source]
        +
        +gather_W_H(gW=True, gH=True)[source]#

        Gathers W and H factors across cartesian groups i.e H_ij -> H_j if gH=True and W_ij -> W_i and gW=True

        -

        gW : boolen -gH : boolen

        -

        self.H_j : ndarray -self.W_i : ndarray

        +
        +
        Parameters:
        +
          +
        • gW (boolen) –

        • +
        • gH (boolen) –

        • +
        +
        +
        Returns:
        +

          +
        • self.H_j (ndarray)

        • +
        • self.W_i (ndarray)

        • +
        +

        +
        +
        -
        -globalSqNorm(comm, X)[source]
        +
        +globalSqNorm(comm, X)[source]#

        Calc global squared norm of any matrix

        -
        -global_gram(A)[source]
        +
        +global_gram(A)[source]#

        Distributed gram computation

        Computes the global gram operation of matrix A .. math:: A^TA

        -

        A : ndarray

        -

        A_TA_glob : ndarray

        +
        +
        Parameters:
        +

        A (ndarray) –

        +
        +
        Returns:
        +

        A_TA_glob

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -global_mm(A, B)[source]
        +
        +global_mm(A, B)[source]#

        Distributed matrix multiplication

        Computes the global matrix multiplication of matrix A and B .. math:: AB

        -

        A : ndarray -B : ndarray

        -

        AB_glob : ndarray

        +
        +
        Parameters:
        +
          +
        • A (ndarray) –

        • +
        • B (ndarray) –

        • +
        +
        +
        Returns:
        +

        AB_glob

        +
        +
        Return type:
        +

        ndarray

        +
        +
        -
        -initWandH()[source]
        +
        +initWandH()[source]#

        Initialize the parameters for BCD updates

        -
        -sum_axis(dat, axis)[source]
        +
        +sum_axis(dat, axis)[source]#
        -
        -update()[source]
        +
        +update()[source]#

        Performs 1 step Update for factors W and H based on NMF method and corresponding norm minimization

        -
        -
        W_ijndarray

        The m/p X k distributed factor W

        -
        -
        H_ijndarray

        The k X n/p distributed factor H

        +
        +
        Returns:
        +

          +
        • W_ij (ndarray) – The m/p X k distributed factor W

        • +
        • H_ij (ndarray) – The k X n/p distributed factor H

        • +
        +

        -

        -
        -

        pyDNMFk.dist_svd module

        + +
        +

        pyDNMFk.dist_svd module#

        -
        -class pyDNMFk.dist_svd.DistSVD(args, A)[source]
        +
        +class pyDNMFk.dist_svd.DistSVD(args, A)[source]#

        Bases: object

        Distributed Computation of SVD along 1D distribution of the data. Only U or V is distributed based on data size.

        -
        -
        -
        Andarray

        Distributed Data

        -
        -
        argsclass

        Class which comprises following attributes

        -
        -
        args.globalmint

        Global row dimensions of A

        -
        -
        args.globalnint

        Global column dimension of A

        -
        -
        args.kint(optional)

        Rank for decomposition

        -
        -
        args.p_rint

        Cartesian grid row count

        -
        -
        args.p_cint

        Cartesian grid column count

        -
        -
        args.seedint(optional)

        Set the random seed

        -
        -
        args.commobject

        comm object for distributed read

        -
        -
        args.epsfloat

        Epsilon value

        +
        +
        Parameters:
        +
          +
        • A (ndarray) – Distributed Data

        • +
        • args (class) – Class which comprises following attributes

        • +
        • args.globalm (int) – Global row dimensions of A

        • +
        • args.globaln (int) – Global column dimension of A

        • +
        • args.k (int(optional)) – Rank for decomposition

        • +
        • args.p_r (int) – Cartesian grid row count

        • +
        • args.p_c (int) – Cartesian grid column count

        • +
        • args.seed (int(optional)) – Set the random seed

        • +
        • args.comm (object) – comm object for distributed read

        • +
        • args.eps (float) – Epsilon value

        • +
        -
        -
        -calc_norm(vec)[source]
        +
        +calc_norm(vec)[source]#

        Compute the norm of vector

        -
        -globalGram(X, Y)[source]
        +
        +globalGram(X, Y)[source]#

        Compute the global gram betwee X and Y

        -
        -nnsvd(flag=1, verbose=1)[source]
        +
        +nnsvd(flag=1, verbose=1)[source]#

        Computes the distributed Non-Negative SVD(NNSVD) components from the computed SVD factors.

        -
        -
        flagbool, optional

        Computes nnSVD factors with different configurations

        -
        -
        verbosebool, optional

        Verbose to set returned errors. If true returns SVD and NNSVD reconstruction errors.

        -
        -
        -
        -
        W :ndarray

        Non-negative factor W of shape (m/p_r,k)

        -
        -
        Hndarray

        Non-negative factor H of shape (k,n/p_c)

        +
        +
        Parameters:
        +
          +
        • flag (bool, optional) – Computes nnSVD factors with different configurations

        • +
        • verbose (bool, optional) – Verbose to set returned errors. If true returns SVD and NNSVD reconstruction errors.

        • +
        -
        errordictionary (optional)

        Dictinoary of reconstruction error for svd and nnsvd

        +
        Returns:
        +

          +
        • W (ndarray) – Non-negative factor W of shape (m/p_r,k)

        • +
        • H (ndarray) – Non-negative factor H of shape (k,n/p_c)

        • +
        • error (dictionary (optional)) – Dictinoary of reconstruction error for svd and nnsvd

        • +
        +

        -
        -normalize_by_W(Wall, Hall, comm1)[source]
        +
        +normalize_by_W(Wall, Hall, comm1)[source]#

        Normalize the factors W and H

        -
        -randomUnitVector(d)[source]
        +
        +randomUnitVector(d)[source]#

        Construnct a rondom unit vector

        -
        -rel_error(U, S, V)[source]
        +
        +rel_error(U, S, V)[source]#

        Computes the relative error between the reconstructed data with factors vs original data

        -
        -svd()[source]
        +
        +svd()[source]#

        Computes the SVD for a given matrix

        -
        -
        singularValueslist

        List of singular values of length k

        -
        -
        Us :ndarray

        Factor Us of shape (m/p_r,k)

        -
        -
        Vsndarray

        Factor Vs of shape (k,n/p_c)

        +
        +
        Returns:
        +

          +
        • singularValues (list) – List of singular values of length k

        • +
        • Us (ndarray) – Factor Us of shape (m/p_r,k)

        • +
        • Vs (ndarray) – Factor Vs of shape (k,n/p_c)

        • +
        +

        -
        -svd1D()[source]
        +
        +svd1D()[source]#

        One dimensional SVD

        -
        -
        -

        pyDNMFk.plot_results module

        + +
        +

        pyDNMFk.plot_results module#

        -
        -pyDNMFk.plot_results.box_plot(dat, respath)[source]
        +
        +pyDNMFk.plot_results.box_plot(dat, respath)[source]#

        Plots the boxplot from the given data and saves the results

        -
        -pyDNMFk.plot_results.plot_W(W)[source]
        +
        +pyDNMFk.plot_results.plot_W(W)[source]#

        Reads a factor and plots into subplots for each component

        -
        -pyDNMFk.plot_results.plot_err(err)[source]
        +
        +pyDNMFk.plot_results.plot_err(err)[source]#

        Plots the relative error for NMF decomposition as a function of number of iterations

        -
        -pyDNMFk.plot_results.plot_results(startProcess, endProcess, RECON, RECON1, SILL_MIN, out_put, name)[source]
        +
        +pyDNMFk.plot_results.plot_results(startProcess, endProcess, stepProcess, RECON, RECON1, SILL_MIN, out_put, name)[source]#

        Plots the relative error and Silhouette results for estimation of k

        -
        -pyDNMFk.plot_results.plot_timing_stats(fpath, respath)[source]
        +
        +pyDNMFk.plot_results.plot_results_fpath(params)[source]#
        +

        Plots the relative error and Silhouette results for estimation of k from given folder location

        +
        + +
        +
        +pyDNMFk.plot_results.plot_timing_stats(fpath, respath)[source]#

        Plots the timing stats for the MPI operation. fpath: Stats data path respath: Path to save graph

        -
        -pyDNMFk.plot_results.read_plot_factors(factors_path, pgrid)[source]
        +
        +pyDNMFk.plot_results.read_plot_factors(factors_path, pgrid)[source]#

        Reads the factors W and H and Plots them

        -
        -pyDNMFk.plot_results.timing_stats(fpath)[source]
        +
        +pyDNMFk.plot_results.timing_stats(fpath)[source]#

        Reads the timing stats dictionary from the stored file and parses the data.

        -
        -
        -

        pyDNMFk.pyDNMF module

        + +
        +

        pyDNMFk.pyDNMF module#

        -
        -class pyDNMFk.pyDNMF.PyNMF(A_ij, factors=None, save_factors=False, params=None)[source]
        +
        +class pyDNMFk.pyDNMF.PyNMF(A_ij, factors=None, save_factors=False, params=None)[source]#

        Bases: object

        Performs the distributed NMF decomposition of given matrix X into factors W and H

        -
        -
        -
        A_ijndarray

        Distributed Data

        -
        -
        factorstuple (optional)

        Distributed factors W and H

        -
        -
        paramsclass

        Class which comprises following attributes

        -
        -
        params.initstr

        NMF initialization(rand/nnsvd)

        -
        -
        params.comm1object

        Global Communicator

        -
        -
        params.commobject

        Modified communicator object

        -
        -
        params.kint

        Rank for decomposition

        -
        -
        params.mint

        Global dimensions m

        -
        -
        params.nint

        Global dimensions n

        -
        -
        params.p_rint

        Cartesian grid row count

        -
        -
        params.p_cint

        Cartesian grid column count

        -
        -
        params.row_commobject

        Sub communicator along row

        -
        -
        params.col_commobject

        Sub communicator along columns

        -
        -
        params.W_updatebool

        flag to set W update True/False

        -
        -
        params.normstr

        NMF norm to be minimized

        -
        -
        params.methodstr

        NMF optimization method

        -
        -
        params.epsfloat

        Epsilon value

        -
        -
        params.verbosebool

        Flag to enable/disable display results

        -
        -
        params.save_factorsbool

        Flag to enable/disable saving computed factors

        +
        +
        Parameters:
        +
          +
        • A_ij (ndarray) – Distributed Data

        • +
        • factors (tuple (optional)) – Distributed factors W and H

        • +
        • params (class) – Class which comprises following attributes

        • +
        • params.init (str) – NMF initialization(rand/nnsvd)

        • +
        • params.comm1 (object) – Global Communicator

        • +
        • params.comm (object) – Modified communicator object

        • +
        • params.k (int) – Rank for decomposition

        • +
        • params.m (int) – Global dimensions m

        • +
        • params.n (int) – Global dimensions n

        • +
        • params.p_r (int) – Cartesian grid row count

        • +
        • params.p_c (int) – Cartesian grid column count

        • +
        • params.row_comm (object) – Sub communicator along row

        • +
        • params.col_comm (object) – Sub communicator along columns

        • +
        • params.W_update (bool) – flag to set W update True/False

        • +
        • params.norm (str) – NMF norm to be minimized

        • +
        • params.method (str) – NMF optimization method

        • +
        • params.eps (float) – Epsilon value

        • +
        • params.verbose (bool) – Flag to enable/disable display results

        • +
        • params.save_factors (bool) – Flag to enable/disable saving computed factors

        • +
        -
        -
        -cart_2d_collect_factors()[source]
        +
        +cart_2d_collect_factors()[source]#

        Collects factors along each sub communicators

        -
        -column_err()[source]
        +
        +column_err()[source]#

        Computes the distributed column wise norm

        -
        -compute_global_dim()[source]
        -

        Computes global dimensions m and n from given chunk sizes for any grid configuration

        -
        - -
        -
        -dist_norm(X, proc=- 1, norm='fro', axis=None)[source]
        +
        +dist_norm(X, proc=-1, norm='fro', axis=None)[source]#

        Computes the distributed norm

        -
        -fit()[source]
        +
        +fit()[source]#

        Calls the sub routines to perform distributed NMF decomposition with initialization for a given norm minimization and update method

        -
        -
        W_indarray

        Factor W of shape m/p_r * k

        -
        -
        H_jndarray

        Factor H of shape k * n/p_c

        -
        -
        recon_errfloat

        Reconstruction error for NMF decomposition

        +
        +
        Returns:
        +

          +
        • W_i (ndarray) – Factor W of shape m/p_r * k

        • +
        • H_j (ndarray) – Factor H of shape k * n/p_c

        • +
        • recon_err (float) – Reconstruction error for NMF decomposition

        • +
        +

        -
        -init_factors()[source]
        +
        +init_factors()[source]#

        Initializes NMF factors with rand/nnsvd method

        -
        -normalize_features(Wall, Hall)[source]
        +
        +normalize_features(Wall, Hall)[source]#

        Normalizes features Wall and Hall

        -
        -relative_err()[source]
        +
        +relative_err()[source]#

        Computes the relative error for NMF decomposition

        -
        -
        -

        pyDNMFk.pyDNMFk module

        + +
        +

        pyDNMFk.pyDNMFk module#

        -
        -class pyDNMFk.pyDNMFk.PyNMFk(A_ij, factors=None, params=None)[source]
        +
        +class pyDNMFk.pyDNMFk.PyNMFk(A_ij, factors=None, params=None)[source]#

        Bases: object

        Performs the distributed NMF decomposition with custom clustering for estimating hidden factors k

        -
        -
        -
        A_ijndarray

        Distributed Data

        -
        -
        factorstuple (optional)

        Distributed factors W and H

        -
        -
        paramsclass

        Class which comprises following attributes

        -
        -
        params.initstr

        NMF initialization(rand/nnsvd)

        -
        -
        params.comm1object

        Global Communicator

        -
        -
        params.commobject

        Modified communicator object

        -
        -
        params.kint

        Rank for decomposition

        -
        -
        params.mint

        Global dimensions m

        -
        -
        params.nint

        Global dimensions n

        -
        -
        params.p_rint

        Cartesian grid row count

        -
        -
        params.p_cint

        Cartesian grid column count

        -
        -
        params.row_commobject

        Sub communicator along row

        -
        -
        params.col_commobject

        Sub communicator along columns

        -
        -
        params.W_updatebool

        flag to set W update True/False

        -
        -
        params.normstr

        NMF norm to be minimized

        +
        +
        Parameters:
        +
          +
        • A_ij (ndarray) – Distributed Data

        • +
        • factors (tuple (optional)) – Distributed factors W and H

        • +
        • params (class) – Class which comprises following attributes

        • +
        • params.init (str) – NMF initialization(rand/nnsvd)

        • +
        • params.comm1 (object) – Global Communicator

        • +
        • params.comm (object) – Modified communicator object

        • +
        • params.k (int) – Rank for decomposition

        • +
        • params.m (int) – Global dimensions m

        • +
        • params.n (int) – Global dimensions n

        • +
        • params.p_r (int) – Cartesian grid row count

        • +
        • params.p_c (int) – Cartesian grid column count

        • +
        • params.row_comm (object) – Sub communicator along row

        • +
        • params.col_comm (object) – Sub communicator along columns

        • +
        • params.W_update (bool) – flag to set W update True/False

        • +
        • params.norm (str) – NMF norm to be minimized

        • +
        • params.method (str) – NMF optimization method

        • +
        • params.eps (float) – Epsilon value

        • +
        • params.verbose (bool) – Flag to enable/disable display results

        • +
        • params.save_factors (bool) – Flag to enable/disable saving computed factors

        • +
        • params.perturbations (int) – Number of Perturbations for clustering

        • +
        • params.noise_var (float) – Set noise variance for perturbing the data

        • +
        • params.sill_thr (float) – Set the sillhouette threshold for estimating K with p-test

        • +
        • params.start_k (int) – Starting range for Feature search K

        • +
        • params.end_k (int) – Ending range for Feature search K

        • +
        -
        params.methodstr

        NMF optimization method

        +
        +
        +
        +fit()[source]#
        +

        Calls the sub routines to perform distributed NMF decomposition and then custom clustering to estimate k

        +
        +
        Returns:
        +

        nopt – Estimated value of latent features

        -
        params.epsfloat

        Epsilon value

        +
        Return type:
        +

        int

        -
        params.verbosebool

        Flag to enable/disable display results

        +
        +
        + +
        +
        +pvalueAnalysis()[source]#
        +

        Calculates nopt by analysing the errors distributions

        +
        +
        Parameters:
        +
          +
        • errRegres (array) – array for storing the distributions of errors

        • +
        • SILL_MIN (float) – Minimum of silhouette score

        • +
        -
        params.save_factorsbool

        Flag to enable/disable saving computed factors

        +
        +
        + +
        +
        +pynmfk_per_k()[source]#
        +

        Performs NMF decomposition and clustering for each k to estimate silhouette statistics

        +
        + +
        + +
        +
        +class pyDNMFk.pyDNMFk.sample(data, noise_var, method, seed=None)[source]#
        +

        Bases: object

        +

        Generates perturbed version of data based on sampling distribution.

        +
        +
        Parameters:
        +
          +
        • data (ndarray) – Array of which to find a perturbation.

        • +
        • noise_var (float) – The perturbation amount.

        • +
        • method (str) – Method for sampling (uniform/poisson)

        • +
        • seed (float(optional)) – Set seed for random data generation

        • +
        -
        params.perturbationsint

        Number of Perturbations for clustering

        +
        +
        +
        +fit()[source]#
        +

        Calls the sub routines to perform resampling on data

        +
        +
        Returns:
        +

        X_per – Perturbed version of data

        -
        params.noise_varfloat

        Set noise variance for perturbing the data

        +
        Return type:
        +

        ndarry

        -
        params.sill_thrfloat

        Set the sillhouette threshold for estimating K with p-test

        +
        +
        + +
        +
        +poisson()[source]#
        +

        Resamples each element of a matrix from a Poisson distribution with the mean set by that element. Y_{i,j} = Poisson(X_{i,j}

        +
        + +
        +
        +randM()[source]#
        +

        Multiplies each element of X by a uniform random number in (1-epsilon, 1+epsilon).

        +
        + +
        + +
        +
        +

        pyDNMFk.toolz module#

        +
        +
        +pyDNMFk.toolz.amber(msg)[source]#
        +
        + +
        +
        +class pyDNMFk.toolz.bcolors[source]#
        +

        Bases: object

        +
        +
        +ENDC = '\x1b[0m'#
        +
        + +
        +
        +FAIL = '\x1b[91m'#
        +
        + +
        +
        +HEADER = '\x1b[95m'#
        +
        + +
        +
        +OKBLUE = '\x1b[94m'#
        +
        + +
        +
        +OKGREEN = '\x1b[92m'#
        +
        + +
        +
        +WARNING = '\x1b[93m'#
        +
        + +
        +
        +disable()[source]#
        +
        + +
        + +
        +
        +pyDNMFk.toolz.blue(msg)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.getTerminalSize()[source]#
        +

        Get Terminal size (nLinesxnColums) +returns nLines, nColums

        +
        + +
        +
        +pyDNMFk.toolz.get_index(val, Array)[source]#
        +

        Function used to find index of closest value to a traget value inside an Array +val : target value to find in the Array +Array : Array being investigated +idx : Location of target value in Array

        +
        + +
        +
        +pyDNMFk.toolz.get_loc(val, x, fx, debug=False)[source]#
        +

        Calculates the x-coordinate (xp) for a given target value, such that f(xp) = val, +given the arrays x and f(x).

        +

        This function employs a linear interpolation between two nearest points in the +f(x) array to determine the x-coordinate for the given target value. +Graphically, the logic follows the concept illustrated in the ASCII diagram +provided in the function.

        +
        +
        Parameters:
        +
          +
        • val (float) – The target value for which the x-coordinate is to be determined.

        • +
        • x (list or numpy.array) – The x-coordinates array.

        • +
        • fx (list or numpy.array) – Array containing the values of the function f evaluated at each x.

        • +
        • debug (bool, optional) – If True, prints debug messages. Defaults to False.

        • +
        -
        params.start_kint

        Starting range for Feature search K

        +
        Returns:
        +

        The interpolated x-coordinate (xp) corresponding to the provided target value.

        -
        params.end_kint

        Ending range for Feature search K

        +
        Return type:
        +

        float

        -
        -
        -
        -
        -fit()[source]
        -

        Calls the sub routines to perform distributed NMF decomposition and then custom clustering to estimate k

        -
        -
        noptint

        Estimated value of latent features

        +
        Raises:
        +

        Exception – If unable to locate the given target value within the provided range.

        -
        -
        -pvalueAnalysis(errRegres, SILL_MIN)[source]
        -

        Calculates nopt by analysing the errors distributions

        -
        -
        errRegresarray

        array for storing the distributions of errors

        -
        -
        SILL_MINfloat

        Minimum of silhouette score

        -
        -
        -
        +
        +
        +pyDNMFk.toolz.grLog(msg, rank=0, lrank=0)[source]#
        +
        -
        -
        -pynmfk_per_k()[source]
        -

        Performs NMF decomposition and clustering for each k to estimate silhouette statistics

        -
        +
        +
        +pyDNMFk.toolz.green(msg)[source]#
        +
        - +
        +
        +pyDNMFk.toolz.log(msg, rank=0, lrank=0)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.lrLog(msg, rank=0, lrank=0)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.printRC(x, y, text)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.printXY(y, x, text)[source]#
        +
        +
        +
        +pyDNMFk.toolz.print_there(x, y, text)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.purple(msg)[source]#
        +
        + +
        +
        +pyDNMFk.toolz.red(msg)[source]#
        +
        + + +
        +

        pyDNMFk.utils module#

        -
        -class pyDNMFk.pyDNMFk.sample(data, noise_var, method, seed=None)[source]
        +
        +class pyDNMFk.utils.Checkpoint(checkpoint_save, params)[source]#

        Bases: object

        -

        Generates perturbed version of data based on sampling distribution.

        -
        -
        -
        datandarray

        Array of which to find a perturbation.

        -
        -
        noise_varfloat

        The perturbation amount.

        -
        -
        methodstr

        Method for sampling (uniform/poisson)

        -
        -
        seedfloat(optional)

        Set seed for random data generation

        +

        Class to demo checkpoint saving and continuing from checkpoint

        +
        +
        Parameters:
        +
          +
        • checkpoint_save (bool, optional) – Enable/disable checkpoint

        • +
        • max_iters (TYPE, optional) – maximum number of iterations (epoch). The default is 50.

        • +
        -
        -
        -
        -
        -fit()[source]
        -

        Calls the sub routines to perform resampling on data

        -
        -
        X_perndarry

        Perturbed version of data

        +
        Return type:
        +

        None.

        -
        - -
        -
        -poisson()[source]
        -

        Resamples each element of a matrix from a Poisson distribution with the mean set by that element. Y_{i,j} = Poisson(X_{i,j}

        -
        -
        -
        -randM()[source]
        -

        Multiplies each element of X by a uniform random number in (1-epsilon, 1+epsilon).

        +
        +load_from_checkpoint()[source]#
        +

        run from checkpoint instead

        -
        -
        -

        pyDNMFk.utils module

        -
        -class pyDNMFk.utils.comm_timing[source]
        +
        +class pyDNMFk.utils.comm_timing[source]#

        Bases: object

        Decorator class for computing timing for MPI operations. The class uses the global variables flag and time initialized in config file and updates them for each call dynamically.

        -
        -
        flag: bool

        if Set true, enables the decorator to compute the timings.

        -
        -
        time: dict

        Dictionary to store timing for each function calls

        +
        +
        Parameters:
        +
          +
        • flag (bool) – if Set true, enables the decorator to compute the timings.

        • +
        • time (dict) – Dictionary to store timing for each function calls

        • +
        -
        -class pyDNMFk.utils.data_operations(data)[source]
        +
        +class pyDNMFk.utils.data_operations(data, params)[source]#

        Bases: object

        Performs various operations on the data

        -
        -
        datandarray

        Data to operate on

        +
        +
        Parameters:
        +

        data (ndarray) – Data to operate on

        -
        -commonFactors(intList)[source]
        +
        +commonFactors(intList)[source]#
        -
        -cutZero(thresh=1e-08)[source]
        +
        +compute_global_dim()[source]#
        +

        Computes global dimensions m and n from given chunk sizes for any grid configuration

        +
        + +
        +
        +compute_local_dim()[source]#
        +

        Computes local dimensions for factors from given chunk sizes for any grid configuration

        +
        + +
        +
        +cutZero(thresh=1e-08)[source]#

        Prunes zero columns from the data

        -
        -desampleT(factor, axis=0)[source]
        +
        +desampleT(factor, axis=0)[source]#
        -
        -matSplit(name, p_r, p_c, format='npy')[source]
        +
        +matSplit(name, p_r, p_c, format='npy')[source]#
        -
        -primeFactors(n)[source]
        +
        +primeFactors(n)[source]#
        -
        -recZero(indexList)[source]
        +
        +prune(data, row_zero_idx, col_zero_idx)[source]#
        +

        Performs pruning of data

        +
        +
        Parameters:
        +
          +
        • data (ndarray) – data to be pruned

        • +
        • row_zero_idx (list) – indices comprising zero/non-zero rows

        • +
        • col_zero_idx (list) – indices comprising zero/non-zero columns

        • +
        +
        +
        Returns:
        +

        data – Pruned data

        +
        +
        Return type:
        +

        ndarray

        +
        +
        +
        + +
        +
        +prune_all(W, H)[source]#
        +

        Prunes data and factors

        +
        +
        Parameters:
        +
          +
        • W (ndarray) –

        • +
        • H (ndarray) –

        • +
        +
        +
        Returns:
        +

          +
        • X (ndarray)

        • +
        • W (ndarray)

        • +
        • H (ndarray)

        • +
        +

        +
        +
        +
        + +
        +
        +recZero(indexList)[source]#
        -
        -remove_bad_factors(Wall, Hall, ErrTol, features_k)[source]
        +
        +remove_bad_factors(Wall, Hall, ErrTol, features_k)[source]#
        +
        +
        +unprune(data, row_zero_idx, col_zero_idx)[source]#
        +

        Unprunes data

        +
        +
        Parameters:
        +
          +
        • data (ndarray) – Data to be unpruned

        • +
        • row_zero_idx (list) – indices comprising zero/non-zero rows

        • +
        • col_zero_idx (list) – indices comprising zero/non-zero cols

        • +
        +
        +
        +
        + +
        +
        +unprune_factors(W, H)[source]#
        +

        Unprunes the factors

        +
        +
        Parameters:
        +
          +
        • W (ndarray) –

        • +
        • H (ndarray) –

        • +
        +
        +
        Returns:
        +

          +
        • W (ndarray)

        • +
        • H (ndarray)

        • +
        +

        +
        +
        +
        + +
        +
        +zero_idx_prune()[source]#
        +

        Computes the row and columns indices of the data matrix to be pruned

        +
        +
        -
        -class pyDNMFk.utils.determine_block_params(comm, pgrid, shape)[source]
        +
        +class pyDNMFk.utils.determine_block_params(comm, pgrid, shape)[source]#

        Bases: object

        Computes the parameters for each chunk to be read by MPI process

        -
        -
        commobject

        MPI communicator object

        -
        -
        pgridtuple

        Cartesian grid configuration

        -
        -
        shapetuple

        Data shape

        +
        +
        Parameters:
        +
          +
        • comm (object) – MPI communicator object

        • +
        • pgrid (tuple) – Cartesian grid configuration

        • +
        • shape (tuple) – Data shape

        • +
        -
        -determine_block_index_range_asymm()[source]
        +
        +determine_block_index_range_asymm()[source]#

        Determines the start and end indices for the Data block for each rank

        -
        -determine_block_shape_asymm()[source]
        +
        +determine_block_shape_asymm()[source]#

        Determines the shape for the Data block for each rank

        -
        -pyDNMFk.utils.norm(X, comm, norm=2, axis=None, p=- 1)[source]
        +
        +pyDNMFk.utils.norm(X, comm, norm=2, axis=None, p=-1)[source]#

        Compute the data norm

        -
        -
        Xndarray

        Data to operate on

        -
        -
        commobject

        MPI communicator object

        -
        -
        normint

        type of norm to be computed

        -
        -
        axisint

        axis of array for the norm to be computed along

        +
        +
        Parameters:
        +
          +
        • X (ndarray) – Data to operate on

        • +
        • comm (object) – MPI communicator object

        • +
        • norm (int) – type of norm to be computed

        • +
        • axis (int) – axis of array for the norm to be computed along

        • +
        • p (int) – Processor count

        • +
        -
        p: int

        Processor count

        +
        Returns:
        +

        norm – Norm of the given data X

        -
        -
        -
        normfloat

        Norm of the given data X

        +
        Return type:
        +

        float

        -
        -class pyDNMFk.utils.parse[source]
        +
        +class pyDNMFk.utils.parse[source]#

        Bases: object

        Define a class parse which is used for adding attributes

        +
        +
        +class pyDNMFk.utils.serialize_deserialize_mlp(model_name=None, model=None)[source]#
        +

        Bases: object

        +

        Returns model/parameters of the model in dictionary format

        +
        +
        +deserialize(model_dict)[source]#
        +

        Convert the dictionary of parameters into model

        +
        + +
        +
        +from_json()[source]#
        +

        Load the model from JSON

        +
        + +
        +
        +serialize()[source]#
        +

        Convert the model into a a dictionary of parameters

        +
        + +
        +
        +to_json()[source]#
        +

        Write the model paramters to JSON

        +
        + +
        +
        -
        -pyDNMFk.utils.str2bool(v)[source]
        +
        +pyDNMFk.utils.str2bool(v)[source]#

        Returns instance of string parameter to bool type

        -
        -class pyDNMFk.utils.transform_H_index(grid)[source]
        +
        +class pyDNMFk.utils.transform_H_index(grid)[source]#

        Bases: object

        -

        Collected H factors after MPI operation aren't aligned. This operation performs careful reordering of H factors +

        Collected H factors after MPI operation aren’t aligned. This operation performs careful reordering of H factors such that the collected factors are aligned

        -
        -rankidx2blkidx()[source]
        +
        +rankidx2blkidx()[source]#

        This is to transform the column index to rank index for H

        -
        -transform_H_idx(rank)[source]
        +
        +transform_H_idx(rank)[source]#

        This is to transform H based on new index

        -
        -pyDNMFk.utils.var_init(clas, var, default)[source]
        +
        +pyDNMFk.utils.var_init(clas, var, default)[source]#

        Checks if class attribute is present and if not, intializes the attribute with given default value

        -
        -
        -

        Module contents

        -
        -
        + +
        +

        Module contents#

        +
        + -
        - - - + + + + + + + + + - +
        +
        + \ No newline at end of file diff --git a/docs/search.html b/docs/search.html index 989dc3d..1772ba7 100644 --- a/docs/search.html +++ b/docs/search.html @@ -1,217 +1,317 @@ - - - + + + + + + + Search - pyDNMFk 0.0.1 documentation - - Search — pyDNMFk 1.0.0 documentation - + - - + + + + + + + + + + + + - + + + + + + + + + + + + + + + + + + - - - + + + + + + + + +
        +
        +
        +
        +
        + + +
        +
        + +
        + + + + +
        + + + + + -
        +
        - - - -
        -
        - - - - - - - - - +
        +
        +
        + +
        +
        + +
        + +
        + +
        + + +
        + +
        +
        + -
        + -
          - -
        • »
        • - -
        • Search
        • - - -
        • - -
        • - -
        + +
        + +
        -
        -
        -
        - - + + + +
        + +
        -
        +
        +
        +
        -
        +
        -
        - + + +
        + + + +
        -
        - -
        - -
        -

        - © Copyright 2021, LANL. +

        + +
        -
        -
        - - +

        - - - - - + - + - - +
        + + + +
        +
        + + + + - + + \ No newline at end of file diff --git a/docs/searchindex.js b/docs/searchindex.js index 5a8ea9d..2d529e1 100644 --- a/docs/searchindex.js +++ b/docs/searchindex.js @@ -1 +1 @@ -Search.setIndex({docnames:["index","modules","pyDNMFk"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":3,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":2,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.intersphinx":1,"sphinx.ext.viewcode":1,sphinx:56},filenames:["index.rst","modules.rst","pyDNMFk.rst"],objects:{"":{pyDNMFk:[2,0,0,"-"]},"pyDNMFk.config":{init:[2,1,1,""]},"pyDNMFk.data_generator":{data_generator:[2,2,1,""],parser:[2,1,1,""]},"pyDNMFk.data_generator.data_generator":{create_folder_dir:[2,3,1,""],determine_block_index_range_asymm:[2,3,1,""],determine_block_shape_asymm:[2,3,1,""],dist_fromfunction:[2,3,1,""],fit:[2,3,1,""],gauss_matrix_generator:[2,3,1,""],generate_factors_data:[2,3,1,""],random_matrix_generator:[2,3,1,""],unravel_column:[2,3,1,""],unravel_row:[2,3,1,""]},"pyDNMFk.data_io":{data_read:[2,2,1,""],data_write:[2,2,1,""],read_factors:[2,2,1,""],split_files_save:[2,2,1,""]},"pyDNMFk.data_io.data_read":{data_partition:[2,3,1,""],read:[2,3,1,""],read_dat:[2,3,1,""],read_file_csv:[2,3,1,""],read_file_mat:[2,3,1,""],read_file_npy:[2,3,1,""],save_data_to_file:[2,3,1,""]},"pyDNMFk.data_io.data_write":{create_folder_dir:[2,3,1,""],save_cluster_results:[2,3,1,""],save_factors:[2,3,1,""]},"pyDNMFk.data_io.read_factors":{custom_read_npy:[2,3,1,""],load_factors:[2,3,1,""],read_factor:[2,3,1,""]},"pyDNMFk.data_io.split_files_save":{save_data_to_file:[2,3,1,""],split_files:[2,3,1,""]},"pyDNMFk.dist_clustering":{custom_clustering:[2,2,1,""]},"pyDNMFk.dist_clustering.custom_clustering":{change_order:[2,3,1,""],dist_custom_clustering:[2,3,1,""],dist_feature_ordering:[2,3,1,""],dist_silhouettes:[2,3,1,""],fit:[2,3,1,""],greedy_lsa:[2,3,1,""],mad:[2,3,1,""],normalize_by_W:[2,3,1,""]},"pyDNMFk.dist_comm":{MPI_comm:[2,2,1,""]},"pyDNMFk.dist_comm.MPI_comm":{Free:[2,3,1,""],cart_1d_column:[2,3,1,""],cart_1d_row:[2,3,1,""]},"pyDNMFk.dist_nmf":{nmf_algorithms_1D:[2,2,1,""],nmf_algorithms_2D:[2,2,1,""]},"pyDNMFk.dist_nmf.nmf_algorithms_1D":{FRO_BCD_update:[2,3,1,""],FRO_HALS_update:[2,3,1,""],FRO_HALS_update_H:[2,3,1,""],FRO_HALS_update_W:[2,3,1,""],Fro_MU_update:[2,3,1,""],Fro_MU_update_H:[2,3,1,""],Fro_MU_update_W:[2,3,1,""],KL_MU_update:[2,3,1,""],KL_MU_update_H:[2,3,1,""],KL_MU_update_W:[2,3,1,""],glob_UX:[2,3,1,""],globalSqNorm:[2,3,1,""],global_gram:[2,3,1,""],global_mm:[2,3,1,""],initWandH:[2,3,1,""],sum_along_axis:[2,3,1,""],update:[2,3,1,""]},"pyDNMFk.dist_nmf.nmf_algorithms_2D":{AH_glob:[2,3,1,""],ATW_glob:[2,3,1,""],FRO_BCD_update:[2,3,1,""],FRO_HALS_update:[2,3,1,""],FRO_HALS_update_H:[2,3,1,""],FRO_HALS_update_W:[2,3,1,""],Fro_MU_update:[2,3,1,""],Fro_MU_update_H:[2,3,1,""],Fro_MU_update_W:[2,3,1,""],KL_MU_update:[2,3,1,""],KL_MU_update_H:[2,3,1,""],KL_MU_update_W:[2,3,1,""],UHT_glob:[2,3,1,""],WTU_glob:[2,3,1,""],gather_W_H:[2,3,1,""],globalSqNorm:[2,3,1,""],global_gram:[2,3,1,""],global_mm:[2,3,1,""],initWandH:[2,3,1,""],sum_axis:[2,3,1,""],update:[2,3,1,""]},"pyDNMFk.dist_svd":{DistSVD:[2,2,1,""]},"pyDNMFk.dist_svd.DistSVD":{calc_norm:[2,3,1,""],globalGram:[2,3,1,""],nnsvd:[2,3,1,""],normalize_by_W:[2,3,1,""],randomUnitVector:[2,3,1,""],rel_error:[2,3,1,""],svd1D:[2,3,1,""],svd:[2,3,1,""]},"pyDNMFk.plot_results":{box_plot:[2,1,1,""],plot_W:[2,1,1,""],plot_err:[2,1,1,""],plot_results:[2,1,1,""],plot_timing_stats:[2,1,1,""],read_plot_factors:[2,1,1,""],timing_stats:[2,1,1,""]},"pyDNMFk.pyDNMF":{PyNMF:[2,2,1,""]},"pyDNMFk.pyDNMF.PyNMF":{cart_2d_collect_factors:[2,3,1,""],column_err:[2,3,1,""],compute_global_dim:[2,3,1,""],dist_norm:[2,3,1,""],fit:[2,3,1,""],init_factors:[2,3,1,""],normalize_features:[2,3,1,""],relative_err:[2,3,1,""]},"pyDNMFk.pyDNMFk":{PyNMFk:[2,2,1,""],sample:[2,2,1,""]},"pyDNMFk.pyDNMFk.PyNMFk":{fit:[2,3,1,""],pvalueAnalysis:[2,3,1,""],pynmfk_per_k:[2,3,1,""]},"pyDNMFk.pyDNMFk.sample":{fit:[2,3,1,""],poisson:[2,3,1,""],randM:[2,3,1,""]},"pyDNMFk.utils":{comm_timing:[2,2,1,""],data_operations:[2,2,1,""],determine_block_params:[2,2,1,""],norm:[2,1,1,""],parse:[2,2,1,""],str2bool:[2,1,1,""],transform_H_index:[2,2,1,""],var_init:[2,1,1,""]},"pyDNMFk.utils.data_operations":{commonFactors:[2,3,1,""],cutZero:[2,3,1,""],desampleT:[2,3,1,""],matSplit:[2,3,1,""],primeFactors:[2,3,1,""],recZero:[2,3,1,""],remove_bad_factors:[2,3,1,""]},"pyDNMFk.utils.determine_block_params":{determine_block_index_range_asymm:[2,3,1,""],determine_block_shape_asymm:[2,3,1,""]},"pyDNMFk.utils.transform_H_index":{rankidx2blkidx:[2,3,1,""],transform_H_idx:[2,3,1,""]},pyDNMFk:{config:[2,0,0,"-"],data_generator:[2,0,0,"-"],data_io:[2,0,0,"-"],dist_clustering:[2,0,0,"-"],dist_comm:[2,0,0,"-"],dist_nmf:[2,0,0,"-"],dist_svd:[2,0,0,"-"],plot_results:[2,0,0,"-"],pyDNMF:[2,0,0,"-"],pyDNMFk:[2,0,0,"-"],utils:[2,0,0,"-"]}},objnames:{"0":["py","module","Python module"],"1":["py","function","Python function"],"2":["py","class","Python class"],"3":["py","method","Python method"]},objtypes:{"0":"py:module","1":"py:function","2":"py:class","3":"py:method"},terms:{"1000":[0,2],"5000":0,"class":2,"default":2,"final":2,"float":2,"function":2,"import":[0,2],"int":2,"new":2,"return":2,"true":[0,2],"var":2,One:2,The:[0,2],a_ij:[0,2],a_ta_glob:2,ab_glob:2,abil:0,absolut:2,accord:2,across:[0,2],activ:0,adding:2,addition:0,after:2,ah_glob:2,algorithm:[0,2],align:2,allow:0,along:2,ambient:2,amount:2,analys:2,ani:2,appli:0,approxim:2,aren:2,arg:[0,2],argument:2,arr:2,arrai:2,array_split:2,assign:2,astyp:0,attribut:2,atw:2,atw_glob:2,autom:0,axi:2,base:2,bcd:[0,2],been:0,betwe:2,between:[0,2],beyond:0,block:[0,2],bool:2,boolen:2,both:0,box_plot:2,boxplot:2,calc:2,calc_norm:2,calcul:2,call:2,can:0,care:2,cart_1d_column:[0,2],cart_1d_row:[0,2],cart_2d_collect_factor:2,cartesian1d_column:2,cartesian1d_row:2,cartesian:2,centroid:2,centstd:2,chang:2,change_ord:2,check:2,chunk:2,cla:2,clone:0,cluster:[0,2],col_comm:[0,2],collect:2,column:2,column_err:2,com:0,comm1:[0,2],comm:[0,2],comm_tim:2,comm_world:0,comminc:2,commonfactor:2,commun:2,compon:2,compris:2,comput:2,compute_global_dim:2,conda:0,config:[0,1],configur:2,construct:2,construnct:2,contain:2,content:[0,1],conveni:0,core:0,correspond:2,cos:2,cosin:2,count:2,creat:[0,2],create_folder_dir:2,csv:2,custom:[0,2],custom_clust:2,custom_read_npi:2,cutzero:2,dat:2,data:[0,2],data_gener:1,data_io:[0,1],data_oper:2,data_partit:2,data_read:[0,2],data_writ:2,dataset:0,declar:2,decomposit:[0,2],decor:2,defin:2,desamplet:2,determin:[0,2],determine_block_index_range_asymm:2,determine_block_param:2,determine_block_shape_asymm:2,deviat:2,dict:2,dictinoari:2,dictionari:2,diemnsion:2,differ:[0,2],dimens:2,dimension:2,directori:2,disabl:2,displai:2,dist_clust:1,dist_comm:[0,1],dist_custom_clust:2,dist_feature_ord:2,dist_fromfunct:2,dist_nmf:1,dist_norm:2,dist_silhouett:2,dist_svd:1,distanc:2,distribut:[0,2],distrubut:0,distsvd:2,diverg:[0,2],divid:2,doesn:2,dure:2,dynam:2,each:2,easili:0,effici:0,element:2,enabl:[0,2],end:2,end_k:[0,2],endprocess:2,eps:2,epsilon:2,err:2,error:2,errregr:2,errtol:2,estim:[0,2],exist:2,extend:0,facilit:0,factor:[0,2],factors_path:2,fals:2,fashion:0,featur:2,features_k:2,file:2,find:2,first:2,fit:[0,2],flag:2,float32:0,fname:[0,2],folder:2,follow:2,format:2,fpath:[0,2],free:2,fro:2,fro_bcd_upd:2,fro_hals_upd:2,fro_hals_update_h:2,fro_hals_update_w:2,fro_mu_upd:2,fro_mu_update_h:2,fro_mu_update_w:2,frobeni:0,frobeniu:[0,2],from:[0,2],ftype:[0,2],func:2,gather:2,gather_w_h:2,gauss_matrix_gener:2,gaussian:2,gener:2,generate_factors_data:2,git:0,github:0,given:2,glob_ux:2,global:2,global_axis_sum:2,global_gram:2,global_mm:2,globalgram:2,globalm:2,globaln:2,globalsqnorm:2,gram:2,graph:2,greedi:2,greedy_lsa:2,grid:2,group:2,h_all:2,h_ij:2,h_j:2,hal:[0,2],hall:2,has:[0,2],here:[0,2],hidden:2,http:0,index:[0,2],indexlist:2,indic:2,inform:2,init:[0,2],init_factor:2,initi:[0,2],initia:0,initwandh:2,input:2,instanc:2,intermedi:2,intial:2,intlist:2,iter:2,ith:2,itr:[0,2],kernel:2,kl_mu_upd:2,kl_mu_update_h:2,kl_mu_update_w:2,kwarg:2,lanl:0,laptop:0,larg:0,latent:[0,2],layout:2,length:2,librari:0,like:2,list:2,load:2,load_factor:2,loadmat:0,look:2,machin:0,mad:2,manner:2,mat:[0,2],math:2,matric:2,matrix:[0,2],matsplit:2,mean:2,measur:2,median:2,method:[0,2],minim:[0,2],minimizatio:2,minimum:2,modifi:2,modul:[0,1],mpi4pi:0,mpi:[0,2],mpi_comm:[0,2],multipl:[0,2],multipli:2,name:[0,2],ncols_i:2,ndarrai:2,ndarri:2,necessari:0,neg:[0,2],nmf:[0,2],nmf_algorithms_1d:2,nmf_algorithms_2d:2,nmfk:0,nnsvd:[0,2],node:0,nois:2,noise_var:2,non:[0,2],none:[0,2],nopt:[0,2],norm:[0,2],normal:2,normalize_by_w:2,normalize_featur:2,npy:2,nrows_i:2,number:[0,2],numer:0,numpi:2,oakridg:0,object:[0,2],onli:2,openmpi:0,oper:[0,2],optim:[0,2],option:2,order:2,organ:2,origin:[0,2],other:2,out_put:2,p_c:[0,2],p_r:[0,2],packag:[0,1],page:0,parallelli:2,param:[0,2],paramet:[0,2],pars:[0,2],parser:2,partit:2,path:2,per:2,perform:2,permut:2,permute_ord:2,perturb:2,pgrid:2,physic:2,pip:0,plot:2,plot_err:2,plot_result:1,plot_timing_stat:2,plot_w:2,poisson:2,power:0,precis:0,prep:0,present:2,preserv:2,primefactor:2,print:0,problem:2,proc:2,process:2,processor:2,produc:2,proper:2,provid:0,prune:2,pvalueanalysi:2,pydnmf:1,pynmf:2,pynmfk:[0,2],pynmfk_per_k:2,python:0,quadrat:2,rand:2,randm:2,random:2,random_matrix_gener:2,randomunitvector:2,rang:2,rank:[0,2],rankidx2blkidx:2,reach:2,read:[0,2],read_dat:2,read_factor:2,read_file_csv:2,read_file_mat:2,read_file_npi:2,read_plot_factor:2,recon1:2,recon:2,recon_err:2,reconstruct:[0,2],reczero:2,reg:2,rel:2,rel_error:2,relative_err:2,remove_bad_factor:2,reorder:2,resampl:2,respath:2,result:[0,2],results_path:[0,2],rondom:2,routin:2,row:2,row_comm:[0,2],s_avg:2,sampl:[0,2],save:2,save_cluster_result:2,save_data_to_fil:2,save_factor:2,scale:0,scipi:0,score:2,search:[0,2],section:2,seed:2,self:2,server:0,set:2,setup:0,shape:2,share:2,should:2,sil:2,silhouett:2,sill_min:2,sill_thr:[0,2],sillhouett:2,simpl:0,singl:[0,2],singular:2,singularvalu:2,size:[0,2],slice:2,softwar:0,sourc:[0,2],space:2,specifi:2,split:2,split_fil:2,split_files_sav:2,squar:2,stack:2,start:[0,2],start_k:[0,2],startprocess:2,stat:2,statist:2,step:2,store:2,str2bool:2,str:2,string:2,sub:2,subblock:2,submodul:1,subplot:2,sum:2,sum_along_axi:2,sum_axi:2,sum_i:2,summat:2,svd1d:2,svd:[0,2],synthet:2,sys:0,ten:2,tensor:2,test:[0,2],them:2,thi:[0,2],three:2,thresh:2,threshold:2,through:[0,2],time:2,timing_stat:2,topolog:2,transform:2,transform_h_idx:2,transform_h_index:2,transit:0,tupl:2,type:2,uht:2,uht_glob:2,uniform:2,unit:2,unravel_column:2,unravel_index:2,unravel_row:2,updat:[0,2],used:[0,2],user:[0,2],uses:2,using:2,util:[0,1],valu:2,var_init:2,variabl:2,varianc:2,variou:[0,2],vec:2,vector:2,verbos:[0,2],version:2,visual:2,w_all:2,w_i:2,w_ij:2,w_sub:2,w_updat:2,wall:2,when:0,where:2,wherea:2,which:2,wise:2,within:2,write:[0,2],wtsi:0,wtu:2,wtu_glob:2,x_per:2,zero:2},titles:["Welcome to pyDNMFk's documentation!","pyDNMFk","pyDNMFk package"],titleterms:{config:2,content:2,data_gener:2,data_io:2,dist_clust:2,dist_comm:2,dist_nmf:2,dist_svd:2,document:0,exampl:0,featur:0,indic:0,instal:0,modul:2,packag:2,plot_result:2,pydnmf:2,pydnmfk:[0,1,2],scalabl:0,submodul:2,tabl:0,usag:0,util:2,welcom:0}}) \ No newline at end of file +Search.setIndex({"docnames": ["index", "modules", "pyDNMFk"], "filenames": ["index.rst", "modules.rst", "pyDNMFk.rst"], "titles": ["cuda-pyDNMFk: Cuda Python Distributed Non Negative Matrix Factorization with determination of hidden features", "pyDNMFk", "pyDNMFk package"], "terms": {"i": [0, 2], "dynam": [0, 2], "softwar": 0, "platform": 0, "tailor": 0, "decomposit": [0, 2], "larg": 0, "dataset": 0, "surpass": 0, "limit": 0, "process": [0, 2], "build": [0, 2], "its": 0, "foundat": 0, "capabl": 0, "latest": 0, "branch": 0, "introduc": 0, "signific": 0, "enhanc": 0, "enabl": [0, 2], "thi": [0, 2], "ensur": 0, "regardless": 0, "size": [0, 2], "can": [0, 2], "effect": 0, "across": [0, 2], "cpu": [0, 2], "gpu": [0, 2], "architectur": 0, "By": 0, "leverag": 0, "advanc": 0, "function": [0, 2], "provid": [0, 2], "librari": [0, 2], "like": [0, 2], "cupi": [0, 2], "integr": 0, "effici": [0, 2], "spars": [0, 2], "manipul": 0, "rapid": 0, "perform": [0, 2], "whether": [0, 2], "you": 0, "re": 0, "work": 0, "singl": [0, 2], "setup": [0, 2], "multi": 0, "node": 0, "cluster": [0, 2], "offer": 0, "robust": 0, "solut": 0, "handl": [0, 2], "massiv": 0, "seamlessli": 0, "hpc": 0, "system": [0, 2], "optim": [0, 2], "heterogen": 0, "high": 0, "comput": [0, 2], "tackl": 0, "nmfk": 0, "upon": 0, "proven": 0, "which": [0, 2], "known": 0, "automat": 0, "model": [0, 2], "select": [0, 2], "extract": 0, "latent": [0, 2], "variabl": [0, 2], "extend": 0, "support": [0, 2], "add": [0, 2], "abil": 0, "both": [0, 2], "dens": [0, 2], "oper": [0, 2], "design": 0, "situat": 0, "where": [0, 2], "demand": 0, "exce": 0, "avail": [0, 2], "emploi": [0, 2], "batch": [0, 2], "tile": 0, "strategi": [0, 2], "acceler": [0, 2], "through": [0, 2], "power": 0, "core": 0, "tensor": [0, 2], "when": [0, 2], "maximum": [0, 2], "speed": 0, "data": [0, 2], "transfer": [0, 2], "us": [0, 2], "stream": [0, 2], "minim": [0, 2], "o": 0, "latenc": 0, "overlap": 0, "commun": [0, 1], "nvidia": 0, "collect": [0, 2], "nccl": [0, 2], "streamlin": 0, "intra": 0, "inter": 0, "impress": 0, "achiev": 0, "speedup": 0, "up": [0, 2], "76x": 0, "improv": 0, "over": [0, 2], "tradit": 0, "base": [0, 2], "demonstr": 0, "good": 0, "weak": 0, "scale": 0, "decompos": 0, "matric": [0, 2], "11": 0, "exabyt": 0, "densiti": [0, 2], "10": 0, "6": 0, "figur": 0, "overview": 0, "workflow": 0, "git": 0, "clone": 0, "http": 0, "github": 0, "com": 0, "lanl": 0, "cd": 0, "conda": 0, "creat": [0, 2], "name": [0, 2], "cudanmf": [0, 1], "file": [0, 2], "conda_env_requir": 0, "txt": 0, "activ": 0, "py": 0, "numpi": [0, 2], "1": [0, 2], "2": [0, 2], "matplotlib": 0, "mpi4pi": [0, 2], "scipi": [0, 2], "h5py": 0, "find": [0, 2], "here": [0, 2], "given": [0, 2], "code": [0, 2], "see": 0, "resourc": 0, "more": 0, "case": 0, "iter": [0, 2], "frobeniu": [0, 2], "norm": [0, 1, 2], "mu": [0, 2], "updat": [0, 1, 2], "mpi": [0, 2], "v": [0, 2], "time": [0, 2], "strong": 0, "ismael": 0, "boureima": 0, "lo": 0, "alamo": 0, "nation": 0, "laboratori": 0, "manish": 0, "bhattarai": 0, "erik": 0, "skau": 0, "maksim": 0, "eren": 0, "boian": 0, "alexandrov": 0, "misc": 0, "rw2019timm": 0, "articl": 0, "boureima2022distribut": 0, "lab": 0, "t": [0, 2], "2020": 0, "triad": 0, "packag": [0, 1], "index": [0, 2], "modul": [0, 1], "search": [0, 2], "page": [0, 2], "submodul": 1, "comm_util": 1, "gettopologi": [1, 2], "getreducecommtre": [1, 2], "showtopologi": [1, 2], "nccl_comm": [1, 2], "supercommun": [1, 2], "createcomm": [1, 2], "mpicomm": [1, 2], "allreduc": [1, 2], "bcast": [1, 2], "reduc": [1, 2], "ncclcomm": [1, 2], "get_nccl_count_dtyp": [1, 2], "get_unique_id": [1, 2], "super_comm": [1, 2], "get_nccl_unique_id": [1, 2], "config": 1, "init": [1, 2], "fronmf_1d_col": [1, 2], "fronmf_1d_col_part": [1, 2], "fronmf_1d_row": [1, 2], "fronmf_1d_row_batch": [1, 2], "fronmf_1d_row_part": [1, 2], "fro_mu_upd": [1, 2], "allocate_dense_batch_buff": [1, 2], "allocate_gpu_batch_buff": [1, 2], "allocate_sparse_batch_buff": [1, 2], "buildncclsubcommun": [1, 2], "buildsubcommun": [1, 2], "cache_a_on_devic": [1, 2], "cache_h_on_devic": [1, 2], "cache_w_on_devic": [1, 2], "checkgpucontext": [1, 2], "check_a_matrix_format": [1, 2], "compute_global_dim": [1, 2], "configure_sparse_buffers_pinned_mem_param": [1, 2], "dist_norm": [1, 2], "find_optimal_baching_axi": [1, 2], "find_optimat_partition_strategi": [1, 2], "fit": [1, 2], "getarraytyp": [1, 2], "get_gpu_grid_param": [1, 2], "get_managed_stream_queu": [1, 2], "identify_distributed_system_compute_topologi": [1, 2], "init_factor": [1, 2], "iscupyobject": [1, 2], "log": [1, 2], "normalize_featur": [1, 2], "randm": [1, 2], "relative_err": [1, 2], "samplea": [1, 2], "set_batching_param": [1, 2], "showmemstat": [1, 2], "show_a_info": [1, 2], "show_topologi": [1, 2], "nosupportfor": [1, 2], "cupycusparselib": 1, "spcu2sc": [1, 2], "spmm": [1, 2], "spmm_with_c": [1, 2], "spmat": [1, 2], "sprandmat": [1, 2], "spsc2cu": [1, 2], "cupy_util": 1, "benchmark": [1, 2], "pin_memori": [1, 2], "read_cod": [1, 2], "timeexecut": [1, 2], "data_gener": 1, "create_folder_dir": [1, 2], "determine_block_index_range_asymm": [1, 2], "determine_block_shape_asymm": [1, 2], "dist_fromfunct": [1, 2], "gauss_matrix_gener": [1, 2], "generate_factors_data": [1, 2], "random_matrix_gener": [1, 2], "unravel_column": [1, 2], "unravel_row": [1, 2], "parser": [1, 2], "data_io": 1, "data_read": [1, 2], "data_partit": [1, 2], "read": [1, 2], "read_dat": [1, 2], "read_file_csv": [1, 2], "read_file_mat": [1, 2], "read_file_npi": [1, 2], "read_file_npz": [1, 2], "save_data_to_fil": [1, 2], "data_writ": [1, 2], "save_cluster_result": [1, 2], "save_factor": [1, 2], "read_factor": [1, 2], "custom_read_npi": [1, 2], "load_factor": [1, 2], "split_files_sav": [1, 2], "split_fil": [1, 2], "dist_clust": 1, "custom_clust": [1, 2], "change_ord": [1, 2], "dist_custom_clust": [1, 2], "dist_feature_ord": [1, 2], "dist_silhouett": [1, 2], "greedy_lsa": [1, 2], "mad": [1, 2], "normalize_by_w": [1, 2], "dist_comm": 1, "mpi_comm": [1, 2], "free": [1, 2], "cart_1d_column": [1, 2], "cart_1d_row": [1, 2], "dist_nmf": 1, "nmf_algorithms_1d": [1, 2], "fro_bcd_upd": [1, 2], "fro_hals_upd": [1, 2], "fro_hals_update_h": [1, 2], "fro_hals_update_w": [1, 2], "fro_mu_update_h": [1, 2], "fro_mu_update_w": [1, 2], "kl_mu_upd": [1, 2], "kl_mu_update_h": [1, 2], "kl_mu_update_w": [1, 2], "glob_ux": [1, 2], "globalsqnorm": [1, 2], "global_gram": [1, 2], "global_mm": [1, 2], "initwandh": [1, 2], "sum_along_axi": [1, 2], "nmf_algorithms_2d": [1, 2], "ah_glob": [1, 2], "atw_glob": [1, 2], "uht_glob": [1, 2], "wtu_glob": [1, 2], "gather_w_h": [1, 2], "sum_axi": [1, 2], "dist_svd": 1, "distsvd": [1, 2], "calc_norm": [1, 2], "globalgram": [1, 2], "nnsvd": [1, 2], "randomunitvector": [1, 2], "rel_error": [1, 2], "svd": [1, 2], "svd1d": [1, 2], "plot_result": 1, "box_plot": [1, 2], "plot_w": [1, 2], "plot_err": [1, 2], "plot_results_fpath": [1, 2], "plot_timing_stat": [1, 2], "read_plot_factor": [1, 2], "timing_stat": [1, 2], "pydnmf": 1, "pynmf": [1, 2], "cart_2d_collect_factor": [1, 2], "column_err": [1, 2], "pynmfk": [1, 2], "pvalueanalysi": [1, 2], "pynmfk_per_k": [1, 2], "sampl": [1, 2], "poisson": [1, 2], "toolz": 1, "amber": [1, 2], "bcolor": [1, 2], "endc": [1, 2], "fail": [1, 2], "header": [1, 2], "okblu": [1, 2], "okgreen": [1, 2], "warn": [1, 2], "disabl": [1, 2], "blue": [1, 2], "getterminals": [1, 2], "get_index": [1, 2], "get_loc": [1, 2], "grlog": [1, 2], "green": [1, 2], "lrlog": [1, 2], "printrc": [1, 2], "printxi": [1, 2], "print_ther": [1, 2], "purpl": [1, 2], "red": [1, 2], "util": 1, "checkpoint": [1, 2], "load_from_checkpoint": [1, 2], "comm_tim": [1, 2], "data_oper": [1, 2], "commonfactor": [1, 2], "compute_local_dim": [1, 2], "cutzero": [1, 2], "desamplet": [1, 2], "matsplit": [1, 2], "primefactor": [1, 2], "prune": [1, 2], "prune_al": [1, 2], "reczero": [1, 2], "remove_bad_factor": [1, 2], "unprun": [1, 2], "unprune_factor": [1, 2], "zero_idx_prun": [1, 2], "determine_block_param": [1, 2], "pars": [1, 2], "serialize_deserialize_mlp": [1, 2], "deseri": [1, 2], "from_json": [1, 2], "serial": [1, 2], "to_json": [1, 2], "str2bool": [1, 2], "transform_h_index": [1, 2], "rankidx2blkidx": [1, 2], "transform_h_idx": [1, 2], "var_init": [1, 2], "content": 1, "class": 2, "comm": 2, "none": 2, "gmasterrank": 2, "0": 2, "sourc": 2, "object": 2, "constructor": 2, "identifi": 2, "topologi": 2, "context": 2, "It": 2, "determin": 2, "global": 2, "local": 2, "rank": 2, "host": 2, "assign": 2, "arg": 2, "The": 2, "default": 2, "comm_world": 2, "int": 2, "master": 2, "vrbz": 2, "fals": 2, "retriev": 2, "tree": 2, "bool": 2, "verbos": 2, "level": 2, "debug": 2, "output": 2, "method": 2, "displai": 2, "detect": 2, "purpos": 2, "root": 2, "member": 2, "encapsul": 2, "specif": 2, "list": 2, "includ": 2, "str": 2, "act": 2, "wrapper": 2, "around": 2, "protocol": 2, "simplifi": 2, "backend": 2, "new": 2, "e": 2, "g": 2, "basic": 2, "simpl": 2, "simplif": 2, "clariti": 2, "send_arr": 2, "op": 2, "an": 2, "all": 2, "arrai": 2, "reduct": 2, "appli": 2, "sum": 2, "cuda": 2, "async": 2, "current": 2, "unus": 2, "type": 2, "arr": 2, "broadcast": 2, "initi": 2, "ndev": 2, "commid": 2, "ncclcommun": 2, "": 2, "number": 2, "devic": 2, "involv": 2, "nccluniqueid": 2, "A": 2, "uniqu": 2, "id": 2, "group": 2, "within": 2, "recv_arr": 2, "from": 2, "count": 2, "dtype": 2, "unifi": 2, "option": 2, "fetch": 2, "otherwis": 2, "declar": 2, "ar": 2, "share": 2, "other": 2, "dure": 2, "import": 2, "a_ij": 2, "k": 2, "param": 2, "factor": 2, "matrix": 2, "dict": 2, "configur": 2, "nmf": 2, "guess": 2, "save": 2, "rtrn": 2, "non": 2, "neg": 2, "1d": 2, "column": 2, "partit": 2, "valu": 2, "If": 2, "true": 2, "flag": 2, "decid": 2, "fronmf": 2, "w": 2, "h": 2, "origin": 2, "approxim": 2, "product": 2, "extern": 2, "ani": 2, "Not": 2, "intermedi": 2, "should": 2, "row": 2, "approach": 2, "could": 2, "repres": 2, "boolean": 2, "some": 2, "implement": 2, "yet": 2, "intern": 2, "attribut": 2, "potenti": 2, "alloc": 2, "memori": 2, "buffer": 2, "specifi": 2, "axi": 2, "appropri": 2, "store": 2, "depend": 2, "call": 2, "alreadi": 2, "set": 2, "sub": 2, "relat": 2, "rebuildncclcom": 2, "indic": 2, "rebuilt": 2, "distribut": 2, "rebuild": 2, "cach": 2, "faster": 2, "access": 2, "instanc": 2, "check": 2, "format": 2, "necessari": 2, "dimens": 2, "m": 2, "n": 2, "chunk": 2, "grid": 2, "pin": 2, "deal": 2, "x": 2, "proc": 2, "fro": 2, "input": 2, "processor": 2, "float": 2, "best": 2, "auto": 2, "mode": 2, "tupl": 2, "meta": 2, "inform": 2, "etc": 2, "whose": 2, "need": 2, "cpu_dens": 2, "gpu_spars": 2, "calcul": 2, "dictionari": 2, "manag": 2, "queue": 2, "msg": 2, "print": 2, "messag": 2, "normal": 2, "perturb": 2, "element": 2, "multipli": 2, "them": 2, "uniform": 2, "random": 2, "rang": 2, "epsilon": 2, "rel": 2, "reconstruct": 2, "error": 2, "noise_var": 2, "seed": 2, "nois": 2, "varianc": 2, "either": 2, "reproduc": 2, "rais": 2, "except": 2, "unsupport": 2, "statist": 2, "about": 2, "detail": 2, "pool": 2, "copi": 2, "convert": 2, "cupyx": 2, "guarante": 2, "modifi": 2, "desir": 2, "b": 2, "alpha": 2, "beta": 2, "transpa": 2, "transpb": 2, "multipl": 2, "left": 2, "ndarrai": 2, "right": 2, "scalar": 2, "c": 2, "transpos": 2, "befor": 2, "result": 2, "after": 2, "ad": 2, "addit": 2, "coo": 2, "shape": 2, "csr": 2, "csc": 2, "dia": 2, "nr": 2, "nc": 2, "float32": 2, "gener": 2, "between": 2, "func": 2, "n_run": 2, "argument": 2, "run": 2, "execut": 2, "lock": 2, "area": 2, "code_filenam": 2, "prepend": 2, "kernel": 2, "definit": 2, "decor": 2, "synthet": 2, "manner": 2, "each": 2, "parallelli": 2, "gaussian": 2, "wherea": 2, "compris": 2, "follow": 2, "fpath": 2, "directori": 2, "path": 2, "p_r": 2, "cartesian": 2, "p_c": 2, "featur": 2, "folder": 2, "doesn": 2, "exist": 2, "start": 2, "end": 2, "block": 2, "pgrid": 2, "unravel_index": 2, "kwarg": 2, "produc": 2, "x_": 2, "j": 2, "so": 2, "ha": 2, "array_split": 2, "section": 2, "accord": 2, "construct": 2, "ith": 2, "correspond": 2, "01": 2, "ambient": 2, "space": 2, "diemnsion": 2, "2d": 2, "user": 2, "ftype": 2, "mat": 2, "npy": 2, "csv": 2, "fname": 2, "divid": 2, "nrows_i": 2, "ncols_i": 2, "sum_i": 2, "look": 2, "subblock": 2, "preserv": 2, "physic": 2, "layout": 2, "split": 2, "reach": 2, "write": 2, "present": 2, "h5": 2, "reg": 2, "factors_path": 2, "load": 2, "final": 2, "stack": 2, "visual": 2, "per": 2, "wall": 2, "hall": 2, "greedi": 2, "algorithm": 2, "quadrat": 2, "problem": 2, "vector": 2, "p": 2, "contain": 2, "co": 2, "distanc": 2, "mean": 2, "centroid": 2, "w_all": 2, "order": 2, "three": 2, "h_all": 2, "comminc": 2, "ep": 2, "ten": 2, "chang": 2, "vb": 2, "custom": 2, "first": 2, "slice": 2, "organ": 2, "permute_ord": 2, "permut": 2, "w_sub": 2, "proper": 2, "cosin": 2, "silhouett": 2, "sil": 2, "measur": 2, "routin": 2, "centstd": 2, "absolut": 2, "deviat": 2, "s_avg": 2, "score": 2, "median": 2, "cartesian1d_column": 2, "cartesian1d_row": 2, "w_i": 2, "h_j": 2, "along": 2, "comm1": 2, "w_updat": 2, "itr": 2, "1000": 2, "bcd": 2, "self": 2, "minimizatio": 2, "hal": 2, "h_ij": 2, "w_ij": 2, "kl": 2, "diverg": 2, "ux": 2, "calc": 2, "squar": 2, "gram": 2, "math": 2, "ta": 2, "a_ta_glob": 2, "ab": 2, "ab_glob": 2, "global_axis_sum": 2, "summat": 2, "step": 2, "row_comm": 2, "col_comm": 2, "ah": 2, "atw": 2, "uh": 2, "u": 2, "uht": 2, "tu": 2, "wtu": 2, "gw": 2, "gh": 2, "gather": 2, "boolen": 2, "dat": 2, "onli": 2, "globalm": 2, "globaln": 2, "vec": 2, "y": 2, "betwe": 2, "compon": 2, "differ": 2, "dictinoari": 2, "d": 2, "construnct": 2, "rondom": 2, "unit": 2, "singularvalu": 2, "singular": 2, "length": 2, "One": 2, "dimension": 2, "respath": 2, "plot": 2, "boxplot": 2, "subplot": 2, "err": 2, "startprocess": 2, "endprocess": 2, "stepprocess": 2, "recon": 2, "recon1": 2, "sill_min": 2, "out_put": 2, "estim": 2, "locat": 2, "stat": 2, "graph": 2, "rand": 2, "wise": 2, "recon_err": 2, "hidden": 2, "sill_thr": 2, "sillhouett": 2, "threshold": 2, "test": 2, "start_k": 2, "end_k": 2, "nopt": 2, "analys": 2, "errregr": 2, "minimum": 2, "version": 2, "amount": 2, "resampl": 2, "x_per": 2, "ndarri": 2, "y_": 2, "x1b": 2, "0m": 2, "91m": 2, "95m": 2, "94m": 2, "92m": 2, "93m": 2, "get": 2, "termin": 2, "nlinesxncolum": 2, "nline": 2, "ncolum": 2, "val": 2, "closest": 2, "traget": 2, "insid": 2, "target": 2, "being": 2, "investig": 2, "idx": 2, "fx": 2, "coordin": 2, "xp": 2, "f": 2, "linear": 2, "interpol": 2, "two": 2, "nearest": 2, "point": 2, "graphic": 2, "logic": 2, "concept": 2, "illustr": 2, "ascii": 2, "diagram": 2, "evalu": 2, "unabl": 2, "lrank": 2, "text": 2, "checkpoint_sav": 2, "demo": 2, "continu": 2, "max_it": 2, "epoch": 2, "50": 2, "instead": 2, "variou": 2, "intlist": 2, "thresh": 2, "1e": 2, "08": 2, "zero": 2, "row_zero_idx": 2, "col_zero_idx": 2, "indexlist": 2, "errtol": 2, "features_k": 2, "col": 2, "defin": 2, "model_nam": 2, "model_dict": 2, "json": 2, "paramt": 2, "string": 2, "aren": 2, "align": 2, "care": 2, "reorder": 2, "transform": 2, "cla": 2, "var": 2, "intial": 2}, "objects": {"": [[2, 0, 0, "-", "pyDNMFk"]], "pyDNMFk": [[2, 0, 0, "-", "comm_utils"], [2, 0, 0, "-", "communicators"], [2, 0, 0, "-", "config"], [2, 0, 0, "-", "cudaNMF"], [2, 0, 0, "-", "cupyCuSPARSELib"], [2, 0, 0, "-", "cupy_utils"], [2, 0, 0, "-", "data_generator"], [2, 0, 0, "-", "data_io"], [2, 0, 0, "-", "dist_clustering"], [2, 0, 0, "-", "dist_comm"], [2, 0, 0, "-", "dist_nmf"], [2, 0, 0, "-", "dist_svd"], [2, 0, 0, "-", "plot_results"], [2, 0, 0, "-", "pyDNMF"], [2, 0, 0, "-", "pyDNMFk"], [2, 0, 0, "-", "toolz"], [2, 0, 0, "-", "utils"]], "pyDNMFk.comm_utils": [[2, 1, 1, "", "GetTopology"], [2, 1, 1, "", "NCCL_COMM"], [2, 1, 1, "", "superCommunicator"]], "pyDNMFk.comm_utils.GetTopology": [[2, 2, 1, "", "getReduceCommTree"], [2, 2, 1, "", "showTopology"]], "pyDNMFk.comm_utils.superCommunicator": [[2, 2, 1, "", "createComm"]], "pyDNMFk.communicators": [[2, 1, 1, "", "MPIComm"], [2, 1, 1, "", "NCCLComm"], [2, 1, 1, "", "SUPER_COMM"], [2, 3, 1, "", "get_NCCL_unique_id"]], "pyDNMFk.communicators.MPIComm": [[2, 2, 1, "", "Allreduce"], [2, 2, 1, "", "Bcast"], [2, 2, 1, "", "Reduce"]], "pyDNMFk.communicators.NCCLComm": [[2, 2, 1, "", "Allreduce"], [2, 2, 1, "", "Bcast"], [2, 2, 1, "", "Reduce"], [2, 2, 1, "", "get_NCCL_count_dtype"], [2, 2, 1, "", "get_unique_id"]], "pyDNMFk.config": [[2, 3, 1, "", "init"]], "pyDNMFk.cudaNMF": [[2, 1, 1, "", "cudaNMF"], [2, 3, 1, "", "noSupportFor"]], "pyDNMFk.cudaNMF.cudaNMF": [[2, 2, 1, "", "FroNMF_1D_col"], [2, 2, 1, "", "FroNMF_1D_col_partion"], [2, 2, 1, "", "FroNMF_1D_row"], [2, 2, 1, "", "FroNMF_1D_row_batched"], [2, 2, 1, "", "FroNMF_1D_row_partion"], [2, 2, 1, "", "Fro_MU_update"], [2, 2, 1, "", "allocate_dense_batch_buffers"], [2, 2, 1, "", "allocate_gpu_batch_buffers"], [2, 2, 1, "", "allocate_sparse_batch_buffers"], [2, 2, 1, "", "buildNCCLSubCommunicator"], [2, 2, 1, "", "buildSubCommunicators"], [2, 2, 1, "", "cache_A_on_device"], [2, 2, 1, "", "cache_H_on_device"], [2, 2, 1, "", "cache_W_on_device"], [2, 2, 1, "", "checkGPUContext"], [2, 2, 1, "", "check_A_matrix_format"], [2, 2, 1, "", "compute_global_dim"], [2, 2, 1, "", "configure_sparse_buffers_pinned_mem_params"], [2, 2, 1, "", "dist_norm"], [2, 2, 1, "", "find_optimal_baching_axis"], [2, 2, 1, "", "find_optimat_partition_strategy"], [2, 2, 1, "", "fit"], [2, 2, 1, "", "getArrayType"], [2, 2, 1, "", "get_gpu_grid_params"], [2, 2, 1, "", "get_managed_stream_queue"], [2, 2, 1, "", "identify_distributed_system_compute_topology"], [2, 2, 1, "", "init_factors"], [2, 2, 1, "", "isCupyObject"], [2, 2, 1, "", "log"], [2, 2, 1, "", "normalize_features"], [2, 2, 1, "", "randM"], [2, 2, 1, "", "relative_err"], [2, 2, 1, "", "sampleA"], [2, 2, 1, "", "set_batching_params"], [2, 2, 1, "", "showMemStats"], [2, 2, 1, "", "show_A_info"], [2, 2, 1, "", "show_topology"]], "pyDNMFk.cupyCuSPARSELib": [[2, 3, 1, "", "spCu2Sc"], [2, 3, 1, "", "spMM"], [2, 3, 1, "", "spMM_with_C"], [2, 3, 1, "", "spMat"], [2, 3, 1, "", "spRandMat"], [2, 3, 1, "", "spSc2Cu"]], "pyDNMFk.cupy_utils": [[2, 3, 1, "", "benchmark"], [2, 3, 1, "", "pin_memory"], [2, 3, 1, "", "read_code"], [2, 3, 1, "", "timeExecution"]], "pyDNMFk.data_generator": [[2, 1, 1, "", "data_generator"], [2, 3, 1, "", "parser"]], "pyDNMFk.data_generator.data_generator": [[2, 2, 1, "", "create_folder_dir"], [2, 2, 1, "", "determine_block_index_range_asymm"], [2, 2, 1, "", "determine_block_shape_asymm"], [2, 2, 1, "", "dist_fromfunction"], [2, 2, 1, "", "fit"], [2, 2, 1, "", "gauss_matrix_generator"], [2, 2, 1, "", "generate_factors_data"], [2, 2, 1, "", "random_matrix_generator"], [2, 2, 1, "", "unravel_column"], [2, 2, 1, "", "unravel_row"]], "pyDNMFk.data_io": [[2, 1, 1, "", "data_read"], [2, 1, 1, "", "data_write"], [2, 1, 1, "", "read_factors"], [2, 1, 1, "", "split_files_save"]], "pyDNMFk.data_io.data_read": [[2, 2, 1, "", "data_partition"], [2, 2, 1, "", "read"], [2, 2, 1, "", "read_dat"], [2, 2, 1, "", "read_file_csv"], [2, 2, 1, "", "read_file_mat"], [2, 2, 1, "", "read_file_npy"], [2, 2, 1, "", "read_file_npz"], [2, 2, 1, "", "save_data_to_file"]], "pyDNMFk.data_io.data_write": [[2, 2, 1, "", "create_folder_dir"], [2, 2, 1, "", "save_cluster_results"], [2, 2, 1, "", "save_factors"]], "pyDNMFk.data_io.read_factors": [[2, 2, 1, "", "custom_read_npy"], [2, 2, 1, "", "load_factors"], [2, 2, 1, "", "read_factor"]], "pyDNMFk.data_io.split_files_save": [[2, 2, 1, "", "save_data_to_file"], [2, 2, 1, "", "split_files"]], "pyDNMFk.dist_clustering": [[2, 1, 1, "", "custom_clustering"]], "pyDNMFk.dist_clustering.custom_clustering": [[2, 2, 1, "", "change_order"], [2, 2, 1, "", "dist_custom_clustering"], [2, 2, 1, "", "dist_feature_ordering"], [2, 2, 1, "", "dist_silhouettes"], [2, 2, 1, "", "fit"], [2, 2, 1, "", "greedy_lsa"], [2, 2, 1, "", "mad"], [2, 2, 1, "", "normalize_by_W"]], "pyDNMFk.dist_comm": [[2, 1, 1, "", "MPI_comm"]], "pyDNMFk.dist_comm.MPI_comm": [[2, 2, 1, "", "Free"], [2, 2, 1, "", "cart_1d_column"], [2, 2, 1, "", "cart_1d_row"]], "pyDNMFk.dist_nmf": [[2, 1, 1, "", "nmf_algorithms_1D"], [2, 1, 1, "", "nmf_algorithms_2D"]], "pyDNMFk.dist_nmf.nmf_algorithms_1D": [[2, 2, 1, "", "FRO_BCD_update"], [2, 2, 1, "", "FRO_HALS_update"], [2, 2, 1, "", "FRO_HALS_update_H"], [2, 2, 1, "", "FRO_HALS_update_W"], [2, 2, 1, "", "Fro_MU_update"], [2, 2, 1, "", "Fro_MU_update_H"], [2, 2, 1, "", "Fro_MU_update_W"], [2, 2, 1, "", "KL_MU_update"], [2, 2, 1, "", "KL_MU_update_H"], [2, 2, 1, "", "KL_MU_update_W"], [2, 2, 1, "", "glob_UX"], [2, 2, 1, "", "globalSqNorm"], [2, 2, 1, "", "global_gram"], [2, 2, 1, "", "global_mm"], [2, 2, 1, "", "initWandH"], [2, 2, 1, "", "sum_along_axis"], [2, 2, 1, "", "update"]], "pyDNMFk.dist_nmf.nmf_algorithms_2D": [[2, 2, 1, "", "AH_glob"], [2, 2, 1, "", "ATW_glob"], [2, 2, 1, "", "FRO_BCD_update"], [2, 2, 1, "", "FRO_HALS_update"], [2, 2, 1, "", "FRO_HALS_update_H"], [2, 2, 1, "", "FRO_HALS_update_W"], [2, 2, 1, "", "Fro_MU_update"], [2, 2, 1, "", "Fro_MU_update_H"], [2, 2, 1, "", "Fro_MU_update_W"], [2, 2, 1, "", "KL_MU_update"], [2, 2, 1, "", "KL_MU_update_H"], [2, 2, 1, "", "KL_MU_update_W"], [2, 2, 1, "", "UHT_glob"], [2, 2, 1, "", "WTU_glob"], [2, 2, 1, "", "gather_W_H"], [2, 2, 1, "", "globalSqNorm"], [2, 2, 1, "", "global_gram"], [2, 2, 1, "", "global_mm"], [2, 2, 1, "", "initWandH"], [2, 2, 1, "", "sum_axis"], [2, 2, 1, "", "update"]], "pyDNMFk.dist_svd": [[2, 1, 1, "", "DistSVD"]], "pyDNMFk.dist_svd.DistSVD": [[2, 2, 1, "", "calc_norm"], [2, 2, 1, "", "globalGram"], [2, 2, 1, "", "nnsvd"], [2, 2, 1, "", "normalize_by_W"], [2, 2, 1, "", "randomUnitVector"], [2, 2, 1, "", "rel_error"], [2, 2, 1, "", "svd"], [2, 2, 1, "", "svd1D"]], "pyDNMFk.plot_results": [[2, 3, 1, "", "box_plot"], [2, 3, 1, "", "plot_W"], [2, 3, 1, "", "plot_err"], [2, 3, 1, "", "plot_results"], [2, 3, 1, "", "plot_results_fpath"], [2, 3, 1, "", "plot_timing_stats"], [2, 3, 1, "", "read_plot_factors"], [2, 3, 1, "", "timing_stats"]], "pyDNMFk.pyDNMF": [[2, 1, 1, "", "PyNMF"]], "pyDNMFk.pyDNMF.PyNMF": [[2, 2, 1, "", "cart_2d_collect_factors"], [2, 2, 1, "", "column_err"], [2, 2, 1, "", "dist_norm"], [2, 2, 1, "", "fit"], [2, 2, 1, "", "init_factors"], [2, 2, 1, "", "normalize_features"], [2, 2, 1, "", "relative_err"]], "pyDNMFk.pyDNMFk": [[2, 1, 1, "", "PyNMFk"], [2, 1, 1, "", "sample"]], "pyDNMFk.pyDNMFk.PyNMFk": [[2, 2, 1, "", "fit"], [2, 2, 1, "", "pvalueAnalysis"], [2, 2, 1, "", "pynmfk_per_k"]], "pyDNMFk.pyDNMFk.sample": [[2, 2, 1, "", "fit"], [2, 2, 1, "", "poisson"], [2, 2, 1, "", "randM"]], "pyDNMFk.toolz": [[2, 3, 1, "", "amber"], [2, 1, 1, "", "bcolors"], [2, 3, 1, "", "blue"], [2, 3, 1, "", "getTerminalSize"], [2, 3, 1, "", "get_index"], [2, 3, 1, "", "get_loc"], [2, 3, 1, "", "grLog"], [2, 3, 1, "", "green"], [2, 3, 1, "", "log"], [2, 3, 1, "", "lrLog"], [2, 3, 1, "", "printRC"], [2, 3, 1, "", "printXY"], [2, 3, 1, "", "print_there"], [2, 3, 1, "", "purple"], [2, 3, 1, "", "red"]], "pyDNMFk.toolz.bcolors": [[2, 4, 1, "", "ENDC"], [2, 4, 1, "", "FAIL"], [2, 4, 1, "", "HEADER"], [2, 4, 1, "", "OKBLUE"], [2, 4, 1, "", "OKGREEN"], [2, 4, 1, "", "WARNING"], [2, 2, 1, "", "disable"]], "pyDNMFk.utils": [[2, 1, 1, "", "Checkpoint"], [2, 1, 1, "", "comm_timing"], [2, 1, 1, "", "data_operations"], [2, 1, 1, "", "determine_block_params"], [2, 3, 1, "", "norm"], [2, 1, 1, "", "parse"], [2, 1, 1, "", "serialize_deserialize_mlp"], [2, 3, 1, "", "str2bool"], [2, 1, 1, "", "transform_H_index"], [2, 3, 1, "", "var_init"]], "pyDNMFk.utils.Checkpoint": [[2, 2, 1, "", "load_from_checkpoint"]], "pyDNMFk.utils.data_operations": [[2, 2, 1, "", "commonFactors"], [2, 2, 1, "", "compute_global_dim"], [2, 2, 1, "", "compute_local_dim"], [2, 2, 1, "", "cutZero"], [2, 2, 1, "", "desampleT"], [2, 2, 1, "", "matSplit"], [2, 2, 1, "", "primeFactors"], [2, 2, 1, "", "prune"], [2, 2, 1, "", "prune_all"], [2, 2, 1, "", "recZero"], [2, 2, 1, "", "remove_bad_factors"], [2, 2, 1, "", "unprune"], [2, 2, 1, "", "unprune_factors"], [2, 2, 1, "", "zero_idx_prune"]], "pyDNMFk.utils.determine_block_params": [[2, 2, 1, "", "determine_block_index_range_asymm"], [2, 2, 1, "", "determine_block_shape_asymm"]], "pyDNMFk.utils.serialize_deserialize_mlp": [[2, 2, 1, "", "deserialize"], [2, 2, 1, "", "from_json"], [2, 2, 1, "", "serialize"], [2, 2, 1, "", "to_json"]], "pyDNMFk.utils.transform_H_index": [[2, 2, 1, "", "rankidx2blkidx"], [2, 2, 1, "", "transform_H_idx"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:function", "4": "py:attribute"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "function", "Python function"], "4": ["py", "attribute", "Python attribute"]}, "titleterms": {"cuda": 0, "pydnmfk": [0, 1, 2], "python": 0, "distribut": 0, "non": 0, "neg": 0, "matrix": 0, "factor": 0, "determin": 0, "hidden": 0, "featur": 0, "out": 0, "memori": 0, "nmf": 0, "implement": 0, "instal": 0, "prerequisit": 0, "document": 0, "usag": 0, "benchmark": 0, "scalabl": 0, "author": 0, "citat": 0, "acknowledg": 0, "copyright": 0, "notic": 0, "welcom": 0, "": 0, "content": [0, 2], "indic": 0, "tabl": 0, "packag": 2, "submodul": 2, "comm_util": 2, "modul": 2, "commun": 2, "config": 2, "cudanmf": 2, "cupycusparselib": 2, "paramet": 2, "return": 2, "cupy_util": 2, "data_gener": 2, "data_io": 2, "dist_clust": 2, "dist_comm": 2, "dist_nmf": 2, "dist_svd": 2, "plot_result": 2, "pydnmf": 2, "toolz": 2, "util": 2}, "envversion": {"sphinx.domains.c": 2, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 8, "sphinx.domains.index": 1, "sphinx.domains.javascript": 2, "sphinx.domains.math": 2, "sphinx.domains.python": 3, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1, "sphinxcontrib.bibtex": 9, "sphinx": 57}, "alltitles": {"cuda-pyDNMFk: Cuda Python Distributed Non Negative Matrix Factorization with determination of hidden features": [[0, "cuda-pydnmfk-cuda-python-distributed-non-negative-matrix-factorization-with-determination-of-hidden-features"]], "Features of Distributed Out-of-Memory NMF Implementation": [[0, "features-of-distributed-out-of-memory-nmf-implementation"]], "Installation:": [[0, "installation"]], "Prerequisites:": [[0, "prerequisites"]], "Documentation": [[0, "documentation"]], "Usage:": [[0, "usage"]], "Benchmarking:": [[0, "benchmarking"]], "Scalability:": [[0, "scalability"]], "Authors:": [[0, "authors"]], "Citation:": [[0, "citation"]], "Acknowledgments:": [[0, "acknowledgments"]], "Copyright Notice:": [[0, "copyright-notice"]], "Welcome to cuda-pyDNMFk\u2019s documentation!": [[0, "welcome-to-cuda-pydnmfk-s-documentation"]], "Contents:": [[0, null]], "Indices and tables": [[0, "indices-and-tables"]], "pyDNMFk": [[1, "pydnmfk"]], "pyDNMFk package": [[2, "pydnmfk-package"]], "Submodules": [[2, "submodules"]], "pyDNMFk.comm_utils module": [[2, "module-pyDNMFk.comm_utils"]], "pyDNMFk.communicators module": [[2, "module-pyDNMFk.communicators"]], "pyDNMFk.config module": [[2, "module-pyDNMFk.config"]], "pyDNMFk.cudaNMF module": [[2, "module-pyDNMFk.cudaNMF"]], "pyDNMFk.cupyCuSPARSELib module": [[2, "module-pyDNMFk.cupyCuSPARSELib"]], "Parameters:": [[2, "parameters"], [2, "id1"], [2, "id3"], [2, "id5"], [2, "id7"], [2, "id9"]], "Returns:": [[2, "returns"], [2, "id2"], [2, "id4"], [2, "id6"], [2, "id8"], [2, "id10"]], "pyDNMFk.cupy_utils module": [[2, "module-pyDNMFk.cupy_utils"]], "pyDNMFk.data_generator module": [[2, "module-pyDNMFk.data_generator"]], "pyDNMFk.data_io module": [[2, "module-pyDNMFk.data_io"]], "pyDNMFk.dist_clustering module": [[2, "module-pyDNMFk.dist_clustering"]], "pyDNMFk.dist_comm module": [[2, "module-pyDNMFk.dist_comm"]], "pyDNMFk.dist_nmf module": [[2, "module-pyDNMFk.dist_nmf"]], "pyDNMFk.dist_svd module": [[2, "module-pyDNMFk.dist_svd"]], "pyDNMFk.plot_results module": [[2, "module-pyDNMFk.plot_results"]], "pyDNMFk.pyDNMF module": [[2, "module-pyDNMFk.pyDNMF"]], "pyDNMFk.pyDNMFk module": [[2, "module-pyDNMFk.pyDNMFk"]], "pyDNMFk.toolz module": [[2, "module-pyDNMFk.toolz"]], "pyDNMFk.utils module": [[2, "module-pyDNMFk.utils"]], "Module contents": [[2, "module-pyDNMFk"]]}, "indexentries": {"ah_glob() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.AH_glob"]], "atw_glob() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.ATW_glob"]], "allreduce() (pydnmfk.communicators.mpicomm method)": [[2, "pyDNMFk.communicators.MPIComm.Allreduce"]], "allreduce() (pydnmfk.communicators.ncclcomm method)": [[2, "pyDNMFk.communicators.NCCLComm.Allreduce"]], "bcast() (pydnmfk.communicators.mpicomm method)": [[2, "pyDNMFk.communicators.MPIComm.Bcast"]], "bcast() (pydnmfk.communicators.ncclcomm method)": [[2, "pyDNMFk.communicators.NCCLComm.Bcast"]], "checkpoint (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.Checkpoint"]], "distsvd (class in pydnmfk.dist_svd)": [[2, "pyDNMFk.dist_svd.DistSVD"]], "endc (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.ENDC"]], "fail (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.FAIL"]], "fro_bcd_update() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.FRO_BCD_update"]], "fro_bcd_update() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.FRO_BCD_update"]], "fro_hals_update() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.FRO_HALS_update"]], "fro_hals_update() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.FRO_HALS_update"]], "fro_hals_update_h() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.FRO_HALS_update_H"]], "fro_hals_update_h() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.FRO_HALS_update_H"]], "fro_hals_update_w() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.FRO_HALS_update_W"]], "fro_hals_update_w() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.FRO_HALS_update_W"]], "free() (pydnmfk.dist_comm.mpi_comm method)": [[2, "pyDNMFk.dist_comm.MPI_comm.Free"]], "fronmf_1d_col() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.FroNMF_1D_col"]], "fronmf_1d_col_partion() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.FroNMF_1D_col_partion"]], "fronmf_1d_row() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.FroNMF_1D_row"]], "fronmf_1d_row_batched() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.FroNMF_1D_row_batched"]], "fronmf_1d_row_partion() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.FroNMF_1D_row_partion"]], "fro_mu_update() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.Fro_MU_update"]], "fro_mu_update() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.Fro_MU_update"]], "fro_mu_update() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.Fro_MU_update"]], "fro_mu_update_h() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.Fro_MU_update_H"]], "fro_mu_update_h() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.Fro_MU_update_H"]], "fro_mu_update_w() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.Fro_MU_update_W"]], "fro_mu_update_w() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.Fro_MU_update_W"]], "gettopology (class in pydnmfk.comm_utils)": [[2, "pyDNMFk.comm_utils.GetTopology"]], "header (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.HEADER"]], "kl_mu_update() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.KL_MU_update"]], "kl_mu_update() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.KL_MU_update"]], "kl_mu_update_h() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.KL_MU_update_H"]], "kl_mu_update_h() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.KL_MU_update_H"]], "kl_mu_update_w() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.KL_MU_update_W"]], "kl_mu_update_w() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.KL_MU_update_W"]], "mpicomm (class in pydnmfk.communicators)": [[2, "pyDNMFk.communicators.MPIComm"]], "mpi_comm (class in pydnmfk.dist_comm)": [[2, "pyDNMFk.dist_comm.MPI_comm"]], "ncclcomm (class in pydnmfk.communicators)": [[2, "pyDNMFk.communicators.NCCLComm"]], "nccl_comm (class in pydnmfk.comm_utils)": [[2, "pyDNMFk.comm_utils.NCCL_COMM"]], "okblue (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.OKBLUE"]], "okgreen (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.OKGREEN"]], "pynmf (class in pydnmfk.pydnmf)": [[2, "pyDNMFk.pyDNMF.PyNMF"]], "pynmfk (class in pydnmfk.pydnmfk)": [[2, "pyDNMFk.pyDNMFk.PyNMFk"]], "reduce() (pydnmfk.communicators.mpicomm method)": [[2, "pyDNMFk.communicators.MPIComm.Reduce"]], "reduce() (pydnmfk.communicators.ncclcomm method)": [[2, "pyDNMFk.communicators.NCCLComm.Reduce"]], "super_comm (class in pydnmfk.communicators)": [[2, "pyDNMFk.communicators.SUPER_COMM"]], "uht_glob() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.UHT_glob"]], "warning (pydnmfk.toolz.bcolors attribute)": [[2, "pyDNMFk.toolz.bcolors.WARNING"]], "wtu_glob() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.WTU_glob"]], "allocate_dense_batch_buffers() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.allocate_dense_batch_buffers"]], "allocate_gpu_batch_buffers() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.allocate_gpu_batch_buffers"]], "allocate_sparse_batch_buffers() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.allocate_sparse_batch_buffers"]], "amber() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.amber"]], "bcolors (class in pydnmfk.toolz)": [[2, "pyDNMFk.toolz.bcolors"]], "benchmark() (in module pydnmfk.cupy_utils)": [[2, "pyDNMFk.cupy_utils.benchmark"]], "blue() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.blue"]], "box_plot() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.box_plot"]], "buildncclsubcommunicator() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.buildNCCLSubCommunicator"]], "buildsubcommunicators() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.buildSubCommunicators"]], "cache_a_on_device() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.cache_A_on_device"]], "cache_h_on_device() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.cache_H_on_device"]], "cache_w_on_device() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.cache_W_on_device"]], "calc_norm() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.calc_norm"]], "cart_1d_column() (pydnmfk.dist_comm.mpi_comm method)": [[2, "pyDNMFk.dist_comm.MPI_comm.cart_1d_column"]], "cart_1d_row() (pydnmfk.dist_comm.mpi_comm method)": [[2, "pyDNMFk.dist_comm.MPI_comm.cart_1d_row"]], "cart_2d_collect_factors() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.cart_2d_collect_factors"]], "change_order() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.change_order"]], "checkgpucontext() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.checkGPUContext"]], "check_a_matrix_format() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.check_A_matrix_format"]], "column_err() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.column_err"]], "comm_timing (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.comm_timing"]], "commonfactors() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.commonFactors"]], "compute_global_dim() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.compute_global_dim"]], "compute_global_dim() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.compute_global_dim"]], "compute_local_dim() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.compute_local_dim"]], "configure_sparse_buffers_pinned_mem_params() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.configure_sparse_buffers_pinned_mem_params"]], "createcomm() (pydnmfk.comm_utils.supercommunicator method)": [[2, "pyDNMFk.comm_utils.superCommunicator.createComm"]], "create_folder_dir() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.create_folder_dir"]], "create_folder_dir() (pydnmfk.data_io.data_write method)": [[2, "pyDNMFk.data_io.data_write.create_folder_dir"]], "cudanmf (class in pydnmfk.cudanmf)": [[2, "pyDNMFk.cudaNMF.cudaNMF"]], "custom_clustering (class in pydnmfk.dist_clustering)": [[2, "pyDNMFk.dist_clustering.custom_clustering"]], "custom_read_npy() (pydnmfk.data_io.read_factors method)": [[2, "pyDNMFk.data_io.read_factors.custom_read_npy"]], "cutzero() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.cutZero"]], "data_generator (class in pydnmfk.data_generator)": [[2, "pyDNMFk.data_generator.data_generator"]], "data_operations (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.data_operations"]], "data_partition() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.data_partition"]], "data_read (class in pydnmfk.data_io)": [[2, "pyDNMFk.data_io.data_read"]], "data_write (class in pydnmfk.data_io)": [[2, "pyDNMFk.data_io.data_write"]], "desamplet() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.desampleT"]], "deserialize() (pydnmfk.utils.serialize_deserialize_mlp method)": [[2, "pyDNMFk.utils.serialize_deserialize_mlp.deserialize"]], "determine_block_index_range_asymm() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.determine_block_index_range_asymm"]], "determine_block_index_range_asymm() (pydnmfk.utils.determine_block_params method)": [[2, "pyDNMFk.utils.determine_block_params.determine_block_index_range_asymm"]], "determine_block_params (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.determine_block_params"]], "determine_block_shape_asymm() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.determine_block_shape_asymm"]], "determine_block_shape_asymm() (pydnmfk.utils.determine_block_params method)": [[2, "pyDNMFk.utils.determine_block_params.determine_block_shape_asymm"]], "disable() (pydnmfk.toolz.bcolors method)": [[2, "pyDNMFk.toolz.bcolors.disable"]], "dist_custom_clustering() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.dist_custom_clustering"]], "dist_feature_ordering() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.dist_feature_ordering"]], "dist_fromfunction() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.dist_fromfunction"]], "dist_norm() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.dist_norm"]], "dist_norm() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.dist_norm"]], "dist_silhouettes() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.dist_silhouettes"]], "find_optimal_baching_axis() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.find_optimal_baching_axis"]], "find_optimat_partition_strategy() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.find_optimat_partition_strategy"]], "fit() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.fit"]], "fit() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.fit"]], "fit() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.fit"]], "fit() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.fit"]], "fit() (pydnmfk.pydnmfk.pynmfk method)": [[2, "pyDNMFk.pyDNMFk.PyNMFk.fit"]], "fit() (pydnmfk.pydnmfk.sample method)": [[2, "pyDNMFk.pyDNMFk.sample.fit"]], "from_json() (pydnmfk.utils.serialize_deserialize_mlp method)": [[2, "pyDNMFk.utils.serialize_deserialize_mlp.from_json"]], "gather_w_h() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.gather_W_H"]], "gauss_matrix_generator() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.gauss_matrix_generator"]], "generate_factors_data() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.generate_factors_data"]], "getarraytype() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.getArrayType"]], "getreducecommtree() (pydnmfk.comm_utils.gettopology method)": [[2, "pyDNMFk.comm_utils.GetTopology.getReduceCommTree"]], "getterminalsize() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.getTerminalSize"]], "get_nccl_count_dtype() (pydnmfk.communicators.ncclcomm method)": [[2, "pyDNMFk.communicators.NCCLComm.get_NCCL_count_dtype"]], "get_nccl_unique_id() (in module pydnmfk.communicators)": [[2, "pyDNMFk.communicators.get_NCCL_unique_id"]], "get_gpu_grid_params() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.get_gpu_grid_params"]], "get_index() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.get_index"]], "get_loc() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.get_loc"]], "get_managed_stream_queue() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.get_managed_stream_queue"]], "get_unique_id() (pydnmfk.communicators.ncclcomm method)": [[2, "pyDNMFk.communicators.NCCLComm.get_unique_id"]], "glob_ux() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.glob_UX"]], "globalgram() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.globalGram"]], "globalsqnorm() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.globalSqNorm"]], "globalsqnorm() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.globalSqNorm"]], "global_gram() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.global_gram"]], "global_gram() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.global_gram"]], "global_mm() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.global_mm"]], "global_mm() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.global_mm"]], "grlog() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.grLog"]], "greedy_lsa() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.greedy_lsa"]], "green() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.green"]], "identify_distributed_system_compute_topology() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.identify_distributed_system_compute_topology"]], "init() (in module pydnmfk.config)": [[2, "pyDNMFk.config.init"]], "initwandh() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.initWandH"]], "initwandh() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.initWandH"]], "init_factors() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.init_factors"]], "init_factors() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.init_factors"]], "iscupyobject() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.isCupyObject"]], "load_factors() (pydnmfk.data_io.read_factors method)": [[2, "pyDNMFk.data_io.read_factors.load_factors"]], "load_from_checkpoint() (pydnmfk.utils.checkpoint method)": [[2, "pyDNMFk.utils.Checkpoint.load_from_checkpoint"]], "log() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.log"]], "log() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.log"]], "lrlog() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.lrLog"]], "mad() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.mad"]], "matsplit() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.matSplit"]], "module": [[2, "module-pyDNMFk"], [2, "module-pyDNMFk.comm_utils"], [2, "module-pyDNMFk.communicators"], [2, "module-pyDNMFk.config"], [2, "module-pyDNMFk.cudaNMF"], [2, "module-pyDNMFk.cupyCuSPARSELib"], [2, "module-pyDNMFk.cupy_utils"], [2, "module-pyDNMFk.data_generator"], [2, "module-pyDNMFk.data_io"], [2, "module-pyDNMFk.dist_clustering"], [2, "module-pyDNMFk.dist_comm"], [2, "module-pyDNMFk.dist_nmf"], [2, "module-pyDNMFk.dist_svd"], [2, "module-pyDNMFk.plot_results"], [2, "module-pyDNMFk.pyDNMF"], [2, "module-pyDNMFk.pyDNMFk"], [2, "module-pyDNMFk.toolz"], [2, "module-pyDNMFk.utils"]], "nmf_algorithms_1d (class in pydnmfk.dist_nmf)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D"]], "nmf_algorithms_2d (class in pydnmfk.dist_nmf)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D"]], "nnsvd() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.nnsvd"]], "nosupportfor() (in module pydnmfk.cudanmf)": [[2, "pyDNMFk.cudaNMF.noSupportFor"]], "norm() (in module pydnmfk.utils)": [[2, "pyDNMFk.utils.norm"]], "normalize_by_w() (pydnmfk.dist_clustering.custom_clustering method)": [[2, "pyDNMFk.dist_clustering.custom_clustering.normalize_by_W"]], "normalize_by_w() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.normalize_by_W"]], "normalize_features() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.normalize_features"]], "normalize_features() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.normalize_features"]], "parse (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.parse"]], "parser() (in module pydnmfk.data_generator)": [[2, "pyDNMFk.data_generator.parser"]], "pin_memory() (in module pydnmfk.cupy_utils)": [[2, "pyDNMFk.cupy_utils.pin_memory"]], "plot_w() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.plot_W"]], "plot_err() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.plot_err"]], "plot_results() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.plot_results"]], "plot_results_fpath() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.plot_results_fpath"]], "plot_timing_stats() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.plot_timing_stats"]], "poisson() (pydnmfk.pydnmfk.sample method)": [[2, "pyDNMFk.pyDNMFk.sample.poisson"]], "primefactors() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.primeFactors"]], "printrc() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.printRC"]], "printxy() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.printXY"]], "print_there() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.print_there"]], "prune() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.prune"]], "prune_all() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.prune_all"]], "purple() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.purple"]], "pvalueanalysis() (pydnmfk.pydnmfk.pynmfk method)": [[2, "pyDNMFk.pyDNMFk.PyNMFk.pvalueAnalysis"]], "pydnmfk": [[2, "module-pyDNMFk"]], "pydnmfk.comm_utils": [[2, "module-pyDNMFk.comm_utils"]], "pydnmfk.communicators": [[2, "module-pyDNMFk.communicators"]], "pydnmfk.config": [[2, "module-pyDNMFk.config"]], "pydnmfk.cudanmf": [[2, "module-pyDNMFk.cudaNMF"]], "pydnmfk.cupycusparselib": [[2, "module-pyDNMFk.cupyCuSPARSELib"]], "pydnmfk.cupy_utils": [[2, "module-pyDNMFk.cupy_utils"]], "pydnmfk.data_generator": [[2, "module-pyDNMFk.data_generator"]], "pydnmfk.data_io": [[2, "module-pyDNMFk.data_io"]], "pydnmfk.dist_clustering": [[2, "module-pyDNMFk.dist_clustering"]], "pydnmfk.dist_comm": [[2, "module-pyDNMFk.dist_comm"]], "pydnmfk.dist_nmf": [[2, "module-pyDNMFk.dist_nmf"]], "pydnmfk.dist_svd": [[2, "module-pyDNMFk.dist_svd"]], "pydnmfk.plot_results": [[2, "module-pyDNMFk.plot_results"]], "pydnmfk.pydnmf": [[2, "module-pyDNMFk.pyDNMF"]], "pydnmfk.pydnmfk": [[2, "module-pyDNMFk.pyDNMFk"]], "pydnmfk.toolz": [[2, "module-pyDNMFk.toolz"]], "pydnmfk.utils": [[2, "module-pyDNMFk.utils"]], "pynmfk_per_k() (pydnmfk.pydnmfk.pynmfk method)": [[2, "pyDNMFk.pyDNMFk.PyNMFk.pynmfk_per_k"]], "randm() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.randM"]], "randm() (pydnmfk.pydnmfk.sample method)": [[2, "pyDNMFk.pyDNMFk.sample.randM"]], "randomunitvector() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.randomUnitVector"]], "random_matrix_generator() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.random_matrix_generator"]], "rankidx2blkidx() (pydnmfk.utils.transform_h_index method)": [[2, "pyDNMFk.utils.transform_H_index.rankidx2blkidx"]], "read() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read"]], "read_code() (in module pydnmfk.cupy_utils)": [[2, "pyDNMFk.cupy_utils.read_code"]], "read_dat() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read_dat"]], "read_factor() (pydnmfk.data_io.read_factors method)": [[2, "pyDNMFk.data_io.read_factors.read_factor"]], "read_factors (class in pydnmfk.data_io)": [[2, "pyDNMFk.data_io.read_factors"]], "read_file_csv() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read_file_csv"]], "read_file_mat() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read_file_mat"]], "read_file_npy() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read_file_npy"]], "read_file_npz() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.read_file_npz"]], "read_plot_factors() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.read_plot_factors"]], "reczero() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.recZero"]], "red() (in module pydnmfk.toolz)": [[2, "pyDNMFk.toolz.red"]], "rel_error() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.rel_error"]], "relative_err() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.relative_err"]], "relative_err() (pydnmfk.pydnmf.pynmf method)": [[2, "pyDNMFk.pyDNMF.PyNMF.relative_err"]], "remove_bad_factors() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.remove_bad_factors"]], "sample (class in pydnmfk.pydnmfk)": [[2, "pyDNMFk.pyDNMFk.sample"]], "samplea() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.sampleA"]], "save_cluster_results() (pydnmfk.data_io.data_write method)": [[2, "pyDNMFk.data_io.data_write.save_cluster_results"]], "save_data_to_file() (pydnmfk.data_io.data_read method)": [[2, "pyDNMFk.data_io.data_read.save_data_to_file"]], "save_data_to_file() (pydnmfk.data_io.split_files_save method)": [[2, "pyDNMFk.data_io.split_files_save.save_data_to_file"]], "save_factors() (pydnmfk.data_io.data_write method)": [[2, "pyDNMFk.data_io.data_write.save_factors"]], "serialize() (pydnmfk.utils.serialize_deserialize_mlp method)": [[2, "pyDNMFk.utils.serialize_deserialize_mlp.serialize"]], "serialize_deserialize_mlp (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.serialize_deserialize_mlp"]], "set_batching_params() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.set_batching_params"]], "showmemstats() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.showMemStats"]], "showtopology() (pydnmfk.comm_utils.gettopology method)": [[2, "pyDNMFk.comm_utils.GetTopology.showTopology"]], "show_a_info() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.show_A_info"]], "show_topology() (pydnmfk.cudanmf.cudanmf method)": [[2, "pyDNMFk.cudaNMF.cudaNMF.show_topology"]], "spcu2sc() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spCu2Sc"]], "spmm() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spMM"]], "spmm_with_c() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spMM_with_C"]], "spmat() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spMat"]], "sprandmat() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spRandMat"]], "spsc2cu() (in module pydnmfk.cupycusparselib)": [[2, "pyDNMFk.cupyCuSPARSELib.spSc2Cu"]], "split_files() (pydnmfk.data_io.split_files_save method)": [[2, "pyDNMFk.data_io.split_files_save.split_files"]], "split_files_save (class in pydnmfk.data_io)": [[2, "pyDNMFk.data_io.split_files_save"]], "str2bool() (in module pydnmfk.utils)": [[2, "pyDNMFk.utils.str2bool"]], "sum_along_axis() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.sum_along_axis"]], "sum_axis() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.sum_axis"]], "supercommunicator (class in pydnmfk.comm_utils)": [[2, "pyDNMFk.comm_utils.superCommunicator"]], "svd() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.svd"]], "svd1d() (pydnmfk.dist_svd.distsvd method)": [[2, "pyDNMFk.dist_svd.DistSVD.svd1D"]], "timeexecution() (in module pydnmfk.cupy_utils)": [[2, "pyDNMFk.cupy_utils.timeExecution"]], "timing_stats() (in module pydnmfk.plot_results)": [[2, "pyDNMFk.plot_results.timing_stats"]], "to_json() (pydnmfk.utils.serialize_deserialize_mlp method)": [[2, "pyDNMFk.utils.serialize_deserialize_mlp.to_json"]], "transform_h_idx() (pydnmfk.utils.transform_h_index method)": [[2, "pyDNMFk.utils.transform_H_index.transform_H_idx"]], "transform_h_index (class in pydnmfk.utils)": [[2, "pyDNMFk.utils.transform_H_index"]], "unprune() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.unprune"]], "unprune_factors() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.unprune_factors"]], "unravel_column() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.unravel_column"]], "unravel_row() (pydnmfk.data_generator.data_generator method)": [[2, "pyDNMFk.data_generator.data_generator.unravel_row"]], "update() (pydnmfk.dist_nmf.nmf_algorithms_1d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_1D.update"]], "update() (pydnmfk.dist_nmf.nmf_algorithms_2d method)": [[2, "pyDNMFk.dist_nmf.nmf_algorithms_2D.update"]], "var_init() (in module pydnmfk.utils)": [[2, "pyDNMFk.utils.var_init"]], "zero_idx_prune() (pydnmfk.utils.data_operations method)": [[2, "pyDNMFk.utils.data_operations.zero_idx_prune"]]}}) \ No newline at end of file