From d356a9ebf082dfd791be348b0c51f29ef5c0a938 Mon Sep 17 00:00:00 2001 From: ly <52308081+luoyily@users.noreply.github.com> Date: Mon, 24 Jul 2023 17:10:43 +0800 Subject: [PATCH] first commit --- .gitignore | 192 + backend.py | 102 + hppnet/hppnet_onnx.py | 303 + react_app/package-lock.json | 16888 ++++++++++++++++++++++++++ react_app/package.json | 45 + react_app/public/assets/favicon.ico | Bin 0 -> 3870 bytes react_app/public/assets/logo192.png | Bin 0 -> 5347 bytes react_app/public/assets/sena.png | Bin 0 -> 254137 bytes react_app/public/index.html | 43 + react_app/src/App.js | 241 + react_app/src/PianoTrans.js | 411 + react_app/src/VocalTrans.js | 22 + react_app/src/index.css | 13 + react_app/src/index.js | 14 + 14 files changed, 18274 insertions(+) create mode 100644 .gitignore create mode 100644 backend.py create mode 100644 hppnet/hppnet_onnx.py create mode 100644 react_app/package-lock.json create mode 100644 react_app/package.json create mode 100644 react_app/public/assets/favicon.ico create mode 100644 react_app/public/assets/logo192.png create mode 100644 react_app/public/assets/sena.png create mode 100644 react_app/public/index.html create mode 100644 react_app/src/App.js create mode 100644 react_app/src/PianoTrans.js create mode 100644 react_app/src/VocalTrans.js create mode 100644 react_app/src/index.css create mode 100644 react_app/src/index.js diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..491990a --- /dev/null +++ b/.gitignore @@ -0,0 +1,192 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# poetry +# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. +# This is especially recommended for binary packages to ensure reproducibility, and is more +# commonly ignored for libraries. +# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control +#poetry.lock + +# pdm +# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. +#pdm.lock +# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it +# in version control. +# https://pdm.fming.dev/#use-with-ide +.pdm.toml + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# PyCharm +# JetBrains specific template is maintained in a separate JetBrains.gitignore that can +# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore +# and can be added to the global gitignore or merged into this file. For a more nuclear +# option (not recommended) you can uncomment the following to ignore the entire idea folder. +#.idea/ + + +# Node +# See https://help.github.com/articles/ignoring-files/ for more about ignoring files. + +# dependencies +/react_app/node_modules +/.pnp +.pnp.js + +# testing +/coverage + +# production +/build + +# misc +.DS_Store +.env.local +.env.development.local +.env.test.local +.env.production.local + +npm-debug.log* +yarn-debug.log* +yarn-error.log* + +# Custom +*.wav +/backend_temp +/webui +/hppnet/models diff --git a/backend.py b/backend.py new file mode 100644 index 0000000..852c7cc --- /dev/null +++ b/backend.py @@ -0,0 +1,102 @@ +import os +from typing import Union +import uvicorn +from fastapi import FastAPI,UploadFile +from fastapi.middleware.cors import CORSMiddleware +from fastapi.responses import FileResponse +from fastapi.staticfiles import StaticFiles +from fastapi.responses import HTMLResponse + +from pydantic import BaseModel + +from hppnet.hppnet_onnx import HPPNetNumpyDecoder,HPPNetOnnx + +class HppnetInferTask(BaseModel): + file_path:Union[str, None] = None + model_name:str + device:str + onset_t:float + frame_t:float + gpu_id:Union[str, None] = None + +app = FastAPI() +app.mount("/static", StaticFiles(directory="./webui/static"), name="static") +app.mount("/assets", StaticFiles(directory="./webui/assets"), name="assets") +origins = [ + "http://localhost:3000", +] + +app.add_middleware( + CORSMiddleware, + allow_origins=origins, + allow_credentials=True, + allow_methods=["*"], + allow_headers=["*"], +) + +hppnet_onnx = None # type: HPPNetOnnx +hppnet_onnx_state = {} +hppnet_decoder = HPPNetNumpyDecoder() + +@app.get("/") +def root(): + with open('./webui/index.html','r',encoding='utf-8') as f: + html_content = f.read() + return HTMLResponse(content=html_content, status_code=200) + +def check_hppnet_onnx_state_change(model_name,device,gpu_id): + new_state = {"model":model_name,"device":device,"gpu_id":gpu_id} + return not bool(new_state == hppnet_onnx_state) + +def init_hppnet_onnx(onset_onnx,frame_onnx,device,gpu_id): + global hppnet_onnx + if device=='gpu': + provider_options = [{'device_id': gpu_id}] if gpu_id else None + hppnet_onnx = HPPNetOnnx(onset_onnx,frame_onnx,provider_options=provider_options) + else: + hppnet_onnx = HPPNetOnnx(onset_onnx,frame_onnx,providers=['CPUExecutionProvider']) + +@app.get('/hppnet_models') +def get_available_hppnet_models(): + return {"models":os.listdir('./hppnet/models')} + +@app.post('/infer_hppnet') +def run_hppnet_infer(hppnet_infer_task:HppnetInferTask): + file_path=hppnet_infer_task.file_path if hppnet_infer_task.file_path else './backend_temp/temp.bin' + model_name=hppnet_infer_task.model_name + device=hppnet_infer_task.device + onset_t=hppnet_infer_task.onset_t + frame_t=hppnet_infer_task.frame_t + gpu_id=hppnet_infer_task.gpu_id + print(file_path) + global hppnet_onnx + onset_onnx = f'./hppnet/models/{model_name}/onset_subnet.onnx' + frame_onnx = f'./hppnet/models/{model_name}/frame_subnet.onnx' + output_mid = './backend_temp/temp.mid' + # Check if hppnet_onnx is initialised + if hppnet_onnx: + if check_hppnet_onnx_state_change(model_name,device,gpu_id): + del hppnet_onnx + init_hppnet_onnx(onset_onnx,frame_onnx,device,gpu_id) + else: + init_hppnet_onnx(onset_onnx,frame_onnx,device,gpu_id) + hppnet_onnx_state['model'] = model_name + hppnet_onnx_state['device'] = device + hppnet_onnx_state['gpu_id'] = gpu_id + # inference + hppnet_onnx.load_model() + onset,frame,velocity = hppnet_onnx.inference_audio_file(file_path) + hppnet_decoder.export_infer_result_to_midi(onset,frame,velocity,output_mid,onset_t,frame_t) + return FileResponse(output_mid,media_type='blob') + +@app.post("/uploadfile/") +async def create_upload_file(file: UploadFile): + contents = await file.read() + f = open('./backend_temp/temp.bin','wb') + f.write(contents) + f.close() + return {"filename": file.filename} + + +if __name__ == "__main__": + uvicorn.run(app, host="0.0.0.0", port=8000) \ No newline at end of file diff --git a/hppnet/hppnet_onnx.py b/hppnet/hppnet_onnx.py new file mode 100644 index 0000000..b407967 --- /dev/null +++ b/hppnet/hppnet_onnx.py @@ -0,0 +1,303 @@ +import onnxruntime +import numpy as np +import librosa +from mido import Message, MidiFile, MidiTrack +# print(onnxruntime.get_device()) +# print(onnxruntime.get_available_providers()) + + +class HPPNetOnnx: + def __init__(self, onset_onnx_path=None, frame_onnx_path=None, model_type='sp',providers= ['DmlExecutionProvider'],provider_options=None): + """This class is mainly written for hppnet sp, + where the model constants are fixed in the following code. + Except for the sp model, the inference results of the subnet need to be processed further on your own. + Args: + model_type(str):sp,base,tiny,ultra_tiny + providers:eg. ['DmlExecutionProvider']/['CPUExecutionProvider'] + provider_options: eg. [{'device_id': 0}] + """ + self.onset_onnx_path = onset_onnx_path + self.frame_onnx_path = frame_onnx_path + self.clip_len = 512 + self.model_type = model_type + self.providers = providers + self.provider_options = provider_options + + def load_model(self): + self.onset_sess = onnxruntime.InferenceSession( + self.onset_onnx_path, providers=self.providers, provider_options=self.provider_options) + if self.frame_onnx_path: + self.frame_sess = onnxruntime.InferenceSession( + self.frame_onnx_path, providers=self.providers, provider_options=self.provider_options) + + def to_cqt(self, audio): + """audio to cqt db + + Args: + audio (np.ndarray [shape=(..., n)]) + + Returns: + cqt_db (np.ndarray): (1, T, 352) + """ + e = 2**(1/24) + cqt = np.abs(librosa.cqt(audio, sr=16000, hop_length=320, fmin=27.5/e, n_bins=88*4, bins_per_octave=4*12, + window='hann', pad_mode='reflect')) + cqt_db = librosa.power_to_db(cqt) + cqt_db = np.transpose(cqt_db, (0, 2, 1)) + return cqt_db + + def forward_cqt(self, cqt_db): + """subnet infer + + Args: + cqt_db (np.ndarray): (1, T, 352) + + + Returns: + dict: {'onset':[onset_subnet_output,...],'frame':[frame_subnet_output,...]} + """ + cqt_db = np.expand_dims(cqt_db, 1) + output_names = { + 'sp': {'onset': [self.onset_sess.get_outputs()[0].name], + 'frame': [self.frame_sess.get_outputs()[0].name, self.frame_sess.get_outputs()[2].name]} + } + onset_output = self.onset_sess.run( + output_names[self.model_type]['onset'], {'input': cqt_db}) + if self.frame_onnx_path: + frame_output = self.frame_sess.run( + output_names[self.model_type]['frame'], {'input': cqt_db}) + else: + frame_output = None + return {'onset': onset_output, 'frame': frame_output} + + def clip_audio(self, audio): + """clip audio to list + + Args: + audio (np.ndarray [1,n]) + + Returns: + list: [audio_slice,...] + """ + audio_length = audio.shape[1] + n_step = (audio_length - 1) // 320 + 1 + if n_step <= self.clip_len: + return audio + else: + audio_slices = [] + clip_list = [self.clip_len] * (n_step // self.clip_len) + res = n_step % self.clip_len + # If not divisible, the last two slices are equally divided into two segments of the same length + if (n_step > self.clip_len and res != 0): + clip_list[-1] -= (self.clip_len - res)//2 + clip_list += [res + (self.clip_len - res)//2] + begin = 0 + for clip in clip_list: + end = begin + clip + audio_i = audio[0][320*begin:320*end] + audio_i = np.expand_dims(audio_i, 0) + audio_slices.append(audio_i) + begin += clip + return audio_slices + + def inference_audio_file(self, auido_fn): + """ + + Args: + auido_fn (str): auido filename + + Returns: + tuple: (onset_cat[T*88],frame_cat,velocity_cat) + """ + audio, sr = librosa.load(auido_fn, sr=16000, mono=True) + audio = np.expand_dims(audio, 0) + slices = self.clip_audio(audio) + outputs = [] + for a in slices: + cqt_db = self.to_cqt(a) + model_out = self.forward_cqt(cqt_db) + outputs.append(model_out) + if self.model_type == 'sp': + onset_cat = np.concatenate([i['onset'][0]for i in outputs], axis=2)[0][0] + frame_cat = np.concatenate([i['frame'][0]for i in outputs], axis=2)[0][0] + velocity_cat = np.concatenate([i['frame'][1] for i in outputs], axis=2)[0][0] + return (np.maximum(0,onset_cat), np.maximum(0,frame_cat), np.maximum(0,velocity_cat)) + + +class HPPNetNumpyDecoder: + """numpy implementation of the hppnet decoder for use with the onnx version, + modified from hppnet/decoding.py;hppnet/midi.py;mir_eval + Includes inference result processing, midi export and other functions + """ + + def __init__(self) -> None: + pass + + def hz_to_midi(self, freqs): + '''Convert Hz to MIDI numbers + + Parameters + ---------- + freqs : number or ndarray + Frequency/frequencies in Hz + + Returns + ------- + midi : number or ndarray + MIDI note numbers corresponding to input frequencies. + Note that these may be fractional. + ''' + return 12.0 * (np.log2(freqs) - np.log2(440.0)) + 69.0 + + def midi_to_hz(self, midi): + '''Convert MIDI numbers to Hz + + Parameters + ---------- + midi : number or ndarray + MIDI notes + + Returns + ------- + freqs : number or ndarray + Frequency/frequencies in Hz corresponding to `midi` + ''' + return 440.0 * (2.0 ** ((midi - 69.0)/12.0)) + + def get_note_duration(self, frames): + # inputs: ndarray [88 x T] + # outputs: ndarray [88 x T] + ''' + input: + [[0,0,1,1,1,1,0], + [1,1,0,0,0,0,1], + [1,0,1,0,1,1,0], + [0,1,0,1,1,1,0], + [1,1,0,1,0,1,1]] + output: + [[0 0 4 3 2 1 0] + [2 1 0 0 0 0 1] + [1 0 1 0 2 1 0] + [0 1 0 3 2 1 0] + [2 1 0 1 0 2 1]] + ''' + bins, T = frames.shape + assert (bins == 88) + durs = np.zeros(frames.shape, dtype=np.int32) + durs[:, -1] = frames[:, -1] + for i in range(T-1): + durs[:, -(i+2)] = (durs[:, -(i+1)] + 1) * frames[:, -(i+2)] + + return durs + + def save_midi(self, path, pitches, intervals, velocities): + """ + Save extracted notes as a MIDI file + Parameters + ---------- + path: the path to save the MIDI file + pitches: np.ndarray of bin_indices + intervals: list of (onset_index, offset_index) + velocities: list of velocity values + """ + file = MidiFile() + track = MidiTrack() + file.tracks.append(track) + ticks_per_second = file.ticks_per_beat * 2.0 + + events = [] + for i in range(len(pitches)): + events.append( + dict(type='on', pitch=pitches[i], time=intervals[i][0], velocity=velocities[i])) + events.append( + dict(type='off', pitch=pitches[i], time=intervals[i][1], velocity=velocities[i])) + events.sort(key=lambda row: row['time']) + + last_tick = 0 + for event in events: + current_tick = int(event['time'] * ticks_per_second) + velocity = int(event['velocity'] * 127) + if velocity > 127: + velocity = 127 + pitch = int(round(self.hz_to_midi(event['pitch']))) + track.append(Message( + 'note_' + event['type'], note=pitch, velocity=velocity, time=current_tick - last_tick)) + last_tick = current_tick + + file.save(path) + + def extract_notes(self, onsets, frames, velocity, onset_threshold=0.5, frame_threshold=0.5): + """ + Finds the note timings based on the onsets and frames information + + Parameters + ---------- + onsets: np.ndarray, shape = [frames, bins] + frames: np.ndarray, shape = [frames, bins] + velocity: np.ndarray, shape = [frames, bins] + onset_threshold: float + frame_threshold: float + + Returns + ------- + pitches: np.ndarray of bin_indices + intervals: np.ndarray of rows containing (onset_index, offset_index) + velocities: np.ndarray of velocity values + """ + + # only peaks are consider as onsets + left = onsets[:1, :] >= onsets[1:2, :] + right = onsets[-1:, :] >= onsets[-2:-1, :] + mid = (onsets[1:-1] >= onsets[2:]) * (onsets[1:-1] >= onsets[:-2]) + onsets = np.concatenate([left, mid, right], axis=0) * onsets + + onsets = (onsets > onset_threshold).astype(np.uint8) + frames = (frames > frame_threshold).astype(np.uint8) + onset_diff = np.concatenate( + [onsets[:1, :], onsets[1:, :] - onsets[:-1, :]], axis=0) == 1 + + # => [T x 88] + durs = self.get_note_duration(frames.T).T + + pitches = [] + intervals = [] + velocities = [] + + T = onsets.shape[0] + # d = np.transpose(np.nonzero(onset_diff)) + # d2 = np.nonzero(onset_diff) + for nonzero in np.transpose(np.nonzero(onset_diff)): + frame = nonzero[0] + pitch = nonzero[1] + + onset = frame + if onset + 1 >= T: + offset = onset + else: + offset = onset + min(durs[onset+1, pitch], 1000) + offset = min(offset, T) + + velocity_samples = [] + onset_end = onset + while onsets[onset_end, pitch]: + velocity_samples.append(velocity[onset_end, pitch]) + onset_end += 1 + if onset_end >= T: + break + + # consider all pred onset has a note. + + pitches.append(pitch) + intervals.append([onset, max(onset+1, offset)]) + velocities.append(np.mean(velocity_samples) + if len(velocity_samples) > 0 else 0) + + return np.array(pitches), np.array(intervals), np.array(velocities) + + def export_infer_result_to_midi(self,onset,frame,velocity,save_path,onset_threshold=0.5, frame_threshold=0.5): + p_est, i_est, v_est = self.extract_notes(onset, frame, velocity, onset_threshold, frame_threshold) + scaling = 320 / 16000 + i_est = (i_est * scaling).reshape(-1, 2) + p_est = np.array([self.midi_to_hz(21 + midi) for midi in p_est]) + self.save_midi(save_path, p_est, i_est, v_est) + diff --git a/react_app/package-lock.json b/react_app/package-lock.json new file mode 100644 index 0000000..7728821 --- /dev/null +++ b/react_app/package-lock.json @@ -0,0 +1,16888 @@ +{ + "name": "app2", + "version": "0.1.0", + "lockfileVersion": 3, + "requires": true, + "packages": { + "": { + "name": "app2", + "version": "0.1.0", + "dependencies": { + "@emotion/react": "^11.11.1", + "@emotion/styled": "^11.11.0", + "@fontsource/roboto": "^5.0.5", + "@mui/icons-material": "^5.14.0", + "@mui/lab": "^5.0.0-alpha.137", + "@mui/material": "^5.14.1", + "@testing-library/jest-dom": "^5.17.0", + "@testing-library/react": "^13.4.0", + "@testing-library/user-event": "^13.5.0", + "react": "^18.2.0", + "react-dom": "^18.2.0", + "react-router-dom": "^6.14.2", + "react-scripts": "5.0.1", + "web-vitals": "^2.1.4" + } + }, + "node_modules/@aashutoshrathi/word-wrap": { + "version": "1.2.6", + "resolved": "https://registry.npmmirror.com/@aashutoshrathi/word-wrap/-/word-wrap-1.2.6.tgz", + "integrity": "sha512-1Yjs2SvM8TflER/OD3cOjhWWOZb58A2t7wpE2S9XfBYTiIl+XFhQG2bjy4Pu1I+EAlCNUzRDYDdFwFYUKvXcIA==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/@adobe/css-tools": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/@adobe/css-tools/-/css-tools-4.2.0.tgz", + "integrity": "sha512-E09FiIft46CmH5Qnjb0wsW54/YQd69LsxeKUOWawmws1XWvyFGURnAChH0mlr7YPFR1ofwvUQfcL0J3lMxXqPA==" + }, + "node_modules/@alloc/quick-lru": { + "version": "5.2.0", + "resolved": "https://registry.npmmirror.com/@alloc/quick-lru/-/quick-lru-5.2.0.tgz", + "integrity": "sha512-UrcABB+4bUrFABwbluTIBErXwvbsU/V7TZWfmbgJfbkwiBuziS9gxdODUyuiecfdGQ85jglMW6juS3+z5TsKLw==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@ampproject/remapping": { + "version": "2.2.1", + "resolved": "https://registry.npmmirror.com/@ampproject/remapping/-/remapping-2.2.1.tgz", + "integrity": "sha512-lFMjJTrFL3j7L9yBxwYfCq2k6qqwHyzuUl/XBnif78PWTJYyL/dfowQHWE3sp6U6ZzqWiiIZnpTMO96zhkjwtg==", + "dependencies": { + "@jridgewell/gen-mapping": "^0.3.0", + "@jridgewell/trace-mapping": "^0.3.9" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/@babel/code-frame": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/code-frame/-/code-frame-7.22.5.tgz", + "integrity": "sha512-Xmwn266vad+6DAqEB2A6V/CcZVp62BbwVmcOJc2RPuwih1kw02TjQvWVWlcKGbBPd+8/0V5DEkOcizRGYsspYQ==", + "dependencies": { + "@babel/highlight": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/compat-data": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/compat-data/-/compat-data-7.22.9.tgz", + "integrity": "sha512-5UamI7xkUcJ3i9qVDS+KFDEK8/7oJ55/sJMB1Ge7IEapr7KfdfV/HErR+koZwOfd+SgtFKOKRhRakdg++DcJpQ==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/core": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/core/-/core-7.22.9.tgz", + "integrity": "sha512-G2EgeufBcYw27U4hhoIwFcgc1XU7TlXJ3mv04oOv1WCuo900U/anZSPzEqNjwdjgffkk2Gs0AN0dW1CKVLcG7w==", + "dependencies": { + "@ampproject/remapping": "^2.2.0", + "@babel/code-frame": "^7.22.5", + "@babel/generator": "^7.22.9", + "@babel/helper-compilation-targets": "^7.22.9", + "@babel/helper-module-transforms": "^7.22.9", + "@babel/helpers": "^7.22.6", + "@babel/parser": "^7.22.7", + "@babel/template": "^7.22.5", + "@babel/traverse": "^7.22.8", + "@babel/types": "^7.22.5", + "convert-source-map": "^1.7.0", + "debug": "^4.1.0", + "gensync": "^1.0.0-beta.2", + "json5": "^2.2.2", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/core/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/eslint-parser": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/eslint-parser/-/eslint-parser-7.22.9.tgz", + "integrity": "sha512-xdMkt39/nviO/4vpVdrEYPwXCsYIXSSAr6mC7WQsNIlGnuxKyKE7GZjalcnbSWiC4OXGNNN3UQPeHfjSC6sTDA==", + "dependencies": { + "@nicolo-ribaudo/eslint-scope-5-internals": "5.1.1-v1", + "eslint-visitor-keys": "^2.1.0", + "semver": "^6.3.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || >=14.0.0" + }, + "peerDependencies": { + "@babel/core": ">=7.11.0", + "eslint": "^7.5.0 || ^8.0.0" + } + }, + "node_modules/@babel/eslint-parser/node_modules/eslint-visitor-keys": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/eslint-visitor-keys/-/eslint-visitor-keys-2.1.0.tgz", + "integrity": "sha512-0rSmRBzXgDzIsD6mGdJgevzgezI534Cer5L/vyMX0kHzT/jiB43jRhd9YUlMGYLQy2zprNmoT8qasCGtY+QaKw==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@babel/eslint-parser/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/generator": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/generator/-/generator-7.22.9.tgz", + "integrity": "sha512-KtLMbmicyuK2Ak/FTCJVbDnkN1SlT8/kceFTiuDiiRUUSMnHMidxSCdG4ndkTOHHpoomWe/4xkvHkEOncwjYIw==", + "dependencies": { + "@babel/types": "^7.22.5", + "@jridgewell/gen-mapping": "^0.3.2", + "@jridgewell/trace-mapping": "^0.3.17", + "jsesc": "^2.5.1" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-annotate-as-pure": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-annotate-as-pure/-/helper-annotate-as-pure-7.22.5.tgz", + "integrity": "sha512-LvBTxu8bQSQkcyKOU+a1btnNFQ1dMAd0R6PyW3arXes06F6QLWLIrd681bxRPIXlrMGR3XYnW9JyML7dP3qgxg==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-builder-binary-assignment-operator-visitor": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-builder-binary-assignment-operator-visitor/-/helper-builder-binary-assignment-operator-visitor-7.22.5.tgz", + "integrity": "sha512-m1EP3lVOPptR+2DwD125gziZNcmoNSHGmJROKoy87loWUQyJaVXDgpmruWqDARZSmtYQ+Dl25okU8+qhVzuykw==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-compilation-targets": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-compilation-targets/-/helper-compilation-targets-7.22.9.tgz", + "integrity": "sha512-7qYrNM6HjpnPHJbopxmb8hSPoZ0gsX8IvUS32JGVoy+pU9e5N0nLr1VjJoR6kA4d9dmGLxNYOjeB8sUDal2WMw==", + "dependencies": { + "@babel/compat-data": "^7.22.9", + "@babel/helper-validator-option": "^7.22.5", + "browserslist": "^4.21.9", + "lru-cache": "^5.1.1", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-compilation-targets/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/helper-create-class-features-plugin": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-create-class-features-plugin/-/helper-create-class-features-plugin-7.22.9.tgz", + "integrity": "sha512-Pwyi89uO4YrGKxL/eNJ8lfEH55DnRloGPOseaA8NFNL6jAUnn+KccaISiFazCj5IolPPDjGSdzQzXVzODVRqUQ==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-function-name": "^7.22.5", + "@babel/helper-member-expression-to-functions": "^7.22.5", + "@babel/helper-optimise-call-expression": "^7.22.5", + "@babel/helper-replace-supers": "^7.22.9", + "@babel/helper-skip-transparent-expression-wrappers": "^7.22.5", + "@babel/helper-split-export-declaration": "^7.22.6", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-create-class-features-plugin/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/helper-create-regexp-features-plugin": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-create-regexp-features-plugin/-/helper-create-regexp-features-plugin-7.22.9.tgz", + "integrity": "sha512-+svjVa/tFwsNSG4NEy1h85+HQ5imbT92Q5/bgtS7P0GTQlP8WuFdqsiABmQouhiFGyV66oGxZFpeYHza1rNsKw==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "regexpu-core": "^5.3.1", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-create-regexp-features-plugin/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/helper-define-polyfill-provider": { + "version": "0.4.1", + "resolved": "https://registry.npmmirror.com/@babel/helper-define-polyfill-provider/-/helper-define-polyfill-provider-0.4.1.tgz", + "integrity": "sha512-kX4oXixDxG197yhX+J3Wp+NpL2wuCFjWQAr6yX2jtCnflK9ulMI51ULFGIrWiX1jGfvAxdHp+XQCcP2bZGPs9A==", + "dependencies": { + "@babel/helper-compilation-targets": "^7.22.6", + "@babel/helper-plugin-utils": "^7.22.5", + "debug": "^4.1.1", + "lodash.debounce": "^4.0.8", + "resolve": "^1.14.2" + }, + "peerDependencies": { + "@babel/core": "^7.4.0-0" + } + }, + "node_modules/@babel/helper-environment-visitor": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-environment-visitor/-/helper-environment-visitor-7.22.5.tgz", + "integrity": "sha512-XGmhECfVA/5sAt+H+xpSg0mfrHq6FzNr9Oxh7PSEBBRUb/mL7Kz3NICXb194rCqAEdxkhPT1a88teizAFyvk8Q==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-function-name": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-function-name/-/helper-function-name-7.22.5.tgz", + "integrity": "sha512-wtHSq6jMRE3uF2otvfuD3DIvVhOsSNshQl0Qrd7qC9oQJzHvOL4qQXlQn2916+CXGywIjpGuIkoyZRRxHPiNQQ==", + "dependencies": { + "@babel/template": "^7.22.5", + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-hoist-variables": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-hoist-variables/-/helper-hoist-variables-7.22.5.tgz", + "integrity": "sha512-wGjk9QZVzvknA6yKIUURb8zY3grXCcOZt+/7Wcy8O2uctxhplmUPkOdlgoNhmdVee2c92JXbf1xpMtVNbfoxRw==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-member-expression-to-functions": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-member-expression-to-functions/-/helper-member-expression-to-functions-7.22.5.tgz", + "integrity": "sha512-aBiH1NKMG0H2cGZqspNvsaBe6wNGjbJjuLy29aU+eDZjSbbN53BaxlpB02xm9v34pLTZ1nIQPFYn2qMZoa5BQQ==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-module-imports": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-module-imports/-/helper-module-imports-7.22.5.tgz", + "integrity": "sha512-8Dl6+HD/cKifutF5qGd/8ZJi84QeAKh+CEe1sBzz8UayBBGg1dAIJrdHOcOM5b2MpzWL2yuotJTtGjETq0qjXg==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-module-transforms": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-module-transforms/-/helper-module-transforms-7.22.9.tgz", + "integrity": "sha512-t+WA2Xn5K+rTeGtC8jCsdAH52bjggG5TKRuRrAGNM/mjIbO4GxvlLMFOEz9wXY5I2XQ60PMFsAG2WIcG82dQMQ==", + "dependencies": { + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-module-imports": "^7.22.5", + "@babel/helper-simple-access": "^7.22.5", + "@babel/helper-split-export-declaration": "^7.22.6", + "@babel/helper-validator-identifier": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-optimise-call-expression": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-optimise-call-expression/-/helper-optimise-call-expression-7.22.5.tgz", + "integrity": "sha512-HBwaojN0xFRx4yIvpwGqxiV2tUfl7401jlok564NgB9EHS1y6QT17FmKWm4ztqjeVdXLuC4fSvHc5ePpQjoTbw==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-plugin-utils": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-plugin-utils/-/helper-plugin-utils-7.22.5.tgz", + "integrity": "sha512-uLls06UVKgFG9QD4OeFYLEGteMIAa5kpTPcFL28yuCIIzsf6ZyKZMllKVOCZFhiZ5ptnwX4mtKdWCBE/uT4amg==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-remap-async-to-generator": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-remap-async-to-generator/-/helper-remap-async-to-generator-7.22.9.tgz", + "integrity": "sha512-8WWC4oR4Px+tr+Fp0X3RHDVfINGpF3ad1HIbrc8A77epiR6eMMc6jsgozkzT2uDiOOdoS9cLIQ+XD2XvI2WSmQ==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-wrap-function": "^7.22.9" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-replace-supers": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-replace-supers/-/helper-replace-supers-7.22.9.tgz", + "integrity": "sha512-LJIKvvpgPOPUThdYqcX6IXRuIcTkcAub0IaDRGCZH0p5GPUp7PhRU9QVgFcDDd51BaPkk77ZjqFwh6DZTAEmGg==", + "dependencies": { + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-member-expression-to-functions": "^7.22.5", + "@babel/helper-optimise-call-expression": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/helper-simple-access": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-simple-access/-/helper-simple-access-7.22.5.tgz", + "integrity": "sha512-n0H99E/K+Bika3++WNL17POvo4rKWZ7lZEp1Q+fStVbUi8nxPQEBOlTmCOxW/0JsS56SKKQ+ojAe2pHKJHN35w==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-skip-transparent-expression-wrappers": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-skip-transparent-expression-wrappers/-/helper-skip-transparent-expression-wrappers-7.22.5.tgz", + "integrity": "sha512-tK14r66JZKiC43p8Ki33yLBVJKlQDFoA8GYN67lWCDCqoL6EMMSuM9b+Iff2jHaM/RRFYl7K+iiru7hbRqNx8Q==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-split-export-declaration": { + "version": "7.22.6", + "resolved": "https://registry.npmmirror.com/@babel/helper-split-export-declaration/-/helper-split-export-declaration-7.22.6.tgz", + "integrity": "sha512-AsUnxuLhRYsisFiaJwvp1QF+I3KjD5FOxut14q/GzovUe6orHLesW2C7d754kRm53h5gqrz6sFl6sxc4BVtE/g==", + "dependencies": { + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-string-parser": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-string-parser/-/helper-string-parser-7.22.5.tgz", + "integrity": "sha512-mM4COjgZox8U+JcXQwPijIZLElkgEpO5rsERVDJTc2qfCDfERyob6k5WegS14SX18IIjv+XD+GrqNumY5JRCDw==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-validator-identifier": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-validator-identifier/-/helper-validator-identifier-7.22.5.tgz", + "integrity": "sha512-aJXu+6lErq8ltp+JhkJUfk1MTGyuA4v7f3pA+BJ5HLfNC6nAQ0Cpi9uOquUj8Hehg0aUiHzWQbOVJGao6ztBAQ==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-validator-option": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/helper-validator-option/-/helper-validator-option-7.22.5.tgz", + "integrity": "sha512-R3oB6xlIVKUnxNUxbmgq7pKjxpru24zlimpE8WK47fACIlM0II/Hm1RS8IaOI7NgCr6LNS+jl5l75m20npAziw==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-wrap-function": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/helper-wrap-function/-/helper-wrap-function-7.22.9.tgz", + "integrity": "sha512-sZ+QzfauuUEfxSEjKFmi3qDSHgLsTPK/pEpoD/qonZKOtTPTLbf59oabPQ4rKekt9lFcj/hTZaOhWwFYrgjk+Q==", + "dependencies": { + "@babel/helper-function-name": "^7.22.5", + "@babel/template": "^7.22.5", + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helpers": { + "version": "7.22.6", + "resolved": "https://registry.npmmirror.com/@babel/helpers/-/helpers-7.22.6.tgz", + "integrity": "sha512-YjDs6y/fVOYFV8hAf1rxd1QvR9wJe1pDBZ2AREKq/SDayfPzgk0PBnVuTCE5X1acEpMMNOVUqoe+OwiZGJ+OaA==", + "dependencies": { + "@babel/template": "^7.22.5", + "@babel/traverse": "^7.22.6", + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/highlight": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/highlight/-/highlight-7.22.5.tgz", + "integrity": "sha512-BSKlD1hgnedS5XRnGOljZawtag7H1yPfQp0tdNJCHoH6AZ+Pcm9VvkrK59/Yy593Ypg0zMxH2BxD1VPYUQ7UIw==", + "dependencies": { + "@babel/helper-validator-identifier": "^7.22.5", + "chalk": "^2.0.0", + "js-tokens": "^4.0.0" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/parser": { + "version": "7.22.7", + "resolved": "https://registry.npmmirror.com/@babel/parser/-/parser-7.22.7.tgz", + "integrity": "sha512-7NF8pOkHP5o2vpmGgNGcfAeCvOYhGLyA3Z4eBQkT1RJlWu47n63bCs93QfJ2hIAFCil7L5P2IWhs1oToVgrL0Q==", + "bin": { + "parser": "bin/babel-parser.js" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/@babel/plugin-bugfix-safari-id-destructuring-collision-in-function-expression": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-bugfix-safari-id-destructuring-collision-in-function-expression/-/plugin-bugfix-safari-id-destructuring-collision-in-function-expression-7.22.5.tgz", + "integrity": "sha512-NP1M5Rf+u2Gw9qfSO4ihjcTGW5zXTi36ITLd4/EoAcEhIZ0yjMqmftDNl3QC19CX7olhrjpyU454g/2W7X0jvQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/plugin-bugfix-v8-spread-parameters-in-optional-chaining": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-bugfix-v8-spread-parameters-in-optional-chaining/-/plugin-bugfix-v8-spread-parameters-in-optional-chaining-7.22.5.tgz", + "integrity": "sha512-31Bb65aZaUwqCbWMnZPduIZxCBngHFlzyN6Dq6KAJjtx+lx6ohKHubc61OomYi7XwVD4Ol0XCVz4h+pYFR048g==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-skip-transparent-expression-wrappers": "^7.22.5", + "@babel/plugin-transform-optional-chaining": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.13.0" + } + }, + "node_modules/@babel/plugin-proposal-class-properties": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-class-properties/-/plugin-proposal-class-properties-7.18.6.tgz", + "integrity": "sha512-cumfXOF0+nzZrrN8Rf0t7M+tF6sZc7vhQwYQck9q1/5w2OExlD+b4v4RpMJFaV1Z7WcDRgO6FqvxqxGlwo+RHQ==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.18.6", + "@babel/helper-plugin-utils": "^7.18.6" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-decorators": { + "version": "7.22.7", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-decorators/-/plugin-proposal-decorators-7.22.7.tgz", + "integrity": "sha512-omXqPF7Onq4Bb7wHxXjM3jSMSJvUUbvDvmmds7KI5n9Cq6Ln5I05I1W2nRlRof1rGdiUxJrxwe285WF96XlBXQ==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.22.6", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-replace-supers": "^7.22.5", + "@babel/helper-split-export-declaration": "^7.22.6", + "@babel/plugin-syntax-decorators": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-nullish-coalescing-operator": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-nullish-coalescing-operator/-/plugin-proposal-nullish-coalescing-operator-7.18.6.tgz", + "integrity": "sha512-wQxQzxYeJqHcfppzBDnm1yAY0jSRkUXR2z8RePZYrKwMKgMlE8+Z6LUno+bd6LvbGh8Gltvy74+9pIYkr+XkKA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.18.6", + "@babel/plugin-syntax-nullish-coalescing-operator": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-numeric-separator": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-numeric-separator/-/plugin-proposal-numeric-separator-7.18.6.tgz", + "integrity": "sha512-ozlZFogPqoLm8WBr5Z8UckIoE4YQ5KESVcNudyXOR8uqIkliTEgJ3RoketfG6pmzLdeZF0H/wjE9/cCEitBl7Q==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.18.6", + "@babel/plugin-syntax-numeric-separator": "^7.10.4" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-optional-chaining": { + "version": "7.21.0", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-optional-chaining/-/plugin-proposal-optional-chaining-7.21.0.tgz", + "integrity": "sha512-p4zeefM72gpmEe2fkUr/OnOXpWEf8nAgk7ZYVqqfFiyIG7oFfVZcCrU64hWn5xp4tQ9LkV4bTIa5rD0KANpKNA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.20.2", + "@babel/helper-skip-transparent-expression-wrappers": "^7.20.0", + "@babel/plugin-syntax-optional-chaining": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-private-methods": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-private-methods/-/plugin-proposal-private-methods-7.18.6.tgz", + "integrity": "sha512-nutsvktDItsNn4rpGItSNV2sz1XwS+nfU0Rg8aCx3W3NOKVzdMjJRu0O5OkgDp3ZGICSTbgRpxZoWsxoKRvbeA==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.18.6", + "@babel/helper-plugin-utils": "^7.18.6" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-private-property-in-object": { + "version": "7.21.0-placeholder-for-preset-env.2", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-private-property-in-object/-/plugin-proposal-private-property-in-object-7.21.0-placeholder-for-preset-env.2.tgz", + "integrity": "sha512-SOSkfJDddaM7mak6cPEpswyTRnuRltl429hMraQEglW+OkovnCzsiszTmsrlY//qLFjCpQDFRvjdm2wA5pPm9w==", + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-proposal-unicode-property-regex": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-proposal-unicode-property-regex/-/plugin-proposal-unicode-property-regex-7.18.6.tgz", + "integrity": "sha512-2BShG/d5yoZyXZfVePH91urL5wTG6ASZU9M4o03lKK8u8UW1y08OMttBSOADTcJrnPMpvDXRG3G8fyLh4ovs8w==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.18.6", + "@babel/helper-plugin-utils": "^7.18.6" + }, + "engines": { + "node": ">=4" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-async-generators": { + "version": "7.8.4", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-async-generators/-/plugin-syntax-async-generators-7.8.4.tgz", + "integrity": "sha512-tycmZxkGfZaxhMRbXlPXuVFpdWlXpir2W4AMhSJgRKzk/eDlIXOhb2LHWoLpDF7TEHylV5zNhykX6KAgHJmTNw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-bigint": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-bigint/-/plugin-syntax-bigint-7.8.3.tgz", + "integrity": "sha512-wnTnFlG+YxQm3vDxpGE57Pj0srRU4sHE/mDkt1qv2YJJSeUAec2ma4WLUnUPeKjyrfntVwe/N6dCXpU+zL3Npg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-class-properties": { + "version": "7.12.13", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-class-properties/-/plugin-syntax-class-properties-7.12.13.tgz", + "integrity": "sha512-fm4idjKla0YahUNgFNLCB0qySdsoPiZP3iQE3rky0mBUtMZ23yDJ9SJdg6dXTSDnulOVqiF3Hgr9nbXvXTQZYA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.12.13" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-class-static-block": { + "version": "7.14.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-class-static-block/-/plugin-syntax-class-static-block-7.14.5.tgz", + "integrity": "sha512-b+YyPmr6ldyNnM6sqYeMWE+bgJcJpO6yS4QD7ymxgH34GBPNDM/THBh8iunyvKIZztiwLH4CJZ0RxTk9emgpjw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.14.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-decorators": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-decorators/-/plugin-syntax-decorators-7.22.5.tgz", + "integrity": "sha512-avpUOBS7IU6al8MmF1XpAyj9QYeLPuSDJI5D4pVMSMdL7xQokKqJPYQC67RCT0aCTashUXPiGwMJ0DEXXCEmMA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-dynamic-import": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-dynamic-import/-/plugin-syntax-dynamic-import-7.8.3.tgz", + "integrity": "sha512-5gdGbFon+PszYzqs83S3E5mpi7/y/8M9eC90MRTZfduQOYW76ig6SOSPNe41IG5LoP3FGBn2N0RjVDSQiS94kQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-export-namespace-from": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-export-namespace-from/-/plugin-syntax-export-namespace-from-7.8.3.tgz", + "integrity": "sha512-MXf5laXo6c1IbEbegDmzGPwGNTsHZmEy6QGznu5Sh2UCWvueywb2ee+CCE4zQiZstxU9BMoQO9i6zUFSY0Kj0Q==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.3" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-flow": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-flow/-/plugin-syntax-flow-7.22.5.tgz", + "integrity": "sha512-9RdCl0i+q0QExayk2nOS7853w08yLucnnPML6EN9S8fgMPVtdLDCdx/cOQ/i44Lb9UeQX9A35yaqBBOMMZxPxQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-import-assertions": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-import-assertions/-/plugin-syntax-import-assertions-7.22.5.tgz", + "integrity": "sha512-rdV97N7KqsRzeNGoWUOK6yUsWarLjE5Su/Snk9IYPU9CwkWHs4t+rTGOvffTR8XGkJMTAdLfO0xVnXm8wugIJg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-import-attributes": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-import-attributes/-/plugin-syntax-import-attributes-7.22.5.tgz", + "integrity": "sha512-KwvoWDeNKPETmozyFE0P2rOLqh39EoQHNjqizrI5B8Vt0ZNS7M56s7dAiAqbYfiAYOuIzIh96z3iR2ktgu3tEg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-import-meta": { + "version": "7.10.4", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-import-meta/-/plugin-syntax-import-meta-7.10.4.tgz", + "integrity": "sha512-Yqfm+XDx0+Prh3VSeEQCPU81yC+JWZ2pDPFSS4ZdpfZhp4MkFMaDC1UqseovEKwSUpnIL7+vK+Clp7bfh0iD7g==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.10.4" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-json-strings": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-json-strings/-/plugin-syntax-json-strings-7.8.3.tgz", + "integrity": "sha512-lY6kdGpWHvjoe2vk4WrAapEuBR69EMxZl+RoGRhrFGNYVK8mOPAW8VfbT/ZgrFbXlDNiiaxQnAtgVCZ6jv30EA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-jsx": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-jsx/-/plugin-syntax-jsx-7.22.5.tgz", + "integrity": "sha512-gvyP4hZrgrs/wWMaocvxZ44Hw0b3W8Pe+cMxc8V1ULQ07oh8VNbIRaoD1LRZVTvD+0nieDKjfgKg89sD7rrKrg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-logical-assignment-operators": { + "version": "7.10.4", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-logical-assignment-operators/-/plugin-syntax-logical-assignment-operators-7.10.4.tgz", + "integrity": "sha512-d8waShlpFDinQ5MtvGU9xDAOzKH47+FFoney2baFIoMr952hKOLp1HR7VszoZvOsV/4+RRszNY7D17ba0te0ig==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.10.4" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-nullish-coalescing-operator": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-nullish-coalescing-operator/-/plugin-syntax-nullish-coalescing-operator-7.8.3.tgz", + "integrity": "sha512-aSff4zPII1u2QD7y+F8oDsz19ew4IGEJg9SVW+bqwpwtfFleiQDMdzA/R+UlWDzfnHFCxxleFT0PMIrR36XLNQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-numeric-separator": { + "version": "7.10.4", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-numeric-separator/-/plugin-syntax-numeric-separator-7.10.4.tgz", + "integrity": "sha512-9H6YdfkcK/uOnY/K7/aA2xpzaAgkQn37yzWUMRK7OaPOqOpGS1+n0H5hxT9AUw9EsSjPW8SVyMJwYRtWs3X3ug==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.10.4" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-object-rest-spread": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-object-rest-spread/-/plugin-syntax-object-rest-spread-7.8.3.tgz", + "integrity": "sha512-XoqMijGZb9y3y2XskN+P1wUGiVwWZ5JmoDRwx5+3GmEplNyVM2s2Dg8ILFQm8rWM48orGy5YpI5Bl8U1y7ydlA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-optional-catch-binding": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-optional-catch-binding/-/plugin-syntax-optional-catch-binding-7.8.3.tgz", + "integrity": "sha512-6VPD0Pc1lpTqw0aKoeRTMiB+kWhAoT24PA+ksWSBrFtl5SIRVpZlwN3NNPQjehA2E/91FV3RjLWoVTglWcSV3Q==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-optional-chaining": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-optional-chaining/-/plugin-syntax-optional-chaining-7.8.3.tgz", + "integrity": "sha512-KoK9ErH1MBlCPxV0VANkXW2/dw4vlbGDrFgz8bmUsBGYkFRcbRwMh6cIJubdPrkxRwuGdtCk0v/wPTKbQgBjkg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.8.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-private-property-in-object": { + "version": "7.14.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-private-property-in-object/-/plugin-syntax-private-property-in-object-7.14.5.tgz", + "integrity": "sha512-0wVnp9dxJ72ZUJDV27ZfbSj6iHLoytYZmh3rFcxNnvsJF3ktkzLDZPy/mA17HGsaQT3/DQsWYX1f1QGWkCoVUg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.14.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-top-level-await": { + "version": "7.14.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-top-level-await/-/plugin-syntax-top-level-await-7.14.5.tgz", + "integrity": "sha512-hx++upLv5U1rgYfwe1xBQUhRmU41NEvpUvrp8jkrSCdvGSnM5/qdRMtylJ6PG5OFkBaHkbTAKTnd3/YyESRHFw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.14.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-typescript": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-typescript/-/plugin-syntax-typescript-7.22.5.tgz", + "integrity": "sha512-1mS2o03i7t1c6VzH6fdQ3OA8tcEIxwG18zIPRp+UY1Ihv6W+XZzBCVxExF9upussPXJ0xE9XRHwMoNs1ep/nRQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-syntax-unicode-sets-regex": { + "version": "7.18.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-syntax-unicode-sets-regex/-/plugin-syntax-unicode-sets-regex-7.18.6.tgz", + "integrity": "sha512-727YkEAPwSIQTv5im8QHz3upqp92JTWhidIC81Tdx4VJYIte/VndKf1qKrfnnhPLiPghStWfvC/iFaMCQu7Nqg==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.18.6", + "@babel/helper-plugin-utils": "^7.18.6" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/plugin-transform-arrow-functions": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-arrow-functions/-/plugin-transform-arrow-functions-7.22.5.tgz", + "integrity": "sha512-26lTNXoVRdAnsaDXPpvCNUq+OVWEVC6bx7Vvz9rC53F2bagUWW4u4ii2+h8Fejfh7RYqPxn+libeFBBck9muEw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-async-generator-functions": { + "version": "7.22.7", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-async-generator-functions/-/plugin-transform-async-generator-functions-7.22.7.tgz", + "integrity": "sha512-7HmE7pk/Fmke45TODvxvkxRMV9RazV+ZZzhOL9AG8G29TLrr3jkjwF7uJfxZ30EoXpO+LJkq4oA8NjO2DTnEDg==", + "dependencies": { + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-remap-async-to-generator": "^7.22.5", + "@babel/plugin-syntax-async-generators": "^7.8.4" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-async-to-generator": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-async-to-generator/-/plugin-transform-async-to-generator-7.22.5.tgz", + "integrity": "sha512-b1A8D8ZzE/VhNDoV1MSJTnpKkCG5bJo+19R4o4oy03zM7ws8yEMK755j61Dc3EyvdysbqH5BOOTquJ7ZX9C6vQ==", + "dependencies": { + "@babel/helper-module-imports": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-remap-async-to-generator": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-block-scoped-functions": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-block-scoped-functions/-/plugin-transform-block-scoped-functions-7.22.5.tgz", + "integrity": "sha512-tdXZ2UdknEKQWKJP1KMNmuF5Lx3MymtMN/pvA+p/VEkhK8jVcQ1fzSy8KM9qRYhAf2/lV33hoMPKI/xaI9sADA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-block-scoping": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-block-scoping/-/plugin-transform-block-scoping-7.22.5.tgz", + "integrity": "sha512-EcACl1i5fSQ6bt+YGuU/XGCeZKStLmyVGytWkpyhCLeQVA0eu6Wtiw92V+I1T/hnezUv7j74dA/Ro69gWcU+hg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-class-properties": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-class-properties/-/plugin-transform-class-properties-7.22.5.tgz", + "integrity": "sha512-nDkQ0NfkOhPTq8YCLiWNxp1+f9fCobEjCb0n8WdbNUBc4IB5V7P1QnX9IjpSoquKrXF5SKojHleVNs2vGeHCHQ==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-class-static-block": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-class-static-block/-/plugin-transform-class-static-block-7.22.5.tgz", + "integrity": "sha512-SPToJ5eYZLxlnp1UzdARpOGeC2GbHvr9d/UV0EukuVx8atktg194oe+C5BqQ8jRTkgLRVOPYeXRSBg1IlMoVRA==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-class-static-block": "^7.14.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.12.0" + } + }, + "node_modules/@babel/plugin-transform-classes": { + "version": "7.22.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-classes/-/plugin-transform-classes-7.22.6.tgz", + "integrity": "sha512-58EgM6nuPNG6Py4Z3zSuu0xWu2VfodiMi72Jt5Kj2FECmaYk1RrTXA45z6KBFsu9tRgwQDwIiY4FXTt+YsSFAQ==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-compilation-targets": "^7.22.6", + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-function-name": "^7.22.5", + "@babel/helper-optimise-call-expression": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-replace-supers": "^7.22.5", + "@babel/helper-split-export-declaration": "^7.22.6", + "globals": "^11.1.0" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-computed-properties": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-computed-properties/-/plugin-transform-computed-properties-7.22.5.tgz", + "integrity": "sha512-4GHWBgRf0krxPX+AaPtgBAlTgTeZmqDynokHOX7aqqAB4tHs3U2Y02zH6ETFdLZGcg9UQSD1WCmkVrE9ErHeOg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/template": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-destructuring": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-destructuring/-/plugin-transform-destructuring-7.22.5.tgz", + "integrity": "sha512-GfqcFuGW8vnEqTUBM7UtPd5A4q797LTvvwKxXTgRsFjoqaJiEg9deBG6kWeQYkVEL569NpnmpC0Pkr/8BLKGnQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-dotall-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-dotall-regex/-/plugin-transform-dotall-regex-7.22.5.tgz", + "integrity": "sha512-5/Yk9QxCQCl+sOIB1WelKnVRxTJDSAIxtJLL2/pqL14ZVlbH0fUQUZa/T5/UnQtBNgghR7mfB8ERBKyKPCi7Vw==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-duplicate-keys": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-duplicate-keys/-/plugin-transform-duplicate-keys-7.22.5.tgz", + "integrity": "sha512-dEnYD+9BBgld5VBXHnF/DbYGp3fqGMsyxKbtD1mDyIA7AkTSpKXFhCVuj/oQVOoALfBs77DudA0BE4d5mcpmqw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-dynamic-import": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-dynamic-import/-/plugin-transform-dynamic-import-7.22.5.tgz", + "integrity": "sha512-0MC3ppTB1AMxd8fXjSrbPa7LT9hrImt+/fcj+Pg5YMD7UQyWp/02+JWpdnCymmsXwIx5Z+sYn1bwCn4ZJNvhqQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-dynamic-import": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-exponentiation-operator": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-exponentiation-operator/-/plugin-transform-exponentiation-operator-7.22.5.tgz", + "integrity": "sha512-vIpJFNM/FjZ4rh1myqIya9jXwrwwgFRHPjT3DkUA9ZLHuzox8jiXkOLvwm1H+PQIP3CqfC++WPKeuDi0Sjdj1g==", + "dependencies": { + "@babel/helper-builder-binary-assignment-operator-visitor": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-export-namespace-from": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-export-namespace-from/-/plugin-transform-export-namespace-from-7.22.5.tgz", + "integrity": "sha512-X4hhm7FRnPgd4nDA4b/5V280xCx6oL7Oob5+9qVS5C13Zq4bh1qq7LU0GgRU6b5dBWBvhGaXYVB4AcN6+ol6vg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-export-namespace-from": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-flow-strip-types": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-flow-strip-types/-/plugin-transform-flow-strip-types-7.22.5.tgz", + "integrity": "sha512-tujNbZdxdG0/54g/oua8ISToaXTFBf8EnSb5PgQSciIXWOWKX3S4+JR7ZE9ol8FZwf9kxitzkGQ+QWeov/mCiA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-flow": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-for-of": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-for-of/-/plugin-transform-for-of-7.22.5.tgz", + "integrity": "sha512-3kxQjX1dU9uudwSshyLeEipvrLjBCVthCgeTp6CzE/9JYrlAIaeekVxRpCWsDDfYTfRZRoCeZatCQvwo+wvK8A==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-function-name": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-function-name/-/plugin-transform-function-name-7.22.5.tgz", + "integrity": "sha512-UIzQNMS0p0HHiQm3oelztj+ECwFnj+ZRV4KnguvlsD2of1whUeM6o7wGNj6oLwcDoAXQ8gEqfgC24D+VdIcevg==", + "dependencies": { + "@babel/helper-compilation-targets": "^7.22.5", + "@babel/helper-function-name": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-json-strings": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-json-strings/-/plugin-transform-json-strings-7.22.5.tgz", + "integrity": "sha512-DuCRB7fu8MyTLbEQd1ew3R85nx/88yMoqo2uPSjevMj3yoN7CDM8jkgrY0wmVxfJZyJ/B9fE1iq7EQppWQmR5A==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-json-strings": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-literals": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-literals/-/plugin-transform-literals-7.22.5.tgz", + "integrity": "sha512-fTLj4D79M+mepcw3dgFBTIDYpbcB9Sm0bpm4ppXPaO+U+PKFFyV9MGRvS0gvGw62sd10kT5lRMKXAADb9pWy8g==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-logical-assignment-operators": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-logical-assignment-operators/-/plugin-transform-logical-assignment-operators-7.22.5.tgz", + "integrity": "sha512-MQQOUW1KL8X0cDWfbwYP+TbVbZm16QmQXJQ+vndPtH/BoO0lOKpVoEDMI7+PskYxH+IiE0tS8xZye0qr1lGzSA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-logical-assignment-operators": "^7.10.4" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-member-expression-literals": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-member-expression-literals/-/plugin-transform-member-expression-literals-7.22.5.tgz", + "integrity": "sha512-RZEdkNtzzYCFl9SE9ATaUMTj2hqMb4StarOJLrZRbqqU4HSBE7UlBw9WBWQiDzrJZJdUWiMTVDI6Gv/8DPvfew==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-modules-amd": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-modules-amd/-/plugin-transform-modules-amd-7.22.5.tgz", + "integrity": "sha512-R+PTfLTcYEmb1+kK7FNkhQ1gP4KgjpSO6HfH9+f8/yfp2Nt3ggBjiVpRwmwTlfqZLafYKJACy36yDXlEmI9HjQ==", + "dependencies": { + "@babel/helper-module-transforms": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-modules-commonjs": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-modules-commonjs/-/plugin-transform-modules-commonjs-7.22.5.tgz", + "integrity": "sha512-B4pzOXj+ONRmuaQTg05b3y/4DuFz3WcCNAXPLb2Q0GT0TrGKGxNKV4jwsXts+StaM0LQczZbOpj8o1DLPDJIiA==", + "dependencies": { + "@babel/helper-module-transforms": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-simple-access": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-modules-systemjs": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-modules-systemjs/-/plugin-transform-modules-systemjs-7.22.5.tgz", + "integrity": "sha512-emtEpoaTMsOs6Tzz+nbmcePl6AKVtS1yC4YNAeMun9U8YCsgadPNxnOPQ8GhHFB2qdx+LZu9LgoC0Lthuu05DQ==", + "dependencies": { + "@babel/helper-hoist-variables": "^7.22.5", + "@babel/helper-module-transforms": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-validator-identifier": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-modules-umd": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-modules-umd/-/plugin-transform-modules-umd-7.22.5.tgz", + "integrity": "sha512-+S6kzefN/E1vkSsKx8kmQuqeQsvCKCd1fraCM7zXm4SFoggI099Tr4G8U81+5gtMdUeMQ4ipdQffbKLX0/7dBQ==", + "dependencies": { + "@babel/helper-module-transforms": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-named-capturing-groups-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-named-capturing-groups-regex/-/plugin-transform-named-capturing-groups-regex-7.22.5.tgz", + "integrity": "sha512-YgLLKmS3aUBhHaxp5hi1WJTgOUb/NCuDHzGT9z9WTt3YG+CPRhJs6nprbStx6DnWM4dh6gt7SU3sZodbZ08adQ==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/plugin-transform-new-target": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-new-target/-/plugin-transform-new-target-7.22.5.tgz", + "integrity": "sha512-AsF7K0Fx/cNKVyk3a+DW0JLo+Ua598/NxMRvxDnkpCIGFh43+h/v2xyhRUYf6oD8gE4QtL83C7zZVghMjHd+iw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-nullish-coalescing-operator": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-nullish-coalescing-operator/-/plugin-transform-nullish-coalescing-operator-7.22.5.tgz", + "integrity": "sha512-6CF8g6z1dNYZ/VXok5uYkkBBICHZPiGEl7oDnAx2Mt1hlHVHOSIKWJaXHjQJA5VB43KZnXZDIexMchY4y2PGdA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-nullish-coalescing-operator": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-numeric-separator": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-numeric-separator/-/plugin-transform-numeric-separator-7.22.5.tgz", + "integrity": "sha512-NbslED1/6M+sXiwwtcAB/nieypGw02Ejf4KtDeMkCEpP6gWFMX1wI9WKYua+4oBneCCEmulOkRpwywypVZzs/g==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-numeric-separator": "^7.10.4" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-object-rest-spread": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-object-rest-spread/-/plugin-transform-object-rest-spread-7.22.5.tgz", + "integrity": "sha512-Kk3lyDmEslH9DnvCDA1s1kkd3YWQITiBOHngOtDL9Pt6BZjzqb6hiOlb8VfjiiQJ2unmegBqZu0rx5RxJb5vmQ==", + "dependencies": { + "@babel/compat-data": "^7.22.5", + "@babel/helper-compilation-targets": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-object-rest-spread": "^7.8.3", + "@babel/plugin-transform-parameters": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-object-super": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-object-super/-/plugin-transform-object-super-7.22.5.tgz", + "integrity": "sha512-klXqyaT9trSjIUrcsYIfETAzmOEZL3cBYqOYLJxBHfMFFggmXOv+NYSX/Jbs9mzMVESw/WycLFPRx8ba/b2Ipw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-replace-supers": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-optional-catch-binding": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-optional-catch-binding/-/plugin-transform-optional-catch-binding-7.22.5.tgz", + "integrity": "sha512-pH8orJahy+hzZje5b8e2QIlBWQvGpelS76C63Z+jhZKsmzfNaPQ+LaW6dcJ9bxTpo1mtXbgHwy765Ro3jftmUg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-optional-catch-binding": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-optional-chaining": { + "version": "7.22.6", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-optional-chaining/-/plugin-transform-optional-chaining-7.22.6.tgz", + "integrity": "sha512-Vd5HiWml0mDVtcLHIoEU5sw6HOUW/Zk0acLs/SAeuLzkGNOPc9DB4nkUajemhCmTIz3eiaKREZn2hQQqF79YTg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-skip-transparent-expression-wrappers": "^7.22.5", + "@babel/plugin-syntax-optional-chaining": "^7.8.3" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-parameters": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-parameters/-/plugin-transform-parameters-7.22.5.tgz", + "integrity": "sha512-AVkFUBurORBREOmHRKo06FjHYgjrabpdqRSwq6+C7R5iTCZOsM4QbcB27St0a4U6fffyAOqh3s/qEfybAhfivg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-private-methods": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-private-methods/-/plugin-transform-private-methods-7.22.5.tgz", + "integrity": "sha512-PPjh4gyrQnGe97JTalgRGMuU4icsZFnWkzicB/fUtzlKUqvsWBKEpPPfr5a2JiyirZkHxnAqkQMO5Z5B2kK3fA==", + "dependencies": { + "@babel/helper-create-class-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-private-property-in-object": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-private-property-in-object/-/plugin-transform-private-property-in-object-7.22.5.tgz", + "integrity": "sha512-/9xnaTTJcVoBtSSmrVyhtSvO3kbqS2ODoh2juEU72c3aYonNF0OMGiaz2gjukyKM2wBBYJP38S4JiE0Wfb5VMQ==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-create-class-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-private-property-in-object": "^7.14.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-property-literals": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-property-literals/-/plugin-transform-property-literals-7.22.5.tgz", + "integrity": "sha512-TiOArgddK3mK/x1Qwf5hay2pxI6wCZnvQqrFSqbtg1GLl2JcNMitVH/YnqjP+M31pLUeTfzY1HAXFDnUBV30rQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-react-constant-elements": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-react-constant-elements/-/plugin-transform-react-constant-elements-7.22.5.tgz", + "integrity": "sha512-BF5SXoO+nX3h5OhlN78XbbDrBOffv+AxPP2ENaJOVqjWCgBDeOY3WcaUcddutGSfoap+5NEQ/q/4I3WZIvgkXA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-react-display-name": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-react-display-name/-/plugin-transform-react-display-name-7.22.5.tgz", + "integrity": "sha512-PVk3WPYudRF5z4GKMEYUrLjPl38fJSKNaEOkFuoprioowGuWN6w2RKznuFNSlJx7pzzXXStPUnNSOEO0jL5EVw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-react-jsx": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-react-jsx/-/plugin-transform-react-jsx-7.22.5.tgz", + "integrity": "sha512-rog5gZaVbUip5iWDMTYbVM15XQq+RkUKhET/IHR6oizR+JEoN6CAfTTuHcK4vwUyzca30qqHqEpzBOnaRMWYMA==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-module-imports": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-jsx": "^7.22.5", + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-react-jsx-development": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-react-jsx-development/-/plugin-transform-react-jsx-development-7.22.5.tgz", + "integrity": "sha512-bDhuzwWMuInwCYeDeMzyi7TaBgRQei6DqxhbyniL7/VG4RSS7HtSL2QbY4eESy1KJqlWt8g3xeEBGPuo+XqC8A==", + "dependencies": { + "@babel/plugin-transform-react-jsx": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-react-pure-annotations": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-react-pure-annotations/-/plugin-transform-react-pure-annotations-7.22.5.tgz", + "integrity": "sha512-gP4k85wx09q+brArVinTXhWiyzLl9UpmGva0+mWyKxk6JZequ05x3eUcIUE+FyttPKJFRRVtAvQaJ6YF9h1ZpA==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-regenerator": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-regenerator/-/plugin-transform-regenerator-7.22.5.tgz", + "integrity": "sha512-rR7KePOE7gfEtNTh9Qw+iO3Q/e4DEsoQ+hdvM6QUDH7JRJ5qxq5AA52ZzBWbI5i9lfNuvySgOGP8ZN7LAmaiPw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "regenerator-transform": "^0.15.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-reserved-words": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-reserved-words/-/plugin-transform-reserved-words-7.22.5.tgz", + "integrity": "sha512-DTtGKFRQUDm8svigJzZHzb/2xatPc6TzNvAIJ5GqOKDsGFYgAskjRulbR/vGsPKq3OPqtexnz327qYpP57RFyA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-runtime": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-runtime/-/plugin-transform-runtime-7.22.9.tgz", + "integrity": "sha512-9KjBH61AGJetCPYp/IEyLEp47SyybZb0nDRpBvmtEkm+rUIwxdlKpyNHI1TmsGkeuLclJdleQHRZ8XLBnnh8CQ==", + "dependencies": { + "@babel/helper-module-imports": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5", + "babel-plugin-polyfill-corejs2": "^0.4.4", + "babel-plugin-polyfill-corejs3": "^0.8.2", + "babel-plugin-polyfill-regenerator": "^0.5.1", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-runtime/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/plugin-transform-shorthand-properties": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-shorthand-properties/-/plugin-transform-shorthand-properties-7.22.5.tgz", + "integrity": "sha512-vM4fq9IXHscXVKzDv5itkO1X52SmdFBFcMIBZ2FRn2nqVYqw6dBexUgMvAjHW+KXpPPViD/Yo3GrDEBaRC0QYA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-spread": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-spread/-/plugin-transform-spread-7.22.5.tgz", + "integrity": "sha512-5ZzDQIGyvN4w8+dMmpohL6MBo+l2G7tfC/O2Dg7/hjpgeWvUx8FzfeOKxGog9IimPa4YekaQ9PlDqTLOljkcxg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-skip-transparent-expression-wrappers": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-sticky-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-sticky-regex/-/plugin-transform-sticky-regex-7.22.5.tgz", + "integrity": "sha512-zf7LuNpHG0iEeiyCNwX4j3gDg1jgt1k3ZdXBKbZSoA3BbGQGvMiSvfbZRR3Dr3aeJe3ooWFZxOOG3IRStYp2Bw==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-template-literals": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-template-literals/-/plugin-transform-template-literals-7.22.5.tgz", + "integrity": "sha512-5ciOehRNf+EyUeewo8NkbQiUs4d6ZxiHo6BcBcnFlgiJfu16q0bQUw9Jvo0b0gBKFG1SMhDSjeKXSYuJLeFSMA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-typeof-symbol": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-typeof-symbol/-/plugin-transform-typeof-symbol-7.22.5.tgz", + "integrity": "sha512-bYkI5lMzL4kPii4HHEEChkD0rkc+nvnlR6+o/qdqR6zrm0Sv/nodmyLhlq2DO0YKLUNd2VePmPRjJXSBh9OIdA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-typescript": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-typescript/-/plugin-transform-typescript-7.22.9.tgz", + "integrity": "sha512-BnVR1CpKiuD0iobHPaM1iLvcwPYN2uVFAqoLVSpEDKWuOikoCv5HbKLxclhKYUXlWkX86DoZGtqI4XhbOsyrMg==", + "dependencies": { + "@babel/helper-annotate-as-pure": "^7.22.5", + "@babel/helper-create-class-features-plugin": "^7.22.9", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/plugin-syntax-typescript": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-unicode-escapes": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-unicode-escapes/-/plugin-transform-unicode-escapes-7.22.5.tgz", + "integrity": "sha512-biEmVg1IYB/raUO5wT1tgfacCef15Fbzhkx493D3urBI++6hpJ+RFG4SrWMn0NEZLfvilqKf3QDrRVZHo08FYg==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-unicode-property-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-unicode-property-regex/-/plugin-transform-unicode-property-regex-7.22.5.tgz", + "integrity": "sha512-HCCIb+CbJIAE6sXn5CjFQXMwkCClcOfPCzTlilJ8cUatfzwHlWQkbtV0zD338u9dZskwvuOYTuuaMaA8J5EI5A==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-unicode-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-unicode-regex/-/plugin-transform-unicode-regex-7.22.5.tgz", + "integrity": "sha512-028laaOKptN5vHJf9/Arr/HiJekMd41hOEZYvNsrsXqJ7YPYuX2bQxh31fkZzGmq3YqHRJzYFFAVYvKfMPKqyg==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/plugin-transform-unicode-sets-regex": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/plugin-transform-unicode-sets-regex/-/plugin-transform-unicode-sets-regex-7.22.5.tgz", + "integrity": "sha512-lhMfi4FC15j13eKrh3DnYHjpGj6UKQHtNKTbtc1igvAhRy4+kLhV07OpLcsN0VgDEw/MjAvJO4BdMJsHwMhzCg==", + "dependencies": { + "@babel/helper-create-regexp-features-plugin": "^7.22.5", + "@babel/helper-plugin-utils": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/@babel/preset-env": { + "version": "7.22.9", + "resolved": "https://registry.npmmirror.com/@babel/preset-env/-/preset-env-7.22.9.tgz", + "integrity": "sha512-wNi5H/Emkhll/bqPjsjQorSykrlfY5OWakd6AulLvMEytpKasMVUpVy8RL4qBIBs5Ac6/5i0/Rv0b/Fg6Eag/g==", + "dependencies": { + "@babel/compat-data": "^7.22.9", + "@babel/helper-compilation-targets": "^7.22.9", + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-validator-option": "^7.22.5", + "@babel/plugin-bugfix-safari-id-destructuring-collision-in-function-expression": "^7.22.5", + "@babel/plugin-bugfix-v8-spread-parameters-in-optional-chaining": "^7.22.5", + "@babel/plugin-proposal-private-property-in-object": "7.21.0-placeholder-for-preset-env.2", + "@babel/plugin-syntax-async-generators": "^7.8.4", + "@babel/plugin-syntax-class-properties": "^7.12.13", + "@babel/plugin-syntax-class-static-block": "^7.14.5", + "@babel/plugin-syntax-dynamic-import": "^7.8.3", + "@babel/plugin-syntax-export-namespace-from": "^7.8.3", + "@babel/plugin-syntax-import-assertions": "^7.22.5", + "@babel/plugin-syntax-import-attributes": "^7.22.5", + "@babel/plugin-syntax-import-meta": "^7.10.4", + "@babel/plugin-syntax-json-strings": "^7.8.3", + "@babel/plugin-syntax-logical-assignment-operators": "^7.10.4", + "@babel/plugin-syntax-nullish-coalescing-operator": "^7.8.3", + "@babel/plugin-syntax-numeric-separator": "^7.10.4", + "@babel/plugin-syntax-object-rest-spread": "^7.8.3", + "@babel/plugin-syntax-optional-catch-binding": "^7.8.3", + "@babel/plugin-syntax-optional-chaining": "^7.8.3", + "@babel/plugin-syntax-private-property-in-object": "^7.14.5", + "@babel/plugin-syntax-top-level-await": "^7.14.5", + "@babel/plugin-syntax-unicode-sets-regex": "^7.18.6", + "@babel/plugin-transform-arrow-functions": "^7.22.5", + "@babel/plugin-transform-async-generator-functions": "^7.22.7", + "@babel/plugin-transform-async-to-generator": "^7.22.5", + "@babel/plugin-transform-block-scoped-functions": "^7.22.5", + "@babel/plugin-transform-block-scoping": "^7.22.5", + "@babel/plugin-transform-class-properties": "^7.22.5", + "@babel/plugin-transform-class-static-block": "^7.22.5", + "@babel/plugin-transform-classes": "^7.22.6", + "@babel/plugin-transform-computed-properties": "^7.22.5", + "@babel/plugin-transform-destructuring": "^7.22.5", + "@babel/plugin-transform-dotall-regex": "^7.22.5", + "@babel/plugin-transform-duplicate-keys": "^7.22.5", + "@babel/plugin-transform-dynamic-import": "^7.22.5", + "@babel/plugin-transform-exponentiation-operator": "^7.22.5", + "@babel/plugin-transform-export-namespace-from": "^7.22.5", + "@babel/plugin-transform-for-of": "^7.22.5", + "@babel/plugin-transform-function-name": "^7.22.5", + "@babel/plugin-transform-json-strings": "^7.22.5", + "@babel/plugin-transform-literals": "^7.22.5", + "@babel/plugin-transform-logical-assignment-operators": "^7.22.5", + "@babel/plugin-transform-member-expression-literals": "^7.22.5", + "@babel/plugin-transform-modules-amd": "^7.22.5", + "@babel/plugin-transform-modules-commonjs": "^7.22.5", + "@babel/plugin-transform-modules-systemjs": "^7.22.5", + "@babel/plugin-transform-modules-umd": "^7.22.5", + "@babel/plugin-transform-named-capturing-groups-regex": "^7.22.5", + "@babel/plugin-transform-new-target": "^7.22.5", + "@babel/plugin-transform-nullish-coalescing-operator": "^7.22.5", + "@babel/plugin-transform-numeric-separator": "^7.22.5", + "@babel/plugin-transform-object-rest-spread": "^7.22.5", + "@babel/plugin-transform-object-super": "^7.22.5", + "@babel/plugin-transform-optional-catch-binding": "^7.22.5", + "@babel/plugin-transform-optional-chaining": "^7.22.6", + "@babel/plugin-transform-parameters": "^7.22.5", + "@babel/plugin-transform-private-methods": "^7.22.5", + "@babel/plugin-transform-private-property-in-object": "^7.22.5", + "@babel/plugin-transform-property-literals": "^7.22.5", + "@babel/plugin-transform-regenerator": "^7.22.5", + "@babel/plugin-transform-reserved-words": "^7.22.5", + "@babel/plugin-transform-shorthand-properties": "^7.22.5", + "@babel/plugin-transform-spread": "^7.22.5", + "@babel/plugin-transform-sticky-regex": "^7.22.5", + "@babel/plugin-transform-template-literals": "^7.22.5", + "@babel/plugin-transform-typeof-symbol": "^7.22.5", + "@babel/plugin-transform-unicode-escapes": "^7.22.5", + "@babel/plugin-transform-unicode-property-regex": "^7.22.5", + "@babel/plugin-transform-unicode-regex": "^7.22.5", + "@babel/plugin-transform-unicode-sets-regex": "^7.22.5", + "@babel/preset-modules": "^0.1.5", + "@babel/types": "^7.22.5", + "babel-plugin-polyfill-corejs2": "^0.4.4", + "babel-plugin-polyfill-corejs3": "^0.8.2", + "babel-plugin-polyfill-regenerator": "^0.5.1", + "core-js-compat": "^3.31.0", + "semver": "^6.3.1" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/preset-env/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@babel/preset-modules": { + "version": "0.1.5", + "resolved": "https://registry.npmmirror.com/@babel/preset-modules/-/preset-modules-0.1.5.tgz", + "integrity": "sha512-A57th6YRG7oR3cq/yt/Y84MvGgE0eJG2F1JLhKuyG+jFxEgrd/HAMJatiFtmOiZurz+0DkrvbheCLaV5f2JfjA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.0.0", + "@babel/plugin-proposal-unicode-property-regex": "^7.4.4", + "@babel/plugin-transform-dotall-regex": "^7.4.4", + "@babel/types": "^7.4.4", + "esutils": "^2.0.2" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/preset-react": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/preset-react/-/preset-react-7.22.5.tgz", + "integrity": "sha512-M+Is3WikOpEJHgR385HbuCITPTaPRaNkibTEa9oiofmJvIsrceb4yp9RL9Kb+TE8LznmeyZqpP+Lopwcx59xPQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-validator-option": "^7.22.5", + "@babel/plugin-transform-react-display-name": "^7.22.5", + "@babel/plugin-transform-react-jsx": "^7.22.5", + "@babel/plugin-transform-react-jsx-development": "^7.22.5", + "@babel/plugin-transform-react-pure-annotations": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/preset-typescript": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/preset-typescript/-/preset-typescript-7.22.5.tgz", + "integrity": "sha512-YbPaal9LxztSGhmndR46FmAbkJ/1fAsw293tSU+I5E5h+cnJ3d4GTwyUgGYmOXJYdGA+uNePle4qbaRzj2NISQ==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.22.5", + "@babel/helper-validator-option": "^7.22.5", + "@babel/plugin-syntax-jsx": "^7.22.5", + "@babel/plugin-transform-modules-commonjs": "^7.22.5", + "@babel/plugin-transform-typescript": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/@babel/regjsgen": { + "version": "0.8.0", + "resolved": "https://registry.npmmirror.com/@babel/regjsgen/-/regjsgen-0.8.0.tgz", + "integrity": "sha512-x/rqGMdzj+fWZvCOYForTghzbtqPDZ5gPwaoNGHdgDfF2QA/XZbCBp4Moo5scrkAMPhB7z26XM/AaHuIJdgauA==" + }, + "node_modules/@babel/runtime": { + "version": "7.22.6", + "resolved": "https://registry.npmmirror.com/@babel/runtime/-/runtime-7.22.6.tgz", + "integrity": "sha512-wDb5pWm4WDdF6LFUde3Jl8WzPA+3ZbxYqkC6xAXuD3irdEHN1k0NfTRrJD8ZD378SJ61miMLCqIOXYhd8x+AJQ==", + "dependencies": { + "regenerator-runtime": "^0.13.11" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/template": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/template/-/template-7.22.5.tgz", + "integrity": "sha512-X7yV7eiwAxdj9k94NEylvbVHLiVG1nvzCV2EAowhxLTwODV1jl9UzZ48leOC0sH7OnuHrIkllaBgneUykIcZaw==", + "dependencies": { + "@babel/code-frame": "^7.22.5", + "@babel/parser": "^7.22.5", + "@babel/types": "^7.22.5" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/traverse": { + "version": "7.22.8", + "resolved": "https://registry.npmmirror.com/@babel/traverse/-/traverse-7.22.8.tgz", + "integrity": "sha512-y6LPR+wpM2I3qJrsheCTwhIinzkETbplIgPBbwvqPKc+uljeA5gP+3nP8irdYt1mjQaDnlIcG+dw8OjAco4GXw==", + "dependencies": { + "@babel/code-frame": "^7.22.5", + "@babel/generator": "^7.22.7", + "@babel/helper-environment-visitor": "^7.22.5", + "@babel/helper-function-name": "^7.22.5", + "@babel/helper-hoist-variables": "^7.22.5", + "@babel/helper-split-export-declaration": "^7.22.6", + "@babel/parser": "^7.22.7", + "@babel/types": "^7.22.5", + "debug": "^4.1.0", + "globals": "^11.1.0" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/types": { + "version": "7.22.5", + "resolved": "https://registry.npmmirror.com/@babel/types/-/types-7.22.5.tgz", + "integrity": "sha512-zo3MIHGOkPOfoRXitsgHLjEXmlDaD/5KU1Uzuc9GNiZPhSqVxVRtxuPaSBZDsYZ9qV88AjtMtWW7ww98loJ9KA==", + "dependencies": { + "@babel/helper-string-parser": "^7.22.5", + "@babel/helper-validator-identifier": "^7.22.5", + "to-fast-properties": "^2.0.0" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@bcoe/v8-coverage": { + "version": "0.2.3", + "resolved": "https://registry.npmmirror.com/@bcoe/v8-coverage/-/v8-coverage-0.2.3.tgz", + "integrity": "sha512-0hYQ8SB4Db5zvZB4axdMHGwEaQjkZzFjQiN9LVYvIFB2nSUHW9tYpxWriPrWDASIxiaXax83REcLxuSdnGPZtw==" + }, + "node_modules/@csstools/normalize.css": { + "version": "12.0.0", + "resolved": "https://registry.npmmirror.com/@csstools/normalize.css/-/normalize.css-12.0.0.tgz", + "integrity": "sha512-M0qqxAcwCsIVfpFQSlGN5XjXWu8l5JDZN+fPt1LeW5SZexQTgnaEvgXAY+CeygRw0EeppWHi12JxESWiWrB0Sg==" + }, + "node_modules/@csstools/postcss-cascade-layers": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-cascade-layers/-/postcss-cascade-layers-1.1.1.tgz", + "integrity": "sha512-+KdYrpKC5TgomQr2DlZF4lDEpHcoxnj5IGddYYfBWJAKfj1JtuHUIqMa+E1pJJ+z3kvDViWMqyqPlG4Ja7amQA==", + "dependencies": { + "@csstools/selector-specificity": "^2.0.2", + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-color-function": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-color-function/-/postcss-color-function-1.1.1.tgz", + "integrity": "sha512-Bc0f62WmHdtRDjf5f3e2STwRAl89N2CLb+9iAwzrv4L2hncrbDwnQD9PCq0gtAt7pOI2leIV08HIBUd4jxD8cw==", + "dependencies": { + "@csstools/postcss-progressive-custom-properties": "^1.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-font-format-keywords": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-font-format-keywords/-/postcss-font-format-keywords-1.0.1.tgz", + "integrity": "sha512-ZgrlzuUAjXIOc2JueK0X5sZDjCtgimVp/O5CEqTcs5ShWBa6smhWYbS0x5cVc/+rycTDbjjzoP0KTDnUneZGOg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-hwb-function": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-hwb-function/-/postcss-hwb-function-1.0.2.tgz", + "integrity": "sha512-YHdEru4o3Rsbjmu6vHy4UKOXZD+Rn2zmkAmLRfPet6+Jz4Ojw8cbWxe1n42VaXQhD3CQUXXTooIy8OkVbUcL+w==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-ic-unit": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-ic-unit/-/postcss-ic-unit-1.0.1.tgz", + "integrity": "sha512-Ot1rcwRAaRHNKC9tAqoqNZhjdYBzKk1POgWfhN4uCOE47ebGcLRqXjKkApVDpjifL6u2/55ekkpnFcp+s/OZUw==", + "dependencies": { + "@csstools/postcss-progressive-custom-properties": "^1.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-is-pseudo-class": { + "version": "2.0.7", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-is-pseudo-class/-/postcss-is-pseudo-class-2.0.7.tgz", + "integrity": "sha512-7JPeVVZHd+jxYdULl87lvjgvWldYu+Bc62s9vD/ED6/QTGjy0jy0US/f6BG53sVMTBJ1lzKZFpYmofBN9eaRiA==", + "dependencies": { + "@csstools/selector-specificity": "^2.0.0", + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-nested-calc": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-nested-calc/-/postcss-nested-calc-1.0.0.tgz", + "integrity": "sha512-JCsQsw1wjYwv1bJmgjKSoZNvf7R6+wuHDAbi5f/7MbFhl2d/+v+TvBTU4BJH3G1X1H87dHl0mh6TfYogbT/dJQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-normalize-display-values": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-normalize-display-values/-/postcss-normalize-display-values-1.0.1.tgz", + "integrity": "sha512-jcOanIbv55OFKQ3sYeFD/T0Ti7AMXc9nM1hZWu8m/2722gOTxFg7xYu4RDLJLeZmPUVQlGzo4jhzvTUq3x4ZUw==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-oklab-function": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-oklab-function/-/postcss-oklab-function-1.1.1.tgz", + "integrity": "sha512-nJpJgsdA3dA9y5pgyb/UfEzE7W5Ka7u0CX0/HIMVBNWzWemdcTH3XwANECU6anWv/ao4vVNLTMxhiPNZsTK6iA==", + "dependencies": { + "@csstools/postcss-progressive-custom-properties": "^1.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-progressive-custom-properties": { + "version": "1.3.0", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-progressive-custom-properties/-/postcss-progressive-custom-properties-1.3.0.tgz", + "integrity": "sha512-ASA9W1aIy5ygskZYuWams4BzafD12ULvSypmaLJT2jvQ8G0M3I8PRQhC0h7mG0Z3LI05+agZjqSR9+K9yaQQjA==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.3" + } + }, + "node_modules/@csstools/postcss-stepped-value-functions": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-stepped-value-functions/-/postcss-stepped-value-functions-1.0.1.tgz", + "integrity": "sha512-dz0LNoo3ijpTOQqEJLY8nyaapl6umbmDcgj4AD0lgVQ572b2eqA1iGZYTTWhrcrHztWDDRAX2DGYyw2VBjvCvQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-text-decoration-shorthand": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-text-decoration-shorthand/-/postcss-text-decoration-shorthand-1.0.0.tgz", + "integrity": "sha512-c1XwKJ2eMIWrzQenN0XbcfzckOLLJiczqy+YvfGmzoVXd7pT9FfObiSEfzs84bpE/VqfpEuAZ9tCRbZkZxxbdw==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-trigonometric-functions": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-trigonometric-functions/-/postcss-trigonometric-functions-1.0.2.tgz", + "integrity": "sha512-woKaLO///4bb+zZC2s80l+7cm07M7268MsyG3M0ActXXEFi6SuhvriQYcb58iiKGbjwwIU7n45iRLEHypB47Og==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/postcss-unset-value": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/@csstools/postcss-unset-value/-/postcss-unset-value-1.0.2.tgz", + "integrity": "sha512-c8J4roPBILnelAsdLr4XOAR/GsTm0GJi4XpcfvoWk3U6KiTCqiFYc63KhRMQQX35jYMp4Ao8Ij9+IZRgMfJp1g==", + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/@csstools/selector-specificity": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/@csstools/selector-specificity/-/selector-specificity-2.2.0.tgz", + "integrity": "sha512-+OJ9konv95ClSTOJCmMZqpd5+YGsB2S+x6w3E1oaM8UuR5j8nTNHYSz8c9BEPGDOCMQYIEEGlVPj/VY64iTbGw==", + "engines": { + "node": "^14 || ^16 || >=18" + }, + "peerDependencies": { + "postcss-selector-parser": "^6.0.10" + } + }, + "node_modules/@emotion/babel-plugin": { + "version": "11.11.0", + "resolved": "https://registry.npmmirror.com/@emotion/babel-plugin/-/babel-plugin-11.11.0.tgz", + "integrity": "sha512-m4HEDZleaaCH+XgDDsPF15Ht6wTLsgDTeR3WYj9Q/k76JtWhrJjcP4+/XlG8LGT/Rol9qUfOIztXeA84ATpqPQ==", + "dependencies": { + "@babel/helper-module-imports": "^7.16.7", + "@babel/runtime": "^7.18.3", + "@emotion/hash": "^0.9.1", + "@emotion/memoize": "^0.8.1", + "@emotion/serialize": "^1.1.2", + "babel-plugin-macros": "^3.1.0", + "convert-source-map": "^1.5.0", + "escape-string-regexp": "^4.0.0", + "find-root": "^1.1.0", + "source-map": "^0.5.7", + "stylis": "4.2.0" + } + }, + "node_modules/@emotion/babel-plugin/node_modules/escape-string-regexp": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/escape-string-regexp/-/escape-string-regexp-4.0.0.tgz", + "integrity": "sha512-TtpcNJ3XAzx3Gq8sWRzJaVajRs0uVxA2YAkdb1jm2YkPz4G6egUFAyA3n5vtEIZefPk5Wa4UXbKuS5fKkJWdgA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@emotion/babel-plugin/node_modules/source-map": { + "version": "0.5.7", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.5.7.tgz", + "integrity": "sha512-LbrmJOMUSdEVxIKvdcJzQC+nQhe8FUZQTXQy6+I75skNgn3OoQ0DZA8YnFa7gp8tqtL3KPf1kmo0R5DoApeSGQ==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/@emotion/cache": { + "version": "11.11.0", + "resolved": "https://registry.npmmirror.com/@emotion/cache/-/cache-11.11.0.tgz", + "integrity": "sha512-P34z9ssTCBi3e9EI1ZsWpNHcfY1r09ZO0rZbRO2ob3ZQMnFI35jB536qoXbkdesr5EUhYi22anuEJuyxifaqAQ==", + "dependencies": { + "@emotion/memoize": "^0.8.1", + "@emotion/sheet": "^1.2.2", + "@emotion/utils": "^1.2.1", + "@emotion/weak-memoize": "^0.3.1", + "stylis": "4.2.0" + } + }, + "node_modules/@emotion/hash": { + "version": "0.9.1", + "resolved": "https://registry.npmmirror.com/@emotion/hash/-/hash-0.9.1.tgz", + "integrity": "sha512-gJB6HLm5rYwSLI6PQa+X1t5CFGrv1J1TWG+sOyMCeKz2ojaj6Fnl/rZEspogG+cvqbt4AE/2eIyD2QfLKTBNlQ==" + }, + "node_modules/@emotion/is-prop-valid": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/@emotion/is-prop-valid/-/is-prop-valid-1.2.1.tgz", + "integrity": "sha512-61Mf7Ufx4aDxx1xlDeOm8aFFigGHE4z+0sKCa+IHCeZKiyP9RLD0Mmx7m8b9/Cf37f7NAvQOOJAbQQGVr5uERw==", + "dependencies": { + "@emotion/memoize": "^0.8.1" + } + }, + "node_modules/@emotion/memoize": { + "version": "0.8.1", + "resolved": "https://registry.npmmirror.com/@emotion/memoize/-/memoize-0.8.1.tgz", + "integrity": "sha512-W2P2c/VRW1/1tLox0mVUalvnWXxavmv/Oum2aPsRcoDJuob75FC3Y8FbpfLwUegRcxINtGUMPq0tFCvYNTBXNA==" + }, + "node_modules/@emotion/react": { + "version": "11.11.1", + "resolved": "https://registry.npmmirror.com/@emotion/react/-/react-11.11.1.tgz", + "integrity": "sha512-5mlW1DquU5HaxjLkfkGN1GA/fvVGdyHURRiX/0FHl2cfIfRxSOfmxEH5YS43edp0OldZrZ+dkBKbngxcNCdZvA==", + "dependencies": { + "@babel/runtime": "^7.18.3", + "@emotion/babel-plugin": "^11.11.0", + "@emotion/cache": "^11.11.0", + "@emotion/serialize": "^1.1.2", + "@emotion/use-insertion-effect-with-fallbacks": "^1.0.1", + "@emotion/utils": "^1.2.1", + "@emotion/weak-memoize": "^0.3.1", + "hoist-non-react-statics": "^3.3.1" + }, + "peerDependencies": { + "react": ">=16.8.0" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@emotion/serialize": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/@emotion/serialize/-/serialize-1.1.2.tgz", + "integrity": "sha512-zR6a/fkFP4EAcCMQtLOhIgpprZOwNmCldtpaISpvz348+DP4Mz8ZoKaGGCQpbzepNIUWbq4w6hNZkwDyKoS+HA==", + "dependencies": { + "@emotion/hash": "^0.9.1", + "@emotion/memoize": "^0.8.1", + "@emotion/unitless": "^0.8.1", + "@emotion/utils": "^1.2.1", + "csstype": "^3.0.2" + } + }, + "node_modules/@emotion/sheet": { + "version": "1.2.2", + "resolved": "https://registry.npmmirror.com/@emotion/sheet/-/sheet-1.2.2.tgz", + "integrity": "sha512-0QBtGvaqtWi+nx6doRwDdBIzhNdZrXUppvTM4dtZZWEGTXL/XE/yJxLMGlDT1Gt+UHH5IX1n+jkXyytE/av7OA==" + }, + "node_modules/@emotion/styled": { + "version": "11.11.0", + "resolved": "https://registry.npmmirror.com/@emotion/styled/-/styled-11.11.0.tgz", + "integrity": "sha512-hM5Nnvu9P3midq5aaXj4I+lnSfNi7Pmd4EWk1fOZ3pxookaQTNew6bp4JaCBYM4HVFZF9g7UjJmsUmC2JlxOng==", + "dependencies": { + "@babel/runtime": "^7.18.3", + "@emotion/babel-plugin": "^11.11.0", + "@emotion/is-prop-valid": "^1.2.1", + "@emotion/serialize": "^1.1.2", + "@emotion/use-insertion-effect-with-fallbacks": "^1.0.1", + "@emotion/utils": "^1.2.1" + }, + "peerDependencies": { + "@emotion/react": "^11.0.0-rc.0", + "react": ">=16.8.0" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@emotion/unitless": { + "version": "0.8.1", + "resolved": "https://registry.npmmirror.com/@emotion/unitless/-/unitless-0.8.1.tgz", + "integrity": "sha512-KOEGMu6dmJZtpadb476IsZBclKvILjopjUii3V+7MnXIQCYh8W3NgNcgwo21n9LXZX6EDIKvqfjYxXebDwxKmQ==" + }, + "node_modules/@emotion/use-insertion-effect-with-fallbacks": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@emotion/use-insertion-effect-with-fallbacks/-/use-insertion-effect-with-fallbacks-1.0.1.tgz", + "integrity": "sha512-jT/qyKZ9rzLErtrjGgdkMBn2OP8wl0G3sQlBb3YPryvKHsjvINUhVaPFfP+fpBcOkmrVOVEEHQFJ7nbj2TH2gw==", + "peerDependencies": { + "react": ">=16.8.0" + } + }, + "node_modules/@emotion/utils": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/@emotion/utils/-/utils-1.2.1.tgz", + "integrity": "sha512-Y2tGf3I+XVnajdItskUCn6LX+VUDmP6lTL4fcqsXAv43dnlbZiuW4MWQW38rW/BVWSE7Q/7+XQocmpnRYILUmg==" + }, + "node_modules/@emotion/weak-memoize": { + "version": "0.3.1", + "resolved": "https://registry.npmmirror.com/@emotion/weak-memoize/-/weak-memoize-0.3.1.tgz", + "integrity": "sha512-EsBwpc7hBUJWAsNPBmJy4hxWx12v6bshQsldrVmjxJoc3isbxhOrF2IcCpaXxfvq03NwkI7sbsOLXbYuqF/8Ww==" + }, + "node_modules/@eslint-community/eslint-utils": { + "version": "4.4.0", + "resolved": "https://registry.npmmirror.com/@eslint-community/eslint-utils/-/eslint-utils-4.4.0.tgz", + "integrity": "sha512-1/sA4dwrzBAyeUoQ6oxahHKmrZvsnLCg4RfxW3ZFGGmQkSNQPFNLV9CUEFQP1x9EYXHTo5p6xdhZM1Ne9p/AfA==", + "dependencies": { + "eslint-visitor-keys": "^3.3.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "eslint": "^6.0.0 || ^7.0.0 || >=8.0.0" + } + }, + "node_modules/@eslint-community/regexpp": { + "version": "4.5.1", + "resolved": "https://registry.npmmirror.com/@eslint-community/regexpp/-/regexpp-4.5.1.tgz", + "integrity": "sha512-Z5ba73P98O1KUYCCJTUeVpja9RcGoMdncZ6T49FCUl2lN38JtCJ+3WgIDBv0AuY4WChU5PmtJmOCTlN6FZTFKQ==", + "engines": { + "node": "^12.0.0 || ^14.0.0 || >=16.0.0" + } + }, + "node_modules/@eslint/eslintrc": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/@eslint/eslintrc/-/eslintrc-2.1.0.tgz", + "integrity": "sha512-Lj7DECXqIVCqnqjjHMPna4vn6GJcMgul/wuS0je9OZ9gsL0zzDpKPVtcG1HaDVc+9y+qgXneTeUMbCqXJNpH1A==", + "dependencies": { + "ajv": "^6.12.4", + "debug": "^4.3.2", + "espree": "^9.6.0", + "globals": "^13.19.0", + "ignore": "^5.2.0", + "import-fresh": "^3.2.1", + "js-yaml": "^4.1.0", + "minimatch": "^3.1.2", + "strip-json-comments": "^3.1.1" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/@eslint/eslintrc/node_modules/argparse": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/argparse/-/argparse-2.0.1.tgz", + "integrity": "sha512-8+9WqebbFzpX9OR+Wa6O29asIogeRMzcGtAINdpMHHyAg10f05aSFVBbcEqGf/PXw1EjAZ+q2/bEBg3DvurK3Q==" + }, + "node_modules/@eslint/eslintrc/node_modules/globals": { + "version": "13.20.0", + "resolved": "https://registry.npmmirror.com/globals/-/globals-13.20.0.tgz", + "integrity": "sha512-Qg5QtVkCy/kv3FUSlu4ukeZDVf9ee0iXLAUYX13gbR17bnejFTzr4iS9bY7kwCf1NztRNm1t91fjOiyx4CSwPQ==", + "dependencies": { + "type-fest": "^0.20.2" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@eslint/eslintrc/node_modules/js-yaml": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/js-yaml/-/js-yaml-4.1.0.tgz", + "integrity": "sha512-wpxZs9NoxZaJESJGIZTyDEaYpl0FKSA+FB9aJiyemKhMwkxQg63h4T1KJgUGHpTqPDNRcmmYLugrRjJlBtWvRA==", + "dependencies": { + "argparse": "^2.0.1" + }, + "bin": { + "js-yaml": "bin/js-yaml.js" + } + }, + "node_modules/@eslint/eslintrc/node_modules/type-fest": { + "version": "0.20.2", + "resolved": "https://registry.npmmirror.com/type-fest/-/type-fest-0.20.2.tgz", + "integrity": "sha512-Ne+eE4r0/iWnpAxD852z3A+N0Bt5RN//NjJwRd2VFHEmrywxf5vsZlh4R6lixl6B+wz/8d+maTSAkN1FIkI3LQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@eslint/js": { + "version": "8.44.0", + "resolved": "https://registry.npmmirror.com/@eslint/js/-/js-8.44.0.tgz", + "integrity": "sha512-Ag+9YM4ocKQx9AarydN0KY2j0ErMHNIocPDrVo8zAE44xLTjEtz81OdR68/cydGtk6m6jDb5Za3r2useMzYmSw==", + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/@fontsource/roboto": { + "version": "5.0.5", + "resolved": "https://registry.npmmirror.com/@fontsource/roboto/-/roboto-5.0.5.tgz", + "integrity": "sha512-IMXFq5AMgGx0sgNLfwWsmPuy3qa7lmDmQcXXihqwF4mT2UpD725cbxZj93ERY793OWon+6V1ANax02I3nt9+4w==" + }, + "node_modules/@humanwhocodes/config-array": { + "version": "0.11.10", + "resolved": "https://registry.npmmirror.com/@humanwhocodes/config-array/-/config-array-0.11.10.tgz", + "integrity": "sha512-KVVjQmNUepDVGXNuoRRdmmEjruj0KfiGSbS8LVc12LMsWDQzRXJ0qdhN8L8uUigKpfEHRhlaQFY0ib1tnUbNeQ==", + "dependencies": { + "@humanwhocodes/object-schema": "^1.2.1", + "debug": "^4.1.1", + "minimatch": "^3.0.5" + }, + "engines": { + "node": ">=10.10.0" + } + }, + "node_modules/@humanwhocodes/module-importer": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@humanwhocodes/module-importer/-/module-importer-1.0.1.tgz", + "integrity": "sha512-bxveV4V8v5Yb4ncFTT3rPSgZBOpCkjfK0y4oVVVJwIuDVBRMDXrPyXRL988i5ap9m9bnyEEjWfm5WkBmtffLfA==", + "engines": { + "node": ">=12.22" + } + }, + "node_modules/@humanwhocodes/object-schema": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/@humanwhocodes/object-schema/-/object-schema-1.2.1.tgz", + "integrity": "sha512-ZnQMnLV4e7hDlUvw8H+U8ASL02SS2Gn6+9Ac3wGGLIe7+je2AeAOxPY+izIPJDfFDb7eDjev0Us8MO1iFRN8hA==" + }, + "node_modules/@istanbuljs/load-nyc-config": { + "version": "1.1.0", + "resolved": "https://registry.npmmirror.com/@istanbuljs/load-nyc-config/-/load-nyc-config-1.1.0.tgz", + "integrity": "sha512-VjeHSlIzpv/NyD3N0YuHfXOPDIixcA1q2ZV98wsMqcYlPmv2n3Yb2lYP9XMElnaFVXg5A7YLTeLu6V84uQDjmQ==", + "dependencies": { + "camelcase": "^5.3.1", + "find-up": "^4.1.0", + "get-package-type": "^0.1.0", + "js-yaml": "^3.13.1", + "resolve-from": "^5.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@istanbuljs/load-nyc-config/node_modules/camelcase": { + "version": "5.3.1", + "resolved": "https://registry.npmmirror.com/camelcase/-/camelcase-5.3.1.tgz", + "integrity": "sha512-L28STB170nwWS63UjtlEOE3dldQApaJXZkOI1uMFfzf3rRuPegHaHesyee+YxQ+W6SvRDQV6UrdOdRiR153wJg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/@istanbuljs/load-nyc-config/node_modules/find-up": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/find-up/-/find-up-4.1.0.tgz", + "integrity": "sha512-PpOwAdQ/YlXQ2vj8a3h8IipDuYRi3wceVQQGYWxNINccq40Anw7BlsEXCMbt1Zt+OLA6Fq9suIpIWD0OsnISlw==", + "dependencies": { + "locate-path": "^5.0.0", + "path-exists": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@istanbuljs/load-nyc-config/node_modules/locate-path": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/locate-path/-/locate-path-5.0.0.tgz", + "integrity": "sha512-t7hw9pI+WvuwNJXwk5zVHpyhIqzg2qTlklJOf0mVxGSbe3Fp2VieZcduNYjaLDoy6p9uGpQEGWG87WpMKlNq8g==", + "dependencies": { + "p-locate": "^4.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@istanbuljs/load-nyc-config/node_modules/p-limit": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/p-limit/-/p-limit-2.3.0.tgz", + "integrity": "sha512-//88mFWSJx8lxCzwdAABTJL2MyWB12+eIY7MDL2SqLmAkeKU9qxRvWuSyTjm3FUmpBEMuFfckAIqEaVGUDxb6w==", + "dependencies": { + "p-try": "^2.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/@istanbuljs/load-nyc-config/node_modules/p-locate": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/p-locate/-/p-locate-4.1.0.tgz", + "integrity": "sha512-R79ZZ/0wAxKGu3oYMlz8jy/kbhsNrS7SKZ7PxEHBgJ5+F2mtFW2fK2cOtBh1cHYkQsbzFV7I+EoRKe6Yt0oK7A==", + "dependencies": { + "p-limit": "^2.2.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@istanbuljs/schema": { + "version": "0.1.3", + "resolved": "https://registry.npmmirror.com/@istanbuljs/schema/-/schema-0.1.3.tgz", + "integrity": "sha512-ZXRY4jNvVgSVQ8DL3LTcakaAtXwTVUxE81hslsyD2AtoXW/wVob10HkOJ1X/pAlcI7D+2YoZKg5do8G/w6RYgA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/console": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/console/-/console-27.5.1.tgz", + "integrity": "sha512-kZ/tNpS3NXn0mlXXXPNuDZnb4c0oZ20r4K5eemM2k30ZC3G0T02nXUvyhf5YdbXWHPEJLc9qGLxEZ216MdL+Zg==", + "dependencies": { + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "jest-message-util": "^27.5.1", + "jest-util": "^27.5.1", + "slash": "^3.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/console/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/console/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@jest/console/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@jest/console/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@jest/console/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/console/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/core": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/core/-/core-27.5.1.tgz", + "integrity": "sha512-AK6/UTrvQD0Cd24NSqmIA6rKsu0tKIxfiCducZvqxYdmMisOYAsdItspT+fQDQYARPf8XgjAFZi0ogW2agH5nQ==", + "dependencies": { + "@jest/console": "^27.5.1", + "@jest/reporters": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "ansi-escapes": "^4.2.1", + "chalk": "^4.0.0", + "emittery": "^0.8.1", + "exit": "^0.1.2", + "graceful-fs": "^4.2.9", + "jest-changed-files": "^27.5.1", + "jest-config": "^27.5.1", + "jest-haste-map": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-regex-util": "^27.5.1", + "jest-resolve": "^27.5.1", + "jest-resolve-dependencies": "^27.5.1", + "jest-runner": "^27.5.1", + "jest-runtime": "^27.5.1", + "jest-snapshot": "^27.5.1", + "jest-util": "^27.5.1", + "jest-validate": "^27.5.1", + "jest-watcher": "^27.5.1", + "micromatch": "^4.0.4", + "rimraf": "^3.0.0", + "slash": "^3.0.0", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" + }, + "peerDependenciesMeta": { + "node-notifier": { + "optional": true + } + } + }, + "node_modules/@jest/core/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/core/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@jest/core/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@jest/core/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@jest/core/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/core/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/environment": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/environment/-/environment-27.5.1.tgz", + "integrity": "sha512-/WQjhPJe3/ghaol/4Bq480JKXV/Rfw8nQdN7f41fM8VDHLcxKXou6QyXAh3EFr9/bVG3x74z1NWDkP87EiY8gA==", + "dependencies": { + "@jest/fake-timers": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "jest-mock": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/expect-utils": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/@jest/expect-utils/-/expect-utils-29.6.1.tgz", + "integrity": "sha512-o319vIf5pEMx0LmzSxxkYYxo4wrRLKHq9dP1yJU7FoPTB0LfAKSz8SWD6D/6U3v/O52t9cF5t+MeJiRsfk7zMw==", + "dependencies": { + "jest-get-type": "^29.4.3" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@jest/expect-utils/node_modules/jest-get-type": { + "version": "29.4.3", + "resolved": "https://registry.npmmirror.com/jest-get-type/-/jest-get-type-29.4.3.tgz", + "integrity": "sha512-J5Xez4nRRMjk8emnTpWrlkyb9pfRQQanDrvWHhsR1+VUfbwxi30eVcZFlcdGInRibU4G5LwHXpI7IRHU0CY+gg==", + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@jest/fake-timers": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/fake-timers/-/fake-timers-27.5.1.tgz", + "integrity": "sha512-/aPowoolwa07k7/oM3aASneNeBGCmGQsc3ugN4u6s4C/+s5M64MFo/+djTdiwcbQlRfFElGuDXWzaWj6QgKObQ==", + "dependencies": { + "@jest/types": "^27.5.1", + "@sinonjs/fake-timers": "^8.0.1", + "@types/node": "*", + "jest-message-util": "^27.5.1", + "jest-mock": "^27.5.1", + "jest-util": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/globals": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/globals/-/globals-27.5.1.tgz", + "integrity": "sha512-ZEJNB41OBQQgGzgyInAv0UUfDDj3upmHydjieSxFvTRuZElrx7tXg/uVQ5hYVEwiXs3+aMsAeEc9X7xiSKCm4Q==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/types": "^27.5.1", + "expect": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/reporters": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/reporters/-/reporters-27.5.1.tgz", + "integrity": "sha512-cPXh9hWIlVJMQkVk84aIvXuBB4uQQmFqZiacloFuGiP3ah1sbCxCosidXFDfqG8+6fO1oR2dTJTlsOy4VFmUfw==", + "dependencies": { + "@bcoe/v8-coverage": "^0.2.3", + "@jest/console": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "collect-v8-coverage": "^1.0.0", + "exit": "^0.1.2", + "glob": "^7.1.2", + "graceful-fs": "^4.2.9", + "istanbul-lib-coverage": "^3.0.0", + "istanbul-lib-instrument": "^5.1.0", + "istanbul-lib-report": "^3.0.0", + "istanbul-lib-source-maps": "^4.0.0", + "istanbul-reports": "^3.1.3", + "jest-haste-map": "^27.5.1", + "jest-resolve": "^27.5.1", + "jest-util": "^27.5.1", + "jest-worker": "^27.5.1", + "slash": "^3.0.0", + "source-map": "^0.6.0", + "string-length": "^4.0.1", + "terminal-link": "^2.0.0", + "v8-to-istanbul": "^8.1.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" + }, + "peerDependenciesMeta": { + "node-notifier": { + "optional": true + } + } + }, + "node_modules/@jest/reporters/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/reporters/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@jest/reporters/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@jest/reporters/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@jest/reporters/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/reporters/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/@jest/reporters/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/schemas": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/@jest/schemas/-/schemas-28.1.3.tgz", + "integrity": "sha512-/l/VWsdt/aBXgjshLWOFyFt3IVdYypu5y2Wn2rOO1un6nkqIn8SLXzgIMYXFyYsRWDyF5EthmKJMIdJvk08grg==", + "dependencies": { + "@sinclair/typebox": "^0.24.1" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/@jest/source-map": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/source-map/-/source-map-27.5.1.tgz", + "integrity": "sha512-y9NIHUYF3PJRlHk98NdC/N1gl88BL08aQQgu4k4ZopQkCw9t9cV8mtl3TV8b/YCB8XaVTFrmUTAJvjsntDireg==", + "dependencies": { + "callsites": "^3.0.0", + "graceful-fs": "^4.2.9", + "source-map": "^0.6.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/source-map/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/@jest/test-result": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/test-result/-/test-result-27.5.1.tgz", + "integrity": "sha512-EW35l2RYFUcUQxFJz5Cv5MTOxlJIQs4I7gxzi2zVU7PJhOwfYq1MdC5nhSmYjX1gmMmLPvB3sIaC+BkcHRBfag==", + "dependencies": { + "@jest/console": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/istanbul-lib-coverage": "^2.0.0", + "collect-v8-coverage": "^1.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/test-sequencer": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/test-sequencer/-/test-sequencer-27.5.1.tgz", + "integrity": "sha512-LCheJF7WB2+9JuCS7VB/EmGIdQuhtqjRNI9A43idHv3E4KltCTsPsLxvdaubFHSYwY/fNjMWjl6vNRhDiN7vpQ==", + "dependencies": { + "@jest/test-result": "^27.5.1", + "graceful-fs": "^4.2.9", + "jest-haste-map": "^27.5.1", + "jest-runtime": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/transform": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/transform/-/transform-27.5.1.tgz", + "integrity": "sha512-ipON6WtYgl/1329g5AIJVbUuEh0wZVbdpGwC99Jw4LwuoBNS95MVphU6zOeD9pDkon+LLbFL7lOQRapbB8SCHw==", + "dependencies": { + "@babel/core": "^7.1.0", + "@jest/types": "^27.5.1", + "babel-plugin-istanbul": "^6.1.1", + "chalk": "^4.0.0", + "convert-source-map": "^1.4.0", + "fast-json-stable-stringify": "^2.0.0", + "graceful-fs": "^4.2.9", + "jest-haste-map": "^27.5.1", + "jest-regex-util": "^27.5.1", + "jest-util": "^27.5.1", + "micromatch": "^4.0.4", + "pirates": "^4.0.4", + "slash": "^3.0.0", + "source-map": "^0.6.1", + "write-file-atomic": "^3.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/transform/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/transform/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@jest/transform/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@jest/transform/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@jest/transform/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/transform/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/@jest/transform/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/types": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/@jest/types/-/types-27.5.1.tgz", + "integrity": "sha512-Cx46iJ9QpwQTjIdq5VJu2QTMMs3QlEjI0x1QbBP5W1+nMzyc2XmimiRR/CbX9TO0cPTeUlxWMOu8mslYsJ8DEw==", + "dependencies": { + "@types/istanbul-lib-coverage": "^2.0.0", + "@types/istanbul-reports": "^3.0.0", + "@types/node": "*", + "@types/yargs": "^16.0.0", + "chalk": "^4.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/@jest/types/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/types/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@jest/types/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@jest/types/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@jest/types/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@jest/types/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@jridgewell/gen-mapping": { + "version": "0.3.3", + "resolved": "https://registry.npmmirror.com/@jridgewell/gen-mapping/-/gen-mapping-0.3.3.tgz", + "integrity": "sha512-HLhSWOLRi875zjjMG/r+Nv0oCW8umGb0BgEhyX3dDX3egwZtB8PqLnjz3yedt8R5StBrzcg4aBpnh8UA9D1BoQ==", + "dependencies": { + "@jridgewell/set-array": "^1.0.1", + "@jridgewell/sourcemap-codec": "^1.4.10", + "@jridgewell/trace-mapping": "^0.3.9" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/@jridgewell/resolve-uri": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/@jridgewell/resolve-uri/-/resolve-uri-3.1.0.tgz", + "integrity": "sha512-F2msla3tad+Mfht5cJq7LSXcdudKTWCVYUgw6pLFOOHSTtZlj6SWNYAp+AhuqLmWdBO2X5hPrLcu8cVP8fy28w==", + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/@jridgewell/set-array": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/@jridgewell/set-array/-/set-array-1.1.2.tgz", + "integrity": "sha512-xnkseuNADM0gt2bs+BvhO0p78Mk762YnZdsuzFV018NoG1Sj1SCQvpSqa7XUaTam5vAGasABV9qXASMKnFMwMw==", + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/@jridgewell/source-map": { + "version": "0.3.5", + "resolved": "https://registry.npmmirror.com/@jridgewell/source-map/-/source-map-0.3.5.tgz", + "integrity": "sha512-UTYAUj/wviwdsMfzoSJspJxbkH5o1snzwX0//0ENX1u/55kkZZkcTZP6u9bwKGkv+dkk9at4m1Cpt0uY80kcpQ==", + "dependencies": { + "@jridgewell/gen-mapping": "^0.3.0", + "@jridgewell/trace-mapping": "^0.3.9" + } + }, + "node_modules/@jridgewell/sourcemap-codec": { + "version": "1.4.15", + "resolved": "https://registry.npmmirror.com/@jridgewell/sourcemap-codec/-/sourcemap-codec-1.4.15.tgz", + "integrity": "sha512-eF2rxCRulEKXHTRiDrDy6erMYWqNw4LPdQ8UQA4huuxaQsVeRPFl2oM8oDGxMFhJUWZf9McpLtJasDDZb/Bpeg==" + }, + "node_modules/@jridgewell/trace-mapping": { + "version": "0.3.18", + "resolved": "https://registry.npmmirror.com/@jridgewell/trace-mapping/-/trace-mapping-0.3.18.tgz", + "integrity": "sha512-w+niJYzMHdd7USdiH2U6869nqhD2nbfZXND5Yp93qIbEmnDNk7PD48o+YchRVpzMU7M6jVCbenTR7PA1FLQ9pA==", + "dependencies": { + "@jridgewell/resolve-uri": "3.1.0", + "@jridgewell/sourcemap-codec": "1.4.14" + } + }, + "node_modules/@jridgewell/trace-mapping/node_modules/@jridgewell/sourcemap-codec": { + "version": "1.4.14", + "resolved": "https://registry.npmmirror.com/@jridgewell/sourcemap-codec/-/sourcemap-codec-1.4.14.tgz", + "integrity": "sha512-XPSJHWmi394fuUuzDnGz1wiKqWfo1yXecHQMRf2l6hztTO+nPru658AyDngaBe7isIxEkRsPR3FZh+s7iVa4Uw==" + }, + "node_modules/@leichtgewicht/ip-codec": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/@leichtgewicht/ip-codec/-/ip-codec-2.0.4.tgz", + "integrity": "sha512-Hcv+nVC0kZnQ3tD9GVu5xSMR4VVYOteQIr/hwFPVEvPdlXqgGEuRjiheChHgdM+JyqdgNcmzZOX/tnl0JOiI7A==" + }, + "node_modules/@mui/base": { + "version": "5.0.0-beta.8", + "resolved": "https://registry.npmmirror.com/@mui/base/-/base-5.0.0-beta.8.tgz", + "integrity": "sha512-b4vVjMZx5KzzEMf4arXKoeV5ZegAMOoPwoy1vfUBwhvXc2QtaaAyBp50U7OA2L06Leubc1A+lEp3eqwZoFn87g==", + "dependencies": { + "@babel/runtime": "^7.22.6", + "@emotion/is-prop-valid": "^1.2.1", + "@mui/types": "^7.2.4", + "@mui/utils": "^5.14.1", + "@popperjs/core": "^2.11.8", + "clsx": "^1.2.1", + "prop-types": "^15.8.1", + "react-is": "^18.2.0" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0", + "react-dom": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/base/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/@mui/core-downloads-tracker": { + "version": "5.14.1", + "resolved": "https://registry.npmmirror.com/@mui/core-downloads-tracker/-/core-downloads-tracker-5.14.1.tgz", + "integrity": "sha512-mIa1WmDmNr1LoupV1Rbxt9bTFKMbIn10RHG1bnZ/FJCkAYpuU/D4n+R+ttiycgcZNngU++zyh/OQeJblzbQPzg==" + }, + "node_modules/@mui/icons-material": { + "version": "5.14.0", + "resolved": "https://registry.npmmirror.com/@mui/icons-material/-/icons-material-5.14.0.tgz", + "integrity": "sha512-z7lYNteDi1GMkF9JP/m2RWuCYK1M/FlaeBSUK7/IhIYzIXNhAVjfD8jRq5vFBV31qkEi2aGBS2z5SfLXwH6U0A==", + "dependencies": { + "@babel/runtime": "^7.22.5" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@mui/material": "^5.0.0", + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/lab": { + "version": "5.0.0-alpha.137", + "resolved": "https://registry.npmmirror.com/@mui/lab/-/lab-5.0.0-alpha.137.tgz", + "integrity": "sha512-bHfcfti9/GnB657QpTdlK1fc9gjkP3SC+NrXyb9NCr0rT5Cq7TEkBGXyY5wGUSCyHR3CrMvchkIsfG5sH/NJ9A==", + "dependencies": { + "@babel/runtime": "^7.22.6", + "@mui/base": "5.0.0-beta.8", + "@mui/system": "^5.14.1", + "@mui/types": "^7.2.4", + "@mui/utils": "^5.14.1", + "clsx": "^1.2.1", + "prop-types": "^15.8.1", + "react-is": "^18.2.0" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@emotion/react": "^11.5.0", + "@emotion/styled": "^11.3.0", + "@mui/material": "^5.0.0", + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0", + "react-dom": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@emotion/react": { + "optional": true + }, + "@emotion/styled": { + "optional": true + }, + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/lab/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/@mui/material": { + "version": "5.14.1", + "resolved": "https://registry.npmmirror.com/@mui/material/-/material-5.14.1.tgz", + "integrity": "sha512-WtsgYuageTunLfxH3Ri+o1RuQTFImtRHxMcVNyD0Hhd2/znjW6KODNz0XfjvLRnNCAynBxZNiflcoIBW40h9PQ==", + "dependencies": { + "@babel/runtime": "^7.22.6", + "@mui/base": "5.0.0-beta.8", + "@mui/core-downloads-tracker": "^5.14.1", + "@mui/system": "^5.14.1", + "@mui/types": "^7.2.4", + "@mui/utils": "^5.14.1", + "@types/react-transition-group": "^4.4.6", + "clsx": "^1.2.1", + "csstype": "^3.1.2", + "prop-types": "^15.8.1", + "react-is": "^18.2.0", + "react-transition-group": "^4.4.5" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@emotion/react": "^11.5.0", + "@emotion/styled": "^11.3.0", + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0", + "react-dom": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@emotion/react": { + "optional": true + }, + "@emotion/styled": { + "optional": true + }, + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/material/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/@mui/private-theming": { + "version": "5.13.7", + "resolved": "https://registry.npmmirror.com/@mui/private-theming/-/private-theming-5.13.7.tgz", + "integrity": "sha512-qbSr+udcij5F9dKhGX7fEdx2drXchq7htLNr2Qg2Ma+WJ6q0ERlEqGSBiPiVDJkptcjeVL4DGmcf1wl5+vD4EA==", + "dependencies": { + "@babel/runtime": "^7.22.5", + "@mui/utils": "^5.13.7", + "prop-types": "^15.8.1" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/styled-engine": { + "version": "5.13.2", + "resolved": "https://registry.npmmirror.com/@mui/styled-engine/-/styled-engine-5.13.2.tgz", + "integrity": "sha512-VCYCU6xVtXOrIN8lcbuPmoG+u7FYuOERG++fpY74hPpEWkyFQG97F+/XfTQVYzlR2m7nPjnwVUgATcTCMEaMvw==", + "dependencies": { + "@babel/runtime": "^7.21.0", + "@emotion/cache": "^11.11.0", + "csstype": "^3.1.2", + "prop-types": "^15.8.1" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@emotion/react": "^11.4.1", + "@emotion/styled": "^11.3.0", + "react": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@emotion/react": { + "optional": true + }, + "@emotion/styled": { + "optional": true + } + } + }, + "node_modules/@mui/system": { + "version": "5.14.1", + "resolved": "https://registry.npmmirror.com/@mui/system/-/system-5.14.1.tgz", + "integrity": "sha512-u+xlsU34Jdkgx1CxmBnIC4Y08uPdVX5iEd3S/1dggDFtOGp+Lj8xmKRJAQ8PJOOJLOh8pDwaZx4AwXikL4l1QA==", + "dependencies": { + "@babel/runtime": "^7.22.6", + "@mui/private-theming": "^5.13.7", + "@mui/styled-engine": "^5.13.2", + "@mui/types": "^7.2.4", + "@mui/utils": "^5.14.1", + "clsx": "^1.2.1", + "csstype": "^3.1.2", + "prop-types": "^15.8.1" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@emotion/react": "^11.5.0", + "@emotion/styled": "^11.3.0", + "@types/react": "^17.0.0 || ^18.0.0", + "react": "^17.0.0 || ^18.0.0" + }, + "peerDependenciesMeta": { + "@emotion/react": { + "optional": true + }, + "@emotion/styled": { + "optional": true + }, + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/types": { + "version": "7.2.4", + "resolved": "https://registry.npmmirror.com/@mui/types/-/types-7.2.4.tgz", + "integrity": "sha512-LBcwa8rN84bKF+f5sDyku42w1NTxaPgPyYKODsh01U1fVstTClbUoSA96oyRBnSNyEiAVjKm6Gwx9vjR+xyqHA==", + "peerDependencies": { + "@types/react": "*" + }, + "peerDependenciesMeta": { + "@types/react": { + "optional": true + } + } + }, + "node_modules/@mui/utils": { + "version": "5.14.1", + "resolved": "https://registry.npmmirror.com/@mui/utils/-/utils-5.14.1.tgz", + "integrity": "sha512-39KHKK2JeqRmuUcLDLwM+c2XfVC136C5/yUyQXmO2PVbOb2Bol4KxtkssEqCbTwg87PSCG3f1Tb0keRsK7cVGw==", + "dependencies": { + "@babel/runtime": "^7.22.6", + "@types/prop-types": "^15.7.5", + "@types/react-is": "^18.2.1", + "prop-types": "^15.8.1", + "react-is": "^18.2.0" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "react": "^17.0.0 || ^18.0.0" + } + }, + "node_modules/@mui/utils/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/@nicolo-ribaudo/eslint-scope-5-internals": { + "version": "5.1.1-v1", + "resolved": "https://registry.npmmirror.com/@nicolo-ribaudo/eslint-scope-5-internals/-/eslint-scope-5-internals-5.1.1-v1.tgz", + "integrity": "sha512-54/JRvkLIzzDWshCWfuhadfrfZVPiElY8Fcgmg1HroEly/EDSszzhBAsarCux+D/kOslTRquNzuyGSmUSTTHGg==", + "dependencies": { + "eslint-scope": "5.1.1" + } + }, + "node_modules/@nicolo-ribaudo/eslint-scope-5-internals/node_modules/eslint-scope": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/eslint-scope/-/eslint-scope-5.1.1.tgz", + "integrity": "sha512-2NxwbF/hZ0KpepYN0cNbo+FN6XoK7GaHlQhgx/hIZl6Va0bF45RQOOwhLIy8lQDbuCiadSLCBnH2CFYquit5bw==", + "dependencies": { + "esrecurse": "^4.3.0", + "estraverse": "^4.1.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/@nicolo-ribaudo/eslint-scope-5-internals/node_modules/estraverse": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/estraverse/-/estraverse-4.3.0.tgz", + "integrity": "sha512-39nnKffWz8xN1BU/2c79n9nB9HDzo0niYUqx6xyqUnyoAnQyyWpOTdZEeiCch8BBu515t4wp9ZmgVfVhn9EBpw==", + "engines": { + "node": ">=4.0" + } + }, + "node_modules/@nicolo-ribaudo/semver-v6": { + "version": "6.3.3", + "resolved": "https://registry.npmmirror.com/@nicolo-ribaudo/semver-v6/-/semver-v6-6.3.3.tgz", + "integrity": "sha512-3Yc1fUTs69MG/uZbJlLSI3JISMn2UV2rg+1D/vROUqZyh3l6iYHCs7GMp+M40ZD7yOdDbYjJcU1oTJhrc+dGKg==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/@nodelib/fs.scandir": { + "version": "2.1.5", + "resolved": "https://registry.npmmirror.com/@nodelib/fs.scandir/-/fs.scandir-2.1.5.tgz", + "integrity": "sha512-vq24Bq3ym5HEQm2NKCr3yXDwjc7vTsEThRDnkp2DK9p1uqLR+DHurm/NOTo0KG7HYHU7eppKZj3MyqYuMBf62g==", + "dependencies": { + "@nodelib/fs.stat": "2.0.5", + "run-parallel": "^1.1.9" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/@nodelib/fs.stat": { + "version": "2.0.5", + "resolved": "https://registry.npmmirror.com/@nodelib/fs.stat/-/fs.stat-2.0.5.tgz", + "integrity": "sha512-RkhPPp2zrqDAQA/2jNhnztcPAlv64XdhIp7a7454A5ovI7Bukxgt7MX7udwAu3zg1DcpPU0rz3VV1SeaqvY4+A==", + "engines": { + "node": ">= 8" + } + }, + "node_modules/@nodelib/fs.walk": { + "version": "1.2.8", + "resolved": "https://registry.npmmirror.com/@nodelib/fs.walk/-/fs.walk-1.2.8.tgz", + "integrity": "sha512-oGB+UxlgWcgQkgwo8GcEGwemoTFt3FIO9ababBmaGwXIoBKZ+GTy0pP185beGg7Llih/NSHSV2XAs1lnznocSg==", + "dependencies": { + "@nodelib/fs.scandir": "2.1.5", + "fastq": "^1.6.0" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/@pmmmwh/react-refresh-webpack-plugin": { + "version": "0.5.10", + "resolved": "https://registry.npmmirror.com/@pmmmwh/react-refresh-webpack-plugin/-/react-refresh-webpack-plugin-0.5.10.tgz", + "integrity": "sha512-j0Ya0hCFZPd4x40qLzbhGsh9TMtdb+CJQiso+WxLOPNasohq9cc5SNUcwsZaRH6++Xh91Xkm/xHCkuIiIu0LUA==", + "dependencies": { + "ansi-html-community": "^0.0.8", + "common-path-prefix": "^3.0.0", + "core-js-pure": "^3.23.3", + "error-stack-parser": "^2.0.6", + "find-up": "^5.0.0", + "html-entities": "^2.1.0", + "loader-utils": "^2.0.4", + "schema-utils": "^3.0.0", + "source-map": "^0.7.3" + }, + "engines": { + "node": ">= 10.13" + }, + "peerDependencies": { + "@types/webpack": "4.x || 5.x", + "react-refresh": ">=0.10.0 <1.0.0", + "sockjs-client": "^1.4.0", + "type-fest": ">=0.17.0 <4.0.0", + "webpack": ">=4.43.0 <6.0.0", + "webpack-dev-server": "3.x || 4.x", + "webpack-hot-middleware": "2.x", + "webpack-plugin-serve": "0.x || 1.x" + }, + "peerDependenciesMeta": { + "@types/webpack": { + "optional": true + }, + "sockjs-client": { + "optional": true + }, + "type-fest": { + "optional": true + }, + "webpack-dev-server": { + "optional": true + }, + "webpack-hot-middleware": { + "optional": true + }, + "webpack-plugin-serve": { + "optional": true + } + } + }, + "node_modules/@popperjs/core": { + "version": "2.11.8", + "resolved": "https://registry.npmmirror.com/@popperjs/core/-/core-2.11.8.tgz", + "integrity": "sha512-P1st0aksCrn9sGZhp8GMYwBnQsbvAWsZAX44oXNNvLHGqAOcoVxmjZiohstwQ7SqKnbR47akdNi+uleWD8+g6A==" + }, + "node_modules/@remix-run/router": { + "version": "1.7.2", + "resolved": "https://registry.npmmirror.com/@remix-run/router/-/router-1.7.2.tgz", + "integrity": "sha512-7Lcn7IqGMV+vizMPoEl5F0XDshcdDYtMI6uJLQdQz5CfZAwy3vvGKYSUk789qndt5dEC4HfSjviSYlSoHGL2+A==", + "engines": { + "node": ">=14" + } + }, + "node_modules/@rollup/plugin-babel": { + "version": "5.3.1", + "resolved": "https://registry.npmmirror.com/@rollup/plugin-babel/-/plugin-babel-5.3.1.tgz", + "integrity": "sha512-WFfdLWU/xVWKeRQnKmIAQULUI7Il0gZnBIH/ZFO069wYIfPu+8zrfp/KMW0atmELoRDq8FbiP3VCss9MhCut7Q==", + "dependencies": { + "@babel/helper-module-imports": "^7.10.4", + "@rollup/pluginutils": "^3.1.0" + }, + "engines": { + "node": ">= 10.0.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0", + "@types/babel__core": "^7.1.9", + "rollup": "^1.20.0||^2.0.0" + }, + "peerDependenciesMeta": { + "@types/babel__core": { + "optional": true + } + } + }, + "node_modules/@rollup/plugin-node-resolve": { + "version": "11.2.1", + "resolved": "https://registry.npmmirror.com/@rollup/plugin-node-resolve/-/plugin-node-resolve-11.2.1.tgz", + "integrity": "sha512-yc2n43jcqVyGE2sqV5/YCmocy9ArjVAP/BeXyTtADTBBX6V0e5UMqwO8CdQ0kzjb6zu5P1qMzsScCMRvE9OlVg==", + "dependencies": { + "@rollup/pluginutils": "^3.1.0", + "@types/resolve": "1.17.1", + "builtin-modules": "^3.1.0", + "deepmerge": "^4.2.2", + "is-module": "^1.0.0", + "resolve": "^1.19.0" + }, + "engines": { + "node": ">= 10.0.0" + }, + "peerDependencies": { + "rollup": "^1.20.0||^2.0.0" + } + }, + "node_modules/@rollup/plugin-replace": { + "version": "2.4.2", + "resolved": "https://registry.npmmirror.com/@rollup/plugin-replace/-/plugin-replace-2.4.2.tgz", + "integrity": "sha512-IGcu+cydlUMZ5En85jxHH4qj2hta/11BHq95iHEyb2sbgiN0eCdzvUcHw5gt9pBL5lTi4JDYJ1acCoMGpTvEZg==", + "dependencies": { + "@rollup/pluginutils": "^3.1.0", + "magic-string": "^0.25.7" + }, + "peerDependencies": { + "rollup": "^1.20.0 || ^2.0.0" + } + }, + "node_modules/@rollup/pluginutils": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/@rollup/pluginutils/-/pluginutils-3.1.0.tgz", + "integrity": "sha512-GksZ6pr6TpIjHm8h9lSQ8pi8BE9VeubNT0OMJ3B5uZJ8pz73NPiqOtCog/x2/QzM1ENChPKxMDhiQuRHsqc+lg==", + "dependencies": { + "@types/estree": "0.0.39", + "estree-walker": "^1.0.1", + "picomatch": "^2.2.2" + }, + "engines": { + "node": ">= 8.0.0" + }, + "peerDependencies": { + "rollup": "^1.20.0||^2.0.0" + } + }, + "node_modules/@rollup/pluginutils/node_modules/@types/estree": { + "version": "0.0.39", + "resolved": "https://registry.npmmirror.com/@types/estree/-/estree-0.0.39.tgz", + "integrity": "sha512-EYNwp3bU+98cpU4lAWYYL7Zz+2gryWH1qbdDTidVd6hkiR6weksdbMadyXKXNPEkQFhXM+hVO9ZygomHXp+AIw==" + }, + "node_modules/@rushstack/eslint-patch": { + "version": "1.3.2", + "resolved": "https://registry.npmmirror.com/@rushstack/eslint-patch/-/eslint-patch-1.3.2.tgz", + "integrity": "sha512-V+MvGwaHH03hYhY+k6Ef/xKd6RYlc4q8WBx+2ANmipHJcKuktNcI/NgEsJgdSUF6Lw32njT6OnrRsKYCdgHjYw==" + }, + "node_modules/@sinclair/typebox": { + "version": "0.24.51", + "resolved": "https://registry.npmmirror.com/@sinclair/typebox/-/typebox-0.24.51.tgz", + "integrity": "sha512-1P1OROm/rdubP5aFDSZQILU0vrLCJ4fvHt6EoqHEM+2D/G5MK3bIaymUKLit8Js9gbns5UyJnkP/TZROLw4tUA==" + }, + "node_modules/@sinonjs/commons": { + "version": "1.8.6", + "resolved": "https://registry.npmmirror.com/@sinonjs/commons/-/commons-1.8.6.tgz", + "integrity": "sha512-Ky+XkAkqPZSm3NLBeUng77EBQl3cmeJhITaGHdYH8kjVB+aun3S4XBRti2zt17mtt0mIUDiNxYeoJm6drVvBJQ==", + "dependencies": { + "type-detect": "4.0.8" + } + }, + "node_modules/@sinonjs/fake-timers": { + "version": "8.1.0", + "resolved": "https://registry.npmmirror.com/@sinonjs/fake-timers/-/fake-timers-8.1.0.tgz", + "integrity": "sha512-OAPJUAtgeINhh/TAlUID4QTs53Njm7xzddaVlEs/SXwgtiD1tW22zAB/W1wdqfrpmikgaWQ9Fw6Ws+hsiRm5Vg==", + "dependencies": { + "@sinonjs/commons": "^1.7.0" + } + }, + "node_modules/@surma/rollup-plugin-off-main-thread": { + "version": "2.2.3", + "resolved": "https://registry.npmmirror.com/@surma/rollup-plugin-off-main-thread/-/rollup-plugin-off-main-thread-2.2.3.tgz", + "integrity": "sha512-lR8q/9W7hZpMWweNiAKU7NQerBnzQQLvi8qnTDU/fxItPhtZVMbPV3lbCwjhIlNBe9Bbr5V+KHshvWmVSG9cxQ==", + "dependencies": { + "ejs": "^3.1.6", + "json5": "^2.2.0", + "magic-string": "^0.25.0", + "string.prototype.matchall": "^4.0.6" + } + }, + "node_modules/@svgr/babel-plugin-add-jsx-attribute": { + "version": "5.4.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-add-jsx-attribute/-/babel-plugin-add-jsx-attribute-5.4.0.tgz", + "integrity": "sha512-ZFf2gs/8/6B8PnSofI0inYXr2SDNTDScPXhN7k5EqD4aZ3gi6u+rbmZHVB8IM3wDyx8ntKACZbtXSm7oZGRqVg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-remove-jsx-attribute": { + "version": "5.4.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-remove-jsx-attribute/-/babel-plugin-remove-jsx-attribute-5.4.0.tgz", + "integrity": "sha512-yaS4o2PgUtwLFGTKbsiAy6D0o3ugcUhWK0Z45umJ66EPWunAz9fuFw2gJuje6wqQvQWOTJvIahUwndOXb7QCPg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-remove-jsx-empty-expression": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-remove-jsx-empty-expression/-/babel-plugin-remove-jsx-empty-expression-5.0.1.tgz", + "integrity": "sha512-LA72+88A11ND/yFIMzyuLRSMJ+tRKeYKeQ+mR3DcAZ5I4h5CPWN9AHyUzJbWSYp/u2u0xhmgOe0+E41+GjEueA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-replace-jsx-attribute-value": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-replace-jsx-attribute-value/-/babel-plugin-replace-jsx-attribute-value-5.0.1.tgz", + "integrity": "sha512-PoiE6ZD2Eiy5mK+fjHqwGOS+IXX0wq/YDtNyIgOrc6ejFnxN4b13pRpiIPbtPwHEc+NT2KCjteAcq33/F1Y9KQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-svg-dynamic-title": { + "version": "5.4.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-svg-dynamic-title/-/babel-plugin-svg-dynamic-title-5.4.0.tgz", + "integrity": "sha512-zSOZH8PdZOpuG1ZVx/cLVePB2ibo3WPpqo7gFIjLV9a0QsuQAzJiwwqmuEdTaW2pegyBE17Uu15mOgOcgabQZg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-svg-em-dimensions": { + "version": "5.4.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-svg-em-dimensions/-/babel-plugin-svg-em-dimensions-5.4.0.tgz", + "integrity": "sha512-cPzDbDA5oT/sPXDCUYoVXEmm3VIoAWAPT6mSPTJNbQaBNUuEKVKyGH93oDY4e42PYHRW67N5alJx/eEol20abw==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-transform-react-native-svg": { + "version": "5.4.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-transform-react-native-svg/-/babel-plugin-transform-react-native-svg-5.4.0.tgz", + "integrity": "sha512-3eYP/SaopZ41GHwXma7Rmxcv9uRslRDTY1estspeB1w1ueZWd/tPlMfEOoccYpEMZU3jD4OU7YitnXcF5hLW2Q==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-plugin-transform-svg-component": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-plugin-transform-svg-component/-/babel-plugin-transform-svg-component-5.5.0.tgz", + "integrity": "sha512-q4jSH1UUvbrsOtlo/tKcgSeiCHRSBdXoIoqX1pgcKK/aU3JD27wmMKwGtpB8qRYUYoyXvfGxUVKchLuR5pB3rQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/babel-preset": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/babel-preset/-/babel-preset-5.5.0.tgz", + "integrity": "sha512-4FiXBjvQ+z2j7yASeGPEi8VD/5rrGQk4Xrq3EdJmoZgz/tpqChpo5hgXDvmEauwtvOc52q8ghhZK4Oy7qph4ig==", + "dependencies": { + "@svgr/babel-plugin-add-jsx-attribute": "^5.4.0", + "@svgr/babel-plugin-remove-jsx-attribute": "^5.4.0", + "@svgr/babel-plugin-remove-jsx-empty-expression": "^5.0.1", + "@svgr/babel-plugin-replace-jsx-attribute-value": "^5.0.1", + "@svgr/babel-plugin-svg-dynamic-title": "^5.4.0", + "@svgr/babel-plugin-svg-em-dimensions": "^5.4.0", + "@svgr/babel-plugin-transform-react-native-svg": "^5.4.0", + "@svgr/babel-plugin-transform-svg-component": "^5.5.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/core": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/core/-/core-5.5.0.tgz", + "integrity": "sha512-q52VOcsJPvV3jO1wkPtzTuKlvX7Y3xIcWRpCMtBF3MrteZJtBfQw/+u0B1BHy5ColpQc1/YVTrPEtSYIMNZlrQ==", + "dependencies": { + "@svgr/plugin-jsx": "^5.5.0", + "camelcase": "^6.2.0", + "cosmiconfig": "^7.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/hast-util-to-babel-ast": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/hast-util-to-babel-ast/-/hast-util-to-babel-ast-5.5.0.tgz", + "integrity": "sha512-cAaR/CAiZRB8GP32N+1jocovUtvlj0+e65TB50/6Lcime+EA49m/8l+P2ko+XPJ4dw3xaPS3jOL4F2X4KWxoeQ==", + "dependencies": { + "@babel/types": "^7.12.6" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/plugin-jsx": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/plugin-jsx/-/plugin-jsx-5.5.0.tgz", + "integrity": "sha512-V/wVh33j12hGh05IDg8GpIUXbjAPnTdPTKuP4VNLggnwaHMPNQNae2pRnyTAILWCQdz5GyMqtO488g7CKM8CBA==", + "dependencies": { + "@babel/core": "^7.12.3", + "@svgr/babel-preset": "^5.5.0", + "@svgr/hast-util-to-babel-ast": "^5.5.0", + "svg-parser": "^2.0.2" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/plugin-svgo": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/plugin-svgo/-/plugin-svgo-5.5.0.tgz", + "integrity": "sha512-r5swKk46GuQl4RrVejVwpeeJaydoxkdwkM1mBKOgJLBUJPGaLci6ylg/IjhrRsREKDkr4kbMWdgOtbXEh0fyLQ==", + "dependencies": { + "cosmiconfig": "^7.0.0", + "deepmerge": "^4.2.2", + "svgo": "^1.2.2" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@svgr/webpack": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/@svgr/webpack/-/webpack-5.5.0.tgz", + "integrity": "sha512-DOBOK255wfQxguUta2INKkzPj6AIS6iafZYiYmHn6W3pHlycSRRlvWKCfLDG10fXfLWqE3DJHgRUOyJYmARa7g==", + "dependencies": { + "@babel/core": "^7.12.3", + "@babel/plugin-transform-react-constant-elements": "^7.12.1", + "@babel/preset-env": "^7.12.1", + "@babel/preset-react": "^7.12.5", + "@svgr/core": "^5.5.0", + "@svgr/plugin-jsx": "^5.5.0", + "@svgr/plugin-svgo": "^5.5.0", + "loader-utils": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@testing-library/dom": { + "version": "9.3.1", + "resolved": "https://registry.npmmirror.com/@testing-library/dom/-/dom-9.3.1.tgz", + "integrity": "sha512-0DGPd9AR3+iDTjGoMpxIkAsUihHZ3Ai6CneU6bRRrffXMgzCdlNk43jTrD2/5LT6CBb3MWTP8v510JzYtahD2w==", + "peer": true, + "dependencies": { + "@babel/code-frame": "^7.10.4", + "@babel/runtime": "^7.12.5", + "@types/aria-query": "^5.0.1", + "aria-query": "5.1.3", + "chalk": "^4.1.0", + "dom-accessibility-api": "^0.5.9", + "lz-string": "^1.5.0", + "pretty-format": "^27.0.2" + }, + "engines": { + "node": ">=14" + } + }, + "node_modules/@testing-library/dom/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "peer": true, + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/dom/node_modules/aria-query": { + "version": "5.1.3", + "resolved": "https://registry.npmmirror.com/aria-query/-/aria-query-5.1.3.tgz", + "integrity": "sha512-R5iJ5lkuHybztUfuOAznmboyjWq8O6sqNqtK7CLOqdydi54VNbORp49mb14KbWgG1QD3JFO9hJdZ+y4KutfdOQ==", + "peer": true, + "dependencies": { + "deep-equal": "^2.0.5" + } + }, + "node_modules/@testing-library/dom/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "peer": true, + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@testing-library/dom/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "peer": true, + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@testing-library/dom/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==", + "peer": true + }, + "node_modules/@testing-library/dom/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "peer": true, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/dom/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "peer": true, + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/jest-dom": { + "version": "5.17.0", + "resolved": "https://registry.npmmirror.com/@testing-library/jest-dom/-/jest-dom-5.17.0.tgz", + "integrity": "sha512-ynmNeT7asXyH3aSVv4vvX4Rb+0qjOhdNHnO/3vuZNqPmhDpV/+rCSGwQ7bLcmU2cJ4dvoheIO85LQj0IbJHEtg==", + "dependencies": { + "@adobe/css-tools": "^4.0.1", + "@babel/runtime": "^7.9.2", + "@types/testing-library__jest-dom": "^5.9.1", + "aria-query": "^5.0.0", + "chalk": "^3.0.0", + "css.escape": "^1.5.1", + "dom-accessibility-api": "^0.5.6", + "lodash": "^4.17.15", + "redent": "^3.0.0" + }, + "engines": { + "node": ">=8", + "npm": ">=6", + "yarn": ">=1" + } + }, + "node_modules/@testing-library/jest-dom/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/jest-dom/node_modules/chalk": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-3.0.0.tgz", + "integrity": "sha512-4D3B6Wf41KOYRFdszmDqMCGq5VV/uMAB273JILmO+3jAlh8X4qDtdtgCR3fxtbLEMzSx22QdhnDcJvu2u1fVwg==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/jest-dom/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@testing-library/jest-dom/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@testing-library/jest-dom/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/jest-dom/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/react": { + "version": "13.4.0", + "resolved": "https://registry.npmmirror.com/@testing-library/react/-/react-13.4.0.tgz", + "integrity": "sha512-sXOGON+WNTh3MLE9rve97ftaZukN3oNf2KjDy7YTx6hcTO2uuLHuCGynMDhFwGw/jYf4OJ2Qk0i4i79qMNNkyw==", + "dependencies": { + "@babel/runtime": "^7.12.5", + "@testing-library/dom": "^8.5.0", + "@types/react-dom": "^18.0.0" + }, + "engines": { + "node": ">=12" + }, + "peerDependencies": { + "react": "^18.0.0", + "react-dom": "^18.0.0" + } + }, + "node_modules/@testing-library/react/node_modules/@testing-library/dom": { + "version": "8.20.1", + "resolved": "https://registry.npmmirror.com/@testing-library/dom/-/dom-8.20.1.tgz", + "integrity": "sha512-/DiOQ5xBxgdYRC8LNk7U+RWat0S3qRLeIw3ZIkMQ9kkVlRmwD/Eg8k8CqIpD6GW7u20JIUOfMKbxtiLutpjQ4g==", + "dependencies": { + "@babel/code-frame": "^7.10.4", + "@babel/runtime": "^7.12.5", + "@types/aria-query": "^5.0.1", + "aria-query": "5.1.3", + "chalk": "^4.1.0", + "dom-accessibility-api": "^0.5.9", + "lz-string": "^1.5.0", + "pretty-format": "^27.0.2" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/@testing-library/react/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/react/node_modules/aria-query": { + "version": "5.1.3", + "resolved": "https://registry.npmmirror.com/aria-query/-/aria-query-5.1.3.tgz", + "integrity": "sha512-R5iJ5lkuHybztUfuOAznmboyjWq8O6sqNqtK7CLOqdydi54VNbORp49mb14KbWgG1QD3JFO9hJdZ+y4KutfdOQ==", + "dependencies": { + "deep-equal": "^2.0.5" + } + }, + "node_modules/@testing-library/react/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@testing-library/react/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@testing-library/react/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@testing-library/react/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/react/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@testing-library/user-event": { + "version": "13.5.0", + "resolved": "https://registry.npmmirror.com/@testing-library/user-event/-/user-event-13.5.0.tgz", + "integrity": "sha512-5Kwtbo3Y/NowpkbRuSepbyMFkZmHgD+vPzYB/RJ4oxt5Gj/avFFBYjhw27cqSVPVw/3a67NK1PbiIr9k4Gwmdg==", + "dependencies": { + "@babel/runtime": "^7.12.5" + }, + "engines": { + "node": ">=10", + "npm": ">=6" + }, + "peerDependencies": { + "@testing-library/dom": ">=7.21.4" + } + }, + "node_modules/@tootallnate/once": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/@tootallnate/once/-/once-1.1.2.tgz", + "integrity": "sha512-RbzJvlNzmRq5c3O09UipeuXno4tA1FE6ikOjxZK0tuxVv3412l64l5t1W5pj4+rJq9vpkm/kwiR07aZXnsKPxw==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/@trysound/sax": { + "version": "0.2.0", + "resolved": "https://registry.npmmirror.com/@trysound/sax/-/sax-0.2.0.tgz", + "integrity": "sha512-L7z9BgrNEcYyUYtF+HaEfiS5ebkh9jXqbszz7pC0hRBPaatV0XjSD3+eHrpqFemQfgwiFF0QPIarnIihIDn7OA==", + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/@types/aria-query": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/@types/aria-query/-/aria-query-5.0.1.tgz", + "integrity": "sha512-XTIieEY+gvJ39ChLcB4If5zHtPxt3Syj5rgZR+e1ctpmK8NjPf0zFqsz4JpLJT0xla9GFDKjy8Cpu331nrmE1Q==" + }, + "node_modules/@types/babel__core": { + "version": "7.20.1", + "resolved": "https://registry.npmmirror.com/@types/babel__core/-/babel__core-7.20.1.tgz", + "integrity": "sha512-aACu/U/omhdk15O4Nfb+fHgH/z3QsfQzpnvRZhYhThms83ZnAOZz7zZAWO7mn2yyNQaA4xTO8GLK3uqFU4bYYw==", + "dependencies": { + "@babel/parser": "^7.20.7", + "@babel/types": "^7.20.7", + "@types/babel__generator": "*", + "@types/babel__template": "*", + "@types/babel__traverse": "*" + } + }, + "node_modules/@types/babel__generator": { + "version": "7.6.4", + "resolved": "https://registry.npmmirror.com/@types/babel__generator/-/babel__generator-7.6.4.tgz", + "integrity": "sha512-tFkciB9j2K755yrTALxD44McOrk+gfpIpvC3sxHjRawj6PfnQxrse4Clq5y/Rq+G3mrBurMax/lG8Qn2t9mSsg==", + "dependencies": { + "@babel/types": "^7.0.0" + } + }, + "node_modules/@types/babel__template": { + "version": "7.4.1", + "resolved": "https://registry.npmmirror.com/@types/babel__template/-/babel__template-7.4.1.tgz", + "integrity": "sha512-azBFKemX6kMg5Io+/rdGT0dkGreboUVR0Cdm3fz9QJWpaQGJRQXl7C+6hOTCZcMll7KFyEQpgbYI2lHdsS4U7g==", + "dependencies": { + "@babel/parser": "^7.1.0", + "@babel/types": "^7.0.0" + } + }, + "node_modules/@types/babel__traverse": { + "version": "7.20.1", + "resolved": "https://registry.npmmirror.com/@types/babel__traverse/-/babel__traverse-7.20.1.tgz", + "integrity": "sha512-MitHFXnhtgwsGZWtT68URpOvLN4EREih1u3QtQiN4VdAxWKRVvGCSvw/Qth0M0Qq3pJpnGOu5JaM/ydK7OGbqg==", + "dependencies": { + "@babel/types": "^7.20.7" + } + }, + "node_modules/@types/body-parser": { + "version": "1.19.2", + "resolved": "https://registry.npmmirror.com/@types/body-parser/-/body-parser-1.19.2.tgz", + "integrity": "sha512-ALYone6pm6QmwZoAgeyNksccT9Q4AWZQ6PvfwR37GT6r6FWUPguq6sUmNGSMV2Wr761oQoBxwGGa6DR5o1DC9g==", + "dependencies": { + "@types/connect": "*", + "@types/node": "*" + } + }, + "node_modules/@types/bonjour": { + "version": "3.5.10", + "resolved": "https://registry.npmmirror.com/@types/bonjour/-/bonjour-3.5.10.tgz", + "integrity": "sha512-p7ienRMiS41Nu2/igbJxxLDWrSZ0WxM8UQgCeO9KhoVF7cOVFkrKsiDr1EsJIla8vV3oEEjGcz11jc5yimhzZw==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/connect": { + "version": "3.4.35", + "resolved": "https://registry.npmmirror.com/@types/connect/-/connect-3.4.35.tgz", + "integrity": "sha512-cdeYyv4KWoEgpBISTxWvqYsVy444DOqehiF3fM3ne10AmJ62RSyNkUnxMJXHQWRQQX2eR94m5y1IZyDwBjV9FQ==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/connect-history-api-fallback": { + "version": "1.5.0", + "resolved": "https://registry.npmmirror.com/@types/connect-history-api-fallback/-/connect-history-api-fallback-1.5.0.tgz", + "integrity": "sha512-4x5FkPpLipqwthjPsF7ZRbOv3uoLUFkTA9G9v583qi4pACvq0uTELrB8OLUzPWUI4IJIyvM85vzkV1nyiI2Lig==", + "dependencies": { + "@types/express-serve-static-core": "*", + "@types/node": "*" + } + }, + "node_modules/@types/eslint": { + "version": "8.44.0", + "resolved": "https://registry.npmmirror.com/@types/eslint/-/eslint-8.44.0.tgz", + "integrity": "sha512-gsF+c/0XOguWgaOgvFs+xnnRqt9GwgTvIks36WpE6ueeI4KCEHHd8K/CKHqhOqrJKsYH8m27kRzQEvWXAwXUTw==", + "dependencies": { + "@types/estree": "*", + "@types/json-schema": "*" + } + }, + "node_modules/@types/eslint-scope": { + "version": "3.7.4", + "resolved": "https://registry.npmmirror.com/@types/eslint-scope/-/eslint-scope-3.7.4.tgz", + "integrity": "sha512-9K4zoImiZc3HlIp6AVUDE4CWYx22a+lhSZMYNpbjW04+YF0KWj4pJXnEMjdnFTiQibFFmElcsasJXDbdI/EPhA==", + "dependencies": { + "@types/eslint": "*", + "@types/estree": "*" + } + }, + "node_modules/@types/estree": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/@types/estree/-/estree-1.0.1.tgz", + "integrity": "sha512-LG4opVs2ANWZ1TJoKc937iMmNstM/d0ae1vNbnBvBhqCSezgVUOzcLCqbI5elV8Vy6WKwKjaqR+zO9VKirBBCA==" + }, + "node_modules/@types/express": { + "version": "4.17.17", + "resolved": "https://registry.npmmirror.com/@types/express/-/express-4.17.17.tgz", + "integrity": "sha512-Q4FmmuLGBG58btUnfS1c1r/NQdlp3DMfGDGig8WhfpA2YRUtEkxAjkZb0yvplJGYdF1fsQ81iMDcH24sSCNC/Q==", + "dependencies": { + "@types/body-parser": "*", + "@types/express-serve-static-core": "^4.17.33", + "@types/qs": "*", + "@types/serve-static": "*" + } + }, + "node_modules/@types/express-serve-static-core": { + "version": "4.17.35", + "resolved": "https://registry.npmmirror.com/@types/express-serve-static-core/-/express-serve-static-core-4.17.35.tgz", + "integrity": "sha512-wALWQwrgiB2AWTT91CB62b6Yt0sNHpznUXeZEcnPU3DRdlDIz74x8Qg1UUYKSVFi+va5vKOLYRBI1bRKiLLKIg==", + "dependencies": { + "@types/node": "*", + "@types/qs": "*", + "@types/range-parser": "*", + "@types/send": "*" + } + }, + "node_modules/@types/graceful-fs": { + "version": "4.1.6", + "resolved": "https://registry.npmmirror.com/@types/graceful-fs/-/graceful-fs-4.1.6.tgz", + "integrity": "sha512-Sig0SNORX9fdW+bQuTEovKj3uHcUL6LQKbCrrqb1X7J6/ReAbhCXRAhc+SMejhLELFj2QcyuxmUooZ4bt5ReSw==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/html-minifier-terser": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/@types/html-minifier-terser/-/html-minifier-terser-6.1.0.tgz", + "integrity": "sha512-oh/6byDPnL1zeNXFrDXFLyZjkr1MsBG667IM792caf1L2UPOOMf65NFzjUH/ltyfwjAGfs1rsX1eftK0jC/KIg==" + }, + "node_modules/@types/http-errors": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/@types/http-errors/-/http-errors-2.0.1.tgz", + "integrity": "sha512-/K3ds8TRAfBvi5vfjuz8y6+GiAYBZ0x4tXv1Av6CWBWn0IlADc+ZX9pMq7oU0fNQPnBwIZl3rmeLp6SBApbxSQ==" + }, + "node_modules/@types/http-proxy": { + "version": "1.17.11", + "resolved": "https://registry.npmmirror.com/@types/http-proxy/-/http-proxy-1.17.11.tgz", + "integrity": "sha512-HC8G7c1WmaF2ekqpnFq626xd3Zz0uvaqFmBJNRZCGEZCXkvSdJoNFn/8Ygbd9fKNQj8UzLdCETaI0UWPAjK7IA==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/istanbul-lib-coverage": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/@types/istanbul-lib-coverage/-/istanbul-lib-coverage-2.0.4.tgz", + "integrity": "sha512-z/QT1XN4K4KYuslS23k62yDIDLwLFkzxOuMplDtObz0+y7VqJCaO2o+SPwHCvLFZh7xazvvoor2tA/hPz9ee7g==" + }, + "node_modules/@types/istanbul-lib-report": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/@types/istanbul-lib-report/-/istanbul-lib-report-3.0.0.tgz", + "integrity": "sha512-plGgXAPfVKFoYfa9NpYDAkseG+g6Jr294RqeqcqDixSbU34MZVJRi/P+7Y8GDpzkEwLaGZZOpKIEmeVZNtKsrg==", + "dependencies": { + "@types/istanbul-lib-coverage": "*" + } + }, + "node_modules/@types/istanbul-reports": { + "version": "3.0.1", + "resolved": "https://registry.npmmirror.com/@types/istanbul-reports/-/istanbul-reports-3.0.1.tgz", + "integrity": "sha512-c3mAZEuK0lvBp8tmuL74XRKn1+y2dcwOUpH7x4WrF6gk1GIgiluDRgMYQtw2OFcBvAJWlt6ASU3tSqxp0Uu0Aw==", + "dependencies": { + "@types/istanbul-lib-report": "*" + } + }, + "node_modules/@types/jest": { + "version": "29.5.3", + "resolved": "https://registry.npmmirror.com/@types/jest/-/jest-29.5.3.tgz", + "integrity": "sha512-1Nq7YrO/vJE/FYnqYyw0FS8LdrjExSgIiHyKg7xPpn+yi8Q4huZryKnkJatN1ZRH89Kw2v33/8ZMB7DuZeSLlA==", + "dependencies": { + "expect": "^29.0.0", + "pretty-format": "^29.0.0" + } + }, + "node_modules/@types/jest/node_modules/@jest/schemas": { + "version": "29.6.0", + "resolved": "https://registry.npmmirror.com/@jest/schemas/-/schemas-29.6.0.tgz", + "integrity": "sha512-rxLjXyJBTL4LQeJW3aKo0M/+GkCOXsO+8i9Iu7eDb6KwtP65ayoDsitrdPBtujxQ88k4wI2FNYfa6TOGwSn6cQ==", + "dependencies": { + "@sinclair/typebox": "^0.27.8" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/@jest/types": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/@jest/types/-/types-29.6.1.tgz", + "integrity": "sha512-tPKQNMPuXgvdOn2/Lg9HNfUvjYVGolt04Hp03f5hAk878uwOLikN+JzeLY0HcVgKgFl9Hs3EIqpu3WX27XNhnw==", + "dependencies": { + "@jest/schemas": "^29.6.0", + "@types/istanbul-lib-coverage": "^2.0.0", + "@types/istanbul-reports": "^3.0.0", + "@types/node": "*", + "@types/yargs": "^17.0.8", + "chalk": "^4.0.0" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/@sinclair/typebox": { + "version": "0.27.8", + "resolved": "https://registry.npmmirror.com/@sinclair/typebox/-/typebox-0.27.8.tgz", + "integrity": "sha512-+Fj43pSMwJs4KRrH/938Uf+uAELIgVBmQzg/q1YG10djyfA3TnrU8N8XzqCh/okZdszqBQTZf96idMfE5lnwTA==" + }, + "node_modules/@types/jest/node_modules/@types/yargs": { + "version": "17.0.24", + "resolved": "https://registry.npmmirror.com/@types/yargs/-/yargs-17.0.24.tgz", + "integrity": "sha512-6i0aC7jV6QzQB8ne1joVZ0eSFIstHsCrobmOtghM11yGlH0j43FKL2UhWdELkyps0zuf7qVTUVCCR+tgSlyLLw==", + "dependencies": { + "@types/yargs-parser": "*" + } + }, + "node_modules/@types/jest/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@types/jest/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@types/jest/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/@types/jest/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/@types/jest/node_modules/diff-sequences": { + "version": "29.4.3", + "resolved": "https://registry.npmmirror.com/diff-sequences/-/diff-sequences-29.4.3.tgz", + "integrity": "sha512-ofrBgwpPhCD85kMKtE9RYFFq6OC1A89oW2vvgWZNCwxrUpRUILopY7lsYyMDSjc8g6U6aiO0Qubg6r4Wgt5ZnA==", + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/expect": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/expect/-/expect-29.6.1.tgz", + "integrity": "sha512-XEdDLonERCU1n9uR56/Stx9OqojaLAQtZf9PrCHH9Hl8YXiEIka3H4NXJ3NOIBmQJTg7+j7buh34PMHfJujc8g==", + "dependencies": { + "@jest/expect-utils": "^29.6.1", + "@types/node": "*", + "jest-get-type": "^29.4.3", + "jest-matcher-utils": "^29.6.1", + "jest-message-util": "^29.6.1", + "jest-util": "^29.6.1" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@types/jest/node_modules/jest-diff": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/jest-diff/-/jest-diff-29.6.1.tgz", + "integrity": "sha512-FsNCvinvl8oVxpNLttNQX7FAq7vR+gMDGj90tiP7siWw1UdakWUGqrylpsYrpvj908IYckm5Y0Q7azNAozU1Kg==", + "dependencies": { + "chalk": "^4.0.0", + "diff-sequences": "^29.4.3", + "jest-get-type": "^29.4.3", + "pretty-format": "^29.6.1" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/jest-get-type": { + "version": "29.4.3", + "resolved": "https://registry.npmmirror.com/jest-get-type/-/jest-get-type-29.4.3.tgz", + "integrity": "sha512-J5Xez4nRRMjk8emnTpWrlkyb9pfRQQanDrvWHhsR1+VUfbwxi30eVcZFlcdGInRibU4G5LwHXpI7IRHU0CY+gg==", + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/jest-matcher-utils": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/jest-matcher-utils/-/jest-matcher-utils-29.6.1.tgz", + "integrity": "sha512-SLaztw9d2mfQQKHmJXKM0HCbl2PPVld/t9Xa6P9sgiExijviSp7TnZZpw2Fpt+OI3nwUO/slJbOfzfUMKKC5QA==", + "dependencies": { + "chalk": "^4.0.0", + "jest-diff": "^29.6.1", + "jest-get-type": "^29.4.3", + "pretty-format": "^29.6.1" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/jest-message-util": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/jest-message-util/-/jest-message-util-29.6.1.tgz", + "integrity": "sha512-KoAW2zAmNSd3Gk88uJ56qXUWbFk787QKmjjJVOjtGFmmGSZgDBrlIL4AfQw1xyMYPNVD7dNInfIbur9B2rd/wQ==", + "dependencies": { + "@babel/code-frame": "^7.12.13", + "@jest/types": "^29.6.1", + "@types/stack-utils": "^2.0.0", + "chalk": "^4.0.0", + "graceful-fs": "^4.2.9", + "micromatch": "^4.0.4", + "pretty-format": "^29.6.1", + "slash": "^3.0.0", + "stack-utils": "^2.0.3" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/jest-util": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/jest-util/-/jest-util-29.6.1.tgz", + "integrity": "sha512-NRFCcjc+/uO3ijUVyNOQJluf8PtGCe/W6cix36+M3cTFgiYqFOOW5MgN4JOOcvbUhcKTYVd1CvHz/LWi8d16Mg==", + "dependencies": { + "@jest/types": "^29.6.1", + "@types/node": "*", + "chalk": "^4.0.0", + "ci-info": "^3.2.0", + "graceful-fs": "^4.2.9", + "picomatch": "^2.2.3" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/pretty-format": { + "version": "29.6.1", + "resolved": "https://registry.npmmirror.com/pretty-format/-/pretty-format-29.6.1.tgz", + "integrity": "sha512-7jRj+yXO0W7e4/tSJKoR7HRIHLPPjtNaUGG2xxKQnGvPNRkgWcQ0AZX6P4KBRJN4FcTBWb3sa7DVUJmocYuoog==", + "dependencies": { + "@jest/schemas": "^29.6.0", + "ansi-styles": "^5.0.0", + "react-is": "^18.0.0" + }, + "engines": { + "node": "^14.15.0 || ^16.10.0 || >=18.0.0" + } + }, + "node_modules/@types/jest/node_modules/pretty-format/node_modules/ansi-styles": { + "version": "5.2.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-5.2.0.tgz", + "integrity": "sha512-Cxwpt2SfTzTtXcfOlzGEee8O+c+MmUgGrNiBcXnuWxuFJHe6a5Hz7qwhwe5OgaSYI0IJvkLqWX1ASG+cJOkEiA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@types/jest/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/@types/jest/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/@types/json-schema": { + "version": "7.0.12", + "resolved": "https://registry.npmmirror.com/@types/json-schema/-/json-schema-7.0.12.tgz", + "integrity": "sha512-Hr5Jfhc9eYOQNPYO5WLDq/n4jqijdHNlDXjuAQkkt+mWdQR+XJToOHrsD4cPaMXpn6KO7y2+wM8AZEs8VpBLVA==" + }, + "node_modules/@types/json5": { + "version": "0.0.29", + "resolved": "https://registry.npmmirror.com/@types/json5/-/json5-0.0.29.tgz", + "integrity": "sha512-dRLjCWHYg4oaA77cxO64oO+7JwCwnIzkZPdrrC71jQmQtlhM556pwKo5bUzqvZndkVbeFLIIi+9TC40JNF5hNQ==" + }, + "node_modules/@types/mime": { + "version": "1.3.2", + "resolved": "https://registry.npmmirror.com/@types/mime/-/mime-1.3.2.tgz", + "integrity": "sha512-YATxVxgRqNH6nHEIsvg6k2Boc1JHI9ZbH5iWFFv/MTkchz3b1ieGDa5T0a9RznNdI0KhVbdbWSN+KWWrQZRxTw==" + }, + "node_modules/@types/node": { + "version": "20.4.2", + "resolved": "https://registry.npmmirror.com/@types/node/-/node-20.4.2.tgz", + "integrity": "sha512-Dd0BYtWgnWJKwO1jkmTrzofjK2QXXcai0dmtzvIBhcA+RsG5h8R3xlyta0kGOZRNfL9GuRtb1knmPEhQrePCEw==" + }, + "node_modules/@types/parse-json": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/@types/parse-json/-/parse-json-4.0.0.tgz", + "integrity": "sha512-//oorEZjL6sbPcKUaCdIGlIUeH26mgzimjBB77G6XRgnDl/L5wOnpyBGRe/Mmf5CVW3PwEBE1NjiMZ/ssFh4wA==" + }, + "node_modules/@types/prettier": { + "version": "2.7.3", + "resolved": "https://registry.npmmirror.com/@types/prettier/-/prettier-2.7.3.tgz", + "integrity": "sha512-+68kP9yzs4LMp7VNh8gdzMSPZFL44MLGqiHWvttYJe+6qnuVr4Ek9wSBQoveqY/r+LwjCcU29kNVkidwim+kYA==" + }, + "node_modules/@types/prop-types": { + "version": "15.7.5", + "resolved": "https://registry.npmmirror.com/@types/prop-types/-/prop-types-15.7.5.tgz", + "integrity": "sha512-JCB8C6SnDoQf0cNycqd/35A7MjcnK+ZTqE7judS6o7utxUCg6imJg3QK2qzHKszlTjcj2cn+NwMB2i96ubpj7w==" + }, + "node_modules/@types/q": { + "version": "1.5.5", + "resolved": "https://registry.npmmirror.com/@types/q/-/q-1.5.5.tgz", + "integrity": "sha512-L28j2FcJfSZOnL1WBjDYp2vUHCeIFlyYI/53EwD/rKUBQ7MtUUfbQWiyKJGpcnv4/WgrhWsFKrcPstcAt/J0tQ==" + }, + "node_modules/@types/qs": { + "version": "6.9.7", + "resolved": "https://registry.npmmirror.com/@types/qs/-/qs-6.9.7.tgz", + "integrity": "sha512-FGa1F62FT09qcrueBA6qYTrJPVDzah9a+493+o2PCXsesWHIn27G98TsSMs3WPNbZIEj4+VJf6saSFpvD+3Zsw==" + }, + "node_modules/@types/range-parser": { + "version": "1.2.4", + "resolved": "https://registry.npmmirror.com/@types/range-parser/-/range-parser-1.2.4.tgz", + "integrity": "sha512-EEhsLsD6UsDM1yFhAvy0Cjr6VwmpMWqFBCb9w07wVugF7w9nfajxLuVmngTIpgS6svCnm6Vaw+MZhoDCKnOfsw==" + }, + "node_modules/@types/react": { + "version": "18.2.15", + "resolved": "https://registry.npmmirror.com/@types/react/-/react-18.2.15.tgz", + "integrity": "sha512-oEjE7TQt1fFTFSbf8kkNuc798ahTUzn3Le67/PWjE8MAfYAD/qB7O8hSTcromLFqHCt9bcdOg5GXMokzTjJ5SA==", + "dependencies": { + "@types/prop-types": "*", + "@types/scheduler": "*", + "csstype": "^3.0.2" + } + }, + "node_modules/@types/react-dom": { + "version": "18.2.7", + "resolved": "https://registry.npmmirror.com/@types/react-dom/-/react-dom-18.2.7.tgz", + "integrity": "sha512-GRaAEriuT4zp9N4p1i8BDBYmEyfo+xQ3yHjJU4eiK5NDa1RmUZG+unZABUTK4/Ox/M+GaHwb6Ow8rUITrtjszA==", + "dependencies": { + "@types/react": "*" + } + }, + "node_modules/@types/react-is": { + "version": "18.2.1", + "resolved": "https://registry.npmmirror.com/@types/react-is/-/react-is-18.2.1.tgz", + "integrity": "sha512-wyUkmaaSZEzFZivD8F2ftSyAfk6L+DfFliVj/mYdOXbVjRcS87fQJLTnhk6dRZPuJjI+9g6RZJO4PNCngUrmyw==", + "dependencies": { + "@types/react": "*" + } + }, + "node_modules/@types/react-transition-group": { + "version": "4.4.6", + "resolved": "https://registry.npmmirror.com/@types/react-transition-group/-/react-transition-group-4.4.6.tgz", + "integrity": "sha512-VnCdSxfcm08KjsJVQcfBmhEQAPnLB8G08hAxn39azX1qYBQ/5RVQuoHuKIcfKOdncuaUvEpFKFzEvbtIMsfVew==", + "dependencies": { + "@types/react": "*" + } + }, + "node_modules/@types/resolve": { + "version": "1.17.1", + "resolved": "https://registry.npmmirror.com/@types/resolve/-/resolve-1.17.1.tgz", + "integrity": "sha512-yy7HuzQhj0dhGpD8RLXSZWEkLsV9ibvxvi6EiJ3bkqLAO1RGo0WbkWQiwpRlSFymTJRz0d3k5LM3kkx8ArDbLw==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/retry": { + "version": "0.12.0", + "resolved": "https://registry.npmmirror.com/@types/retry/-/retry-0.12.0.tgz", + "integrity": "sha512-wWKOClTTiizcZhXnPY4wikVAwmdYHp8q6DmC+EJUzAMsycb7HB32Kh9RN4+0gExjmPmZSAQjgURXIGATPegAvA==" + }, + "node_modules/@types/scheduler": { + "version": "0.16.3", + "resolved": "https://registry.npmmirror.com/@types/scheduler/-/scheduler-0.16.3.tgz", + "integrity": "sha512-5cJ8CB4yAx7BH1oMvdU0Jh9lrEXyPkar6F9G/ERswkCuvP4KQZfZkSjcMbAICCpQTN4OuZn8tz0HiKv9TGZgrQ==" + }, + "node_modules/@types/semver": { + "version": "7.5.0", + "resolved": "https://registry.npmmirror.com/@types/semver/-/semver-7.5.0.tgz", + "integrity": "sha512-G8hZ6XJiHnuhQKR7ZmysCeJWE08o8T0AXtk5darsCaTVsYZhhgUrq53jizaR2FvsoeCwJhlmwTjkXBY5Pn/ZHw==" + }, + "node_modules/@types/send": { + "version": "0.17.1", + "resolved": "https://registry.npmmirror.com/@types/send/-/send-0.17.1.tgz", + "integrity": "sha512-Cwo8LE/0rnvX7kIIa3QHCkcuF21c05Ayb0ZfxPiv0W8VRiZiNW/WuRupHKpqqGVGf7SUA44QSOUKaEd9lIrd/Q==", + "dependencies": { + "@types/mime": "^1", + "@types/node": "*" + } + }, + "node_modules/@types/serve-index": { + "version": "1.9.1", + "resolved": "https://registry.npmmirror.com/@types/serve-index/-/serve-index-1.9.1.tgz", + "integrity": "sha512-d/Hs3nWDxNL2xAczmOVZNj92YZCS6RGxfBPjKzuu/XirCgXdpKEb88dYNbrYGint6IVWLNP+yonwVAuRC0T2Dg==", + "dependencies": { + "@types/express": "*" + } + }, + "node_modules/@types/serve-static": { + "version": "1.15.2", + "resolved": "https://registry.npmmirror.com/@types/serve-static/-/serve-static-1.15.2.tgz", + "integrity": "sha512-J2LqtvFYCzaj8pVYKw8klQXrLLk7TBZmQ4ShlcdkELFKGwGMfevMLneMMRkMgZxotOD9wg497LpC7O8PcvAmfw==", + "dependencies": { + "@types/http-errors": "*", + "@types/mime": "*", + "@types/node": "*" + } + }, + "node_modules/@types/sockjs": { + "version": "0.3.33", + "resolved": "https://registry.npmmirror.com/@types/sockjs/-/sockjs-0.3.33.tgz", + "integrity": "sha512-f0KEEe05NvUnat+boPTZ0dgaLZ4SfSouXUgv5noUiefG2ajgKjmETo9ZJyuqsl7dfl2aHlLJUiki6B4ZYldiiw==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/stack-utils": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/@types/stack-utils/-/stack-utils-2.0.1.tgz", + "integrity": "sha512-Hl219/BT5fLAaz6NDkSuhzasy49dwQS/DSdu4MdggFB8zcXv7vflBI3xp7FEmkmdDkBUI2bPUNeMttp2knYdxw==" + }, + "node_modules/@types/testing-library__jest-dom": { + "version": "5.14.8", + "resolved": "https://registry.npmmirror.com/@types/testing-library__jest-dom/-/testing-library__jest-dom-5.14.8.tgz", + "integrity": "sha512-NRfJE9Cgpmu4fx716q9SYmU4jxxhYRU1BQo239Txt/9N3EC745XZX1Yl7h/SBIDlo1ANVOCRB4YDXjaQdoKCHQ==", + "dependencies": { + "@types/jest": "*" + } + }, + "node_modules/@types/trusted-types": { + "version": "2.0.3", + "resolved": "https://registry.npmmirror.com/@types/trusted-types/-/trusted-types-2.0.3.tgz", + "integrity": "sha512-NfQ4gyz38SL8sDNrSixxU2Os1a5xcdFxipAFxYEuLUlvU2uDwS4NUpsImcf1//SlWItCVMMLiylsxbmNMToV/g==" + }, + "node_modules/@types/ws": { + "version": "8.5.5", + "resolved": "https://registry.npmmirror.com/@types/ws/-/ws-8.5.5.tgz", + "integrity": "sha512-lwhs8hktwxSjf9UaZ9tG5M03PGogvFaH8gUgLNbN9HKIg0dvv6q+gkSuJ8HN4/VbyxkuLzCjlN7GquQ0gUJfIg==", + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/@types/yargs": { + "version": "16.0.5", + "resolved": "https://registry.npmmirror.com/@types/yargs/-/yargs-16.0.5.tgz", + "integrity": "sha512-AxO/ADJOBFJScHbWhq2xAhlWP24rY4aCEG/NFaMvbT3X2MgRsLjhjQwsn0Zi5zn0LG9jUhCCZMeX9Dkuw6k+vQ==", + "dependencies": { + "@types/yargs-parser": "*" + } + }, + "node_modules/@types/yargs-parser": { + "version": "21.0.0", + "resolved": "https://registry.npmmirror.com/@types/yargs-parser/-/yargs-parser-21.0.0.tgz", + "integrity": "sha512-iO9ZQHkZxHn4mSakYV0vFHAVDyEOIJQrV2uZ06HxEPcx+mt8swXoZHIbaaJ2crJYFfErySgktuTZ3BeLz+XmFA==" + }, + "node_modules/@typescript-eslint/eslint-plugin": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/eslint-plugin/-/eslint-plugin-5.62.0.tgz", + "integrity": "sha512-TiZzBSJja/LbhNPvk6yc0JrX9XqhQ0hdh6M2svYfsHGejaKFIAGd9MQ+ERIMzLGlN/kZoYIgdxFV0PuljTKXag==", + "dependencies": { + "@eslint-community/regexpp": "^4.4.0", + "@typescript-eslint/scope-manager": "5.62.0", + "@typescript-eslint/type-utils": "5.62.0", + "@typescript-eslint/utils": "5.62.0", + "debug": "^4.3.4", + "graphemer": "^1.4.0", + "ignore": "^5.2.0", + "natural-compare-lite": "^1.4.0", + "semver": "^7.3.7", + "tsutils": "^3.21.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "@typescript-eslint/parser": "^5.0.0", + "eslint": "^6.0.0 || ^7.0.0 || ^8.0.0" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/@typescript-eslint/experimental-utils": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/experimental-utils/-/experimental-utils-5.62.0.tgz", + "integrity": "sha512-RTXpeB3eMkpoclG3ZHft6vG/Z30azNHuqY6wKPBHlVMZFuEvrtlEDe8gMqDb+SO+9hjC/pLekeSCryf9vMZlCw==", + "dependencies": { + "@typescript-eslint/utils": "5.62.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "eslint": "^6.0.0 || ^7.0.0 || ^8.0.0" + } + }, + "node_modules/@typescript-eslint/parser": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/parser/-/parser-5.62.0.tgz", + "integrity": "sha512-VlJEV0fOQ7BExOsHYAGrgbEiZoi8D+Bl2+f6V2RrXerRSylnp+ZBHmPvaIa8cz0Ajx7WO7Z5RqfgYg7ED1nRhA==", + "dependencies": { + "@typescript-eslint/scope-manager": "5.62.0", + "@typescript-eslint/types": "5.62.0", + "@typescript-eslint/typescript-estree": "5.62.0", + "debug": "^4.3.4" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "eslint": "^6.0.0 || ^7.0.0 || ^8.0.0" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/@typescript-eslint/scope-manager": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/scope-manager/-/scope-manager-5.62.0.tgz", + "integrity": "sha512-VXuvVvZeQCQb5Zgf4HAxc04q5j+WrNAtNh9OwCsCgpKqESMTu3tF/jhZ3xG6T4NZwWl65Bg8KuS2uEvhSfLl0w==", + "dependencies": { + "@typescript-eslint/types": "5.62.0", + "@typescript-eslint/visitor-keys": "5.62.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/@typescript-eslint/type-utils": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/type-utils/-/type-utils-5.62.0.tgz", + "integrity": "sha512-xsSQreu+VnfbqQpW5vnCJdq1Z3Q0U31qiWmRhr98ONQmcp/yhiPJFPq8MXiJVLiksmOKSjIldZzkebzHuCGzew==", + "dependencies": { + "@typescript-eslint/typescript-estree": "5.62.0", + "@typescript-eslint/utils": "5.62.0", + "debug": "^4.3.4", + "tsutils": "^3.21.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "eslint": "*" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/@typescript-eslint/types": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/types/-/types-5.62.0.tgz", + "integrity": "sha512-87NVngcbVXUahrRTqIK27gD2t5Cu1yuCXxbLcFtCzZGlfyVWWh8mLHkoxzjsB6DDNnvdL+fW8MiwPEJyGJQDgQ==", + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/@typescript-eslint/typescript-estree": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/typescript-estree/-/typescript-estree-5.62.0.tgz", + "integrity": "sha512-CmcQ6uY7b9y694lKdRB8FEel7JbU/40iSAPomu++SjLMntB+2Leay2LO6i8VnJk58MtE9/nQSFIH6jpyRWyYzA==", + "dependencies": { + "@typescript-eslint/types": "5.62.0", + "@typescript-eslint/visitor-keys": "5.62.0", + "debug": "^4.3.4", + "globby": "^11.1.0", + "is-glob": "^4.0.3", + "semver": "^7.3.7", + "tsutils": "^3.21.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/@typescript-eslint/utils": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/utils/-/utils-5.62.0.tgz", + "integrity": "sha512-n8oxjeb5aIbPFEtmQxQYOLI0i9n5ySBEY/ZEHHZqKQSFnxio1rv6dthascc9dLuwrL0RC5mPCxB7vnAVGAYWAQ==", + "dependencies": { + "@eslint-community/eslint-utils": "^4.2.0", + "@types/json-schema": "^7.0.9", + "@types/semver": "^7.3.12", + "@typescript-eslint/scope-manager": "5.62.0", + "@typescript-eslint/types": "5.62.0", + "@typescript-eslint/typescript-estree": "5.62.0", + "eslint-scope": "^5.1.1", + "semver": "^7.3.7" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "eslint": "^6.0.0 || ^7.0.0 || ^8.0.0" + } + }, + "node_modules/@typescript-eslint/utils/node_modules/eslint-scope": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/eslint-scope/-/eslint-scope-5.1.1.tgz", + "integrity": "sha512-2NxwbF/hZ0KpepYN0cNbo+FN6XoK7GaHlQhgx/hIZl6Va0bF45RQOOwhLIy8lQDbuCiadSLCBnH2CFYquit5bw==", + "dependencies": { + "esrecurse": "^4.3.0", + "estraverse": "^4.1.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/@typescript-eslint/utils/node_modules/estraverse": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/estraverse/-/estraverse-4.3.0.tgz", + "integrity": "sha512-39nnKffWz8xN1BU/2c79n9nB9HDzo0niYUqx6xyqUnyoAnQyyWpOTdZEeiCch8BBu515t4wp9ZmgVfVhn9EBpw==", + "engines": { + "node": ">=4.0" + } + }, + "node_modules/@typescript-eslint/visitor-keys": { + "version": "5.62.0", + "resolved": "https://registry.npmmirror.com/@typescript-eslint/visitor-keys/-/visitor-keys-5.62.0.tgz", + "integrity": "sha512-07ny+LHRzQXepkGg6w0mFY41fVUNBrL2Roj/++7V1txKugfjm/Ci/qSND03r2RhlJhJYMcTn9AhhSSqQp0Ysyw==", + "dependencies": { + "@typescript-eslint/types": "5.62.0", + "eslint-visitor-keys": "^3.3.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/@webassemblyjs/ast": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/ast/-/ast-1.11.6.tgz", + "integrity": "sha512-IN1xI7PwOvLPgjcf180gC1bqn3q/QaOCwYUahIOhbYUu8KA/3tw2RT/T0Gidi1l7Hhj5D/INhJxiICObqpMu4Q==", + "dependencies": { + "@webassemblyjs/helper-numbers": "1.11.6", + "@webassemblyjs/helper-wasm-bytecode": "1.11.6" + } + }, + "node_modules/@webassemblyjs/floating-point-hex-parser": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/floating-point-hex-parser/-/floating-point-hex-parser-1.11.6.tgz", + "integrity": "sha512-ejAj9hfRJ2XMsNHk/v6Fu2dGS+i4UaXBXGemOfQ/JfQ6mdQg/WXtwleQRLLS4OvfDhv8rYnVwH27YJLMyYsxhw==" + }, + "node_modules/@webassemblyjs/helper-api-error": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/helper-api-error/-/helper-api-error-1.11.6.tgz", + "integrity": "sha512-o0YkoP4pVu4rN8aTJgAyj9hC2Sv5UlkzCHhxqWj8butaLvnpdc2jOwh4ewE6CX0txSfLn/UYaV/pheS2Txg//Q==" + }, + "node_modules/@webassemblyjs/helper-buffer": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/helper-buffer/-/helper-buffer-1.11.6.tgz", + "integrity": "sha512-z3nFzdcp1mb8nEOFFk8DrYLpHvhKC3grJD2ardfKOzmbmJvEf/tPIqCY+sNcwZIY8ZD7IkB2l7/pqhUhqm7hLA==" + }, + "node_modules/@webassemblyjs/helper-numbers": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/helper-numbers/-/helper-numbers-1.11.6.tgz", + "integrity": "sha512-vUIhZ8LZoIWHBohiEObxVm6hwP034jwmc9kuq5GdHZH0wiLVLIPcMCdpJzG4C11cHoQ25TFIQj9kaVADVX7N3g==", + "dependencies": { + "@webassemblyjs/floating-point-hex-parser": "1.11.6", + "@webassemblyjs/helper-api-error": "1.11.6", + "@xtuc/long": "4.2.2" + } + }, + "node_modules/@webassemblyjs/helper-wasm-bytecode": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/helper-wasm-bytecode/-/helper-wasm-bytecode-1.11.6.tgz", + "integrity": "sha512-sFFHKwcmBprO9e7Icf0+gddyWYDViL8bpPjJJl0WHxCdETktXdmtWLGVzoHbqUcY4Be1LkNfwTmXOJUFZYSJdA==" + }, + "node_modules/@webassemblyjs/helper-wasm-section": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/helper-wasm-section/-/helper-wasm-section-1.11.6.tgz", + "integrity": "sha512-LPpZbSOwTpEC2cgn4hTydySy1Ke+XEu+ETXuoyvuyezHO3Kjdu90KK95Sh9xTbmjrCsUwvWwCOQQNta37VrS9g==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@webassemblyjs/helper-buffer": "1.11.6", + "@webassemblyjs/helper-wasm-bytecode": "1.11.6", + "@webassemblyjs/wasm-gen": "1.11.6" + } + }, + "node_modules/@webassemblyjs/ieee754": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/ieee754/-/ieee754-1.11.6.tgz", + "integrity": "sha512-LM4p2csPNvbij6U1f19v6WR56QZ8JcHg3QIJTlSwzFcmx6WSORicYj6I63f9yU1kEUtrpG+kjkiIAkevHpDXrg==", + "dependencies": { + "@xtuc/ieee754": "^1.2.0" + } + }, + "node_modules/@webassemblyjs/leb128": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/leb128/-/leb128-1.11.6.tgz", + "integrity": "sha512-m7a0FhE67DQXgouf1tbN5XQcdWoNgaAuoULHIfGFIEVKA6tu/edls6XnIlkmS6FrXAquJRPni3ZZKjw6FSPjPQ==", + "dependencies": { + "@xtuc/long": "4.2.2" + } + }, + "node_modules/@webassemblyjs/utf8": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/utf8/-/utf8-1.11.6.tgz", + "integrity": "sha512-vtXf2wTQ3+up9Zsg8sa2yWiQpzSsMyXj0qViVP6xKGCUT8p8YJ6HqI7l5eCnWx1T/FYdsv07HQs2wTFbbof/RA==" + }, + "node_modules/@webassemblyjs/wasm-edit": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/wasm-edit/-/wasm-edit-1.11.6.tgz", + "integrity": "sha512-Ybn2I6fnfIGuCR+Faaz7YcvtBKxvoLV3Lebn1tM4o/IAJzmi9AWYIPWpyBfU8cC+JxAO57bk4+zdsTjJR+VTOw==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@webassemblyjs/helper-buffer": "1.11.6", + "@webassemblyjs/helper-wasm-bytecode": "1.11.6", + "@webassemblyjs/helper-wasm-section": "1.11.6", + "@webassemblyjs/wasm-gen": "1.11.6", + "@webassemblyjs/wasm-opt": "1.11.6", + "@webassemblyjs/wasm-parser": "1.11.6", + "@webassemblyjs/wast-printer": "1.11.6" + } + }, + "node_modules/@webassemblyjs/wasm-gen": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/wasm-gen/-/wasm-gen-1.11.6.tgz", + "integrity": "sha512-3XOqkZP/y6B4F0PBAXvI1/bky7GryoogUtfwExeP/v7Nzwo1QLcq5oQmpKlftZLbT+ERUOAZVQjuNVak6UXjPA==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@webassemblyjs/helper-wasm-bytecode": "1.11.6", + "@webassemblyjs/ieee754": "1.11.6", + "@webassemblyjs/leb128": "1.11.6", + "@webassemblyjs/utf8": "1.11.6" + } + }, + "node_modules/@webassemblyjs/wasm-opt": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/wasm-opt/-/wasm-opt-1.11.6.tgz", + "integrity": "sha512-cOrKuLRE7PCe6AsOVl7WasYf3wbSo4CeOk6PkrjS7g57MFfVUF9u6ysQBBODX0LdgSvQqRiGz3CXvIDKcPNy4g==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@webassemblyjs/helper-buffer": "1.11.6", + "@webassemblyjs/wasm-gen": "1.11.6", + "@webassemblyjs/wasm-parser": "1.11.6" + } + }, + "node_modules/@webassemblyjs/wasm-parser": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/wasm-parser/-/wasm-parser-1.11.6.tgz", + "integrity": "sha512-6ZwPeGzMJM3Dqp3hCsLgESxBGtT/OeCvCZ4TA1JUPYgmhAx38tTPR9JaKy0S5H3evQpO/h2uWs2j6Yc/fjkpTQ==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@webassemblyjs/helper-api-error": "1.11.6", + "@webassemblyjs/helper-wasm-bytecode": "1.11.6", + "@webassemblyjs/ieee754": "1.11.6", + "@webassemblyjs/leb128": "1.11.6", + "@webassemblyjs/utf8": "1.11.6" + } + }, + "node_modules/@webassemblyjs/wast-printer": { + "version": "1.11.6", + "resolved": "https://registry.npmmirror.com/@webassemblyjs/wast-printer/-/wast-printer-1.11.6.tgz", + "integrity": "sha512-JM7AhRcE+yW2GWYaKeHL5vt4xqee5N2WcezptmgyhNS+ScggqcT1OtXykhAb13Sn5Yas0j2uv9tHgrjwvzAP4A==", + "dependencies": { + "@webassemblyjs/ast": "1.11.6", + "@xtuc/long": "4.2.2" + } + }, + "node_modules/@xtuc/ieee754": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/@xtuc/ieee754/-/ieee754-1.2.0.tgz", + "integrity": "sha512-DX8nKgqcGwsc0eJSqYt5lwP4DH5FlHnmuWWBRy7X0NcaGR0ZtuyeESgMwTYVEtxmsNGY+qit4QYT/MIYTOTPeA==" + }, + "node_modules/@xtuc/long": { + "version": "4.2.2", + "resolved": "https://registry.npmmirror.com/@xtuc/long/-/long-4.2.2.tgz", + "integrity": "sha512-NuHqBY1PB/D8xU6s/thBgOAiAP7HOYDQ32+BFZILJ8ivkUkAHQnWfn6WhL79Owj1qmUnoN/YPhktdIoucipkAQ==" + }, + "node_modules/abab": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/abab/-/abab-2.0.6.tgz", + "integrity": "sha512-j2afSsaIENvHZN2B8GOpF566vZ5WVk5opAiMTvWgaQT8DkbOqsTfvNAvHoRGU2zzP8cPoqys+xHTRDWW8L+/BA==" + }, + "node_modules/accepts": { + "version": "1.3.8", + "resolved": "https://registry.npmmirror.com/accepts/-/accepts-1.3.8.tgz", + "integrity": "sha512-PYAthTa2m2VKxuvSD3DPC/Gy+U+sOA1LAuT8mkmRuvw+NACSaeXEQ+NHcVF7rONl6qcaxV3Uuemwawk+7+SJLw==", + "dependencies": { + "mime-types": "~2.1.34", + "negotiator": "0.6.3" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/acorn": { + "version": "8.10.0", + "resolved": "https://registry.npmmirror.com/acorn/-/acorn-8.10.0.tgz", + "integrity": "sha512-F0SAmZ8iUtS//m8DmCTA0jlh6TDKkHQyK6xc6V4KDTyZKA9dnvX9/3sRTVQrWm79glUAZbnmmNcdYwUIHWVybw==", + "bin": { + "acorn": "bin/acorn" + }, + "engines": { + "node": ">=0.4.0" + } + }, + "node_modules/acorn-globals": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/acorn-globals/-/acorn-globals-6.0.0.tgz", + "integrity": "sha512-ZQl7LOWaF5ePqqcX4hLuv/bLXYQNfNWw2c0/yX/TsPRKamzHcTGQnlCjHT3TsmkOUVEPS3crCxiPfdzE/Trlhg==", + "dependencies": { + "acorn": "^7.1.1", + "acorn-walk": "^7.1.1" + } + }, + "node_modules/acorn-globals/node_modules/acorn": { + "version": "7.4.1", + "resolved": "https://registry.npmmirror.com/acorn/-/acorn-7.4.1.tgz", + "integrity": "sha512-nQyp0o1/mNdbTO1PO6kHkwSrmgZ0MT/jCCpNiwbUjGoRN4dlBhqJtoQuCnEOKzgTVwg0ZWiCoQy6SxMebQVh8A==", + "bin": { + "acorn": "bin/acorn" + }, + "engines": { + "node": ">=0.4.0" + } + }, + "node_modules/acorn-import-assertions": { + "version": "1.9.0", + "resolved": "https://registry.npmmirror.com/acorn-import-assertions/-/acorn-import-assertions-1.9.0.tgz", + "integrity": "sha512-cmMwop9x+8KFhxvKrKfPYmN6/pKTYYHBqLa0DfvVZcKMJWNyWLnaqND7dx/qn66R7ewM1UX5XMaDVP5wlVTaVA==", + "peerDependencies": { + "acorn": "^8" + } + }, + "node_modules/acorn-jsx": { + "version": "5.3.2", + "resolved": "https://registry.npmmirror.com/acorn-jsx/-/acorn-jsx-5.3.2.tgz", + "integrity": "sha512-rq9s+JNhf0IChjtDXxllJ7g41oZk5SlXtp0LHwyA5cejwn7vKmKp4pPri6YEePv2PU65sAsegbXtIinmDFDXgQ==", + "peerDependencies": { + "acorn": "^6.0.0 || ^7.0.0 || ^8.0.0" + } + }, + "node_modules/acorn-walk": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/acorn-walk/-/acorn-walk-7.2.0.tgz", + "integrity": "sha512-OPdCF6GsMIP+Az+aWfAAOEt2/+iVDKE7oy6lJ098aoe59oAmK76qV6Gw60SbZ8jHuG2wH058GF4pLFbYamYrVA==", + "engines": { + "node": ">=0.4.0" + } + }, + "node_modules/address": { + "version": "1.2.2", + "resolved": "https://registry.npmmirror.com/address/-/address-1.2.2.tgz", + "integrity": "sha512-4B/qKCfeE/ODUaAUpSwfzazo5x29WD4r3vXiWsB7I2mSDAihwEqKO+g8GELZUQSSAo5e1XTYh3ZVfLyxBc12nA==", + "engines": { + "node": ">= 10.0.0" + } + }, + "node_modules/adjust-sourcemap-loader": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/adjust-sourcemap-loader/-/adjust-sourcemap-loader-4.0.0.tgz", + "integrity": "sha512-OXwN5b9pCUXNQHJpwwD2qP40byEmSgzj8B4ydSN0uMNYWiFmJ6x6KwUllMmfk8Rwu/HJDFR7U8ubsWBoN0Xp0A==", + "dependencies": { + "loader-utils": "^2.0.0", + "regex-parser": "^2.2.11" + }, + "engines": { + "node": ">=8.9" + } + }, + "node_modules/agent-base": { + "version": "6.0.2", + "resolved": "https://registry.npmmirror.com/agent-base/-/agent-base-6.0.2.tgz", + "integrity": "sha512-RZNwNclF7+MS/8bDg70amg32dyeZGZxiDuQmZxKLAlQjr3jGyLx+4Kkk58UO7D2QdgFIQCovuSuZESne6RG6XQ==", + "dependencies": { + "debug": "4" + }, + "engines": { + "node": ">= 6.0.0" + } + }, + "node_modules/ajv": { + "version": "6.12.6", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-6.12.6.tgz", + "integrity": "sha512-j3fVLgvTo527anyYyJOGTYJbG+vnnQYvE0m5mmkc1TK+nxAppkCLMIL0aZ4dblVCNoGShhm+kzE4ZUykBoMg4g==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "fast-json-stable-stringify": "^2.0.0", + "json-schema-traverse": "^0.4.1", + "uri-js": "^4.2.2" + } + }, + "node_modules/ajv-formats": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/ajv-formats/-/ajv-formats-2.1.1.tgz", + "integrity": "sha512-Wx0Kx52hxE7C18hkMEggYlEifqWZtYaRgouJor+WMdPnQyEK13vgEWyVNup7SoeeoLMsr4kf5h6dOW11I15MUA==", + "dependencies": { + "ajv": "^8.0.0" + }, + "peerDependencies": { + "ajv": "^8.0.0" + }, + "peerDependenciesMeta": { + "ajv": { + "optional": true + } + } + }, + "node_modules/ajv-formats/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/ajv-formats/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/ajv-keywords": { + "version": "3.5.2", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-3.5.2.tgz", + "integrity": "sha512-5p6WTN0DdTGVQk6VjcEju19IgaHudalcfabD7yhDGeA6bcQnmL+CpveLJq/3hvfwd1aof6L386Ougkx6RfyMIQ==", + "peerDependencies": { + "ajv": "^6.9.1" + } + }, + "node_modules/ansi-escapes": { + "version": "4.3.2", + "resolved": "https://registry.npmmirror.com/ansi-escapes/-/ansi-escapes-4.3.2.tgz", + "integrity": "sha512-gKXj5ALrKWQLsYG9jlTRmR/xKluxHV+Z9QEwNIgCfM1/uwPMCuzVVnh5mwTd+OuBZcwSIMbqssNWRm1lE51QaQ==", + "dependencies": { + "type-fest": "^0.21.3" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/ansi-html-community": { + "version": "0.0.8", + "resolved": "https://registry.npmmirror.com/ansi-html-community/-/ansi-html-community-0.0.8.tgz", + "integrity": "sha512-1APHAyr3+PCamwNw3bXCPp4HFLONZt/yIH0sZp0/469KWNTEy+qN5jQ3GVX6DMZ1UXAi34yVwtTeaG/HpBuuzw==", + "engines": [ + "node >= 0.8.0" + ], + "bin": { + "ansi-html": "bin/ansi-html" + } + }, + "node_modules/ansi-regex": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/ansi-regex/-/ansi-regex-5.0.1.tgz", + "integrity": "sha512-quJQXlTSUGL2LH9SUXo8VwsY4soanhgo6LNSm84E1LBcE8s3O0wpdiRzyR9z/ZZJMlMWv37qOOb9pdJlMUEKFQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/ansi-styles": { + "version": "3.2.1", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-3.2.1.tgz", + "integrity": "sha512-VT0ZI6kZRdTh8YyJw3SMbYm/u+NqfsAxEpWO0Pf9sq8/e94WxxOpPKx9FR1FlyCtOVDNOQ+8ntlqFxiRc+r5qA==", + "dependencies": { + "color-convert": "^1.9.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/any-promise": { + "version": "1.3.0", + "resolved": "https://registry.npmmirror.com/any-promise/-/any-promise-1.3.0.tgz", + "integrity": "sha512-7UvmKalWRt1wgjL1RrGxoSJW/0QZFIegpeGvZG9kjp8vrRu55XTHbwnqq2GpXm9uLbcuhxm3IqX9OB4MZR1b2A==" + }, + "node_modules/anymatch": { + "version": "3.1.3", + "resolved": "https://registry.npmmirror.com/anymatch/-/anymatch-3.1.3.tgz", + "integrity": "sha512-KMReFUr0B4t+D+OBkjR3KYqvocp2XaSzO55UcB6mgQMd3KbcE+mWTyvVV7D/zsdEbNnV6acZUutkiHQXvTr1Rw==", + "dependencies": { + "normalize-path": "^3.0.0", + "picomatch": "^2.0.4" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/arg": { + "version": "5.0.2", + "resolved": "https://registry.npmmirror.com/arg/-/arg-5.0.2.tgz", + "integrity": "sha512-PYjyFOLKQ9y57JvQ6QLo8dAgNqswh8M1RMJYdQduT6xbWSgK36P/Z/v+p888pM69jMMfS8Xd8F6I1kQ/I9HUGg==" + }, + "node_modules/argparse": { + "version": "1.0.10", + "resolved": "https://registry.npmmirror.com/argparse/-/argparse-1.0.10.tgz", + "integrity": "sha512-o5Roy6tNG4SL/FOkCAN6RzjiakZS25RLYFrcMttJqbdd8BWrnA+fGz57iN5Pb06pvBGvl5gQ0B48dJlslXvoTg==", + "dependencies": { + "sprintf-js": "~1.0.2" + } + }, + "node_modules/aria-query": { + "version": "5.3.0", + "resolved": "https://registry.npmmirror.com/aria-query/-/aria-query-5.3.0.tgz", + "integrity": "sha512-b0P0sZPKtyu8HkeRAfCq0IfURZK+SuwMjY1UXGBU27wpAiTwQAIlq56IbIO+ytk/JjS1fMR14ee5WBBfKi5J6A==", + "dependencies": { + "dequal": "^2.0.3" + } + }, + "node_modules/array-buffer-byte-length": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/array-buffer-byte-length/-/array-buffer-byte-length-1.0.0.tgz", + "integrity": "sha512-LPuwb2P+NrQw3XhxGc36+XSvuBPopovXYTR9Ew++Du9Yb/bx5AzBfrIsBoj0EZUifjQU+sHL21sseZ3jerWO/A==", + "dependencies": { + "call-bind": "^1.0.2", + "is-array-buffer": "^3.0.1" + } + }, + "node_modules/array-flatten": { + "version": "2.1.2", + "resolved": "https://registry.npmmirror.com/array-flatten/-/array-flatten-2.1.2.tgz", + "integrity": "sha512-hNfzcOV8W4NdualtqBFPyVO+54DSJuZGY9qT4pRroB6S9e3iiido2ISIC5h9R2sPJ8H3FHCIiEnsv1lPXO3KtQ==" + }, + "node_modules/array-includes": { + "version": "3.1.6", + "resolved": "https://registry.npmmirror.com/array-includes/-/array-includes-3.1.6.tgz", + "integrity": "sha512-sgTbLvL6cNnw24FnbaDyjmvddQ2ML8arZsgaJhoABMoplz/4QRhtrYS+alr1BUM1Bwp6dhx8vVCBSLG+StwOFw==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "get-intrinsic": "^1.1.3", + "is-string": "^1.0.7" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/array-union": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/array-union/-/array-union-2.1.0.tgz", + "integrity": "sha512-HGyxoOTYUyCM6stUe6EJgnd4EoewAI7zMdfqO+kGjnlZmBDz/cR5pf8r/cR4Wq60sL/p0IkcjUEEPwS3GFrIyw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/array.prototype.flat": { + "version": "1.3.1", + "resolved": "https://registry.npmmirror.com/array.prototype.flat/-/array.prototype.flat-1.3.1.tgz", + "integrity": "sha512-roTU0KWIOmJ4DRLmwKd19Otg0/mT3qPNt0Qb3GWW8iObuZXxrjB/pzn0R3hqpRSWg4HCwqx+0vwOnWnvlOyeIA==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "es-shim-unscopables": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/array.prototype.flatmap": { + "version": "1.3.1", + "resolved": "https://registry.npmmirror.com/array.prototype.flatmap/-/array.prototype.flatmap-1.3.1.tgz", + "integrity": "sha512-8UGn9O1FDVvMNB0UlLv4voxRMze7+FpHyF5mSMRjWHUMlpoDViniy05870VlxhfgTnLbpuwTzvD76MTtWxB/mQ==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "es-shim-unscopables": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/array.prototype.reduce": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/array.prototype.reduce/-/array.prototype.reduce-1.0.5.tgz", + "integrity": "sha512-kDdugMl7id9COE8R7MHF5jWk7Dqt/fs4Pv+JXoICnYwqpjjjbUurz6w5fT5IG6brLdJhv6/VoHB0H7oyIBXd+Q==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "es-array-method-boxes-properly": "^1.0.0", + "is-string": "^1.0.7" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/array.prototype.tosorted": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/array.prototype.tosorted/-/array.prototype.tosorted-1.1.1.tgz", + "integrity": "sha512-pZYPXPRl2PqWcsUs6LOMn+1f1532nEoPTYowBtqLwAW+W8vSVhkIGnmOX1t/UQjD6YGI0vcD2B1U7ZFGQH9jnQ==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "es-shim-unscopables": "^1.0.0", + "get-intrinsic": "^1.1.3" + } + }, + "node_modules/arraybuffer.prototype.slice": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/arraybuffer.prototype.slice/-/arraybuffer.prototype.slice-1.0.1.tgz", + "integrity": "sha512-09x0ZWFEjj4WD8PDbykUwo3t9arLn8NIzmmYEJFpYekOAQjpkGSyrQhNoRTcwwcFRu+ycWF78QZ63oWTqSjBcw==", + "dependencies": { + "array-buffer-byte-length": "^1.0.0", + "call-bind": "^1.0.2", + "define-properties": "^1.2.0", + "get-intrinsic": "^1.2.1", + "is-array-buffer": "^3.0.2", + "is-shared-array-buffer": "^1.0.2" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/asap": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/asap/-/asap-2.0.6.tgz", + "integrity": "sha512-BSHWgDSAiKs50o2Re8ppvp3seVHXSRM44cdSsT9FfNEUUZLOGWVCsiWaRPWM1Znn+mqZ1OfVZ3z3DWEzSp7hRA==" + }, + "node_modules/ast-types-flow": { + "version": "0.0.7", + "resolved": "https://registry.npmmirror.com/ast-types-flow/-/ast-types-flow-0.0.7.tgz", + "integrity": "sha512-eBvWn1lvIApYMhzQMsu9ciLfkBY499mFZlNqG+/9WR7PVlroQw0vG30cOQQbaKz3sCEc44TAOu2ykzqXSNnwag==" + }, + "node_modules/async": { + "version": "3.2.4", + "resolved": "https://registry.npmmirror.com/async/-/async-3.2.4.tgz", + "integrity": "sha512-iAB+JbDEGXhyIUavoDl9WP/Jj106Kz9DEn1DPgYw5ruDn0e3Wgi3sKFm55sASdGBNOQB8F59d9qQ7deqrHA8wQ==" + }, + "node_modules/asynckit": { + "version": "0.4.0", + "resolved": "https://registry.npmmirror.com/asynckit/-/asynckit-0.4.0.tgz", + "integrity": "sha512-Oei9OH4tRh0YqU3GxhX79dM/mwVgvbZJaSNaRk+bshkj0S5cfHcgYakreBjrHwatXKbz+IoIdYLxrKim2MjW0Q==" + }, + "node_modules/at-least-node": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/at-least-node/-/at-least-node-1.0.0.tgz", + "integrity": "sha512-+q/t7Ekv1EDY2l6Gda6LLiX14rU9TV20Wa3ofeQmwPFZbOMo9DXrLbOjFaaclkXKWidIaopwAObQDqwWtGUjqg==", + "engines": { + "node": ">= 4.0.0" + } + }, + "node_modules/autoprefixer": { + "version": "10.4.14", + "resolved": "https://registry.npmmirror.com/autoprefixer/-/autoprefixer-10.4.14.tgz", + "integrity": "sha512-FQzyfOsTlwVzjHxKEqRIAdJx9niO6VCBCoEwax/VLSoQF29ggECcPuBqUMZ+u8jCZOPSy8b8/8KnuFbp0SaFZQ==", + "dependencies": { + "browserslist": "^4.21.5", + "caniuse-lite": "^1.0.30001464", + "fraction.js": "^4.2.0", + "normalize-range": "^0.1.2", + "picocolors": "^1.0.0", + "postcss-value-parser": "^4.2.0" + }, + "bin": { + "autoprefixer": "bin/autoprefixer" + }, + "engines": { + "node": "^10 || ^12 || >=14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/available-typed-arrays": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/available-typed-arrays/-/available-typed-arrays-1.0.5.tgz", + "integrity": "sha512-DMD0KiN46eipeziST1LPP/STfDU0sufISXmjSgvVsoU2tqxctQeASejWcfNtxYKqETM1UxQ8sp2OrSBWpHY6sw==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/axe-core": { + "version": "4.7.2", + "resolved": "https://registry.npmmirror.com/axe-core/-/axe-core-4.7.2.tgz", + "integrity": "sha512-zIURGIS1E1Q4pcrMjp+nnEh+16G56eG/MUllJH8yEvw7asDo7Ac9uhC9KIH5jzpITueEZolfYglnCGIuSBz39g==", + "engines": { + "node": ">=4" + } + }, + "node_modules/axobject-query": { + "version": "3.2.1", + "resolved": "https://registry.npmmirror.com/axobject-query/-/axobject-query-3.2.1.tgz", + "integrity": "sha512-jsyHu61e6N4Vbz/v18DHwWYKK0bSWLqn47eeDSKPB7m8tqMHF9YJ+mhIk2lVteyZrY8tnSj/jHOv4YiTCuCJgg==", + "dependencies": { + "dequal": "^2.0.3" + } + }, + "node_modules/babel-jest": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/babel-jest/-/babel-jest-27.5.1.tgz", + "integrity": "sha512-cdQ5dXjGRd0IBRATiQ4mZGlGlRE8kJpjPOixdNRdT+m3UcNqmYWN6rK6nvtXYfY3D76cb8s/O1Ss8ea24PIwcg==", + "dependencies": { + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/babel__core": "^7.1.14", + "babel-plugin-istanbul": "^6.1.1", + "babel-preset-jest": "^27.5.1", + "chalk": "^4.0.0", + "graceful-fs": "^4.2.9", + "slash": "^3.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "@babel/core": "^7.8.0" + } + }, + "node_modules/babel-jest/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/babel-jest/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/babel-jest/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/babel-jest/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/babel-jest/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/babel-jest/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/babel-loader": { + "version": "8.3.0", + "resolved": "https://registry.npmmirror.com/babel-loader/-/babel-loader-8.3.0.tgz", + "integrity": "sha512-H8SvsMF+m9t15HNLMipppzkC+Y2Yq+v3SonZyU70RBL/h1gxPkH08Ot8pEE9Z4Kd+czyWJClmFS8qzIP9OZ04Q==", + "dependencies": { + "find-cache-dir": "^3.3.1", + "loader-utils": "^2.0.0", + "make-dir": "^3.1.0", + "schema-utils": "^2.6.5" + }, + "engines": { + "node": ">= 8.9" + }, + "peerDependencies": { + "@babel/core": "^7.0.0", + "webpack": ">=2" + } + }, + "node_modules/babel-loader/node_modules/schema-utils": { + "version": "2.7.1", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-2.7.1.tgz", + "integrity": "sha512-SHiNtMOUGWBQJwzISiVYKu82GiV4QYGePp3odlY1tuKO7gPtphAT5R/py0fA6xtbgLL/RvtJZnU9b8s0F1q0Xg==", + "dependencies": { + "@types/json-schema": "^7.0.5", + "ajv": "^6.12.4", + "ajv-keywords": "^3.5.2" + }, + "engines": { + "node": ">= 8.9.0" + } + }, + "node_modules/babel-plugin-istanbul": { + "version": "6.1.1", + "resolved": "https://registry.npmmirror.com/babel-plugin-istanbul/-/babel-plugin-istanbul-6.1.1.tgz", + "integrity": "sha512-Y1IQok9821cC9onCx5otgFfRm7Lm+I+wwxOx738M/WLPZ9Q42m4IG5W0FNX8WLL2gYMZo3JkuXIH2DOpWM+qwA==", + "dependencies": { + "@babel/helper-plugin-utils": "^7.0.0", + "@istanbuljs/load-nyc-config": "^1.0.0", + "@istanbuljs/schema": "^0.1.2", + "istanbul-lib-instrument": "^5.0.4", + "test-exclude": "^6.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/babel-plugin-jest-hoist": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/babel-plugin-jest-hoist/-/babel-plugin-jest-hoist-27.5.1.tgz", + "integrity": "sha512-50wCwD5EMNW4aRpOwtqzyZHIewTYNxLA4nhB+09d8BIssfNfzBRhkBIHiaPv1Si226TQSvp8gxAJm2iY2qs2hQ==", + "dependencies": { + "@babel/template": "^7.3.3", + "@babel/types": "^7.3.3", + "@types/babel__core": "^7.0.0", + "@types/babel__traverse": "^7.0.6" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/babel-plugin-macros": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/babel-plugin-macros/-/babel-plugin-macros-3.1.0.tgz", + "integrity": "sha512-Cg7TFGpIr01vOQNODXOOaGz2NpCU5gl8x1qJFbb6hbZxR7XrcE2vtbAsTAbJ7/xwJtUuJEw8K8Zr/AE0LHlesg==", + "dependencies": { + "@babel/runtime": "^7.12.5", + "cosmiconfig": "^7.0.0", + "resolve": "^1.19.0" + }, + "engines": { + "node": ">=10", + "npm": ">=6" + } + }, + "node_modules/babel-plugin-named-asset-import": { + "version": "0.3.8", + "resolved": "https://registry.npmmirror.com/babel-plugin-named-asset-import/-/babel-plugin-named-asset-import-0.3.8.tgz", + "integrity": "sha512-WXiAc++qo7XcJ1ZnTYGtLxmBCVbddAml3CEXgWaBzNzLNoxtQ8AiGEFDMOhot9XjTCQbvP5E77Fj9Gk924f00Q==", + "peerDependencies": { + "@babel/core": "^7.1.0" + } + }, + "node_modules/babel-plugin-polyfill-corejs2": { + "version": "0.4.4", + "resolved": "https://registry.npmmirror.com/babel-plugin-polyfill-corejs2/-/babel-plugin-polyfill-corejs2-0.4.4.tgz", + "integrity": "sha512-9WeK9snM1BfxB38goUEv2FLnA6ja07UMfazFHzCXUb3NyDZAwfXvQiURQ6guTTMeHcOsdknULm1PDhs4uWtKyA==", + "dependencies": { + "@babel/compat-data": "^7.22.6", + "@babel/helper-define-polyfill-provider": "^0.4.1", + "@nicolo-ribaudo/semver-v6": "^6.3.3" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/babel-plugin-polyfill-corejs3": { + "version": "0.8.2", + "resolved": "https://registry.npmmirror.com/babel-plugin-polyfill-corejs3/-/babel-plugin-polyfill-corejs3-0.8.2.tgz", + "integrity": "sha512-Cid+Jv1BrY9ReW9lIfNlNpsI53N+FN7gE+f73zLAUbr9C52W4gKLWSByx47pfDJsEysojKArqOtOKZSVIIUTuQ==", + "dependencies": { + "@babel/helper-define-polyfill-provider": "^0.4.1", + "core-js-compat": "^3.31.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/babel-plugin-polyfill-regenerator": { + "version": "0.5.1", + "resolved": "https://registry.npmmirror.com/babel-plugin-polyfill-regenerator/-/babel-plugin-polyfill-regenerator-0.5.1.tgz", + "integrity": "sha512-L8OyySuI6OSQ5hFy9O+7zFjyr4WhAfRjLIOkhQGYl+emwJkd/S4XXT1JpfrgR1jrQ1NcGiOh+yAdGlF8pnC3Jw==", + "dependencies": { + "@babel/helper-define-polyfill-provider": "^0.4.1" + }, + "peerDependencies": { + "@babel/core": "^7.0.0-0" + } + }, + "node_modules/babel-plugin-transform-react-remove-prop-types": { + "version": "0.4.24", + "resolved": "https://registry.npmmirror.com/babel-plugin-transform-react-remove-prop-types/-/babel-plugin-transform-react-remove-prop-types-0.4.24.tgz", + "integrity": "sha512-eqj0hVcJUR57/Ug2zE1Yswsw4LhuqqHhD+8v120T1cl3kjg76QwtyBrdIk4WVwK+lAhBJVYCd/v+4nc4y+8JsA==" + }, + "node_modules/babel-preset-current-node-syntax": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/babel-preset-current-node-syntax/-/babel-preset-current-node-syntax-1.0.1.tgz", + "integrity": "sha512-M7LQ0bxarkxQoN+vz5aJPsLBn77n8QgTFmo8WK0/44auK2xlCXrYcUxHFxgU7qW5Yzw/CjmLRK2uJzaCd7LvqQ==", + "dependencies": { + "@babel/plugin-syntax-async-generators": "^7.8.4", + "@babel/plugin-syntax-bigint": "^7.8.3", + "@babel/plugin-syntax-class-properties": "^7.8.3", + "@babel/plugin-syntax-import-meta": "^7.8.3", + "@babel/plugin-syntax-json-strings": "^7.8.3", + "@babel/plugin-syntax-logical-assignment-operators": "^7.8.3", + "@babel/plugin-syntax-nullish-coalescing-operator": "^7.8.3", + "@babel/plugin-syntax-numeric-separator": "^7.8.3", + "@babel/plugin-syntax-object-rest-spread": "^7.8.3", + "@babel/plugin-syntax-optional-catch-binding": "^7.8.3", + "@babel/plugin-syntax-optional-chaining": "^7.8.3", + "@babel/plugin-syntax-top-level-await": "^7.8.3" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/babel-preset-jest": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/babel-preset-jest/-/babel-preset-jest-27.5.1.tgz", + "integrity": "sha512-Nptf2FzlPCWYuJg41HBqXVT8ym6bXOevuCTbhxlUpjwtysGaIWFvDEjp4y+G7fl13FgOdjs7P/DmErqH7da0Ag==", + "dependencies": { + "babel-plugin-jest-hoist": "^27.5.1", + "babel-preset-current-node-syntax": "^1.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "@babel/core": "^7.0.0" + } + }, + "node_modules/babel-preset-react-app": { + "version": "10.0.1", + "resolved": "https://registry.npmmirror.com/babel-preset-react-app/-/babel-preset-react-app-10.0.1.tgz", + "integrity": "sha512-b0D9IZ1WhhCWkrTXyFuIIgqGzSkRIH5D5AmB0bXbzYAB1OBAwHcUeyWW2LorutLWF5btNo/N7r/cIdmvvKJlYg==", + "dependencies": { + "@babel/core": "^7.16.0", + "@babel/plugin-proposal-class-properties": "^7.16.0", + "@babel/plugin-proposal-decorators": "^7.16.4", + "@babel/plugin-proposal-nullish-coalescing-operator": "^7.16.0", + "@babel/plugin-proposal-numeric-separator": "^7.16.0", + "@babel/plugin-proposal-optional-chaining": "^7.16.0", + "@babel/plugin-proposal-private-methods": "^7.16.0", + "@babel/plugin-transform-flow-strip-types": "^7.16.0", + "@babel/plugin-transform-react-display-name": "^7.16.0", + "@babel/plugin-transform-runtime": "^7.16.4", + "@babel/preset-env": "^7.16.4", + "@babel/preset-react": "^7.16.0", + "@babel/preset-typescript": "^7.16.0", + "@babel/runtime": "^7.16.3", + "babel-plugin-macros": "^3.1.0", + "babel-plugin-transform-react-remove-prop-types": "^0.4.24" + } + }, + "node_modules/balanced-match": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/balanced-match/-/balanced-match-1.0.2.tgz", + "integrity": "sha512-3oSeUO0TMV67hN1AmbXsK4yaqU7tjiHlbxRDZOpH0KW9+CeX4bRAaX0Anxt0tx2MrpRpWwQaPwIlISEJhYU5Pw==" + }, + "node_modules/batch": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/batch/-/batch-0.6.1.tgz", + "integrity": "sha512-x+VAiMRL6UPkx+kudNvxTl6hB2XNNCG2r+7wixVfIYwu/2HKRXimwQyaumLjMveWvT2Hkd/cAJw+QBMfJ/EKVw==" + }, + "node_modules/bfj": { + "version": "7.0.2", + "resolved": "https://registry.npmmirror.com/bfj/-/bfj-7.0.2.tgz", + "integrity": "sha512-+e/UqUzwmzJamNF50tBV6tZPTORow7gQ96iFow+8b562OdMpEK0BcJEq2OSPEDmAbSMBQ7PKZ87ubFkgxpYWgw==", + "dependencies": { + "bluebird": "^3.5.5", + "check-types": "^11.1.1", + "hoopy": "^0.1.4", + "tryer": "^1.0.1" + }, + "engines": { + "node": ">= 8.0.0" + } + }, + "node_modules/big.js": { + "version": "5.2.2", + "resolved": "https://registry.npmmirror.com/big.js/-/big.js-5.2.2.tgz", + "integrity": "sha512-vyL2OymJxmarO8gxMr0mhChsO9QGwhynfuu4+MHTAW6czfq9humCB7rKpUjDd9YUiDPU4mzpyupFSvOClAwbmQ==", + "engines": { + "node": "*" + } + }, + "node_modules/binary-extensions": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/binary-extensions/-/binary-extensions-2.2.0.tgz", + "integrity": "sha512-jDctJ/IVQbZoJykoeHbhXpOlNBqGNcwXJKJog42E5HDPUwQTSdjCHdihjj0DlnheQ7blbT6dHOafNAiS8ooQKA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/bluebird": { + "version": "3.7.2", + "resolved": "https://registry.npmmirror.com/bluebird/-/bluebird-3.7.2.tgz", + "integrity": "sha512-XpNj6GDQzdfW+r2Wnn7xiSAd7TM3jzkxGXBGTtWKuSXv1xUV+azxAm8jdWZN06QTQk+2N2XB9jRDkvbmQmcRtg==" + }, + "node_modules/body-parser": { + "version": "1.20.1", + "resolved": "https://registry.npmmirror.com/body-parser/-/body-parser-1.20.1.tgz", + "integrity": "sha512-jWi7abTbYwajOytWCQc37VulmWiRae5RyTpaCyDcS5/lMdtwSz5lOpDE67srw/HYe35f1z3fDQw+3txg7gNtWw==", + "dependencies": { + "bytes": "3.1.2", + "content-type": "~1.0.4", + "debug": "2.6.9", + "depd": "2.0.0", + "destroy": "1.2.0", + "http-errors": "2.0.0", + "iconv-lite": "0.4.24", + "on-finished": "2.4.1", + "qs": "6.11.0", + "raw-body": "2.5.1", + "type-is": "~1.6.18", + "unpipe": "1.0.0" + }, + "engines": { + "node": ">= 0.8", + "npm": "1.2.8000 || >= 1.4.16" + } + }, + "node_modules/body-parser/node_modules/bytes": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/bytes/-/bytes-3.1.2.tgz", + "integrity": "sha512-/Nf7TyzTx6S3yRJObOAV7956r8cr2+Oj8AC5dt8wSP3BQAoeX58NoHyCU8P8zGkNXStjTSi6fzO6F0pBdcYbEg==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/body-parser/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/body-parser/node_modules/iconv-lite": { + "version": "0.4.24", + "resolved": "https://registry.npmmirror.com/iconv-lite/-/iconv-lite-0.4.24.tgz", + "integrity": "sha512-v3MXnZAcvnywkTUEZomIActle7RXXeedOR31wwl7VlyoXO4Qi9arvSenNQWne1TcRwhCL1HwLI21bEqdpj8/rA==", + "dependencies": { + "safer-buffer": ">= 2.1.2 < 3" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/body-parser/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/bonjour-service": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/bonjour-service/-/bonjour-service-1.1.1.tgz", + "integrity": "sha512-Z/5lQRMOG9k7W+FkeGTNjh7htqn/2LMnfOvBZ8pynNZCM9MwkQkI3zeI4oz09uWdcgmgHugVvBqxGg4VQJ5PCg==", + "dependencies": { + "array-flatten": "^2.1.2", + "dns-equal": "^1.0.0", + "fast-deep-equal": "^3.1.3", + "multicast-dns": "^7.2.5" + } + }, + "node_modules/boolbase": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/boolbase/-/boolbase-1.0.0.tgz", + "integrity": "sha512-JZOSA7Mo9sNGB8+UjSgzdLtokWAky1zbztM3WRLCbZ70/3cTANmQmOdR7y2g+J0e2WXywy1yS468tY+IruqEww==" + }, + "node_modules/brace-expansion": { + "version": "1.1.11", + "resolved": "https://registry.npmmirror.com/brace-expansion/-/brace-expansion-1.1.11.tgz", + "integrity": "sha512-iCuPHDFgrHX7H2vEI/5xpz07zSHB00TpugqhmYtVmMO6518mCuRMoOYFldEBl0g187ufozdaHgWKcYFb61qGiA==", + "dependencies": { + "balanced-match": "^1.0.0", + "concat-map": "0.0.1" + } + }, + "node_modules/braces": { + "version": "3.0.2", + "resolved": "https://registry.npmmirror.com/braces/-/braces-3.0.2.tgz", + "integrity": "sha512-b8um+L1RzM3WDSzvhm6gIz1yfTbBt6YTlcEKAvsmqCZZFw46z626lVj9j1yEPW33H5H+lBQpZMP1k8l+78Ha0A==", + "dependencies": { + "fill-range": "^7.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/browser-process-hrtime": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/browser-process-hrtime/-/browser-process-hrtime-1.0.0.tgz", + "integrity": "sha512-9o5UecI3GhkpM6DrXr69PblIuWxPKk9Y0jHBRhdocZ2y7YECBFCsHm79Pr3OyR2AvjhDkabFJaDJMYRazHgsow==" + }, + "node_modules/browserslist": { + "version": "4.21.9", + "resolved": "https://registry.npmmirror.com/browserslist/-/browserslist-4.21.9.tgz", + "integrity": "sha512-M0MFoZzbUrRU4KNfCrDLnvyE7gub+peetoTid3TBIqtunaDJyXlwhakT+/VkvSXcfIzFfK/nkCs4nmyTmxdNSg==", + "dependencies": { + "caniuse-lite": "^1.0.30001503", + "electron-to-chromium": "^1.4.431", + "node-releases": "^2.0.12", + "update-browserslist-db": "^1.0.11" + }, + "bin": { + "browserslist": "cli.js" + }, + "engines": { + "node": "^6 || ^7 || ^8 || ^9 || ^10 || ^11 || ^12 || >=13.7" + } + }, + "node_modules/bser": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/bser/-/bser-2.1.1.tgz", + "integrity": "sha512-gQxTNE/GAfIIrmHLUE3oJyp5FO6HRBfhjnw4/wMmA63ZGDJnWBmgY/lyQBpnDUkGmAhbSe39tx2d/iTOAfglwQ==", + "dependencies": { + "node-int64": "^0.4.0" + } + }, + "node_modules/buffer-from": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/buffer-from/-/buffer-from-1.1.2.tgz", + "integrity": "sha512-E+XQCRwSbaaiChtv6k6Dwgc+bx+Bs6vuKJHHl5kox/BaKbhiXzqQOwK4cO22yElGp2OCmjwVhT3HmxgyPGnJfQ==" + }, + "node_modules/builtin-modules": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/builtin-modules/-/builtin-modules-3.3.0.tgz", + "integrity": "sha512-zhaCDicdLuWN5UbN5IMnFqNMhNfo919sH85y2/ea+5Yg9TsTkeZxpL+JLbp6cgYFS4sRLp3YV4S6yDuqVWHYOw==", + "engines": { + "node": ">=6" + } + }, + "node_modules/bytes": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/bytes/-/bytes-3.0.0.tgz", + "integrity": "sha512-pMhOfFDPiv9t5jjIXkHosWmkSyQbvsgEVNkz0ERHbuLh2T/7j4Mqqpz523Fe8MVY89KC6Sh/QfS2sM+SjgFDcw==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/call-bind": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/call-bind/-/call-bind-1.0.2.tgz", + "integrity": "sha512-7O+FbCihrB5WGbFYesctwmTKae6rOiIzmz1icreWJ+0aA7LJfuqhEso2T9ncpcFtzMQtzXf2QGGueWJGTYsqrA==", + "dependencies": { + "function-bind": "^1.1.1", + "get-intrinsic": "^1.0.2" + } + }, + "node_modules/callsites": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/callsites/-/callsites-3.1.0.tgz", + "integrity": "sha512-P8BjAsXvZS+VIDUI11hHCQEv74YT67YUi5JJFNWIqL235sBmjX4+qx9Muvls5ivyNENctx46xQLQ3aTuE7ssaQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/camel-case": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/camel-case/-/camel-case-4.1.2.tgz", + "integrity": "sha512-gxGWBrTT1JuMx6R+o5PTXMmUnhnVzLQ9SNutD4YqKtI6ap897t3tKECYla6gCWEkplXnlNybEkZg9GEGxKFCgw==", + "dependencies": { + "pascal-case": "^3.1.2", + "tslib": "^2.0.3" + } + }, + "node_modules/camelcase": { + "version": "6.3.0", + "resolved": "https://registry.npmmirror.com/camelcase/-/camelcase-6.3.0.tgz", + "integrity": "sha512-Gmy6FhYlCY7uOElZUSbxo2UCDH8owEk996gkbrpsgGtrJLM3J7jGxl9Ic7Qwwj4ivOE5AWZWRMecDdF7hqGjFA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/camelcase-css": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/camelcase-css/-/camelcase-css-2.0.1.tgz", + "integrity": "sha512-QOSvevhslijgYwRx6Rv7zKdMF8lbRmx+uQGx2+vDc+KI/eBnsy9kit5aj23AgGu3pa4t9AgwbnXWqS+iOY+2aA==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/caniuse-api": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/caniuse-api/-/caniuse-api-3.0.0.tgz", + "integrity": "sha512-bsTwuIg/BZZK/vreVTYYbSWoe2F+71P7K5QGEX+pT250DZbfU1MQ5prOKpPR+LL6uWKK3KMwMCAS74QB3Um1uw==", + "dependencies": { + "browserslist": "^4.0.0", + "caniuse-lite": "^1.0.0", + "lodash.memoize": "^4.1.2", + "lodash.uniq": "^4.5.0" + } + }, + "node_modules/caniuse-lite": { + "version": "1.0.30001516", + "resolved": "https://registry.npmmirror.com/caniuse-lite/-/caniuse-lite-1.0.30001516.tgz", + "integrity": "sha512-Wmec9pCBY8CWbmI4HsjBeQLqDTqV91nFVR83DnZpYyRnPI1wePDsTg0bGLPC5VU/3OIZV1fmxEea1b+tFKe86g==" + }, + "node_modules/case-sensitive-paths-webpack-plugin": { + "version": "2.4.0", + "resolved": "https://registry.npmmirror.com/case-sensitive-paths-webpack-plugin/-/case-sensitive-paths-webpack-plugin-2.4.0.tgz", + "integrity": "sha512-roIFONhcxog0JSSWbvVAh3OocukmSgpqOH6YpMkCvav/ySIV3JKg4Dc8vYtQjYi/UxpNE36r/9v+VqTQqgkYmw==", + "engines": { + "node": ">=4" + } + }, + "node_modules/chalk": { + "version": "2.4.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-2.4.2.tgz", + "integrity": "sha512-Mti+f9lpJNcwF4tWV8/OrTTtF1gZi+f8FqlyAdouralcFWFQWF2+NgCHShjkCb+IFBLq9buZwE1xckQU4peSuQ==", + "dependencies": { + "ansi-styles": "^3.2.1", + "escape-string-regexp": "^1.0.5", + "supports-color": "^5.3.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/char-regex": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/char-regex/-/char-regex-1.0.2.tgz", + "integrity": "sha512-kWWXztvZ5SBQV+eRgKFeh8q5sLuZY2+8WUIzlxWVTg+oGwY14qylx1KbKzHd8P6ZYkAg0xyIDU9JMHhyJMZ1jw==", + "engines": { + "node": ">=10" + } + }, + "node_modules/check-types": { + "version": "11.2.2", + "resolved": "https://registry.npmmirror.com/check-types/-/check-types-11.2.2.tgz", + "integrity": "sha512-HBiYvXvn9Z70Z88XKjz3AEKd4HJhBXsa3j7xFnITAzoS8+q6eIGi8qDB8FKPBAjtuxjI/zFpwuiCb8oDtKOYrA==" + }, + "node_modules/chokidar": { + "version": "3.5.3", + "resolved": "https://registry.npmmirror.com/chokidar/-/chokidar-3.5.3.tgz", + "integrity": "sha512-Dr3sfKRP6oTcjf2JmUmFJfeVMvXBdegxB0iVQ5eb2V10uFJUCAS8OByZdVAyVb8xXNz3GjjTgj9kLWsZTqE6kw==", + "dependencies": { + "anymatch": "~3.1.2", + "braces": "~3.0.2", + "glob-parent": "~5.1.2", + "is-binary-path": "~2.1.0", + "is-glob": "~4.0.1", + "normalize-path": "~3.0.0", + "readdirp": "~3.6.0" + }, + "engines": { + "node": ">= 8.10.0" + }, + "optionalDependencies": { + "fsevents": "~2.3.2" + } + }, + "node_modules/chokidar/node_modules/glob-parent": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/glob-parent/-/glob-parent-5.1.2.tgz", + "integrity": "sha512-AOIgSQCepiJYwP3ARnGx+5VnTu2HBYdzbGP45eLw1vr3zB3vZLeyed1sC9hnbcOc9/SrMyM5RPQrkGz4aS9Zow==", + "dependencies": { + "is-glob": "^4.0.1" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/chrome-trace-event": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/chrome-trace-event/-/chrome-trace-event-1.0.3.tgz", + "integrity": "sha512-p3KULyQg4S7NIHixdwbGX+nFHkoBiA4YQmyWtjb8XngSKV124nJmRysgAeujbUVb15vh+RvFUfCPqU7rXk+hZg==", + "engines": { + "node": ">=6.0" + } + }, + "node_modules/ci-info": { + "version": "3.8.0", + "resolved": "https://registry.npmmirror.com/ci-info/-/ci-info-3.8.0.tgz", + "integrity": "sha512-eXTggHWSooYhq49F2opQhuHWgzucfF2YgODK4e1566GQs5BIfP30B0oenwBJHfWxAs2fyPB1s7Mg949zLf61Yw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/cjs-module-lexer": { + "version": "1.2.3", + "resolved": "https://registry.npmmirror.com/cjs-module-lexer/-/cjs-module-lexer-1.2.3.tgz", + "integrity": "sha512-0TNiGstbQmCFwt4akjjBg5pLRTSyj/PkWQ1ZoO2zntmg9yLqSRxwEa4iCfQLGjqhiqBfOJa7W/E8wfGrTDmlZQ==" + }, + "node_modules/clean-css": { + "version": "5.3.2", + "resolved": "https://registry.npmmirror.com/clean-css/-/clean-css-5.3.2.tgz", + "integrity": "sha512-JVJbM+f3d3Q704rF4bqQ5UUyTtuJ0JRKNbTKVEeujCCBoMdkEi+V+e8oktO9qGQNSvHrFTM6JZRXrUvGR1czww==", + "dependencies": { + "source-map": "~0.6.0" + }, + "engines": { + "node": ">= 10.0" + } + }, + "node_modules/clean-css/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/cliui": { + "version": "7.0.4", + "resolved": "https://registry.npmmirror.com/cliui/-/cliui-7.0.4.tgz", + "integrity": "sha512-OcRE68cOsVMXp1Yvonl/fzkQOyjLSu/8bhPDfQt0e0/Eb283TKP20Fs2MqoPsr9SwA595rRCA+QMzYc9nBP+JQ==", + "dependencies": { + "string-width": "^4.2.0", + "strip-ansi": "^6.0.0", + "wrap-ansi": "^7.0.0" + } + }, + "node_modules/clsx": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/clsx/-/clsx-1.2.1.tgz", + "integrity": "sha512-EcR6r5a8bj6pu3ycsa/E/cKVGuTgZJZdsyUYHOksG/UHIiKfjxzRxYJpyVBwYaQeOvghal9fcc4PidlgzugAQg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/co": { + "version": "4.6.0", + "resolved": "https://registry.npmmirror.com/co/-/co-4.6.0.tgz", + "integrity": "sha512-QVb0dM5HvG+uaxitm8wONl7jltx8dqhfU33DcqtOZcLSVIKSDDLDi7+0LbAKiyI8hD9u42m2YxXSkMGWThaecQ==", + "engines": { + "iojs": ">= 1.0.0", + "node": ">= 0.12.0" + } + }, + "node_modules/coa": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/coa/-/coa-2.0.2.tgz", + "integrity": "sha512-q5/jG+YQnSy4nRTV4F7lPepBJZ8qBNJJDBuJdoejDyLXgmL7IEo+Le2JDZudFTFt7mrCqIRaSjws4ygRCTCAXA==", + "dependencies": { + "@types/q": "^1.5.1", + "chalk": "^2.4.1", + "q": "^1.1.2" + }, + "engines": { + "node": ">= 4.0" + } + }, + "node_modules/collect-v8-coverage": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/collect-v8-coverage/-/collect-v8-coverage-1.0.2.tgz", + "integrity": "sha512-lHl4d5/ONEbLlJvaJNtsF/Lz+WvB07u2ycqTYbdrq7UypDXailES4valYb2eWiJFxZlVmpGekfqoxQhzyFdT4Q==" + }, + "node_modules/color-convert": { + "version": "1.9.3", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-1.9.3.tgz", + "integrity": "sha512-QfAUtd+vFdAtFQcC8CCyYt1fYWxSqAiK2cSD6zDB8N3cpsEBAvRxp9zOGg6G/SHHJYAT88/az/IuDGALsNVbGg==", + "dependencies": { + "color-name": "1.1.3" + } + }, + "node_modules/color-name": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.3.tgz", + "integrity": "sha512-72fSenhMw2HZMTVHeCA9KCmpEIbzWiQsjN+BHcBbS9vr1mtt+vJjPdksIBNUmKAW8TFUDPJK5SUU3QhE9NEXDw==" + }, + "node_modules/colord": { + "version": "2.9.3", + "resolved": "https://registry.npmmirror.com/colord/-/colord-2.9.3.tgz", + "integrity": "sha512-jeC1axXpnb0/2nn/Y1LPuLdgXBLH7aDcHu4KEKfqw3CUhX7ZpfBSlPKyqXE6btIgEzfWtrX3/tyBCaCvXvMkOw==" + }, + "node_modules/colorette": { + "version": "2.0.20", + "resolved": "https://registry.npmmirror.com/colorette/-/colorette-2.0.20.tgz", + "integrity": "sha512-IfEDxwoWIjkeXL1eXcDiow4UbKjhLdq6/EuSVR9GMN7KVH3r9gQ83e73hsz1Nd1T3ijd5xv1wcWRYO+D6kCI2w==" + }, + "node_modules/combined-stream": { + "version": "1.0.8", + "resolved": "https://registry.npmmirror.com/combined-stream/-/combined-stream-1.0.8.tgz", + "integrity": "sha512-FQN4MRfuJeHf7cBbBMJFXhKSDq+2kAArBlmRBvcvFE5BB1HZKXtSFASDhdlz9zOYwxh8lDdnvmMOe/+5cdoEdg==", + "dependencies": { + "delayed-stream": "~1.0.0" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/commander": { + "version": "8.3.0", + "resolved": "https://registry.npmmirror.com/commander/-/commander-8.3.0.tgz", + "integrity": "sha512-OkTL9umf+He2DZkUq8f8J9of7yL6RJKI24dVITBmNfZBmri9zYZQrKkuXiKhyfPSu8tUhnVBB1iKXevvnlR4Ww==", + "engines": { + "node": ">= 12" + } + }, + "node_modules/common-path-prefix": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/common-path-prefix/-/common-path-prefix-3.0.0.tgz", + "integrity": "sha512-QE33hToZseCH3jS0qN96O/bSh3kaw/h+Tq7ngyY9eWDUnTlTNUyqfqvCXioLe5Na5jFsL78ra/wuBU4iuEgd4w==" + }, + "node_modules/common-tags": { + "version": "1.8.2", + "resolved": "https://registry.npmmirror.com/common-tags/-/common-tags-1.8.2.tgz", + "integrity": "sha512-gk/Z852D2Wtb//0I+kRFNKKE9dIIVirjoqPoA1wJU+XePVXZfGeBpk45+A1rKO4Q43prqWBNY/MiIeRLbPWUaA==", + "engines": { + "node": ">=4.0.0" + } + }, + "node_modules/commondir": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/commondir/-/commondir-1.0.1.tgz", + "integrity": "sha512-W9pAhw0ja1Edb5GVdIF1mjZw/ASI0AlShXM83UUGe2DVr5TdAPEA1OA8m/g8zWp9x6On7gqufY+FatDbC3MDQg==" + }, + "node_modules/compressible": { + "version": "2.0.18", + "resolved": "https://registry.npmmirror.com/compressible/-/compressible-2.0.18.tgz", + "integrity": "sha512-AF3r7P5dWxL8MxyITRMlORQNaOA2IkAFaTr4k7BUumjPtRpGDTZpl0Pb1XCO6JeDCBdp126Cgs9sMxqSjgYyRg==", + "dependencies": { + "mime-db": ">= 1.43.0 < 2" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/compression": { + "version": "1.7.4", + "resolved": "https://registry.npmmirror.com/compression/-/compression-1.7.4.tgz", + "integrity": "sha512-jaSIDzP9pZVS4ZfQ+TzvtiWhdpFhE2RDHz8QJkpX9SIpLq88VueF5jJw6t+6CUQcAoA6t+x89MLrWAqpfDE8iQ==", + "dependencies": { + "accepts": "~1.3.5", + "bytes": "3.0.0", + "compressible": "~2.0.16", + "debug": "2.6.9", + "on-headers": "~1.0.2", + "safe-buffer": "5.1.2", + "vary": "~1.1.2" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/compression/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/compression/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/compression/node_modules/safe-buffer": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/safe-buffer/-/safe-buffer-5.1.2.tgz", + "integrity": "sha512-Gd2UZBJDkXlY7GbJxfsE8/nvKkUEU1G38c1siN6QP6a9PT9MmHB8GnpscSmMJSoF8LOIrt8ud/wPtojys4G6+g==" + }, + "node_modules/concat-map": { + "version": "0.0.1", + "resolved": "https://registry.npmmirror.com/concat-map/-/concat-map-0.0.1.tgz", + "integrity": "sha512-/Srv4dswyQNBfohGpz9o6Yb3Gz3SrUDqBH5rTuhGR7ahtlbYKnVxw2bCFMRljaA7EXHaXZ8wsHdodFvbkhKmqg==" + }, + "node_modules/confusing-browser-globals": { + "version": "1.0.11", + "resolved": "https://registry.npmmirror.com/confusing-browser-globals/-/confusing-browser-globals-1.0.11.tgz", + "integrity": "sha512-JsPKdmh8ZkmnHxDk55FZ1TqVLvEQTvoByJZRN9jzI0UjxK/QgAmsphz7PGtqgPieQZ/CQcHWXCR7ATDNhGe+YA==" + }, + "node_modules/connect-history-api-fallback": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/connect-history-api-fallback/-/connect-history-api-fallback-2.0.0.tgz", + "integrity": "sha512-U73+6lQFmfiNPrYbXqr6kZ1i1wiRqXnp2nhMsINseWXO8lDau0LGEffJ8kQi4EjLZympVgRdvqjAgiZ1tgzDDA==", + "engines": { + "node": ">=0.8" + } + }, + "node_modules/content-disposition": { + "version": "0.5.4", + "resolved": "https://registry.npmmirror.com/content-disposition/-/content-disposition-0.5.4.tgz", + "integrity": "sha512-FveZTNuGw04cxlAiWbzi6zTAL/lhehaWbTtgluJh4/E95DqMwTmha3KZN1aAWA8cFIhHzMZUvLevkw5Rqk+tSQ==", + "dependencies": { + "safe-buffer": "5.2.1" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/content-type": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/content-type/-/content-type-1.0.5.tgz", + "integrity": "sha512-nTjqfcBFEipKdXCv4YDQWCfmcLZKm81ldF0pAopTvyrFGVbcR6P/VAAd5G7N+0tTr8QqiU0tFadD6FK4NtJwOA==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/convert-source-map": { + "version": "1.9.0", + "resolved": "https://registry.npmmirror.com/convert-source-map/-/convert-source-map-1.9.0.tgz", + "integrity": "sha512-ASFBup0Mz1uyiIjANan1jzLQami9z1PoYSZCiiYW2FczPbenXc45FZdBZLzOT+r6+iciuEModtmCti+hjaAk0A==" + }, + "node_modules/cookie": { + "version": "0.5.0", + "resolved": "https://registry.npmmirror.com/cookie/-/cookie-0.5.0.tgz", + "integrity": "sha512-YZ3GUyn/o8gfKJlnlX7g7xq4gyO6OSuhGPKaaGssGB2qgDUS0gPgtTvoyZLTt9Ab6dC4hfc9dV5arkvc/OCmrw==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/cookie-signature": { + "version": "1.0.6", + "resolved": "https://registry.npmmirror.com/cookie-signature/-/cookie-signature-1.0.6.tgz", + "integrity": "sha512-QADzlaHc8icV8I7vbaJXJwod9HWYp8uCqf1xa4OfNu1T7JVxQIrUgOWtHdNDtPiywmFbiS12VjotIXLrKM3orQ==" + }, + "node_modules/core-js": { + "version": "3.31.1", + "resolved": "https://registry.npmmirror.com/core-js/-/core-js-3.31.1.tgz", + "integrity": "sha512-2sKLtfq1eFST7l7v62zaqXacPc7uG8ZAya8ogijLhTtaKNcpzpB4TMoTw2Si+8GYKRwFPMMtUT0263QFWFfqyQ==", + "hasInstallScript": true + }, + "node_modules/core-js-compat": { + "version": "3.31.1", + "resolved": "https://registry.npmmirror.com/core-js-compat/-/core-js-compat-3.31.1.tgz", + "integrity": "sha512-wIDWd2s5/5aJSdpOJHfSibxNODxoGoWOBHt8JSPB41NOE94M7kuTPZCYLOlTtuoXTsBPKobpJ6T+y0SSy5L9SA==", + "dependencies": { + "browserslist": "^4.21.9" + } + }, + "node_modules/core-js-pure": { + "version": "3.31.1", + "resolved": "https://registry.npmmirror.com/core-js-pure/-/core-js-pure-3.31.1.tgz", + "integrity": "sha512-w+C62kvWti0EPs4KPMCMVv9DriHSXfQOCQ94bGGBiEW5rrbtt/Rz8n5Krhfw9cpFyzXBjf3DB3QnPdEzGDY4Fw==", + "hasInstallScript": true + }, + "node_modules/core-util-is": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/core-util-is/-/core-util-is-1.0.3.tgz", + "integrity": "sha512-ZQBvi1DcpJ4GDqanjucZ2Hj3wEO5pZDS89BWbkcrvdxksJorwUDDZamX9ldFkp9aw2lmBDLgkObEA4DWNJ9FYQ==" + }, + "node_modules/cosmiconfig": { + "version": "7.1.0", + "resolved": "https://registry.npmmirror.com/cosmiconfig/-/cosmiconfig-7.1.0.tgz", + "integrity": "sha512-AdmX6xUzdNASswsFtmwSt7Vj8po9IuqXm0UXz7QKPuEUmPB4XyjGfaAr2PSuELMwkRMVH1EpIkX5bTZGRB3eCA==", + "dependencies": { + "@types/parse-json": "^4.0.0", + "import-fresh": "^3.2.1", + "parse-json": "^5.0.0", + "path-type": "^4.0.0", + "yaml": "^1.10.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/cross-spawn": { + "version": "7.0.3", + "resolved": "https://registry.npmmirror.com/cross-spawn/-/cross-spawn-7.0.3.tgz", + "integrity": "sha512-iRDPJKUPVEND7dHPO8rkbOnPpyDygcDFtWjpeWNCgy8WP2rXcxXL8TskReQl6OrB2G7+UJrags1q15Fudc7G6w==", + "dependencies": { + "path-key": "^3.1.0", + "shebang-command": "^2.0.0", + "which": "^2.0.1" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/crypto-random-string": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/crypto-random-string/-/crypto-random-string-2.0.0.tgz", + "integrity": "sha512-v1plID3y9r/lPhviJ1wrXpLeyUIGAZ2SHNYTEapm7/8A9nLPoyvVp3RK/EPFqn5kEznyWgYZNsRtYYIWbuG8KA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/css-blank-pseudo": { + "version": "3.0.3", + "resolved": "https://registry.npmmirror.com/css-blank-pseudo/-/css-blank-pseudo-3.0.3.tgz", + "integrity": "sha512-VS90XWtsHGqoM0t4KpH053c4ehxZ2E6HtGI7x68YFV0pTo/QmkV/YFA+NnlvK8guxZVNWGQhVNJGC39Q8XF4OQ==", + "dependencies": { + "postcss-selector-parser": "^6.0.9" + }, + "bin": { + "css-blank-pseudo": "dist/cli.cjs" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/css-declaration-sorter": { + "version": "6.4.1", + "resolved": "https://registry.npmmirror.com/css-declaration-sorter/-/css-declaration-sorter-6.4.1.tgz", + "integrity": "sha512-rtdthzxKuyq6IzqX6jEcIzQF/YqccluefyCYheovBOLhFT/drQA9zj/UbRAa9J7C0o6EG6u3E6g+vKkay7/k3g==", + "engines": { + "node": "^10 || ^12 || >=14" + }, + "peerDependencies": { + "postcss": "^8.0.9" + } + }, + "node_modules/css-has-pseudo": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/css-has-pseudo/-/css-has-pseudo-3.0.4.tgz", + "integrity": "sha512-Vse0xpR1K9MNlp2j5w1pgWIJtm1a8qS0JwS9goFYcImjlHEmywP9VUF05aGBXzGpDJF86QXk4L0ypBmwPhGArw==", + "dependencies": { + "postcss-selector-parser": "^6.0.9" + }, + "bin": { + "css-has-pseudo": "dist/cli.cjs" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/css-loader": { + "version": "6.8.1", + "resolved": "https://registry.npmmirror.com/css-loader/-/css-loader-6.8.1.tgz", + "integrity": "sha512-xDAXtEVGlD0gJ07iclwWVkLoZOpEvAWaSyf6W18S2pOC//K8+qUDIx8IIT3D+HjnmkJPQeesOPv5aiUaJsCM2g==", + "dependencies": { + "icss-utils": "^5.1.0", + "postcss": "^8.4.21", + "postcss-modules-extract-imports": "^3.0.0", + "postcss-modules-local-by-default": "^4.0.3", + "postcss-modules-scope": "^3.0.0", + "postcss-modules-values": "^4.0.0", + "postcss-value-parser": "^4.2.0", + "semver": "^7.3.8" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^5.0.0" + } + }, + "node_modules/css-minimizer-webpack-plugin": { + "version": "3.4.1", + "resolved": "https://registry.npmmirror.com/css-minimizer-webpack-plugin/-/css-minimizer-webpack-plugin-3.4.1.tgz", + "integrity": "sha512-1u6D71zeIfgngN2XNRJefc/hY7Ybsxd74Jm4qngIXyUEk7fss3VUzuHxLAq/R8NAba4QU9OUSaMZlbpRc7bM4Q==", + "dependencies": { + "cssnano": "^5.0.6", + "jest-worker": "^27.0.2", + "postcss": "^8.3.5", + "schema-utils": "^4.0.0", + "serialize-javascript": "^6.0.0", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^5.0.0" + }, + "peerDependenciesMeta": { + "@parcel/css": { + "optional": true + }, + "clean-css": { + "optional": true + }, + "csso": { + "optional": true + }, + "esbuild": { + "optional": true + } + } + }, + "node_modules/css-minimizer-webpack-plugin/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/css-minimizer-webpack-plugin/node_modules/ajv-keywords": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-5.1.0.tgz", + "integrity": "sha512-YCS/JNFAUyr5vAuhk1DWm1CBxRHW9LbJ2ozWeemrIqpbsqKjHVxYPyi5GC0rjZIT5JxJ3virVTS8wk4i/Z+krw==", + "dependencies": { + "fast-deep-equal": "^3.1.3" + }, + "peerDependencies": { + "ajv": "^8.8.2" + } + }, + "node_modules/css-minimizer-webpack-plugin/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/css-minimizer-webpack-plugin/node_modules/schema-utils": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-4.2.0.tgz", + "integrity": "sha512-L0jRsrPpjdckP3oPug3/VxNKt2trR8TcabrM6FOAAlvC/9Phcmm+cuAgTlxBqdBR1WJx7Naj9WHw+aOmheSVbw==", + "dependencies": { + "@types/json-schema": "^7.0.9", + "ajv": "^8.9.0", + "ajv-formats": "^2.1.1", + "ajv-keywords": "^5.1.0" + }, + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/css-minimizer-webpack-plugin/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/css-prefers-color-scheme": { + "version": "6.0.3", + "resolved": "https://registry.npmmirror.com/css-prefers-color-scheme/-/css-prefers-color-scheme-6.0.3.tgz", + "integrity": "sha512-4BqMbZksRkJQx2zAjrokiGMd07RqOa2IxIrrN10lyBe9xhn9DEvjUK79J6jkeiv9D9hQFXKb6g1jwU62jziJZA==", + "bin": { + "css-prefers-color-scheme": "dist/cli.cjs" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/css-select": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/css-select/-/css-select-4.3.0.tgz", + "integrity": "sha512-wPpOYtnsVontu2mODhA19JrqWxNsfdatRKd64kmpRbQgh1KtItko5sTnEpPdpSaJszTOhEMlF/RPz28qj4HqhQ==", + "dependencies": { + "boolbase": "^1.0.0", + "css-what": "^6.0.1", + "domhandler": "^4.3.1", + "domutils": "^2.8.0", + "nth-check": "^2.0.1" + } + }, + "node_modules/css-select-base-adapter": { + "version": "0.1.1", + "resolved": "https://registry.npmmirror.com/css-select-base-adapter/-/css-select-base-adapter-0.1.1.tgz", + "integrity": "sha512-jQVeeRG70QI08vSTwf1jHxp74JoZsr2XSgETae8/xC8ovSnL2WF87GTLO86Sbwdt2lK4Umg4HnnwMO4YF3Ce7w==" + }, + "node_modules/css-tree": { + "version": "1.0.0-alpha.37", + "resolved": "https://registry.npmmirror.com/css-tree/-/css-tree-1.0.0-alpha.37.tgz", + "integrity": "sha512-DMxWJg0rnz7UgxKT0Q1HU/L9BeJI0M6ksor0OgqOnF+aRCDWg/N2641HmVyU9KVIu0OVVWOb2IpC9A+BJRnejg==", + "dependencies": { + "mdn-data": "2.0.4", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/css-tree/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/css-what": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/css-what/-/css-what-6.1.0.tgz", + "integrity": "sha512-HTUrgRJ7r4dsZKU6GjmpfRK1O76h97Z8MfS1G0FozR+oF2kG6Vfe8JE6zwrkbxigziPHinCJ+gCPjA9EaBDtRw==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/css.escape": { + "version": "1.5.1", + "resolved": "https://registry.npmmirror.com/css.escape/-/css.escape-1.5.1.tgz", + "integrity": "sha512-YUifsXXuknHlUsmlgyY0PKzgPOr7/FjCePfHNt0jxm83wHZi44VDMQ7/fGNkjY3/jV1MC+1CmZbaHzugyeRtpg==" + }, + "node_modules/cssdb": { + "version": "7.6.0", + "resolved": "https://registry.npmmirror.com/cssdb/-/cssdb-7.6.0.tgz", + "integrity": "sha512-Nna7rph8V0jC6+JBY4Vk4ndErUmfJfV6NJCaZdurL0omggabiy+QB2HCQtu5c/ACLZ0I7REv7A4QyPIoYzZx0w==" + }, + "node_modules/cssesc": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/cssesc/-/cssesc-3.0.0.tgz", + "integrity": "sha512-/Tb/JcjK111nNScGob5MNtsntNM1aCNUDipB/TkwZFhyDrrE47SOx/18wF2bbjgc3ZzCSKW1T5nt5EbFoAz/Vg==", + "bin": { + "cssesc": "bin/cssesc" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/cssnano": { + "version": "5.1.15", + "resolved": "https://registry.npmmirror.com/cssnano/-/cssnano-5.1.15.tgz", + "integrity": "sha512-j+BKgDcLDQA+eDifLx0EO4XSA56b7uut3BQFH+wbSaSTuGLuiyTa/wbRYthUXX8LC9mLg+WWKe8h+qJuwTAbHw==", + "dependencies": { + "cssnano-preset-default": "^5.2.14", + "lilconfig": "^2.0.3", + "yaml": "^1.10.2" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/cssnano-preset-default": { + "version": "5.2.14", + "resolved": "https://registry.npmmirror.com/cssnano-preset-default/-/cssnano-preset-default-5.2.14.tgz", + "integrity": "sha512-t0SFesj/ZV2OTylqQVOrFgEh5uanxbO6ZAdeCrNsUQ6fVuXwYTxJPNAGvGTxHbD68ldIJNec7PyYZDBrfDQ+6A==", + "dependencies": { + "css-declaration-sorter": "^6.3.1", + "cssnano-utils": "^3.1.0", + "postcss-calc": "^8.2.3", + "postcss-colormin": "^5.3.1", + "postcss-convert-values": "^5.1.3", + "postcss-discard-comments": "^5.1.2", + "postcss-discard-duplicates": "^5.1.0", + "postcss-discard-empty": "^5.1.1", + "postcss-discard-overridden": "^5.1.0", + "postcss-merge-longhand": "^5.1.7", + "postcss-merge-rules": "^5.1.4", + "postcss-minify-font-values": "^5.1.0", + "postcss-minify-gradients": "^5.1.1", + "postcss-minify-params": "^5.1.4", + "postcss-minify-selectors": "^5.2.1", + "postcss-normalize-charset": "^5.1.0", + "postcss-normalize-display-values": "^5.1.0", + "postcss-normalize-positions": "^5.1.1", + "postcss-normalize-repeat-style": "^5.1.1", + "postcss-normalize-string": "^5.1.0", + "postcss-normalize-timing-functions": "^5.1.0", + "postcss-normalize-unicode": "^5.1.1", + "postcss-normalize-url": "^5.1.0", + "postcss-normalize-whitespace": "^5.1.1", + "postcss-ordered-values": "^5.1.3", + "postcss-reduce-initial": "^5.1.2", + "postcss-reduce-transforms": "^5.1.0", + "postcss-svgo": "^5.1.0", + "postcss-unique-selectors": "^5.1.1" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/cssnano-utils": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/cssnano-utils/-/cssnano-utils-3.1.0.tgz", + "integrity": "sha512-JQNR19/YZhz4psLX/rQ9M83e3z2Wf/HdJbryzte4a3NSuafyp9w/I4U+hx5C2S9g41qlstH7DEWnZaaj83OuEA==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/csso": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/csso/-/csso-4.2.0.tgz", + "integrity": "sha512-wvlcdIbf6pwKEk7vHj8/Bkc0B4ylXZruLvOgs9doS5eOsOpuodOV2zJChSpkp+pRpYQLQMeF04nr3Z68Sta9jA==", + "dependencies": { + "css-tree": "^1.1.2" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/csso/node_modules/css-tree": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/css-tree/-/css-tree-1.1.3.tgz", + "integrity": "sha512-tRpdppF7TRazZrjJ6v3stzv93qxRcSsFmW6cX0Zm2NVKpxE1WV1HblnghVv9TreireHkqI/VDEsfolRF1p6y7Q==", + "dependencies": { + "mdn-data": "2.0.14", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/csso/node_modules/mdn-data": { + "version": "2.0.14", + "resolved": "https://registry.npmmirror.com/mdn-data/-/mdn-data-2.0.14.tgz", + "integrity": "sha512-dn6wd0uw5GsdswPFfsgMp5NSB0/aDe6fK94YJV/AJDYXL6HVLWBsxeq7js7Ad+mU2K9LAlwpk6kN2D5mwCPVow==" + }, + "node_modules/csso/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/cssom": { + "version": "0.4.4", + "resolved": "https://registry.npmmirror.com/cssom/-/cssom-0.4.4.tgz", + "integrity": "sha512-p3pvU7r1MyyqbTk+WbNJIgJjG2VmTIaB10rI93LzVPrmDJKkzKYMtxxyAvQXR/NS6otuzveI7+7BBq3SjBS2mw==" + }, + "node_modules/cssstyle": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/cssstyle/-/cssstyle-2.3.0.tgz", + "integrity": "sha512-AZL67abkUzIuvcHqk7c09cezpGNcxUxU4Ioi/05xHk4DQeTkWmGYftIE6ctU6AEt+Gn4n1lDStOtj7FKycP71A==", + "dependencies": { + "cssom": "~0.3.6" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/cssstyle/node_modules/cssom": { + "version": "0.3.8", + "resolved": "https://registry.npmmirror.com/cssom/-/cssom-0.3.8.tgz", + "integrity": "sha512-b0tGHbfegbhPJpxpiBPU2sCkigAqtM9O121le6bbOlgyV+NyGyCmVfJ6QW9eRjz8CpNfWEOYBIMIGRYkLwsIYg==" + }, + "node_modules/csstype": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/csstype/-/csstype-3.1.2.tgz", + "integrity": "sha512-I7K1Uu0MBPzaFKg4nI5Q7Vs2t+3gWWW648spaF+Rg7pI9ds18Ugn+lvg4SHczUdKlHI5LWBXyqfS8+DufyBsgQ==" + }, + "node_modules/damerau-levenshtein": { + "version": "1.0.8", + "resolved": "https://registry.npmmirror.com/damerau-levenshtein/-/damerau-levenshtein-1.0.8.tgz", + "integrity": "sha512-sdQSFB7+llfUcQHUQO3+B8ERRj0Oa4w9POWMI/puGtuf7gFywGmkaLCElnudfTiKZV+NvHqL0ifzdrI8Ro7ESA==" + }, + "node_modules/data-urls": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/data-urls/-/data-urls-2.0.0.tgz", + "integrity": "sha512-X5eWTSXO/BJmpdIKCRuKUgSCgAN0OwliVK3yPKbwIWU1Tdw5BRajxlzMidvh+gwko9AfQ9zIj52pzF91Q3YAvQ==", + "dependencies": { + "abab": "^2.0.3", + "whatwg-mimetype": "^2.3.0", + "whatwg-url": "^8.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/debug": { + "version": "4.3.4", + "resolved": "https://registry.npmmirror.com/debug/-/debug-4.3.4.tgz", + "integrity": "sha512-PRWFHuSU3eDtQJPvnNY7Jcket1j0t5OuOsFzPPzsekD52Zl8qUfFIPEiswXqIvHWGVHOgX+7G/vCNNhehwxfkQ==", + "dependencies": { + "ms": "2.1.2" + }, + "engines": { + "node": ">=6.0" + }, + "peerDependenciesMeta": { + "supports-color": { + "optional": true + } + } + }, + "node_modules/decimal.js": { + "version": "10.4.3", + "resolved": "https://registry.npmmirror.com/decimal.js/-/decimal.js-10.4.3.tgz", + "integrity": "sha512-VBBaLc1MgL5XpzgIP7ny5Z6Nx3UrRkIViUkPUdtl9aya5amy3De1gsUUSB1g3+3sExYNjCAsAznmukyxCb1GRA==" + }, + "node_modules/dedent": { + "version": "0.7.0", + "resolved": "https://registry.npmmirror.com/dedent/-/dedent-0.7.0.tgz", + "integrity": "sha512-Q6fKUPqnAHAyhiUgFU7BUzLiv0kd8saH9al7tnu5Q/okj6dnupxyTgFIBjVzJATdfIAm9NAsvXNzjaKa+bxVyA==" + }, + "node_modules/deep-equal": { + "version": "2.2.2", + "resolved": "https://registry.npmmirror.com/deep-equal/-/deep-equal-2.2.2.tgz", + "integrity": "sha512-xjVyBf0w5vH0I42jdAZzOKVldmPgSulmiyPRywoyq7HXC9qdgo17kxJE+rdnif5Tz6+pIrpJI8dCpMNLIGkUiA==", + "dependencies": { + "array-buffer-byte-length": "^1.0.0", + "call-bind": "^1.0.2", + "es-get-iterator": "^1.1.3", + "get-intrinsic": "^1.2.1", + "is-arguments": "^1.1.1", + "is-array-buffer": "^3.0.2", + "is-date-object": "^1.0.5", + "is-regex": "^1.1.4", + "is-shared-array-buffer": "^1.0.2", + "isarray": "^2.0.5", + "object-is": "^1.1.5", + "object-keys": "^1.1.1", + "object.assign": "^4.1.4", + "regexp.prototype.flags": "^1.5.0", + "side-channel": "^1.0.4", + "which-boxed-primitive": "^1.0.2", + "which-collection": "^1.0.1", + "which-typed-array": "^1.1.9" + } + }, + "node_modules/deep-is": { + "version": "0.1.4", + "resolved": "https://registry.npmmirror.com/deep-is/-/deep-is-0.1.4.tgz", + "integrity": "sha512-oIPzksmTg4/MriiaYGO+okXDT7ztn/w3Eptv/+gSIdMdKsJo0u4CfYNFJPy+4SKMuCqGw2wxnA+URMg3t8a/bQ==" + }, + "node_modules/deepmerge": { + "version": "4.3.1", + "resolved": "https://registry.npmmirror.com/deepmerge/-/deepmerge-4.3.1.tgz", + "integrity": "sha512-3sUqbMEc77XqpdNO7FRyRog+eW3ph+GYCbj+rK+uYyRMuwsVy0rMiVtPn+QJlKFvWP/1PYpapqYn0Me2knFn+A==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/default-gateway": { + "version": "6.0.3", + "resolved": "https://registry.npmmirror.com/default-gateway/-/default-gateway-6.0.3.tgz", + "integrity": "sha512-fwSOJsbbNzZ/CUFpqFBqYfYNLj1NbMPm8MMCIzHjC83iSJRBEGmDUxU+WP661BaBQImeC2yHwXtz+P/O9o+XEg==", + "dependencies": { + "execa": "^5.0.0" + }, + "engines": { + "node": ">= 10" + } + }, + "node_modules/define-lazy-prop": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/define-lazy-prop/-/define-lazy-prop-2.0.0.tgz", + "integrity": "sha512-Ds09qNh8yw3khSjiJjiUInaGX9xlqZDY7JVryGxdxV7NPeuqQfplOpQ66yJFZut3jLa5zOwkXw1g9EI2uKh4Og==", + "engines": { + "node": ">=8" + } + }, + "node_modules/define-properties": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/define-properties/-/define-properties-1.2.0.tgz", + "integrity": "sha512-xvqAVKGfT1+UAvPwKTVw/njhdQ8ZhXK4lI0bCIuCMrp2up9nPnaDftrLtmpTazqd1o+UY4zgzU+avtMbDP+ldA==", + "dependencies": { + "has-property-descriptors": "^1.0.0", + "object-keys": "^1.1.1" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/delayed-stream": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/delayed-stream/-/delayed-stream-1.0.0.tgz", + "integrity": "sha512-ZySD7Nf91aLB0RxL4KGrKHBXl7Eds1DAmEdcoVawXnLD7SDhpNgtuII2aAkg7a7QS41jxPSZ17p4VdGnMHk3MQ==", + "engines": { + "node": ">=0.4.0" + } + }, + "node_modules/depd": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/depd/-/depd-2.0.0.tgz", + "integrity": "sha512-g7nH6P6dyDioJogAAGprGpCtVImJhpPk/roCzdb3fIh61/s/nPsfR6onyMwkCAR/OlC3yBC0lESvUoQEAssIrw==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/dequal": { + "version": "2.0.3", + "resolved": "https://registry.npmmirror.com/dequal/-/dequal-2.0.3.tgz", + "integrity": "sha512-0je+qPKHEMohvfRTCEo3CrPG6cAzAYgmzKyxRiYSSDkS6eGJdyVJm7WaYA5ECaAD9wLB2T4EEeymA5aFVcYXCA==", + "engines": { + "node": ">=6" + } + }, + "node_modules/destroy": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/destroy/-/destroy-1.2.0.tgz", + "integrity": "sha512-2sJGJTaXIIaR1w4iJSNoN0hnMY7Gpc/n8D4qSCJw8QqFWXf7cuAgnEHxBpweaVcPevC2l3KpjYCx3NypQQgaJg==", + "engines": { + "node": ">= 0.8", + "npm": "1.2.8000 || >= 1.4.16" + } + }, + "node_modules/detect-newline": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/detect-newline/-/detect-newline-3.1.0.tgz", + "integrity": "sha512-TLz+x/vEXm/Y7P7wn1EJFNLxYpUD4TgMosxY6fAVJUnJMbupHBOncxyWUG9OpTaH9EBD7uFI5LfEgmMOc54DsA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/detect-node": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/detect-node/-/detect-node-2.1.0.tgz", + "integrity": "sha512-T0NIuQpnTvFDATNuHN5roPwSBG83rFsuO+MXXH9/3N1eFbn4wcPjttvjMLEPWJ0RGUYgQE7cGgS3tNxbqCGM7g==" + }, + "node_modules/detect-port-alt": { + "version": "1.1.6", + "resolved": "https://registry.npmmirror.com/detect-port-alt/-/detect-port-alt-1.1.6.tgz", + "integrity": "sha512-5tQykt+LqfJFBEYaDITx7S7cR7mJ/zQmLXZ2qt5w04ainYZw6tBf9dBunMjVeVOdYVRUzUOE4HkY5J7+uttb5Q==", + "dependencies": { + "address": "^1.0.1", + "debug": "^2.6.0" + }, + "bin": { + "detect": "bin/detect-port", + "detect-port": "bin/detect-port" + }, + "engines": { + "node": ">= 4.2.1" + } + }, + "node_modules/detect-port-alt/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/detect-port-alt/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/didyoumean": { + "version": "1.2.2", + "resolved": "https://registry.npmmirror.com/didyoumean/-/didyoumean-1.2.2.tgz", + "integrity": "sha512-gxtyfqMg7GKyhQmb056K7M3xszy/myH8w+B4RT+QXBQsvAOdc3XymqDDPHx1BgPgsdAA5SIifona89YtRATDzw==" + }, + "node_modules/diff-sequences": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/diff-sequences/-/diff-sequences-27.5.1.tgz", + "integrity": "sha512-k1gCAXAsNgLwEL+Y8Wvl+M6oEFj5bgazfZULpS5CneoPPXRaCCW7dm+q21Ky2VEE5X+VeRDBVg1Pcvvsr4TtNQ==", + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/dir-glob": { + "version": "3.0.1", + "resolved": "https://registry.npmmirror.com/dir-glob/-/dir-glob-3.0.1.tgz", + "integrity": "sha512-WkrWp9GR4KXfKGYzOLmTuGVi1UWFfws377n9cc55/tb6DuqyF6pcQ5AbiHEshaDpY9v6oaSr2XCDidGmMwdzIA==", + "dependencies": { + "path-type": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/dlv": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/dlv/-/dlv-1.1.3.tgz", + "integrity": "sha512-+HlytyjlPKnIG8XuRG8WvmBP8xs8P71y+SKKS6ZXWoEgLuePxtDoUEiH7WkdePWrQ5JBpE6aoVqfZfJUQkjXwA==" + }, + "node_modules/dns-equal": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/dns-equal/-/dns-equal-1.0.0.tgz", + "integrity": "sha512-z+paD6YUQsk+AbGCEM4PrOXSss5gd66QfcVBFTKR/HpFL9jCqikS94HYwKww6fQyO7IxrIIyUu+g0Ka9tUS2Cg==" + }, + "node_modules/dns-packet": { + "version": "5.6.0", + "resolved": "https://registry.npmmirror.com/dns-packet/-/dns-packet-5.6.0.tgz", + "integrity": "sha512-rza3UH1LwdHh9qyPXp8lkwpjSNk/AMD3dPytUoRoqnypDUhY0xvbdmVhWOfxO68frEfV9BU8V12Ez7ZsHGZpCQ==", + "dependencies": { + "@leichtgewicht/ip-codec": "^2.0.1" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/doctrine": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/doctrine/-/doctrine-3.0.0.tgz", + "integrity": "sha512-yS+Q5i3hBf7GBkd4KG8a7eBNNWNGLTaEwwYWUijIYM7zrlYDM0BFXHjjPWlWZ1Rg7UaddZeIDmi9jF3HmqiQ2w==", + "dependencies": { + "esutils": "^2.0.2" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/dom-accessibility-api": { + "version": "0.5.16", + "resolved": "https://registry.npmmirror.com/dom-accessibility-api/-/dom-accessibility-api-0.5.16.tgz", + "integrity": "sha512-X7BJ2yElsnOJ30pZF4uIIDfBEVgF4XEBxL9Bxhy6dnrm5hkzqmsWHGTiHqRiITNhMyFLyAiWndIJP7Z1NTteDg==" + }, + "node_modules/dom-converter": { + "version": "0.2.0", + "resolved": "https://registry.npmmirror.com/dom-converter/-/dom-converter-0.2.0.tgz", + "integrity": "sha512-gd3ypIPfOMr9h5jIKq8E3sHOTCjeirnl0WK5ZdS1AW0Odt0b1PaWaHdJ4Qk4klv+YB9aJBS7mESXjFoDQPu6DA==", + "dependencies": { + "utila": "~0.4" + } + }, + "node_modules/dom-helpers": { + "version": "5.2.1", + "resolved": "https://registry.npmmirror.com/dom-helpers/-/dom-helpers-5.2.1.tgz", + "integrity": "sha512-nRCa7CK3VTrM2NmGkIy4cbK7IZlgBE/PYMn55rrXefr5xXDP0LdtfPnblFDoVdcAfslJ7or6iqAUnx0CCGIWQA==", + "dependencies": { + "@babel/runtime": "^7.8.7", + "csstype": "^3.0.2" + } + }, + "node_modules/dom-serializer": { + "version": "1.4.1", + "resolved": "https://registry.npmmirror.com/dom-serializer/-/dom-serializer-1.4.1.tgz", + "integrity": "sha512-VHwB3KfrcOOkelEG2ZOfxqLZdfkil8PtJi4P8N2MMXucZq2yLp75ClViUlOVwyoHEDjYU433Aq+5zWP61+RGag==", + "dependencies": { + "domelementtype": "^2.0.1", + "domhandler": "^4.2.0", + "entities": "^2.0.0" + } + }, + "node_modules/domelementtype": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/domelementtype/-/domelementtype-2.3.0.tgz", + "integrity": "sha512-OLETBj6w0OsagBwdXnPdN0cnMfF9opN69co+7ZrbfPGrdpPVNBUj02spi6B1N7wChLQiPn4CSH/zJvXw56gmHw==" + }, + "node_modules/domexception": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/domexception/-/domexception-2.0.1.tgz", + "integrity": "sha512-yxJ2mFy/sibVQlu5qHjOkf9J3K6zgmCxgJ94u2EdvDOV09H+32LtRswEcUsmUWN72pVLOEnTSRaIVVzVQgS0dg==", + "dependencies": { + "webidl-conversions": "^5.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/domexception/node_modules/webidl-conversions": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/webidl-conversions/-/webidl-conversions-5.0.0.tgz", + "integrity": "sha512-VlZwKPCkYKxQgeSbH5EyngOmRp7Ww7I9rQLERETtf5ofd9pGeswWiOtogpEO850jziPRarreGxn5QIiTqpb2wA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/domhandler": { + "version": "4.3.1", + "resolved": "https://registry.npmmirror.com/domhandler/-/domhandler-4.3.1.tgz", + "integrity": "sha512-GrwoxYN+uWlzO8uhUXRl0P+kHE4GtVPfYzVLcUxPL7KNdHKj66vvlhiweIHqYYXWlw+T8iLMp42Lm67ghw4WMQ==", + "dependencies": { + "domelementtype": "^2.2.0" + }, + "engines": { + "node": ">= 4" + } + }, + "node_modules/domutils": { + "version": "2.8.0", + "resolved": "https://registry.npmmirror.com/domutils/-/domutils-2.8.0.tgz", + "integrity": "sha512-w96Cjofp72M5IIhpjgobBimYEfoPjx1Vx0BSX9P30WBdZW2WIKU0T1Bd0kz2eNZ9ikjKgHbEyKx8BB6H1L3h3A==", + "dependencies": { + "dom-serializer": "^1.0.1", + "domelementtype": "^2.2.0", + "domhandler": "^4.2.0" + } + }, + "node_modules/dot-case": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/dot-case/-/dot-case-3.0.4.tgz", + "integrity": "sha512-Kv5nKlh6yRrdrGvxeJ2e5y2eRUpkUosIW4A2AS38zwSz27zu7ufDwQPi5Jhs3XAlGNetl3bmnGhQsMtkKJnj3w==", + "dependencies": { + "no-case": "^3.0.4", + "tslib": "^2.0.3" + } + }, + "node_modules/dotenv": { + "version": "10.0.0", + "resolved": "https://registry.npmmirror.com/dotenv/-/dotenv-10.0.0.tgz", + "integrity": "sha512-rlBi9d8jpv9Sf1klPjNfFAuWDjKLwTIJJ/VxtoTwIR6hnZxcEOQCZg2oIL3MWBYw5GpUDKOEnND7LXTbIpQ03Q==", + "engines": { + "node": ">=10" + } + }, + "node_modules/dotenv-expand": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/dotenv-expand/-/dotenv-expand-5.1.0.tgz", + "integrity": "sha512-YXQl1DSa4/PQyRfgrv6aoNjhasp/p4qs9FjJ4q4cQk+8m4r6k4ZSiEyytKG8f8W9gi8WsQtIObNmKd+tMzNTmA==" + }, + "node_modules/duplexer": { + "version": "0.1.2", + "resolved": "https://registry.npmmirror.com/duplexer/-/duplexer-0.1.2.tgz", + "integrity": "sha512-jtD6YG370ZCIi/9GTaJKQxWTZD045+4R4hTk/x1UyoqadyJ9x9CgSi1RlVDQF8U2sxLLSnFkCaMihqljHIWgMg==" + }, + "node_modules/ee-first": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/ee-first/-/ee-first-1.1.1.tgz", + "integrity": "sha512-WMwm9LhRUo+WUaRN+vRuETqG89IgZphVSNkdFgeb6sS/E4OrDIN7t48CAewSHXc6C8lefD8KKfr5vY61brQlow==" + }, + "node_modules/ejs": { + "version": "3.1.9", + "resolved": "https://registry.npmmirror.com/ejs/-/ejs-3.1.9.tgz", + "integrity": "sha512-rC+QVNMJWv+MtPgkt0y+0rVEIdbtxVADApW9JXrUVlzHetgcyczP/E7DJmWJ4fJCZF2cPcBk0laWO9ZHMG3DmQ==", + "dependencies": { + "jake": "^10.8.5" + }, + "bin": { + "ejs": "bin/cli.js" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/electron-to-chromium": { + "version": "1.4.463", + "resolved": "https://registry.npmmirror.com/electron-to-chromium/-/electron-to-chromium-1.4.463.tgz", + "integrity": "sha512-fT3hvdUWLjDbaTGzyOjng/CQhQJSQP8ThO3XZAoaxHvHo2kUXiRQVMj9M235l8uDFiNPsPa6KHT1p3RaR6ugRw==" + }, + "node_modules/emittery": { + "version": "0.8.1", + "resolved": "https://registry.npmmirror.com/emittery/-/emittery-0.8.1.tgz", + "integrity": "sha512-uDfvUjVrfGJJhymx/kz6prltenw1u7WrCg1oa94zYY8xxVpLLUu045LAT0dhDZdXG58/EpPL/5kA180fQ/qudg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/emoji-regex": { + "version": "9.2.2", + "resolved": "https://registry.npmmirror.com/emoji-regex/-/emoji-regex-9.2.2.tgz", + "integrity": "sha512-L18DaJsXSUk2+42pv8mLs5jJT2hqFkFE4j21wOmgbUqsZ2hL72NsUU785g9RXgo3s0ZNgVl42TiHp3ZtOv/Vyg==" + }, + "node_modules/emojis-list": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/emojis-list/-/emojis-list-3.0.0.tgz", + "integrity": "sha512-/kyM18EfinwXZbno9FyUGeFh87KC8HRQBQGildHZbEuRyWFOmv1U10o9BBp8XVZDVNNuQKyIGIu5ZYAAXJ0V2Q==", + "engines": { + "node": ">= 4" + } + }, + "node_modules/encodeurl": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/encodeurl/-/encodeurl-1.0.2.tgz", + "integrity": "sha512-TPJXq8JqFaVYm2CWmPvnP2Iyo4ZSM7/QKcSmuMLDObfpH5fi7RUGmd/rTDf+rut/saiDiQEeVTNgAmJEdAOx0w==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/enhanced-resolve": { + "version": "5.15.0", + "resolved": "https://registry.npmmirror.com/enhanced-resolve/-/enhanced-resolve-5.15.0.tgz", + "integrity": "sha512-LXYT42KJ7lpIKECr2mAXIaMldcNCh/7E0KBKOu4KSfkHmP+mZmSs+8V5gBAqisWBy0OO4W5Oyys0GO1Y8KtdKg==", + "dependencies": { + "graceful-fs": "^4.2.4", + "tapable": "^2.2.0" + }, + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/entities": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/entities/-/entities-2.2.0.tgz", + "integrity": "sha512-p92if5Nz619I0w+akJrLZH0MX0Pb5DX39XOwQTtXSdQQOaYH03S1uIQp4mhOZtAXrxq4ViO67YTiLBo2638o9A==" + }, + "node_modules/error-ex": { + "version": "1.3.2", + "resolved": "https://registry.npmmirror.com/error-ex/-/error-ex-1.3.2.tgz", + "integrity": "sha512-7dFHNmqeFSEt2ZBsCriorKnn3Z2pj+fd9kmI6QoWw4//DL+icEBfc0U7qJCisqrTsKTjw4fNFy2pW9OqStD84g==", + "dependencies": { + "is-arrayish": "^0.2.1" + } + }, + "node_modules/error-stack-parser": { + "version": "2.1.4", + "resolved": "https://registry.npmmirror.com/error-stack-parser/-/error-stack-parser-2.1.4.tgz", + "integrity": "sha512-Sk5V6wVazPhq5MhpO+AUxJn5x7XSXGl1R93Vn7i+zS15KDVxQijejNCrz8340/2bgLBjR9GtEG8ZVKONDjcqGQ==", + "dependencies": { + "stackframe": "^1.3.4" + } + }, + "node_modules/es-abstract": { + "version": "1.22.1", + "resolved": "https://registry.npmmirror.com/es-abstract/-/es-abstract-1.22.1.tgz", + "integrity": "sha512-ioRRcXMO6OFyRpyzV3kE1IIBd4WG5/kltnzdxSCqoP8CMGs/Li+M1uF5o7lOkZVFjDs+NLesthnF66Pg/0q0Lw==", + "dependencies": { + "array-buffer-byte-length": "^1.0.0", + "arraybuffer.prototype.slice": "^1.0.1", + "available-typed-arrays": "^1.0.5", + "call-bind": "^1.0.2", + "es-set-tostringtag": "^2.0.1", + "es-to-primitive": "^1.2.1", + "function.prototype.name": "^1.1.5", + "get-intrinsic": "^1.2.1", + "get-symbol-description": "^1.0.0", + "globalthis": "^1.0.3", + "gopd": "^1.0.1", + "has": "^1.0.3", + "has-property-descriptors": "^1.0.0", + "has-proto": "^1.0.1", + "has-symbols": "^1.0.3", + "internal-slot": "^1.0.5", + "is-array-buffer": "^3.0.2", + "is-callable": "^1.2.7", + "is-negative-zero": "^2.0.2", + "is-regex": "^1.1.4", + "is-shared-array-buffer": "^1.0.2", + "is-string": "^1.0.7", + "is-typed-array": "^1.1.10", + "is-weakref": "^1.0.2", + "object-inspect": "^1.12.3", + "object-keys": "^1.1.1", + "object.assign": "^4.1.4", + "regexp.prototype.flags": "^1.5.0", + "safe-array-concat": "^1.0.0", + "safe-regex-test": "^1.0.0", + "string.prototype.trim": "^1.2.7", + "string.prototype.trimend": "^1.0.6", + "string.prototype.trimstart": "^1.0.6", + "typed-array-buffer": "^1.0.0", + "typed-array-byte-length": "^1.0.0", + "typed-array-byte-offset": "^1.0.0", + "typed-array-length": "^1.0.4", + "unbox-primitive": "^1.0.2", + "which-typed-array": "^1.1.10" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/es-array-method-boxes-properly": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/es-array-method-boxes-properly/-/es-array-method-boxes-properly-1.0.0.tgz", + "integrity": "sha512-wd6JXUmyHmt8T5a2xreUwKcGPq6f1f+WwIJkijUqiGcJz1qqnZgP6XIK+QyIWU5lT7imeNxUll48bziG+TSYcA==" + }, + "node_modules/es-get-iterator": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/es-get-iterator/-/es-get-iterator-1.1.3.tgz", + "integrity": "sha512-sPZmqHBe6JIiTfN5q2pEi//TwxmAFHwj/XEuYjTuse78i8KxaqMTTzxPoFKuzRpDpTJ+0NAbpfenkmH2rePtuw==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.1.3", + "has-symbols": "^1.0.3", + "is-arguments": "^1.1.1", + "is-map": "^2.0.2", + "is-set": "^2.0.2", + "is-string": "^1.0.7", + "isarray": "^2.0.5", + "stop-iteration-iterator": "^1.0.0" + } + }, + "node_modules/es-module-lexer": { + "version": "1.3.0", + "resolved": "https://registry.npmmirror.com/es-module-lexer/-/es-module-lexer-1.3.0.tgz", + "integrity": "sha512-vZK7T0N2CBmBOixhmjdqx2gWVbFZ4DXZ/NyRMZVlJXPa7CyFS+/a4QQsDGDQy9ZfEzxFuNEsMLeQJnKP2p5/JA==" + }, + "node_modules/es-set-tostringtag": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/es-set-tostringtag/-/es-set-tostringtag-2.0.1.tgz", + "integrity": "sha512-g3OMbtlwY3QewlqAiMLI47KywjWZoEytKr8pf6iTC8uJq5bIAH52Z9pnQ8pVL6whrCto53JZDuUIsifGeLorTg==", + "dependencies": { + "get-intrinsic": "^1.1.3", + "has": "^1.0.3", + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/es-shim-unscopables": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/es-shim-unscopables/-/es-shim-unscopables-1.0.0.tgz", + "integrity": "sha512-Jm6GPcCdC30eMLbZ2x8z2WuRwAws3zTBBKuusffYVUrNj/GVSUAZ+xKMaUpfNDR5IbyNA5LJbaecoUVbmUcB1w==", + "dependencies": { + "has": "^1.0.3" + } + }, + "node_modules/es-to-primitive": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/es-to-primitive/-/es-to-primitive-1.2.1.tgz", + "integrity": "sha512-QCOllgZJtaUo9miYBcLChTUaHNjJF3PYs1VidD7AwiEj1kYxKeQTctLAezAOH5ZKRH0g2IgPn6KwB4IT8iRpvA==", + "dependencies": { + "is-callable": "^1.1.4", + "is-date-object": "^1.0.1", + "is-symbol": "^1.0.2" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/escalade": { + "version": "3.1.1", + "resolved": "https://registry.npmmirror.com/escalade/-/escalade-3.1.1.tgz", + "integrity": "sha512-k0er2gUkLf8O0zKJiAhmkTnJlTvINGv7ygDNPbeIsX/TJjGJZHuh9B2UxbsaEkmlEo9MfhrSzmhIlhRlI2GXnw==", + "engines": { + "node": ">=6" + } + }, + "node_modules/escape-html": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/escape-html/-/escape-html-1.0.3.tgz", + "integrity": "sha512-NiSupZ4OeuGwr68lGIeym/ksIZMJodUGOSCZ/FSnTxcrekbvqrgdUxlJOMpijaKZVjAJrWrGs/6Jy8OMuyj9ow==" + }, + "node_modules/escape-string-regexp": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/escape-string-regexp/-/escape-string-regexp-1.0.5.tgz", + "integrity": "sha512-vbRorB5FUQWvla16U8R/qgaFIya2qGzwDrNmCZuYKrbdSUMG6I1ZCGQRefkRVhuOkIGVne7BQ35DSfo1qvJqFg==", + "engines": { + "node": ">=0.8.0" + } + }, + "node_modules/escodegen": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/escodegen/-/escodegen-2.1.0.tgz", + "integrity": "sha512-2NlIDTwUWJN0mRPQOdtQBzbUHvdGY2P1VXSyU83Q3xKxM7WHX2Ql8dKq782Q9TgQUNOLEzEYu9bzLNj1q88I5w==", + "dependencies": { + "esprima": "^4.0.1", + "estraverse": "^5.2.0", + "esutils": "^2.0.2" + }, + "bin": { + "escodegen": "bin/escodegen.js", + "esgenerate": "bin/esgenerate.js" + }, + "engines": { + "node": ">=6.0" + }, + "optionalDependencies": { + "source-map": "~0.6.1" + } + }, + "node_modules/escodegen/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "optional": true, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/eslint": { + "version": "8.45.0", + "resolved": "https://registry.npmmirror.com/eslint/-/eslint-8.45.0.tgz", + "integrity": "sha512-pd8KSxiQpdYRfYa9Wufvdoct3ZPQQuVuU5O6scNgMuOMYuxvH0IGaYK0wUFjo4UYYQQCUndlXiMbnxopwvvTiw==", + "dependencies": { + "@eslint-community/eslint-utils": "^4.2.0", + "@eslint-community/regexpp": "^4.4.0", + "@eslint/eslintrc": "^2.1.0", + "@eslint/js": "8.44.0", + "@humanwhocodes/config-array": "^0.11.10", + "@humanwhocodes/module-importer": "^1.0.1", + "@nodelib/fs.walk": "^1.2.8", + "ajv": "^6.10.0", + "chalk": "^4.0.0", + "cross-spawn": "^7.0.2", + "debug": "^4.3.2", + "doctrine": "^3.0.0", + "escape-string-regexp": "^4.0.0", + "eslint-scope": "^7.2.0", + "eslint-visitor-keys": "^3.4.1", + "espree": "^9.6.0", + "esquery": "^1.4.2", + "esutils": "^2.0.2", + "fast-deep-equal": "^3.1.3", + "file-entry-cache": "^6.0.1", + "find-up": "^5.0.0", + "glob-parent": "^6.0.2", + "globals": "^13.19.0", + "graphemer": "^1.4.0", + "ignore": "^5.2.0", + "imurmurhash": "^0.1.4", + "is-glob": "^4.0.0", + "is-path-inside": "^3.0.3", + "js-yaml": "^4.1.0", + "json-stable-stringify-without-jsonify": "^1.0.1", + "levn": "^0.4.1", + "lodash.merge": "^4.6.2", + "minimatch": "^3.1.2", + "natural-compare": "^1.4.0", + "optionator": "^0.9.3", + "strip-ansi": "^6.0.1", + "text-table": "^0.2.0" + }, + "bin": { + "eslint": "bin/eslint.js" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/eslint-config-react-app": { + "version": "7.0.1", + "resolved": "https://registry.npmmirror.com/eslint-config-react-app/-/eslint-config-react-app-7.0.1.tgz", + "integrity": "sha512-K6rNzvkIeHaTd8m/QEh1Zko0KI7BACWkkneSs6s9cKZC/J27X3eZR6Upt1jkmZ/4FK+XUOPPxMEN7+lbUXfSlA==", + "dependencies": { + "@babel/core": "^7.16.0", + "@babel/eslint-parser": "^7.16.3", + "@rushstack/eslint-patch": "^1.1.0", + "@typescript-eslint/eslint-plugin": "^5.5.0", + "@typescript-eslint/parser": "^5.5.0", + "babel-preset-react-app": "^10.0.1", + "confusing-browser-globals": "^1.0.11", + "eslint-plugin-flowtype": "^8.0.3", + "eslint-plugin-import": "^2.25.3", + "eslint-plugin-jest": "^25.3.0", + "eslint-plugin-jsx-a11y": "^6.5.1", + "eslint-plugin-react": "^7.27.1", + "eslint-plugin-react-hooks": "^4.3.0", + "eslint-plugin-testing-library": "^5.0.1" + }, + "engines": { + "node": ">=14.0.0" + }, + "peerDependencies": { + "eslint": "^8.0.0" + } + }, + "node_modules/eslint-import-resolver-node": { + "version": "0.3.7", + "resolved": "https://registry.npmmirror.com/eslint-import-resolver-node/-/eslint-import-resolver-node-0.3.7.tgz", + "integrity": "sha512-gozW2blMLJCeFpBwugLTGyvVjNoeo1knonXAcatC6bjPBZitotxdWf7Gimr25N4c0AAOo4eOUfaG82IJPDpqCA==", + "dependencies": { + "debug": "^3.2.7", + "is-core-module": "^2.11.0", + "resolve": "^1.22.1" + } + }, + "node_modules/eslint-import-resolver-node/node_modules/debug": { + "version": "3.2.7", + "resolved": "https://registry.npmmirror.com/debug/-/debug-3.2.7.tgz", + "integrity": "sha512-CFjzYYAi4ThfiQvizrFQevTTXHtnCqWfe7x1AhgEscTz6ZbLbfoLRLPugTQyBth6f8ZERVUSyWHFD/7Wu4t1XQ==", + "dependencies": { + "ms": "^2.1.1" + } + }, + "node_modules/eslint-module-utils": { + "version": "2.8.0", + "resolved": "https://registry.npmmirror.com/eslint-module-utils/-/eslint-module-utils-2.8.0.tgz", + "integrity": "sha512-aWajIYfsqCKRDgUfjEXNN/JlrzauMuSEy5sbd7WXbtW3EH6A6MpwEh42c7qD+MqQo9QMJ6fWLAeIJynx0g6OAw==", + "dependencies": { + "debug": "^3.2.7" + }, + "engines": { + "node": ">=4" + }, + "peerDependenciesMeta": { + "eslint": { + "optional": true + } + } + }, + "node_modules/eslint-module-utils/node_modules/debug": { + "version": "3.2.7", + "resolved": "https://registry.npmmirror.com/debug/-/debug-3.2.7.tgz", + "integrity": "sha512-CFjzYYAi4ThfiQvizrFQevTTXHtnCqWfe7x1AhgEscTz6ZbLbfoLRLPugTQyBth6f8ZERVUSyWHFD/7Wu4t1XQ==", + "dependencies": { + "ms": "^2.1.1" + } + }, + "node_modules/eslint-plugin-flowtype": { + "version": "8.0.3", + "resolved": "https://registry.npmmirror.com/eslint-plugin-flowtype/-/eslint-plugin-flowtype-8.0.3.tgz", + "integrity": "sha512-dX8l6qUL6O+fYPtpNRideCFSpmWOUVx5QcaGLVqe/vlDiBSe4vYljDWDETwnyFzpl7By/WVIu6rcrniCgH9BqQ==", + "dependencies": { + "lodash": "^4.17.21", + "string-natural-compare": "^3.0.1" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@babel/plugin-syntax-flow": "^7.14.5", + "@babel/plugin-transform-react-jsx": "^7.14.9", + "eslint": "^8.1.0" + } + }, + "node_modules/eslint-plugin-import": { + "version": "2.27.5", + "resolved": "https://registry.npmmirror.com/eslint-plugin-import/-/eslint-plugin-import-2.27.5.tgz", + "integrity": "sha512-LmEt3GVofgiGuiE+ORpnvP+kAm3h6MLZJ4Q5HCyHADofsb4VzXFsRiWj3c0OFiV+3DWFh0qg3v9gcPlfc3zRow==", + "dependencies": { + "array-includes": "^3.1.6", + "array.prototype.flat": "^1.3.1", + "array.prototype.flatmap": "^1.3.1", + "debug": "^3.2.7", + "doctrine": "^2.1.0", + "eslint-import-resolver-node": "^0.3.7", + "eslint-module-utils": "^2.7.4", + "has": "^1.0.3", + "is-core-module": "^2.11.0", + "is-glob": "^4.0.3", + "minimatch": "^3.1.2", + "object.values": "^1.1.6", + "resolve": "^1.22.1", + "semver": "^6.3.0", + "tsconfig-paths": "^3.14.1" + }, + "engines": { + "node": ">=4" + }, + "peerDependencies": { + "eslint": "^2 || ^3 || ^4 || ^5 || ^6 || ^7.2.0 || ^8" + } + }, + "node_modules/eslint-plugin-import/node_modules/debug": { + "version": "3.2.7", + "resolved": "https://registry.npmmirror.com/debug/-/debug-3.2.7.tgz", + "integrity": "sha512-CFjzYYAi4ThfiQvizrFQevTTXHtnCqWfe7x1AhgEscTz6ZbLbfoLRLPugTQyBth6f8ZERVUSyWHFD/7Wu4t1XQ==", + "dependencies": { + "ms": "^2.1.1" + } + }, + "node_modules/eslint-plugin-import/node_modules/doctrine": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/doctrine/-/doctrine-2.1.0.tgz", + "integrity": "sha512-35mSku4ZXK0vfCuHEDAwt55dg2jNajHZ1odvF+8SSr82EsZY4QmXfuWso8oEd8zRhVObSN18aM0CjSdoBX7zIw==", + "dependencies": { + "esutils": "^2.0.2" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/eslint-plugin-import/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/eslint-plugin-jest": { + "version": "25.7.0", + "resolved": "https://registry.npmmirror.com/eslint-plugin-jest/-/eslint-plugin-jest-25.7.0.tgz", + "integrity": "sha512-PWLUEXeeF7C9QGKqvdSbzLOiLTx+bno7/HC9eefePfEb257QFHg7ye3dh80AZVkaa/RQsBB1Q/ORQvg2X7F0NQ==", + "dependencies": { + "@typescript-eslint/experimental-utils": "^5.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || >=16.0.0" + }, + "peerDependencies": { + "@typescript-eslint/eslint-plugin": "^4.0.0 || ^5.0.0", + "eslint": "^6.0.0 || ^7.0.0 || ^8.0.0" + }, + "peerDependenciesMeta": { + "@typescript-eslint/eslint-plugin": { + "optional": true + }, + "jest": { + "optional": true + } + } + }, + "node_modules/eslint-plugin-jsx-a11y": { + "version": "6.7.1", + "resolved": "https://registry.npmmirror.com/eslint-plugin-jsx-a11y/-/eslint-plugin-jsx-a11y-6.7.1.tgz", + "integrity": "sha512-63Bog4iIethyo8smBklORknVjB0T2dwB8Mr/hIC+fBS0uyHdYYpzM/Ed+YC8VxTjlXHEWFOdmgwcDn1U2L9VCA==", + "dependencies": { + "@babel/runtime": "^7.20.7", + "aria-query": "^5.1.3", + "array-includes": "^3.1.6", + "array.prototype.flatmap": "^1.3.1", + "ast-types-flow": "^0.0.7", + "axe-core": "^4.6.2", + "axobject-query": "^3.1.1", + "damerau-levenshtein": "^1.0.8", + "emoji-regex": "^9.2.2", + "has": "^1.0.3", + "jsx-ast-utils": "^3.3.3", + "language-tags": "=1.0.5", + "minimatch": "^3.1.2", + "object.entries": "^1.1.6", + "object.fromentries": "^2.0.6", + "semver": "^6.3.0" + }, + "engines": { + "node": ">=4.0" + }, + "peerDependencies": { + "eslint": "^3 || ^4 || ^5 || ^6 || ^7 || ^8" + } + }, + "node_modules/eslint-plugin-jsx-a11y/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/eslint-plugin-react": { + "version": "7.32.2", + "resolved": "https://registry.npmmirror.com/eslint-plugin-react/-/eslint-plugin-react-7.32.2.tgz", + "integrity": "sha512-t2fBMa+XzonrrNkyVirzKlvn5RXzzPwRHtMvLAtVZrt8oxgnTQaYbU6SXTOO1mwQgp1y5+toMSKInnzGr0Knqg==", + "dependencies": { + "array-includes": "^3.1.6", + "array.prototype.flatmap": "^1.3.1", + "array.prototype.tosorted": "^1.1.1", + "doctrine": "^2.1.0", + "estraverse": "^5.3.0", + "jsx-ast-utils": "^2.4.1 || ^3.0.0", + "minimatch": "^3.1.2", + "object.entries": "^1.1.6", + "object.fromentries": "^2.0.6", + "object.hasown": "^1.1.2", + "object.values": "^1.1.6", + "prop-types": "^15.8.1", + "resolve": "^2.0.0-next.4", + "semver": "^6.3.0", + "string.prototype.matchall": "^4.0.8" + }, + "engines": { + "node": ">=4" + }, + "peerDependencies": { + "eslint": "^3 || ^4 || ^5 || ^6 || ^7 || ^8" + } + }, + "node_modules/eslint-plugin-react-hooks": { + "version": "4.6.0", + "resolved": "https://registry.npmmirror.com/eslint-plugin-react-hooks/-/eslint-plugin-react-hooks-4.6.0.tgz", + "integrity": "sha512-oFc7Itz9Qxh2x4gNHStv3BqJq54ExXmfC+a1NjAta66IAN87Wu0R/QArgIS9qKzX3dXKPI9H5crl9QchNMY9+g==", + "engines": { + "node": ">=10" + }, + "peerDependencies": { + "eslint": "^3.0.0 || ^4.0.0 || ^5.0.0 || ^6.0.0 || ^7.0.0 || ^8.0.0-0" + } + }, + "node_modules/eslint-plugin-react/node_modules/doctrine": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/doctrine/-/doctrine-2.1.0.tgz", + "integrity": "sha512-35mSku4ZXK0vfCuHEDAwt55dg2jNajHZ1odvF+8SSr82EsZY4QmXfuWso8oEd8zRhVObSN18aM0CjSdoBX7zIw==", + "dependencies": { + "esutils": "^2.0.2" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/eslint-plugin-react/node_modules/resolve": { + "version": "2.0.0-next.4", + "resolved": "https://registry.npmmirror.com/resolve/-/resolve-2.0.0-next.4.tgz", + "integrity": "sha512-iMDbmAWtfU+MHpxt/I5iWI7cY6YVEZUQ3MBgPQ++XD1PELuJHIl82xBmObyP2KyQmkNB2dsqF7seoQQiAn5yDQ==", + "dependencies": { + "is-core-module": "^2.9.0", + "path-parse": "^1.0.7", + "supports-preserve-symlinks-flag": "^1.0.0" + }, + "bin": { + "resolve": "bin/resolve" + } + }, + "node_modules/eslint-plugin-react/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/eslint-plugin-testing-library": { + "version": "5.11.0", + "resolved": "https://registry.npmmirror.com/eslint-plugin-testing-library/-/eslint-plugin-testing-library-5.11.0.tgz", + "integrity": "sha512-ELY7Gefo+61OfXKlQeXNIDVVLPcvKTeiQOoMZG9TeuWa7Ln4dUNRv8JdRWBQI9Mbb427XGlVB1aa1QPZxBJM8Q==", + "dependencies": { + "@typescript-eslint/utils": "^5.58.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0", + "npm": ">=6" + }, + "peerDependencies": { + "eslint": "^7.5.0 || ^8.0.0" + } + }, + "node_modules/eslint-scope": { + "version": "7.2.1", + "resolved": "https://registry.npmmirror.com/eslint-scope/-/eslint-scope-7.2.1.tgz", + "integrity": "sha512-CvefSOsDdaYYvxChovdrPo/ZGt8d5lrJWleAc1diXRKhHGiTYEI26cvo8Kle/wGnsizoCJjK73FMg1/IkIwiNA==", + "dependencies": { + "esrecurse": "^4.3.0", + "estraverse": "^5.2.0" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/eslint-visitor-keys": { + "version": "3.4.1", + "resolved": "https://registry.npmmirror.com/eslint-visitor-keys/-/eslint-visitor-keys-3.4.1.tgz", + "integrity": "sha512-pZnmmLwYzf+kWaM/Qgrvpen51upAktaaiI01nsJD/Yr3lMOdNtq0cxkrrg16w64VtisN6okbs7Q8AfGqj4c9fA==", + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/eslint-webpack-plugin": { + "version": "3.2.0", + "resolved": "https://registry.npmmirror.com/eslint-webpack-plugin/-/eslint-webpack-plugin-3.2.0.tgz", + "integrity": "sha512-avrKcGncpPbPSUHX6B3stNGzkKFto3eL+DKM4+VyMrVnhPc3vRczVlCq3uhuFOdRvDHTVXuzwk1ZKUrqDQHQ9w==", + "dependencies": { + "@types/eslint": "^7.29.0 || ^8.4.1", + "jest-worker": "^28.0.2", + "micromatch": "^4.0.5", + "normalize-path": "^3.0.0", + "schema-utils": "^4.0.0" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "eslint": "^7.0.0 || ^8.0.0", + "webpack": "^5.0.0" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/ajv-keywords": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-5.1.0.tgz", + "integrity": "sha512-YCS/JNFAUyr5vAuhk1DWm1CBxRHW9LbJ2ozWeemrIqpbsqKjHVxYPyi5GC0rjZIT5JxJ3virVTS8wk4i/Z+krw==", + "dependencies": { + "fast-deep-equal": "^3.1.3" + }, + "peerDependencies": { + "ajv": "^8.8.2" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/jest-worker": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/jest-worker/-/jest-worker-28.1.3.tgz", + "integrity": "sha512-CqRA220YV/6jCo8VWvAt1KKx6eek1VIHMPeLEbpcfSfkEeWyBNppynM/o6q+Wmw+sOhos2ml34wZbSX3G13//g==", + "dependencies": { + "@types/node": "*", + "merge-stream": "^2.0.0", + "supports-color": "^8.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/eslint-webpack-plugin/node_modules/schema-utils": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-4.2.0.tgz", + "integrity": "sha512-L0jRsrPpjdckP3oPug3/VxNKt2trR8TcabrM6FOAAlvC/9Phcmm+cuAgTlxBqdBR1WJx7Naj9WHw+aOmheSVbw==", + "dependencies": { + "@types/json-schema": "^7.0.9", + "ajv": "^8.9.0", + "ajv-formats": "^2.1.1", + "ajv-keywords": "^5.1.0" + }, + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/eslint-webpack-plugin/node_modules/supports-color": { + "version": "8.1.1", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-8.1.1.tgz", + "integrity": "sha512-MpUEN2OodtUzxvKQl72cUF7RQ5EiHsGvSsVG0ia9c5RbWGL2CI4C7EpPS8UTBIplnlzZiNuV56w+FuNxy3ty2Q==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/eslint/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/eslint/node_modules/argparse": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/argparse/-/argparse-2.0.1.tgz", + "integrity": "sha512-8+9WqebbFzpX9OR+Wa6O29asIogeRMzcGtAINdpMHHyAg10f05aSFVBbcEqGf/PXw1EjAZ+q2/bEBg3DvurK3Q==" + }, + "node_modules/eslint/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/eslint/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/eslint/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/eslint/node_modules/escape-string-regexp": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/escape-string-regexp/-/escape-string-regexp-4.0.0.tgz", + "integrity": "sha512-TtpcNJ3XAzx3Gq8sWRzJaVajRs0uVxA2YAkdb1jm2YkPz4G6egUFAyA3n5vtEIZefPk5Wa4UXbKuS5fKkJWdgA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/eslint/node_modules/globals": { + "version": "13.20.0", + "resolved": "https://registry.npmmirror.com/globals/-/globals-13.20.0.tgz", + "integrity": "sha512-Qg5QtVkCy/kv3FUSlu4ukeZDVf9ee0iXLAUYX13gbR17bnejFTzr4iS9bY7kwCf1NztRNm1t91fjOiyx4CSwPQ==", + "dependencies": { + "type-fest": "^0.20.2" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/eslint/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/eslint/node_modules/js-yaml": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/js-yaml/-/js-yaml-4.1.0.tgz", + "integrity": "sha512-wpxZs9NoxZaJESJGIZTyDEaYpl0FKSA+FB9aJiyemKhMwkxQg63h4T1KJgUGHpTqPDNRcmmYLugrRjJlBtWvRA==", + "dependencies": { + "argparse": "^2.0.1" + }, + "bin": { + "js-yaml": "bin/js-yaml.js" + } + }, + "node_modules/eslint/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/eslint/node_modules/type-fest": { + "version": "0.20.2", + "resolved": "https://registry.npmmirror.com/type-fest/-/type-fest-0.20.2.tgz", + "integrity": "sha512-Ne+eE4r0/iWnpAxD852z3A+N0Bt5RN//NjJwRd2VFHEmrywxf5vsZlh4R6lixl6B+wz/8d+maTSAkN1FIkI3LQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/espree": { + "version": "9.6.1", + "resolved": "https://registry.npmmirror.com/espree/-/espree-9.6.1.tgz", + "integrity": "sha512-oruZaFkjorTpF32kDSI5/75ViwGeZginGGy2NoOSg3Q9bnwlnmDm4HLnkl0RE3n+njDXR037aY1+x58Z/zFdwQ==", + "dependencies": { + "acorn": "^8.9.0", + "acorn-jsx": "^5.3.2", + "eslint-visitor-keys": "^3.4.1" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + } + }, + "node_modules/esprima": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/esprima/-/esprima-4.0.1.tgz", + "integrity": "sha512-eGuFFw7Upda+g4p+QHvnW0RyTX/SVeJBDM/gCtMARO0cLuT2HcEKnTPvhjV6aGeqrCB/sbNop0Kszm0jsaWU4A==", + "bin": { + "esparse": "bin/esparse.js", + "esvalidate": "bin/esvalidate.js" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/esquery": { + "version": "1.5.0", + "resolved": "https://registry.npmmirror.com/esquery/-/esquery-1.5.0.tgz", + "integrity": "sha512-YQLXUplAwJgCydQ78IMJywZCceoqk1oH01OERdSAJc/7U2AylwjhSCLDEtqwg811idIS/9fIU5GjG73IgjKMVg==", + "dependencies": { + "estraverse": "^5.1.0" + }, + "engines": { + "node": ">=0.10" + } + }, + "node_modules/esrecurse": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/esrecurse/-/esrecurse-4.3.0.tgz", + "integrity": "sha512-KmfKL3b6G+RXvP8N1vr3Tq1kL/oCFgn2NYXEtqP8/L3pKapUA4G8cFVaoF3SU323CD4XypR/ffioHmkti6/Tag==", + "dependencies": { + "estraverse": "^5.2.0" + }, + "engines": { + "node": ">=4.0" + } + }, + "node_modules/estraverse": { + "version": "5.3.0", + "resolved": "https://registry.npmmirror.com/estraverse/-/estraverse-5.3.0.tgz", + "integrity": "sha512-MMdARuVEQziNTeJD8DgMqmhwR11BRQ/cBP+pLtYdSTnf3MIO8fFeiINEbX36ZdNlfU/7A9f3gUw49B3oQsvwBA==", + "engines": { + "node": ">=4.0" + } + }, + "node_modules/estree-walker": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/estree-walker/-/estree-walker-1.0.1.tgz", + "integrity": "sha512-1fMXF3YP4pZZVozF8j/ZLfvnR8NSIljt56UhbZ5PeeDmmGHpgpdwQt7ITlGvYaQukCvuBRMLEiKiYC+oeIg4cg==" + }, + "node_modules/esutils": { + "version": "2.0.3", + "resolved": "https://registry.npmmirror.com/esutils/-/esutils-2.0.3.tgz", + "integrity": "sha512-kVscqXk4OCp68SZ0dkgEKVi6/8ij300KBWTJq32P/dYeWTSwK41WyTxalN1eRmA5Z9UU/LX9D7FWSmV9SAYx6g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/etag": { + "version": "1.8.1", + "resolved": "https://registry.npmmirror.com/etag/-/etag-1.8.1.tgz", + "integrity": "sha512-aIL5Fx7mawVa300al2BnEE4iNvo1qETxLrPI/o05L7z6go7fCw1J6EQmbK4FmJ2AS7kgVF/KEZWufBfdClMcPg==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/eventemitter3": { + "version": "4.0.7", + "resolved": "https://registry.npmmirror.com/eventemitter3/-/eventemitter3-4.0.7.tgz", + "integrity": "sha512-8guHBZCwKnFhYdHr2ysuRWErTwhoN2X8XELRlrRwpmfeY2jjuUN4taQMsULKUVo1K4DvZl+0pgfyoysHxvmvEw==" + }, + "node_modules/events": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/events/-/events-3.3.0.tgz", + "integrity": "sha512-mQw+2fkQbALzQ7V0MY0IqdnXNOeTtP4r0lN9z7AAawCXgqea7bDii20AYrIBrFd/Hx0M2Ocz6S111CaFkUcb0Q==", + "engines": { + "node": ">=0.8.x" + } + }, + "node_modules/execa": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/execa/-/execa-5.1.1.tgz", + "integrity": "sha512-8uSpZZocAZRBAPIEINJj3Lo9HyGitllczc27Eh5YYojjMFMn8yHMDMaUHE2Jqfq05D/wucwI4JGURyXt1vchyg==", + "dependencies": { + "cross-spawn": "^7.0.3", + "get-stream": "^6.0.0", + "human-signals": "^2.1.0", + "is-stream": "^2.0.0", + "merge-stream": "^2.0.0", + "npm-run-path": "^4.0.1", + "onetime": "^5.1.2", + "signal-exit": "^3.0.3", + "strip-final-newline": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/exit": { + "version": "0.1.2", + "resolved": "https://registry.npmmirror.com/exit/-/exit-0.1.2.tgz", + "integrity": "sha512-Zk/eNKV2zbjpKzrsQ+n1G6poVbErQxJ0LBOJXaKZ1EViLzH+hrLu9cdXI4zw9dBQJslwBEpbQ2P1oS7nDxs6jQ==", + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/expect": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/expect/-/expect-27.5.1.tgz", + "integrity": "sha512-E1q5hSUG2AmYQwQJ041nvgpkODHQvB+RKlB4IYdru6uJsyFTRyZAP463M+1lINorwbqAmUggi6+WwkD8lCS/Dw==", + "dependencies": { + "@jest/types": "^27.5.1", + "jest-get-type": "^27.5.1", + "jest-matcher-utils": "^27.5.1", + "jest-message-util": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/express": { + "version": "4.18.2", + "resolved": "https://registry.npmmirror.com/express/-/express-4.18.2.tgz", + "integrity": "sha512-5/PsL6iGPdfQ/lKM1UuielYgv3BUoJfz1aUwU9vHZ+J7gyvwdQXFEBIEIaxeGf0GIcreATNyBExtalisDbuMqQ==", + "dependencies": { + "accepts": "~1.3.8", + "array-flatten": "1.1.1", + "body-parser": "1.20.1", + "content-disposition": "0.5.4", + "content-type": "~1.0.4", + "cookie": "0.5.0", + "cookie-signature": "1.0.6", + "debug": "2.6.9", + "depd": "2.0.0", + "encodeurl": "~1.0.2", + "escape-html": "~1.0.3", + "etag": "~1.8.1", + "finalhandler": "1.2.0", + "fresh": "0.5.2", + "http-errors": "2.0.0", + "merge-descriptors": "1.0.1", + "methods": "~1.1.2", + "on-finished": "2.4.1", + "parseurl": "~1.3.3", + "path-to-regexp": "0.1.7", + "proxy-addr": "~2.0.7", + "qs": "6.11.0", + "range-parser": "~1.2.1", + "safe-buffer": "5.2.1", + "send": "0.18.0", + "serve-static": "1.15.0", + "setprototypeof": "1.2.0", + "statuses": "2.0.1", + "type-is": "~1.6.18", + "utils-merge": "1.0.1", + "vary": "~1.1.2" + }, + "engines": { + "node": ">= 0.10.0" + } + }, + "node_modules/express/node_modules/array-flatten": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/array-flatten/-/array-flatten-1.1.1.tgz", + "integrity": "sha512-PCVAQswWemu6UdxsDFFX/+gVeYqKAod3D3UVm91jHwynguOwAvYPhx8nNlM++NqRcK6CxxpUafjmhIdKiHibqg==" + }, + "node_modules/express/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/express/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/fast-deep-equal": { + "version": "3.1.3", + "resolved": "https://registry.npmmirror.com/fast-deep-equal/-/fast-deep-equal-3.1.3.tgz", + "integrity": "sha512-f3qQ9oQy9j2AhBe/H9VC91wLmKBCCU/gDOnKNAYG5hswO7BLKj09Hc5HYNz9cGI++xlpDCIgDaitVs03ATR84Q==" + }, + "node_modules/fast-glob": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/fast-glob/-/fast-glob-3.3.0.tgz", + "integrity": "sha512-ChDuvbOypPuNjO8yIDf36x7BlZX1smcUMTTcyoIjycexOxd6DFsKsg21qVBzEmr3G7fUKIRy2/psii+CIUt7FA==", + "dependencies": { + "@nodelib/fs.stat": "^2.0.2", + "@nodelib/fs.walk": "^1.2.3", + "glob-parent": "^5.1.2", + "merge2": "^1.3.0", + "micromatch": "^4.0.4" + }, + "engines": { + "node": ">=8.6.0" + } + }, + "node_modules/fast-glob/node_modules/glob-parent": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/glob-parent/-/glob-parent-5.1.2.tgz", + "integrity": "sha512-AOIgSQCepiJYwP3ARnGx+5VnTu2HBYdzbGP45eLw1vr3zB3vZLeyed1sC9hnbcOc9/SrMyM5RPQrkGz4aS9Zow==", + "dependencies": { + "is-glob": "^4.0.1" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/fast-json-stable-stringify": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/fast-json-stable-stringify/-/fast-json-stable-stringify-2.1.0.tgz", + "integrity": "sha512-lhd/wF+Lk98HZoTCtlVraHtfh5XYijIjalXck7saUtuanSDyLMxnHhSXEDJqHxD7msR8D0uCmqlkwjCV8xvwHw==" + }, + "node_modules/fast-levenshtein": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/fast-levenshtein/-/fast-levenshtein-2.0.6.tgz", + "integrity": "sha512-DCXu6Ifhqcks7TZKY3Hxp3y6qphY5SJZmrWMDrKcERSOXWQdMhU9Ig/PYrzyw/ul9jOIyh0N4M0tbC5hodg8dw==" + }, + "node_modules/fastq": { + "version": "1.15.0", + "resolved": "https://registry.npmmirror.com/fastq/-/fastq-1.15.0.tgz", + "integrity": "sha512-wBrocU2LCXXa+lWBt8RoIRD89Fi8OdABODa/kEnyeyjS5aZO5/GNvI5sEINADqP/h8M29UHTHUb53sUu5Ihqdw==", + "dependencies": { + "reusify": "^1.0.4" + } + }, + "node_modules/faye-websocket": { + "version": "0.11.4", + "resolved": "https://registry.npmmirror.com/faye-websocket/-/faye-websocket-0.11.4.tgz", + "integrity": "sha512-CzbClwlXAuiRQAlUyfqPgvPoNKTckTPGfwZV4ZdAhVcP2lh9KUxJg2b5GkE7XbjKQ3YJnQ9z6D9ntLAlB+tP8g==", + "dependencies": { + "websocket-driver": ">=0.5.1" + }, + "engines": { + "node": ">=0.8.0" + } + }, + "node_modules/fb-watchman": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/fb-watchman/-/fb-watchman-2.0.2.tgz", + "integrity": "sha512-p5161BqbuCaSnB8jIbzQHOlpgsPmK5rJVDfDKO91Axs5NC1uu3HRQm6wt9cd9/+GtQQIO53JdGXXoyDpTAsgYA==", + "dependencies": { + "bser": "2.1.1" + } + }, + "node_modules/file-entry-cache": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/file-entry-cache/-/file-entry-cache-6.0.1.tgz", + "integrity": "sha512-7Gps/XWymbLk2QLYK4NzpMOrYjMhdIxXuIvy2QBsLE6ljuodKvdkWs/cpyJJ3CVIVpH0Oi1Hvg1ovbMzLdFBBg==", + "dependencies": { + "flat-cache": "^3.0.4" + }, + "engines": { + "node": "^10.12.0 || >=12.0.0" + } + }, + "node_modules/file-loader": { + "version": "6.2.0", + "resolved": "https://registry.npmmirror.com/file-loader/-/file-loader-6.2.0.tgz", + "integrity": "sha512-qo3glqyTa61Ytg4u73GultjHGjdRyig3tG6lPtyX/jOEJvHif9uB0/OCI2Kif6ctF3caQTW2G5gym21oAsI4pw==", + "dependencies": { + "loader-utils": "^2.0.0", + "schema-utils": "^3.0.0" + }, + "engines": { + "node": ">= 10.13.0" + }, + "peerDependencies": { + "webpack": "^4.0.0 || ^5.0.0" + } + }, + "node_modules/filelist": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/filelist/-/filelist-1.0.4.tgz", + "integrity": "sha512-w1cEuf3S+DrLCQL7ET6kz+gmlJdbq9J7yXCSjK/OZCPA+qEN1WyF4ZAf0YYJa4/shHJra2t/d/r8SV4Ji+x+8Q==", + "dependencies": { + "minimatch": "^5.0.1" + } + }, + "node_modules/filelist/node_modules/brace-expansion": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/brace-expansion/-/brace-expansion-2.0.1.tgz", + "integrity": "sha512-XnAIvQ8eM+kC6aULx6wuQiwVsnzsi9d3WxzV3FpWTGA19F621kwdbsAcFKXgKUHZWsy+mY6iL1sHTxWEFCytDA==", + "dependencies": { + "balanced-match": "^1.0.0" + } + }, + "node_modules/filelist/node_modules/minimatch": { + "version": "5.1.6", + "resolved": "https://registry.npmmirror.com/minimatch/-/minimatch-5.1.6.tgz", + "integrity": "sha512-lKwV/1brpG6mBUFHtb7NUmtABCb2WZZmm2wNiOA5hAb8VdCS4B3dtMWyvcoViccwAW/COERjXLt0zP1zXUN26g==", + "dependencies": { + "brace-expansion": "^2.0.1" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/filesize": { + "version": "8.0.7", + "resolved": "https://registry.npmmirror.com/filesize/-/filesize-8.0.7.tgz", + "integrity": "sha512-pjmC+bkIF8XI7fWaH8KxHcZL3DPybs1roSKP4rKDvy20tAWwIObE4+JIseG2byfGKhud5ZnM4YSGKBz7Sh0ndQ==", + "engines": { + "node": ">= 0.4.0" + } + }, + "node_modules/fill-range": { + "version": "7.0.1", + "resolved": "https://registry.npmmirror.com/fill-range/-/fill-range-7.0.1.tgz", + "integrity": "sha512-qOo9F+dMUmC2Lcb4BbVvnKJxTPjCm+RRpe4gDuGrzkL7mEVl/djYSu2OdQ2Pa302N4oqkSg9ir6jaLWJ2USVpQ==", + "dependencies": { + "to-regex-range": "^5.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/finalhandler": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/finalhandler/-/finalhandler-1.2.0.tgz", + "integrity": "sha512-5uXcUVftlQMFnWC9qu/svkWv3GTd2PfUhK/3PLkYNAe7FbqJMt3515HaxE6eRL74GdsriiwujiawdaB1BpEISg==", + "dependencies": { + "debug": "2.6.9", + "encodeurl": "~1.0.2", + "escape-html": "~1.0.3", + "on-finished": "2.4.1", + "parseurl": "~1.3.3", + "statuses": "2.0.1", + "unpipe": "~1.0.0" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/finalhandler/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/finalhandler/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/find-cache-dir": { + "version": "3.3.2", + "resolved": "https://registry.npmmirror.com/find-cache-dir/-/find-cache-dir-3.3.2.tgz", + "integrity": "sha512-wXZV5emFEjrridIgED11OoUKLxiYjAcqot/NJdAkOhlJ+vGzwhOAfcG5OX1jP+S0PcjEn8bdMJv+g2jwQ3Onig==", + "dependencies": { + "commondir": "^1.0.1", + "make-dir": "^3.0.2", + "pkg-dir": "^4.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/find-root": { + "version": "1.1.0", + "resolved": "https://registry.npmmirror.com/find-root/-/find-root-1.1.0.tgz", + "integrity": "sha512-NKfW6bec6GfKc0SGx1e07QZY9PE99u0Bft/0rzSD5k3sO/vwkVUpDUKVm5Gpp5Ue3YfShPFTX2070tDs5kB9Ng==" + }, + "node_modules/find-up": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/find-up/-/find-up-5.0.0.tgz", + "integrity": "sha512-78/PXT1wlLLDgTzDs7sjq9hzz0vXD+zn+7wypEe4fXQxCmdmqfGsEPQxmiCSQI3ajFV91bVSsvNtrJRiW6nGng==", + "dependencies": { + "locate-path": "^6.0.0", + "path-exists": "^4.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/flat-cache": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/flat-cache/-/flat-cache-3.0.4.tgz", + "integrity": "sha512-dm9s5Pw7Jc0GvMYbshN6zchCA9RgQlzzEZX3vylR9IqFfS8XciblUXOKfW6SiuJ0e13eDYZoZV5wdrev7P3Nwg==", + "dependencies": { + "flatted": "^3.1.0", + "rimraf": "^3.0.2" + }, + "engines": { + "node": "^10.12.0 || >=12.0.0" + } + }, + "node_modules/flatted": { + "version": "3.2.7", + "resolved": "https://registry.npmmirror.com/flatted/-/flatted-3.2.7.tgz", + "integrity": "sha512-5nqDSxl8nn5BSNxyR3n4I6eDmbolI6WT+QqR547RwxQapgjQBmtktdP+HTBb/a/zLsbzERTONyUB5pefh5TtjQ==" + }, + "node_modules/follow-redirects": { + "version": "1.15.2", + "resolved": "https://registry.npmmirror.com/follow-redirects/-/follow-redirects-1.15.2.tgz", + "integrity": "sha512-VQLG33o04KaQ8uYi2tVNbdrWp1QWxNNea+nmIB4EVM28v0hmP17z7aG1+wAkNzVq4KeXTq3221ye5qTJP91JwA==", + "engines": { + "node": ">=4.0" + }, + "peerDependenciesMeta": { + "debug": { + "optional": true + } + } + }, + "node_modules/for-each": { + "version": "0.3.3", + "resolved": "https://registry.npmmirror.com/for-each/-/for-each-0.3.3.tgz", + "integrity": "sha512-jqYfLp7mo9vIyQf8ykW2v7A+2N4QjeCeI5+Dz9XraiO1ign81wjiH7Fb9vSOWvQfNtmSa4H2RoQTrrXivdUZmw==", + "dependencies": { + "is-callable": "^1.1.3" + } + }, + "node_modules/fork-ts-checker-webpack-plugin": { + "version": "6.5.3", + "resolved": "https://registry.npmmirror.com/fork-ts-checker-webpack-plugin/-/fork-ts-checker-webpack-plugin-6.5.3.tgz", + "integrity": "sha512-SbH/l9ikmMWycd5puHJKTkZJKddF4iRLyW3DeZ08HTI7NGyLS38MXd/KGgeWumQO7YNQbW2u/NtPT2YowbPaGQ==", + "dependencies": { + "@babel/code-frame": "^7.8.3", + "@types/json-schema": "^7.0.5", + "chalk": "^4.1.0", + "chokidar": "^3.4.2", + "cosmiconfig": "^6.0.0", + "deepmerge": "^4.2.2", + "fs-extra": "^9.0.0", + "glob": "^7.1.6", + "memfs": "^3.1.2", + "minimatch": "^3.0.4", + "schema-utils": "2.7.0", + "semver": "^7.3.2", + "tapable": "^1.0.0" + }, + "engines": { + "node": ">=10", + "yarn": ">=1.0.0" + }, + "peerDependencies": { + "eslint": ">= 6", + "typescript": ">= 2.7", + "vue-template-compiler": "*", + "webpack": ">= 4" + }, + "peerDependenciesMeta": { + "eslint": { + "optional": true + }, + "vue-template-compiler": { + "optional": true + } + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/cosmiconfig": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/cosmiconfig/-/cosmiconfig-6.0.0.tgz", + "integrity": "sha512-xb3ZL6+L8b9JLLCx3ZdoZy4+2ECphCMo2PwqgP1tlfVq6M6YReyzBJtvWWtbDSpNr9hn96pkCiZqUcFEc+54Qg==", + "dependencies": { + "@types/parse-json": "^4.0.0", + "import-fresh": "^3.1.0", + "parse-json": "^5.0.0", + "path-type": "^4.0.0", + "yaml": "^1.7.2" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/fs-extra": { + "version": "9.1.0", + "resolved": "https://registry.npmmirror.com/fs-extra/-/fs-extra-9.1.0.tgz", + "integrity": "sha512-hcg3ZmepS30/7BSFqRvoo3DOMQu7IjqxO5nCDt+zM9XWjb33Wg7ziNT+Qvqbuc3+gWpzO02JubVyk2G4Zvo1OQ==", + "dependencies": { + "at-least-node": "^1.0.0", + "graceful-fs": "^4.2.0", + "jsonfile": "^6.0.1", + "universalify": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/schema-utils": { + "version": "2.7.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-2.7.0.tgz", + "integrity": "sha512-0ilKFI6QQF5nxDZLFn2dMjvc4hjg/Wkg7rHd3jK6/A4a1Hl9VFdQWvgB1UMGoU94pad1P/8N7fMcEnLnSiju8A==", + "dependencies": { + "@types/json-schema": "^7.0.4", + "ajv": "^6.12.2", + "ajv-keywords": "^3.4.1" + }, + "engines": { + "node": ">= 8.9.0" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/fork-ts-checker-webpack-plugin/node_modules/tapable": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/tapable/-/tapable-1.1.3.tgz", + "integrity": "sha512-4WK/bYZmj8xLr+HUCODHGF1ZFzsYffasLUgEiMBY4fgtltdO6B4WJtlSbPaDTLpYTcGVwM2qLnFTICEcNxs3kA==", + "engines": { + "node": ">=6" + } + }, + "node_modules/form-data": { + "version": "3.0.1", + "resolved": "https://registry.npmmirror.com/form-data/-/form-data-3.0.1.tgz", + "integrity": "sha512-RHkBKtLWUVwd7SqRIvCZMEvAMoGUp0XU+seQiZejj0COz3RI3hWP4sCv3gZWWLjJTd7rGwcsF5eKZGii0r/hbg==", + "dependencies": { + "asynckit": "^0.4.0", + "combined-stream": "^1.0.8", + "mime-types": "^2.1.12" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/forwarded": { + "version": "0.2.0", + "resolved": "https://registry.npmmirror.com/forwarded/-/forwarded-0.2.0.tgz", + "integrity": "sha512-buRG0fpBtRHSTCOASe6hD258tEubFoRLb4ZNA6NxMVHNw2gOcwHo9wyablzMzOA5z9xA9L1KNjk/Nt6MT9aYow==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/fraction.js": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/fraction.js/-/fraction.js-4.2.0.tgz", + "integrity": "sha512-MhLuK+2gUcnZe8ZHlaaINnQLl0xRIGRfcGk2yl8xoQAfHrSsL3rYu6FCmBdkdbhc9EPlwyGHewaRsvwRMJtAlA==", + "engines": { + "node": "*" + } + }, + "node_modules/fresh": { + "version": "0.5.2", + "resolved": "https://registry.npmmirror.com/fresh/-/fresh-0.5.2.tgz", + "integrity": "sha512-zJ2mQYM18rEFOudeV4GShTGIQ7RbzA7ozbU9I/XBpm7kqgMywgmylMwXHxZJmkVoYkna9d2pVXVXPdYTP9ej8Q==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/fs-extra": { + "version": "10.1.0", + "resolved": "https://registry.npmmirror.com/fs-extra/-/fs-extra-10.1.0.tgz", + "integrity": "sha512-oRXApq54ETRj4eMiFzGnHWGy+zo5raudjuxN0b8H7s/RU2oW0Wvsx9O0ACRN/kRq9E8Vu/ReskGB5o3ji+FzHQ==", + "dependencies": { + "graceful-fs": "^4.2.0", + "jsonfile": "^6.0.1", + "universalify": "^2.0.0" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/fs-monkey": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/fs-monkey/-/fs-monkey-1.0.4.tgz", + "integrity": "sha512-INM/fWAxMICjttnD0DX1rBvinKskj5G1w+oy/pnm9u/tSlnBrzFonJMcalKJ30P8RRsPzKcCG7Q8l0jx5Fh9YQ==" + }, + "node_modules/fs.realpath": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/fs.realpath/-/fs.realpath-1.0.0.tgz", + "integrity": "sha512-OO0pH2lK6a0hZnAdau5ItzHPI6pUlvI7jMVnxUQRtw4owF2wk8lOSabtGDCTP4Ggrg2MbGnWO9X8K1t4+fGMDw==" + }, + "node_modules/fsevents": { + "version": "2.3.2", + "resolved": "https://registry.npmmirror.com/fsevents/-/fsevents-2.3.2.tgz", + "integrity": "sha512-xiqMQR4xAeHTuB9uWm+fFRcIOgKBMiOBP+eXiyT7jsgVCq1bkVygt00oASowB7EdtpOHaaPgKt812P9ab+DDKA==", + "hasInstallScript": true, + "optional": true, + "os": [ + "darwin" + ], + "engines": { + "node": "^8.16.0 || ^10.6.0 || >=11.0.0" + } + }, + "node_modules/function-bind": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/function-bind/-/function-bind-1.1.1.tgz", + "integrity": "sha512-yIovAzMX49sF8Yl58fSCWJ5svSLuaibPxXQJFLmBObTuCr0Mf1KiPopGM9NiFjiYBCbfaa2Fh6breQ6ANVTI0A==" + }, + "node_modules/function.prototype.name": { + "version": "1.1.5", + "resolved": "https://registry.npmmirror.com/function.prototype.name/-/function.prototype.name-1.1.5.tgz", + "integrity": "sha512-uN7m/BzVKQnCUF/iW8jYea67v++2u7m5UgENbHRtdDVclOUP+FMPlCNdmk0h/ysGyo2tavMJEDqJAkJdRa1vMA==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.3", + "es-abstract": "^1.19.0", + "functions-have-names": "^1.2.2" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/functions-have-names": { + "version": "1.2.3", + "resolved": "https://registry.npmmirror.com/functions-have-names/-/functions-have-names-1.2.3.tgz", + "integrity": "sha512-xckBUXyTIqT97tq2x2AMb+g163b5JFysYk0x4qxNFwbfQkmNZoiRHb6sPzI9/QV33WeuvVYBUIiD4NzNIyqaRQ==" + }, + "node_modules/gensync": { + "version": "1.0.0-beta.2", + "resolved": "https://registry.npmmirror.com/gensync/-/gensync-1.0.0-beta.2.tgz", + "integrity": "sha512-3hN7NaskYvMDLQY55gnW3NQ+mesEAepTqlg+VEbj7zzqEMBVNhzcGYYeqFo/TlYz6eQiFcp1HcsCZO+nGgS8zg==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/get-caller-file": { + "version": "2.0.5", + "resolved": "https://registry.npmmirror.com/get-caller-file/-/get-caller-file-2.0.5.tgz", + "integrity": "sha512-DyFP3BM/3YHTQOCUL/w0OZHR0lpKeGrxotcHWcqNEdnltqFwXVfhEBQ94eIo34AfQpo0rGki4cyIiftY06h2Fg==", + "engines": { + "node": "6.* || 8.* || >= 10.*" + } + }, + "node_modules/get-intrinsic": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/get-intrinsic/-/get-intrinsic-1.2.1.tgz", + "integrity": "sha512-2DcsyfABl+gVHEfCOaTrWgyt+tb6MSEGmKq+kI5HwLbIYgjgmMcV8KQ41uaKz1xxUcn9tJtgFbQUEVcEbd0FYw==", + "dependencies": { + "function-bind": "^1.1.1", + "has": "^1.0.3", + "has-proto": "^1.0.1", + "has-symbols": "^1.0.3" + } + }, + "node_modules/get-own-enumerable-property-symbols": { + "version": "3.0.2", + "resolved": "https://registry.npmmirror.com/get-own-enumerable-property-symbols/-/get-own-enumerable-property-symbols-3.0.2.tgz", + "integrity": "sha512-I0UBV/XOz1XkIJHEUDMZAbzCThU/H8DxmSfmdGcKPnVhu2VfFqr34jr9777IyaTYvxjedWhqVIilEDsCdP5G6g==" + }, + "node_modules/get-package-type": { + "version": "0.1.0", + "resolved": "https://registry.npmmirror.com/get-package-type/-/get-package-type-0.1.0.tgz", + "integrity": "sha512-pjzuKtY64GYfWizNAJ0fr9VqttZkNiK2iS430LtIHzjBEr6bX8Am2zm4sW4Ro5wjWW5cAlRL1qAMTcXbjNAO2Q==", + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/get-stream": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/get-stream/-/get-stream-6.0.1.tgz", + "integrity": "sha512-ts6Wi+2j3jQjqi70w5AlN8DFnkSwC+MqmxEzdEALB2qXZYV3X/b1CTfgPLGJNMeAWxdPfU8FO1ms3NUfaHCPYg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/get-symbol-description": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/get-symbol-description/-/get-symbol-description-1.0.0.tgz", + "integrity": "sha512-2EmdH1YvIQiZpltCNgkuiUnyukzxM/R6NDJX31Ke3BG1Nq5b0S2PhX59UKi9vZpPDQVdqn+1IcaAwnzTT5vCjw==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.1.1" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/glob": { + "version": "7.2.3", + "resolved": "https://registry.npmmirror.com/glob/-/glob-7.2.3.tgz", + "integrity": "sha512-nFR0zLpU2YCaRxwoCJvL6UvCH2JFyFVIvwTLsIf21AuHlMskA1hhTdk+LlYJtOlYt9v6dvszD2BGRqBL+iQK9Q==", + "dependencies": { + "fs.realpath": "^1.0.0", + "inflight": "^1.0.4", + "inherits": "2", + "minimatch": "^3.1.1", + "once": "^1.3.0", + "path-is-absolute": "^1.0.0" + }, + "engines": { + "node": "*" + } + }, + "node_modules/glob-parent": { + "version": "6.0.2", + "resolved": "https://registry.npmmirror.com/glob-parent/-/glob-parent-6.0.2.tgz", + "integrity": "sha512-XxwI8EOhVQgWp6iDL+3b0r86f4d6AX6zSU55HfB4ydCEuXLXc5FcYeOu+nnGftS4TEju/11rt4KJPTMgbfmv4A==", + "dependencies": { + "is-glob": "^4.0.3" + }, + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/glob-to-regexp": { + "version": "0.4.1", + "resolved": "https://registry.npmmirror.com/glob-to-regexp/-/glob-to-regexp-0.4.1.tgz", + "integrity": "sha512-lkX1HJXwyMcprw/5YUZc2s7DrpAiHB21/V+E1rHUrVNokkvB6bqMzT0VfV6/86ZNabt1k14YOIaT7nDvOX3Iiw==" + }, + "node_modules/global-modules": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/global-modules/-/global-modules-2.0.0.tgz", + "integrity": "sha512-NGbfmJBp9x8IxyJSd1P+otYK8vonoJactOogrVfFRIAEY1ukil8RSKDz2Yo7wh1oihl51l/r6W4epkeKJHqL8A==", + "dependencies": { + "global-prefix": "^3.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/global-prefix": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/global-prefix/-/global-prefix-3.0.0.tgz", + "integrity": "sha512-awConJSVCHVGND6x3tmMaKcQvwXLhjdkmomy2W+Goaui8YPgYgXJZewhg3fWC+DlfqqQuWg8AwqjGTD2nAPVWg==", + "dependencies": { + "ini": "^1.3.5", + "kind-of": "^6.0.2", + "which": "^1.3.1" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/global-prefix/node_modules/which": { + "version": "1.3.1", + "resolved": "https://registry.npmmirror.com/which/-/which-1.3.1.tgz", + "integrity": "sha512-HxJdYWq1MTIQbJ3nw0cqssHoTNU267KlrDuGZ1WYlxDStUtKUhOaJmh112/TZmHxxUfuJqPXSOm7tDyas0OSIQ==", + "dependencies": { + "isexe": "^2.0.0" + }, + "bin": { + "which": "bin/which" + } + }, + "node_modules/globals": { + "version": "11.12.0", + "resolved": "https://registry.npmmirror.com/globals/-/globals-11.12.0.tgz", + "integrity": "sha512-WOBp/EEGUiIsJSp7wcv/y6MO+lV9UoncWqxuFfm8eBwzWNgyfBd6Gz+IeKQ9jCmyhoH99g15M3T+QaVHFjizVA==", + "engines": { + "node": ">=4" + } + }, + "node_modules/globalthis": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/globalthis/-/globalthis-1.0.3.tgz", + "integrity": "sha512-sFdI5LyBiNTHjRd7cGPWapiHWMOXKyuBNX/cWJ3NfzrZQVa8GI/8cofCl74AOVqq9W5kNmguTIzJ/1s2gyI9wA==", + "dependencies": { + "define-properties": "^1.1.3" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/globby": { + "version": "11.1.0", + "resolved": "https://registry.npmmirror.com/globby/-/globby-11.1.0.tgz", + "integrity": "sha512-jhIXaOzy1sb8IyocaruWSn1TjmnBVs8Ayhcy83rmxNJ8q2uWKCAj3CnJY+KpGSXCueAPc0i05kVvVKtP1t9S3g==", + "dependencies": { + "array-union": "^2.1.0", + "dir-glob": "^3.0.1", + "fast-glob": "^3.2.9", + "ignore": "^5.2.0", + "merge2": "^1.4.1", + "slash": "^3.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/gopd": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/gopd/-/gopd-1.0.1.tgz", + "integrity": "sha512-d65bNlIadxvpb/A2abVdlqKqV563juRnZ1Wtk6s1sIR8uNsXR70xqIzVqxVf1eTqDunwT2MkczEeaezCKTZhwA==", + "dependencies": { + "get-intrinsic": "^1.1.3" + } + }, + "node_modules/graceful-fs": { + "version": "4.2.11", + "resolved": "https://registry.npmmirror.com/graceful-fs/-/graceful-fs-4.2.11.tgz", + "integrity": "sha512-RbJ5/jmFcNNCcDV5o9eTnBLJ/HszWV0P73bc+Ff4nS/rJj+YaS6IGyiOL0VoBYX+l1Wrl3k63h/KrH+nhJ0XvQ==" + }, + "node_modules/graphemer": { + "version": "1.4.0", + "resolved": "https://registry.npmmirror.com/graphemer/-/graphemer-1.4.0.tgz", + "integrity": "sha512-EtKwoO6kxCL9WO5xipiHTZlSzBm7WLT627TqC/uVRd0HKmq8NXyebnNYxDoBi7wt8eTWrUrKXCOVaFq9x1kgag==" + }, + "node_modules/gzip-size": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/gzip-size/-/gzip-size-6.0.0.tgz", + "integrity": "sha512-ax7ZYomf6jqPTQ4+XCpUGyXKHk5WweS+e05MBO4/y3WJ5RkmPXNKvX+bx1behVILVwr6JSQvZAku021CHPXG3Q==", + "dependencies": { + "duplexer": "^0.1.2" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/handle-thing": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/handle-thing/-/handle-thing-2.0.1.tgz", + "integrity": "sha512-9Qn4yBxelxoh2Ow62nP+Ka/kMnOXRi8BXnRaUwezLNhqelnN49xKz4F/dPP8OYLxLxq6JDtZb2i9XznUQbNPTg==" + }, + "node_modules/harmony-reflect": { + "version": "1.6.2", + "resolved": "https://registry.npmmirror.com/harmony-reflect/-/harmony-reflect-1.6.2.tgz", + "integrity": "sha512-HIp/n38R9kQjDEziXyDTuW3vvoxxyxjxFzXLrBr18uB47GnSt+G9D29fqrpM5ZkspMcPICud3XsBJQ4Y2URg8g==" + }, + "node_modules/has": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/has/-/has-1.0.3.tgz", + "integrity": "sha512-f2dvO0VU6Oej7RkWJGrehjbzMAjFp5/VKPp5tTpWIV4JHHZK1/BxbFRtf/siA2SWTe09caDmVtYYzWEIbBS4zw==", + "dependencies": { + "function-bind": "^1.1.1" + }, + "engines": { + "node": ">= 0.4.0" + } + }, + "node_modules/has-bigints": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/has-bigints/-/has-bigints-1.0.2.tgz", + "integrity": "sha512-tSvCKtBr9lkF0Ex0aQiP9N+OpV4zi2r/Nee5VkRDbaqv35RLYMzbwQfFSZZH0kR+Rd6302UJZ2p/bJCEoR3VoQ==" + }, + "node_modules/has-flag": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-3.0.0.tgz", + "integrity": "sha512-sKJf1+ceQBr4SMkvQnBDNDtf4TXpVhVGateu0t918bl30FnbE2m4vNLX+VWe/dpjlb+HugGYzW7uQXH98HPEYw==", + "engines": { + "node": ">=4" + } + }, + "node_modules/has-property-descriptors": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/has-property-descriptors/-/has-property-descriptors-1.0.0.tgz", + "integrity": "sha512-62DVLZGoiEBDHQyqG4w9xCuZ7eJEwNmJRWw2VY84Oedb7WFcA27fiEVe8oUQx9hAUJ4ekurquucTGwsyO1XGdQ==", + "dependencies": { + "get-intrinsic": "^1.1.1" + } + }, + "node_modules/has-proto": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/has-proto/-/has-proto-1.0.1.tgz", + "integrity": "sha512-7qE+iP+O+bgF9clE5+UoBFzE65mlBiVj3tKCrlNQ0Ogwm0BjpT/gK4SlLYDMybDh5I3TCTKnPPa0oMG7JDYrhg==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/has-symbols": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/has-symbols/-/has-symbols-1.0.3.tgz", + "integrity": "sha512-l3LCuF6MgDNwTDKkdYGEihYjt5pRPbEg46rtlmnSPlUbgmB8LOIrKJbYYFBSbnPaJexMKtiPO8hmeRjRz2Td+A==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/has-tostringtag": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/has-tostringtag/-/has-tostringtag-1.0.0.tgz", + "integrity": "sha512-kFjcSNhnlGV1kyoGk7OXKSawH5JOb/LzUc5w9B02hOTO0dfFRjbHQKvg1d6cf3HbeUmtU9VbbV3qzZ2Teh97WQ==", + "dependencies": { + "has-symbols": "^1.0.2" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/he": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/he/-/he-1.2.0.tgz", + "integrity": "sha512-F/1DnUGPopORZi0ni+CvrCgHQ5FyEAHRLSApuYWMmrbSwoN2Mn/7k+Gl38gJnR7yyDZk6WLXwiGod1JOWNDKGw==", + "bin": { + "he": "bin/he" + } + }, + "node_modules/hoist-non-react-statics": { + "version": "3.3.2", + "resolved": "https://registry.npmmirror.com/hoist-non-react-statics/-/hoist-non-react-statics-3.3.2.tgz", + "integrity": "sha512-/gGivxi8JPKWNm/W0jSmzcMPpfpPLc3dY/6GxhX2hQ9iGj3aDfklV4ET7NjKpSinLpJ5vafa9iiGIEZg10SfBw==", + "dependencies": { + "react-is": "^16.7.0" + } + }, + "node_modules/hoist-non-react-statics/node_modules/react-is": { + "version": "16.13.1", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-16.13.1.tgz", + "integrity": "sha512-24e6ynE2H+OKt4kqsOvNd8kBpV65zoxbA4BVsEOB3ARVWQki/DHzaUoC5KuON/BiccDaCCTZBuOcfZs70kR8bQ==" + }, + "node_modules/hoopy": { + "version": "0.1.4", + "resolved": "https://registry.npmmirror.com/hoopy/-/hoopy-0.1.4.tgz", + "integrity": "sha512-HRcs+2mr52W0K+x8RzcLzuPPmVIKMSv97RGHy0Ea9y/mpcaK+xTrjICA04KAHi4GRzxliNqNJEFYWHghy3rSfQ==", + "engines": { + "node": ">= 6.0.0" + } + }, + "node_modules/hpack.js": { + "version": "2.1.6", + "resolved": "https://registry.npmmirror.com/hpack.js/-/hpack.js-2.1.6.tgz", + "integrity": "sha512-zJxVehUdMGIKsRaNt7apO2Gqp0BdqW5yaiGHXXmbpvxgBYVZnAql+BJb4RO5ad2MgpbZKn5G6nMnegrH1FcNYQ==", + "dependencies": { + "inherits": "^2.0.1", + "obuf": "^1.0.0", + "readable-stream": "^2.0.1", + "wbuf": "^1.1.0" + } + }, + "node_modules/hpack.js/node_modules/isarray": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/isarray/-/isarray-1.0.0.tgz", + "integrity": "sha512-VLghIWNM6ELQzo7zwmcg0NmTVyWKYjvIeM83yjp0wRDTmUnrM678fQbcKBo6n2CJEF0szoG//ytg+TKla89ALQ==" + }, + "node_modules/hpack.js/node_modules/readable-stream": { + "version": "2.3.8", + "resolved": "https://registry.npmmirror.com/readable-stream/-/readable-stream-2.3.8.tgz", + "integrity": "sha512-8p0AUk4XODgIewSi0l8Epjs+EVnWiK7NoDIEGU0HhE7+ZyY8D1IMY7odu5lRrFXGg71L15KG8QrPmum45RTtdA==", + "dependencies": { + "core-util-is": "~1.0.0", + "inherits": "~2.0.3", + "isarray": "~1.0.0", + "process-nextick-args": "~2.0.0", + "safe-buffer": "~5.1.1", + "string_decoder": "~1.1.1", + "util-deprecate": "~1.0.1" + } + }, + "node_modules/hpack.js/node_modules/safe-buffer": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/safe-buffer/-/safe-buffer-5.1.2.tgz", + "integrity": "sha512-Gd2UZBJDkXlY7GbJxfsE8/nvKkUEU1G38c1siN6QP6a9PT9MmHB8GnpscSmMJSoF8LOIrt8ud/wPtojys4G6+g==" + }, + "node_modules/hpack.js/node_modules/string_decoder": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/string_decoder/-/string_decoder-1.1.1.tgz", + "integrity": "sha512-n/ShnvDi6FHbbVfviro+WojiFzv+s8MPMHBczVePfUpDJLwoLT0ht1l4YwBCbi8pJAveEEdnkHyPyTP/mzRfwg==", + "dependencies": { + "safe-buffer": "~5.1.0" + } + }, + "node_modules/html-encoding-sniffer": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/html-encoding-sniffer/-/html-encoding-sniffer-2.0.1.tgz", + "integrity": "sha512-D5JbOMBIR/TVZkubHT+OyT2705QvogUW4IBn6nHd756OwieSF9aDYFj4dv6HHEVGYbHaLETa3WggZYWWMyy3ZQ==", + "dependencies": { + "whatwg-encoding": "^1.0.5" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/html-entities": { + "version": "2.4.0", + "resolved": "https://registry.npmmirror.com/html-entities/-/html-entities-2.4.0.tgz", + "integrity": "sha512-igBTJcNNNhvZFRtm8uA6xMY6xYleeDwn3PeBCkDz7tHttv4F2hsDI2aPgNERWzvRcNYHNT3ymRaQzllmXj4YsQ==" + }, + "node_modules/html-escaper": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/html-escaper/-/html-escaper-2.0.2.tgz", + "integrity": "sha512-H2iMtd0I4Mt5eYiapRdIDjp+XzelXQ0tFE4JS7YFwFevXXMmOp9myNrUvCg0D6ws8iqkRPBfKHgbwig1SmlLfg==" + }, + "node_modules/html-minifier-terser": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/html-minifier-terser/-/html-minifier-terser-6.1.0.tgz", + "integrity": "sha512-YXxSlJBZTP7RS3tWnQw74ooKa6L9b9i9QYXY21eUEvhZ3u9XLfv6OnFsQq6RxkhHygsaUMvYsZRV5rU/OVNZxw==", + "dependencies": { + "camel-case": "^4.1.2", + "clean-css": "^5.2.2", + "commander": "^8.3.0", + "he": "^1.2.0", + "param-case": "^3.0.4", + "relateurl": "^0.2.7", + "terser": "^5.10.0" + }, + "bin": { + "html-minifier-terser": "cli.js" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/html-webpack-plugin": { + "version": "5.5.3", + "resolved": "https://registry.npmmirror.com/html-webpack-plugin/-/html-webpack-plugin-5.5.3.tgz", + "integrity": "sha512-6YrDKTuqaP/TquFH7h4srYWsZx+x6k6+FbsTm0ziCwGHDP78Unr1r9F/H4+sGmMbX08GQcJ+K64x55b+7VM/jg==", + "dependencies": { + "@types/html-minifier-terser": "^6.0.0", + "html-minifier-terser": "^6.0.2", + "lodash": "^4.17.21", + "pretty-error": "^4.0.0", + "tapable": "^2.0.0" + }, + "engines": { + "node": ">=10.13.0" + }, + "peerDependencies": { + "webpack": "^5.20.0" + } + }, + "node_modules/htmlparser2": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/htmlparser2/-/htmlparser2-6.1.0.tgz", + "integrity": "sha512-gyyPk6rgonLFEDGoeRgQNaEUvdJ4ktTmmUh/h2t7s+M8oPpIPxgNACWa+6ESR57kXstwqPiCut0V8NRpcwgU7A==", + "dependencies": { + "domelementtype": "^2.0.1", + "domhandler": "^4.0.0", + "domutils": "^2.5.2", + "entities": "^2.0.0" + } + }, + "node_modules/http-deceiver": { + "version": "1.2.7", + "resolved": "https://registry.npmmirror.com/http-deceiver/-/http-deceiver-1.2.7.tgz", + "integrity": "sha512-LmpOGxTfbpgtGVxJrj5k7asXHCgNZp5nLfp+hWc8QQRqtb7fUy6kRY3BO1h9ddF6yIPYUARgxGOwB42DnxIaNw==" + }, + "node_modules/http-errors": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/http-errors/-/http-errors-2.0.0.tgz", + "integrity": "sha512-FtwrG/euBzaEjYeRqOgly7G0qviiXoJWnvEH2Z1plBdXgbyjv34pHTSb9zoeHMyDy33+DWy5Wt9Wo+TURtOYSQ==", + "dependencies": { + "depd": "2.0.0", + "inherits": "2.0.4", + "setprototypeof": "1.2.0", + "statuses": "2.0.1", + "toidentifier": "1.0.1" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/http-parser-js": { + "version": "0.5.8", + "resolved": "https://registry.npmmirror.com/http-parser-js/-/http-parser-js-0.5.8.tgz", + "integrity": "sha512-SGeBX54F94Wgu5RH3X5jsDtf4eHyRogWX1XGT3b4HuW3tQPM4AaBzoUji/4AAJNXCEOWZ5O0DgZmJw1947gD5Q==" + }, + "node_modules/http-proxy": { + "version": "1.18.1", + "resolved": "https://registry.npmmirror.com/http-proxy/-/http-proxy-1.18.1.tgz", + "integrity": "sha512-7mz/721AbnJwIVbnaSv1Cz3Am0ZLT/UBwkC92VlxhXv/k/BBQfM2fXElQNC27BVGr0uwUpplYPQM9LnaBMR5NQ==", + "dependencies": { + "eventemitter3": "^4.0.0", + "follow-redirects": "^1.0.0", + "requires-port": "^1.0.0" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/http-proxy-agent": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/http-proxy-agent/-/http-proxy-agent-4.0.1.tgz", + "integrity": "sha512-k0zdNgqWTGA6aeIRVpvfVob4fL52dTfaehylg0Y4UvSySvOq/Y+BOyPrgpUrA7HylqvU8vIZGsRuXmspskV0Tg==", + "dependencies": { + "@tootallnate/once": "1", + "agent-base": "6", + "debug": "4" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/http-proxy-middleware": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/http-proxy-middleware/-/http-proxy-middleware-2.0.6.tgz", + "integrity": "sha512-ya/UeJ6HVBYxrgYotAZo1KvPWlgB48kUJLDePFeneHsVujFaW5WNj2NgWCAE//B1Dl02BIfYlpNgBy8Kf8Rjmw==", + "dependencies": { + "@types/http-proxy": "^1.17.8", + "http-proxy": "^1.18.1", + "is-glob": "^4.0.1", + "is-plain-obj": "^3.0.0", + "micromatch": "^4.0.2" + }, + "engines": { + "node": ">=12.0.0" + }, + "peerDependencies": { + "@types/express": "^4.17.13" + }, + "peerDependenciesMeta": { + "@types/express": { + "optional": true + } + } + }, + "node_modules/https-proxy-agent": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/https-proxy-agent/-/https-proxy-agent-5.0.1.tgz", + "integrity": "sha512-dFcAjpTQFgoLMzC2VwU+C/CbS7uRL0lWmxDITmqm7C+7F0Odmj6s9l6alZc6AELXhrnggM2CeWSXHGOdX2YtwA==", + "dependencies": { + "agent-base": "6", + "debug": "4" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/human-signals": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/human-signals/-/human-signals-2.1.0.tgz", + "integrity": "sha512-B4FFZ6q/T2jhhksgkbEW3HBvWIfDW85snkQgawt07S7J5QXTk6BkNV+0yAeZrM5QpMAdYlocGoljn0sJ/WQkFw==", + "engines": { + "node": ">=10.17.0" + } + }, + "node_modules/iconv-lite": { + "version": "0.6.3", + "resolved": "https://registry.npmmirror.com/iconv-lite/-/iconv-lite-0.6.3.tgz", + "integrity": "sha512-4fCk79wshMdzMp2rH06qWrJE4iolqLhCUH+OiuIgU++RB0+94NlDL81atO7GX55uUKueo0txHNtvEyI6D7WdMw==", + "dependencies": { + "safer-buffer": ">= 2.1.2 < 3.0.0" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/icss-utils": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/icss-utils/-/icss-utils-5.1.0.tgz", + "integrity": "sha512-soFhflCVWLfRNOPU3iv5Z9VUdT44xFRbzjLsEzSr5AQmgqPMTHdU3PMT1Cf1ssx8fLNJDA1juftYl+PUcv3MqA==", + "engines": { + "node": "^10 || ^12 || >= 14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/idb": { + "version": "7.1.1", + "resolved": "https://registry.npmmirror.com/idb/-/idb-7.1.1.tgz", + "integrity": "sha512-gchesWBzyvGHRO9W8tzUWFDycow5gwjvFKfyV9FF32Y7F50yZMp7mP+T2mJIWFx49zicqyC4uefHM17o6xKIVQ==" + }, + "node_modules/identity-obj-proxy": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/identity-obj-proxy/-/identity-obj-proxy-3.0.0.tgz", + "integrity": "sha512-00n6YnVHKrinT9t0d9+5yZC6UBNJANpYEQvL2LlX6Ab9lnmxzIRcEmTPuyGScvl1+jKuCICX1Z0Ab1pPKKdikA==", + "dependencies": { + "harmony-reflect": "^1.4.6" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/ignore": { + "version": "5.2.4", + "resolved": "https://registry.npmmirror.com/ignore/-/ignore-5.2.4.tgz", + "integrity": "sha512-MAb38BcSbH0eHNBxn7ql2NH/kX33OkB3lZ1BNdh7ENeRChHTYsTvWrMubiIAMNS2llXEEgZ1MUOBtXChP3kaFQ==", + "engines": { + "node": ">= 4" + } + }, + "node_modules/immer": { + "version": "9.0.21", + "resolved": "https://registry.npmmirror.com/immer/-/immer-9.0.21.tgz", + "integrity": "sha512-bc4NBHqOqSfRW7POMkHd51LvClaeMXpm8dx0e8oE2GORbq5aRK7Bxl4FyzVLdGtLmvLKL7BTDBG5ACQm4HWjTA==" + }, + "node_modules/import-fresh": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/import-fresh/-/import-fresh-3.3.0.tgz", + "integrity": "sha512-veYYhQa+D1QBKznvhUHxb8faxlrwUnxseDAbAp457E0wLNio2bOSKnjYDhMj+YiAq61xrMGhQk9iXVk5FzgQMw==", + "dependencies": { + "parent-module": "^1.0.0", + "resolve-from": "^4.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/import-fresh/node_modules/resolve-from": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/resolve-from/-/resolve-from-4.0.0.tgz", + "integrity": "sha512-pb/MYmXstAkysRFx8piNI1tGFNQIFA3vkE3Gq4EuA1dF6gHp/+vgZqsCGJapvy8N3Q+4o7FwvquPJcnZ7RYy4g==", + "engines": { + "node": ">=4" + } + }, + "node_modules/import-local": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/import-local/-/import-local-3.1.0.tgz", + "integrity": "sha512-ASB07uLtnDs1o6EHjKpX34BKYDSqnFerfTOJL2HvMqF70LnxpjkzDB8J44oT9pu4AMPkQwf8jl6szgvNd2tRIg==", + "dependencies": { + "pkg-dir": "^4.2.0", + "resolve-cwd": "^3.0.0" + }, + "bin": { + "import-local-fixture": "fixtures/cli.js" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/imurmurhash": { + "version": "0.1.4", + "resolved": "https://registry.npmmirror.com/imurmurhash/-/imurmurhash-0.1.4.tgz", + "integrity": "sha512-JmXMZ6wuvDmLiHEml9ykzqO6lwFbof0GG4IkcGaENdCRDDmMVnny7s5HsIgHCbaq0w2MyPhDqkhTUgS2LU2PHA==", + "engines": { + "node": ">=0.8.19" + } + }, + "node_modules/indent-string": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/indent-string/-/indent-string-4.0.0.tgz", + "integrity": "sha512-EdDDZu4A2OyIK7Lr/2zG+w5jmbuk1DVBnEwREQvBzspBJkCEbRa8GxU1lghYcaGJCnRWibjDXlq779X1/y5xwg==", + "engines": { + "node": ">=8" + } + }, + "node_modules/inflight": { + "version": "1.0.6", + "resolved": "https://registry.npmmirror.com/inflight/-/inflight-1.0.6.tgz", + "integrity": "sha512-k92I/b08q4wvFscXCLvqfsHCrjrF7yiXsQuIVvVE7N82W3+aqpzuUdBbfhWcy/FZR3/4IgflMgKLOsvPDrGCJA==", + "dependencies": { + "once": "^1.3.0", + "wrappy": "1" + } + }, + "node_modules/inherits": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/inherits/-/inherits-2.0.4.tgz", + "integrity": "sha512-k/vGaX4/Yla3WzyMCvTQOXYeIHvqOKtnqBduzTHpzpQZzAskKMhZ2K+EnBiSM9zGSoIFeMpXKxa4dYeZIQqewQ==" + }, + "node_modules/ini": { + "version": "1.3.8", + "resolved": "https://registry.npmmirror.com/ini/-/ini-1.3.8.tgz", + "integrity": "sha512-JV/yugV2uzW5iMRSiZAyDtQd+nxtUnjeLt0acNdw98kKLrvuRVyB80tsREOE7yvGVgalhZ6RNXCmEHkUKBKxew==" + }, + "node_modules/internal-slot": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/internal-slot/-/internal-slot-1.0.5.tgz", + "integrity": "sha512-Y+R5hJrzs52QCG2laLn4udYVnxsfny9CpOhNhUvk/SSSVyF6T27FzRbF0sroPidSu3X8oEAkOn2K804mjpt6UQ==", + "dependencies": { + "get-intrinsic": "^1.2.0", + "has": "^1.0.3", + "side-channel": "^1.0.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/ipaddr.js": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/ipaddr.js/-/ipaddr.js-2.1.0.tgz", + "integrity": "sha512-LlbxQ7xKzfBusov6UMi4MFpEg0m+mAm9xyNGEduwXMEDuf4WfzB/RZwMVYEd7IKGvh4IUkEXYxtAVu9T3OelJQ==", + "engines": { + "node": ">= 10" + } + }, + "node_modules/is-arguments": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/is-arguments/-/is-arguments-1.1.1.tgz", + "integrity": "sha512-8Q7EARjzEnKpt/PCD7e1cgUS0a6X8u5tdSiMqXhojOdoV9TsMsiO+9VLC5vAmO8N7/GmXn7yjR8qnA6bVAEzfA==", + "dependencies": { + "call-bind": "^1.0.2", + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-array-buffer": { + "version": "3.0.2", + "resolved": "https://registry.npmmirror.com/is-array-buffer/-/is-array-buffer-3.0.2.tgz", + "integrity": "sha512-y+FyyR/w8vfIRq4eQcM1EYgSTnmHXPqaF+IgzgraytCFq5Xh8lllDVmAZolPJiZttZLeFSINPYMaEJ7/vWUa1w==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.2.0", + "is-typed-array": "^1.1.10" + } + }, + "node_modules/is-arrayish": { + "version": "0.2.1", + "resolved": "https://registry.npmmirror.com/is-arrayish/-/is-arrayish-0.2.1.tgz", + "integrity": "sha512-zz06S8t0ozoDXMG+ube26zeCTNXcKIPJZJi8hBrF4idCLms4CG9QtK7qBl1boi5ODzFpjswb5JPmHCbMpjaYzg==" + }, + "node_modules/is-bigint": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/is-bigint/-/is-bigint-1.0.4.tgz", + "integrity": "sha512-zB9CruMamjym81i2JZ3UMn54PKGsQzsJeo6xvN3HJJ4CAsQNB6iRutp2To77OfCNuoxspsIhzaPoO1zyCEhFOg==", + "dependencies": { + "has-bigints": "^1.0.1" + } + }, + "node_modules/is-binary-path": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/is-binary-path/-/is-binary-path-2.1.0.tgz", + "integrity": "sha512-ZMERYes6pDydyuGidse7OsHxtbI7WVeUEozgR/g7rd0xUimYNlvZRE/K2MgZTjWy725IfelLeVcEM97mmtRGXw==", + "dependencies": { + "binary-extensions": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/is-boolean-object": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/is-boolean-object/-/is-boolean-object-1.1.2.tgz", + "integrity": "sha512-gDYaKHJmnj4aWxyj6YHyXVpdQawtVLHU5cb+eztPGczf6cjuTdwve5ZIEfgXqH4e57An1D1AKf8CZ3kYrQRqYA==", + "dependencies": { + "call-bind": "^1.0.2", + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-callable": { + "version": "1.2.7", + "resolved": "https://registry.npmmirror.com/is-callable/-/is-callable-1.2.7.tgz", + "integrity": "sha512-1BC0BVFhS/p0qtw6enp8e+8OD0UrK0oFLztSjNzhcKA3WDuJxxAPXzPuPtKkjEY9UUoEWlX/8fgKeu2S8i9JTA==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-core-module": { + "version": "2.12.1", + "resolved": "https://registry.npmmirror.com/is-core-module/-/is-core-module-2.12.1.tgz", + "integrity": "sha512-Q4ZuBAe2FUsKtyQJoQHlvP8OvBERxO3jEmy1I7hcRXcJBGGHFh/aJBswbXuS9sgrDH2QUO8ilkwNPHvHMd8clg==", + "dependencies": { + "has": "^1.0.3" + } + }, + "node_modules/is-date-object": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/is-date-object/-/is-date-object-1.0.5.tgz", + "integrity": "sha512-9YQaSxsAiSwcvS33MBk3wTCVnWK+HhF8VZR2jRxehM16QcVOdHqPn4VPHmRK4lSr38n9JriurInLcP90xsYNfQ==", + "dependencies": { + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-docker": { + "version": "2.2.1", + "resolved": "https://registry.npmmirror.com/is-docker/-/is-docker-2.2.1.tgz", + "integrity": "sha512-F+i2BKsFrH66iaUFc0woD8sLy8getkwTwtOBjvs56Cx4CgJDeKQeqfz8wAYiSb8JOprWhHH5p77PbmYCvvUuXQ==", + "bin": { + "is-docker": "cli.js" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/is-extglob": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/is-extglob/-/is-extglob-2.1.1.tgz", + "integrity": "sha512-SbKbANkN603Vi4jEZv49LeVJMn4yGwsbzZworEoyEiutsN3nJYdbO36zfhGJ6QEDpOZIFkDtnq5JRxmvl3jsoQ==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/is-fullwidth-code-point": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/is-fullwidth-code-point/-/is-fullwidth-code-point-3.0.0.tgz", + "integrity": "sha512-zymm5+u+sCsSWyD9qNaejV3DFvhCKclKdizYaJUuHA83RLjb7nSuGnddCHGv0hk+KY7BMAlsWeK4Ueg6EV6XQg==", + "engines": { + "node": ">=8" + } + }, + "node_modules/is-generator-fn": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/is-generator-fn/-/is-generator-fn-2.1.0.tgz", + "integrity": "sha512-cTIB4yPYL/Grw0EaSzASzg6bBy9gqCofvWN8okThAYIxKJZC+udlRAmGbM0XLeniEJSs8uEgHPGuHSe1XsOLSQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/is-glob": { + "version": "4.0.3", + "resolved": "https://registry.npmmirror.com/is-glob/-/is-glob-4.0.3.tgz", + "integrity": "sha512-xelSayHH36ZgE7ZWhli7pW34hNbNl8Ojv5KVmkJD4hBdD3th8Tfk9vYasLM+mXWOZhFkgZfxhLSnrwRr4elSSg==", + "dependencies": { + "is-extglob": "^2.1.1" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/is-map": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/is-map/-/is-map-2.0.2.tgz", + "integrity": "sha512-cOZFQQozTha1f4MxLFzlgKYPTyj26picdZTx82hbc/Xf4K/tZOOXSCkMvU4pKioRXGDLJRn0GM7Upe7kR721yg==" + }, + "node_modules/is-module": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/is-module/-/is-module-1.0.0.tgz", + "integrity": "sha512-51ypPSPCoTEIN9dy5Oy+h4pShgJmPCygKfyRCISBI+JoWT/2oJvK8QPxmwv7b/p239jXrm9M1mlQbyKJ5A152g==" + }, + "node_modules/is-negative-zero": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/is-negative-zero/-/is-negative-zero-2.0.2.tgz", + "integrity": "sha512-dqJvarLawXsFbNDeJW7zAz8ItJ9cd28YufuuFzh0G8pNHjJMnY08Dv7sYX2uF5UpQOwieAeOExEYAWWfu7ZZUA==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-number": { + "version": "7.0.0", + "resolved": "https://registry.npmmirror.com/is-number/-/is-number-7.0.0.tgz", + "integrity": "sha512-41Cifkg6e8TylSpdtTpeLVMqvSBEVzTttHvERD741+pnZ8ANv0004MRL43QKPDlK9cGvNp6NZWZUBlbGXYxxng==", + "engines": { + "node": ">=0.12.0" + } + }, + "node_modules/is-number-object": { + "version": "1.0.7", + "resolved": "https://registry.npmmirror.com/is-number-object/-/is-number-object-1.0.7.tgz", + "integrity": "sha512-k1U0IRzLMo7ZlYIfzRu23Oh6MiIFasgpb9X76eqfFZAqwH44UI4KTBvBYIZ1dSL9ZzChTB9ShHfLkR4pdW5krQ==", + "dependencies": { + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-obj": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/is-obj/-/is-obj-1.0.1.tgz", + "integrity": "sha512-l4RyHgRqGN4Y3+9JHVrNqO+tN0rV5My76uW5/nuO4K1b6vw5G8d/cmFjP9tRfEsdhZNt0IFdZuK/c2Vr4Nb+Qg==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/is-path-inside": { + "version": "3.0.3", + "resolved": "https://registry.npmmirror.com/is-path-inside/-/is-path-inside-3.0.3.tgz", + "integrity": "sha512-Fd4gABb+ycGAmKou8eMftCupSir5lRxqf4aD/vd0cD2qc4HL07OjCeuHMr8Ro4CoMaeCKDB0/ECBOVWjTwUvPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/is-plain-obj": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/is-plain-obj/-/is-plain-obj-3.0.0.tgz", + "integrity": "sha512-gwsOE28k+23GP1B6vFl1oVh/WOzmawBrKwo5Ev6wMKzPkaXaCDIQKzLnvsA42DRlbVTWorkgTKIviAKCWkfUwA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/is-potential-custom-element-name": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/is-potential-custom-element-name/-/is-potential-custom-element-name-1.0.1.tgz", + "integrity": "sha512-bCYeRA2rVibKZd+s2625gGnGF/t7DSqDs4dP7CrLA1m7jKWz6pps0LpYLJN8Q64HtmPKJ1hrN3nzPNKFEKOUiQ==" + }, + "node_modules/is-regex": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/is-regex/-/is-regex-1.1.4.tgz", + "integrity": "sha512-kvRdxDsxZjhzUX07ZnLydzS1TU/TJlTUHHY4YLL87e37oUA49DfkLqgy+VjFocowy29cKvcSiu+kIv728jTTVg==", + "dependencies": { + "call-bind": "^1.0.2", + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-regexp": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/is-regexp/-/is-regexp-1.0.0.tgz", + "integrity": "sha512-7zjFAPO4/gwyQAAgRRmqeEeyIICSdmCqa3tsVHMdBzaXXRiqopZL4Cyghg/XulGWrtABTpbnYYzzIRffLkP4oA==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/is-root": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/is-root/-/is-root-2.1.0.tgz", + "integrity": "sha512-AGOriNp96vNBd3HtU+RzFEc75FfR5ymiYv8E553I71SCeXBiMsVDUtdio1OEFvrPyLIQ9tVR5RxXIFe5PUFjMg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/is-set": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/is-set/-/is-set-2.0.2.tgz", + "integrity": "sha512-+2cnTEZeY5z/iXGbLhPrOAaK/Mau5k5eXq9j14CpRTftq0pAJu2MwVRSZhyZWBzx3o6X795Lz6Bpb6R0GKf37g==" + }, + "node_modules/is-shared-array-buffer": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/is-shared-array-buffer/-/is-shared-array-buffer-1.0.2.tgz", + "integrity": "sha512-sqN2UDu1/0y6uvXyStCOzyhAjCSlHceFoMKJW8W9EU9cvic/QdsZ0kEU93HEy3IUEFZIiH/3w+AH/UQbPHNdhA==", + "dependencies": { + "call-bind": "^1.0.2" + } + }, + "node_modules/is-stream": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/is-stream/-/is-stream-2.0.1.tgz", + "integrity": "sha512-hFoiJiTl63nn+kstHGBtewWSKnQLpyb155KHheA1l39uvtO9nWIop1p3udqPcUd/xbF1VLMO4n7OI6p7RbngDg==", + "engines": { + "node": ">=8" + } + }, + "node_modules/is-string": { + "version": "1.0.7", + "resolved": "https://registry.npmmirror.com/is-string/-/is-string-1.0.7.tgz", + "integrity": "sha512-tE2UXzivje6ofPW7l23cjDOMa09gb7xlAqG6jG5ej6uPV32TlWP3NKPigtaGeHNu9fohccRYvIiZMfOOnOYUtg==", + "dependencies": { + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-symbol": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/is-symbol/-/is-symbol-1.0.4.tgz", + "integrity": "sha512-C/CPBqKWnvdcxqIARxyOh4v1UUEOCHpgDa0WYgpKDFMszcrPcffg5uhwSgPCLD2WWxmq6isisz87tzT01tuGhg==", + "dependencies": { + "has-symbols": "^1.0.2" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-typed-array": { + "version": "1.1.12", + "resolved": "https://registry.npmmirror.com/is-typed-array/-/is-typed-array-1.1.12.tgz", + "integrity": "sha512-Z14TF2JNG8Lss5/HMqt0//T9JeHXttXy5pH/DBU4vi98ozO2btxzq9MwYDZYnKwU8nRsz/+GVFVRDq3DkVuSPg==", + "dependencies": { + "which-typed-array": "^1.1.11" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/is-typedarray": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/is-typedarray/-/is-typedarray-1.0.0.tgz", + "integrity": "sha512-cyA56iCMHAh5CdzjJIa4aohJyeO1YbwLi3Jc35MmRU6poroFjIGZzUzupGiRPOjgHg9TLu43xbpwXk523fMxKA==" + }, + "node_modules/is-weakmap": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/is-weakmap/-/is-weakmap-2.0.1.tgz", + "integrity": "sha512-NSBR4kH5oVj1Uwvv970ruUkCV7O1mzgVFO4/rev2cLRda9Tm9HrL70ZPut4rOHgY0FNrUu9BCbXA2sdQ+x0chA==" + }, + "node_modules/is-weakref": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/is-weakref/-/is-weakref-1.0.2.tgz", + "integrity": "sha512-qctsuLZmIQ0+vSSMfoVvyFe2+GSEvnmZ2ezTup1SBse9+twCCeial6EEi3Nc2KFcf6+qz2FBPnjXsk8xhKSaPQ==", + "dependencies": { + "call-bind": "^1.0.2" + } + }, + "node_modules/is-weakset": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/is-weakset/-/is-weakset-2.0.2.tgz", + "integrity": "sha512-t2yVvttHkQktwnNNmBQ98AhENLdPUTDTE21uPqAQ0ARwQfGeQKRVS0NNurH7bTf7RrvcVn1OOge45CnBeHCSmg==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.1.1" + } + }, + "node_modules/is-wsl": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/is-wsl/-/is-wsl-2.2.0.tgz", + "integrity": "sha512-fKzAra0rGJUUBwGBgNkHZuToZcn+TtXHpeCgmkMJMMYx1sQDYaCSyjJBSCa2nH1DGm7s3n1oBnohoVTBaN7Lww==", + "dependencies": { + "is-docker": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/isarray": { + "version": "2.0.5", + "resolved": "https://registry.npmmirror.com/isarray/-/isarray-2.0.5.tgz", + "integrity": "sha512-xHjhDr3cNBK0BzdUJSPXZntQUx/mwMS5Rw4A7lPJ90XGAO6ISP/ePDNuo0vhqOZU+UD5JoodwCAAoZQd3FeAKw==" + }, + "node_modules/isexe": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/isexe/-/isexe-2.0.0.tgz", + "integrity": "sha512-RHxMLp9lnKHGHRng9QFhRCMbYAcVpn69smSGcq3f36xjgVVWThj4qqLbTLlq7Ssj8B+fIQ1EuCEGI2lKsyQeIw==" + }, + "node_modules/istanbul-lib-coverage": { + "version": "3.2.0", + "resolved": "https://registry.npmmirror.com/istanbul-lib-coverage/-/istanbul-lib-coverage-3.2.0.tgz", + "integrity": "sha512-eOeJ5BHCmHYvQK7xt9GkdHuzuCGS1Y6g9Gvnx3Ym33fz/HpLRYxiS0wHNr+m/MBC8B647Xt608vCDEvhl9c6Mw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/istanbul-lib-instrument": { + "version": "5.2.1", + "resolved": "https://registry.npmmirror.com/istanbul-lib-instrument/-/istanbul-lib-instrument-5.2.1.tgz", + "integrity": "sha512-pzqtp31nLv/XFOzXGuvhCb8qhjmTVo5vjVk19XE4CRlSWz0KoeJ3bw9XsA7nOp9YBf4qHjwBxkDzKcME/J29Yg==", + "dependencies": { + "@babel/core": "^7.12.3", + "@babel/parser": "^7.14.7", + "@istanbuljs/schema": "^0.1.2", + "istanbul-lib-coverage": "^3.2.0", + "semver": "^6.3.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/istanbul-lib-instrument/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/istanbul-lib-report": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/istanbul-lib-report/-/istanbul-lib-report-3.0.0.tgz", + "integrity": "sha512-wcdi+uAKzfiGT2abPpKZ0hSU1rGQjUQnLvtY5MpQ7QCTahD3VODhcu4wcfY1YtkGaDD5yuydOLINXsfbus9ROw==", + "dependencies": { + "istanbul-lib-coverage": "^3.0.0", + "make-dir": "^3.0.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/istanbul-lib-report/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/istanbul-lib-report/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/istanbul-lib-source-maps": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/istanbul-lib-source-maps/-/istanbul-lib-source-maps-4.0.1.tgz", + "integrity": "sha512-n3s8EwkdFIJCG3BPKBYvskgXGoy88ARzvegkitk60NxRdwltLOTaH7CUiMRXvwYorl0Q712iEjcWB+fK/MrWVw==", + "dependencies": { + "debug": "^4.1.1", + "istanbul-lib-coverage": "^3.0.0", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/istanbul-lib-source-maps/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/istanbul-reports": { + "version": "3.1.5", + "resolved": "https://registry.npmmirror.com/istanbul-reports/-/istanbul-reports-3.1.5.tgz", + "integrity": "sha512-nUsEMa9pBt/NOHqbcbeJEgqIlY/K7rVWUX6Lql2orY5e9roQOthbR3vtY4zzf2orPELg80fnxxk9zUyPlgwD1w==", + "dependencies": { + "html-escaper": "^2.0.0", + "istanbul-lib-report": "^3.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jake": { + "version": "10.8.7", + "resolved": "https://registry.npmmirror.com/jake/-/jake-10.8.7.tgz", + "integrity": "sha512-ZDi3aP+fG/LchyBzUM804VjddnwfSfsdeYkwt8NcbKRvo4rFkjhs456iLFn3k2ZUWvNe4i48WACDbza8fhq2+w==", + "dependencies": { + "async": "^3.2.3", + "chalk": "^4.0.2", + "filelist": "^1.0.4", + "minimatch": "^3.1.2" + }, + "bin": { + "jake": "bin/cli.js" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jake/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jake/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jake/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jake/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jake/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jake/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest/-/jest-27.5.1.tgz", + "integrity": "sha512-Yn0mADZB89zTtjkPJEXwrac3LHudkQMR+Paqa8uxJHCBr9agxztUifWCyiYrjhMPBoUVBjyny0I7XH6ozDr7QQ==", + "dependencies": { + "@jest/core": "^27.5.1", + "import-local": "^3.0.2", + "jest-cli": "^27.5.1" + }, + "bin": { + "jest": "bin/jest.js" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" + }, + "peerDependenciesMeta": { + "node-notifier": { + "optional": true + } + } + }, + "node_modules/jest-changed-files": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-changed-files/-/jest-changed-files-27.5.1.tgz", + "integrity": "sha512-buBLMiByfWGCoMsLLzGUUSpAmIAGnbR2KJoMN10ziLhOLvP4e0SlypHnAel8iqQXTrcbmfEY9sSqae5sgUsTvw==", + "dependencies": { + "@jest/types": "^27.5.1", + "execa": "^5.0.0", + "throat": "^6.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-circus": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-circus/-/jest-circus-27.5.1.tgz", + "integrity": "sha512-D95R7x5UtlMA5iBYsOHFFbMD/GVA4R/Kdq15f7xYWUfWHBto9NYRsOvnSauTgdF+ogCpJ4tyKOXhUifxS65gdw==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "co": "^4.6.0", + "dedent": "^0.7.0", + "expect": "^27.5.1", + "is-generator-fn": "^2.0.0", + "jest-each": "^27.5.1", + "jest-matcher-utils": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-runtime": "^27.5.1", + "jest-snapshot": "^27.5.1", + "jest-util": "^27.5.1", + "pretty-format": "^27.5.1", + "slash": "^3.0.0", + "stack-utils": "^2.0.3", + "throat": "^6.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-circus/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-circus/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-circus/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-circus/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-circus/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-circus/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-cli": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-cli/-/jest-cli-27.5.1.tgz", + "integrity": "sha512-Hc6HOOwYq4/74/c62dEE3r5elx8wjYqxY0r0G/nFrLDPMFRu6RA/u8qINOIkvhxG7mMQ5EJsOGfRpI8L6eFUVw==", + "dependencies": { + "@jest/core": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/types": "^27.5.1", + "chalk": "^4.0.0", + "exit": "^0.1.2", + "graceful-fs": "^4.2.9", + "import-local": "^3.0.2", + "jest-config": "^27.5.1", + "jest-util": "^27.5.1", + "jest-validate": "^27.5.1", + "prompts": "^2.0.1", + "yargs": "^16.2.0" + }, + "bin": { + "jest": "bin/jest.js" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "node-notifier": "^8.0.1 || ^9.0.0 || ^10.0.0" + }, + "peerDependenciesMeta": { + "node-notifier": { + "optional": true + } + } + }, + "node_modules/jest-cli/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-cli/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-cli/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-cli/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-cli/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-cli/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-config": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-config/-/jest-config-27.5.1.tgz", + "integrity": "sha512-5sAsjm6tGdsVbW9ahcChPAFCk4IlkQUknH5AvKjuLTSlcO/wCZKyFdn7Rg0EkC+OGgWODEy2hDpWB1PgzH0JNA==", + "dependencies": { + "@babel/core": "^7.8.0", + "@jest/test-sequencer": "^27.5.1", + "@jest/types": "^27.5.1", + "babel-jest": "^27.5.1", + "chalk": "^4.0.0", + "ci-info": "^3.2.0", + "deepmerge": "^4.2.2", + "glob": "^7.1.1", + "graceful-fs": "^4.2.9", + "jest-circus": "^27.5.1", + "jest-environment-jsdom": "^27.5.1", + "jest-environment-node": "^27.5.1", + "jest-get-type": "^27.5.1", + "jest-jasmine2": "^27.5.1", + "jest-regex-util": "^27.5.1", + "jest-resolve": "^27.5.1", + "jest-runner": "^27.5.1", + "jest-util": "^27.5.1", + "jest-validate": "^27.5.1", + "micromatch": "^4.0.4", + "parse-json": "^5.2.0", + "pretty-format": "^27.5.1", + "slash": "^3.0.0", + "strip-json-comments": "^3.1.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "peerDependencies": { + "ts-node": ">=9.0.0" + }, + "peerDependenciesMeta": { + "ts-node": { + "optional": true + } + } + }, + "node_modules/jest-config/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-config/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-config/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-config/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-config/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-config/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-diff": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-diff/-/jest-diff-27.5.1.tgz", + "integrity": "sha512-m0NvkX55LDt9T4mctTEgnZk3fmEg3NRYutvMPWM/0iPnkFj2wIeF45O1718cMSOFO1vINkqmxqD8vE37uTEbqw==", + "dependencies": { + "chalk": "^4.0.0", + "diff-sequences": "^27.5.1", + "jest-get-type": "^27.5.1", + "pretty-format": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-diff/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-diff/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-diff/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-diff/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-diff/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-diff/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-docblock": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-docblock/-/jest-docblock-27.5.1.tgz", + "integrity": "sha512-rl7hlABeTsRYxKiUfpHrQrG4e2obOiTQWfMEH3PxPjOtdsfLQO4ReWSZaQ7DETm4xu07rl4q/h4zcKXyU0/OzQ==", + "dependencies": { + "detect-newline": "^3.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-each": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-each/-/jest-each-27.5.1.tgz", + "integrity": "sha512-1Ff6p+FbhT/bXQnEouYy00bkNSY7OUpfIcmdl8vZ31A1UUaurOLPA8a8BbJOF2RDUElwJhmeaV7LnagI+5UwNQ==", + "dependencies": { + "@jest/types": "^27.5.1", + "chalk": "^4.0.0", + "jest-get-type": "^27.5.1", + "jest-util": "^27.5.1", + "pretty-format": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-each/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-each/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-each/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-each/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-each/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-each/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-environment-jsdom": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-environment-jsdom/-/jest-environment-jsdom-27.5.1.tgz", + "integrity": "sha512-TFBvkTC1Hnnnrka/fUb56atfDtJ9VMZ94JkjTbggl1PEpwrYtUBKMezB3inLmWqQsXYLcMwNoDQwoBTAvFfsfw==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/fake-timers": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "jest-mock": "^27.5.1", + "jest-util": "^27.5.1", + "jsdom": "^16.6.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-environment-node": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-environment-node/-/jest-environment-node-27.5.1.tgz", + "integrity": "sha512-Jt4ZUnxdOsTGwSRAfKEnE6BcwsSPNOijjwifq5sDFSA2kesnXTvNqKHYgM0hDq3549Uf/KzdXNYn4wMZJPlFLw==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/fake-timers": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "jest-mock": "^27.5.1", + "jest-util": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-get-type": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-get-type/-/jest-get-type-27.5.1.tgz", + "integrity": "sha512-2KY95ksYSaK7DMBWQn6dQz3kqAf3BB64y2udeG+hv4KfSOb9qwcYQstTJc1KCbsix+wLZWZYN8t7nwX3GOBLRw==", + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-haste-map": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-haste-map/-/jest-haste-map-27.5.1.tgz", + "integrity": "sha512-7GgkZ4Fw4NFbMSDSpZwXeBiIbx+t/46nJ2QitkOjvwPYyZmqttu2TDSimMHP1EkPOi4xUZAN1doE5Vd25H4Jng==", + "dependencies": { + "@jest/types": "^27.5.1", + "@types/graceful-fs": "^4.1.2", + "@types/node": "*", + "anymatch": "^3.0.3", + "fb-watchman": "^2.0.0", + "graceful-fs": "^4.2.9", + "jest-regex-util": "^27.5.1", + "jest-serializer": "^27.5.1", + "jest-util": "^27.5.1", + "jest-worker": "^27.5.1", + "micromatch": "^4.0.4", + "walker": "^1.0.7" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + }, + "optionalDependencies": { + "fsevents": "^2.3.2" + } + }, + "node_modules/jest-jasmine2": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-jasmine2/-/jest-jasmine2-27.5.1.tgz", + "integrity": "sha512-jtq7VVyG8SqAorDpApwiJJImd0V2wv1xzdheGHRGyuT7gZm6gG47QEskOlzsN1PG/6WNaCo5pmwMHDf3AkG2pQ==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/source-map": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "co": "^4.6.0", + "expect": "^27.5.1", + "is-generator-fn": "^2.0.0", + "jest-each": "^27.5.1", + "jest-matcher-utils": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-runtime": "^27.5.1", + "jest-snapshot": "^27.5.1", + "jest-util": "^27.5.1", + "pretty-format": "^27.5.1", + "throat": "^6.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-jasmine2/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-jasmine2/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-jasmine2/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-jasmine2/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-jasmine2/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-jasmine2/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-leak-detector": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-leak-detector/-/jest-leak-detector-27.5.1.tgz", + "integrity": "sha512-POXfWAMvfU6WMUXftV4HolnJfnPOGEu10fscNCA76KBpRRhcMN2c8d3iT2pxQS3HLbA+5X4sOUPzYO2NUyIlHQ==", + "dependencies": { + "jest-get-type": "^27.5.1", + "pretty-format": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-matcher-utils": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-matcher-utils/-/jest-matcher-utils-27.5.1.tgz", + "integrity": "sha512-z2uTx/T6LBaCoNWNFWwChLBKYxTMcGBRjAt+2SbP929/Fflb9aa5LGma654Rz8z9HLxsrUaYzxE9T/EFIL/PAw==", + "dependencies": { + "chalk": "^4.0.0", + "jest-diff": "^27.5.1", + "jest-get-type": "^27.5.1", + "pretty-format": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-matcher-utils/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-matcher-utils/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-matcher-utils/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-matcher-utils/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-matcher-utils/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-matcher-utils/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-message-util": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-message-util/-/jest-message-util-27.5.1.tgz", + "integrity": "sha512-rMyFe1+jnyAAf+NHwTclDz0eAaLkVDdKVHHBFWsBWHnnh5YeJMNWWsv7AbFYXfK3oTqvL7VTWkhNLu1jX24D+g==", + "dependencies": { + "@babel/code-frame": "^7.12.13", + "@jest/types": "^27.5.1", + "@types/stack-utils": "^2.0.0", + "chalk": "^4.0.0", + "graceful-fs": "^4.2.9", + "micromatch": "^4.0.4", + "pretty-format": "^27.5.1", + "slash": "^3.0.0", + "stack-utils": "^2.0.3" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-message-util/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-message-util/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-message-util/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-message-util/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-message-util/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-message-util/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-mock": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-mock/-/jest-mock-27.5.1.tgz", + "integrity": "sha512-K4jKbY1d4ENhbrG2zuPWaQBvDly+iZ2yAW+T1fATN78hc0sInwn7wZB8XtlNnvHug5RMwV897Xm4LqmPM4e2Og==", + "dependencies": { + "@jest/types": "^27.5.1", + "@types/node": "*" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-pnp-resolver": { + "version": "1.2.3", + "resolved": "https://registry.npmmirror.com/jest-pnp-resolver/-/jest-pnp-resolver-1.2.3.tgz", + "integrity": "sha512-+3NpwQEnRoIBtx4fyhblQDPgJI0H1IEIkX7ShLUjPGA7TtUTvI1oiKi3SR4oBR0hQhQR80l4WAe5RrXBwWMA8w==", + "engines": { + "node": ">=6" + }, + "peerDependencies": { + "jest-resolve": "*" + }, + "peerDependenciesMeta": { + "jest-resolve": { + "optional": true + } + } + }, + "node_modules/jest-regex-util": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-regex-util/-/jest-regex-util-27.5.1.tgz", + "integrity": "sha512-4bfKq2zie+x16okqDXjXn9ql2B0dScQu+vcwe4TvFVhkVyuWLqpZrZtXxLLWoXYgn0E87I6r6GRYHF7wFZBUvg==", + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-resolve": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-resolve/-/jest-resolve-27.5.1.tgz", + "integrity": "sha512-FFDy8/9E6CV83IMbDpcjOhumAQPDyETnU2KZ1O98DwTnz8AOBsW/Xv3GySr1mOZdItLR+zDZ7I/UdTFbgSOVCw==", + "dependencies": { + "@jest/types": "^27.5.1", + "chalk": "^4.0.0", + "graceful-fs": "^4.2.9", + "jest-haste-map": "^27.5.1", + "jest-pnp-resolver": "^1.2.2", + "jest-util": "^27.5.1", + "jest-validate": "^27.5.1", + "resolve": "^1.20.0", + "resolve.exports": "^1.1.0", + "slash": "^3.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-resolve-dependencies": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-resolve-dependencies/-/jest-resolve-dependencies-27.5.1.tgz", + "integrity": "sha512-QQOOdY4PE39iawDn5rzbIePNigfe5B9Z91GDD1ae/xNDlu9kaat8QQ5EKnNmVWPV54hUdxCVwwj6YMgR2O7IOg==", + "dependencies": { + "@jest/types": "^27.5.1", + "jest-regex-util": "^27.5.1", + "jest-snapshot": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-resolve/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-resolve/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-resolve/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-resolve/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-resolve/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-resolve/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runner": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-runner/-/jest-runner-27.5.1.tgz", + "integrity": "sha512-g4NPsM4mFCOwFKXO4p/H/kWGdJp9V8kURY2lX8Me2drgXqG7rrZAx5kv+5H7wtt/cdFIjhqYx1HrlqWHaOvDaQ==", + "dependencies": { + "@jest/console": "^27.5.1", + "@jest/environment": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "emittery": "^0.8.1", + "graceful-fs": "^4.2.9", + "jest-docblock": "^27.5.1", + "jest-environment-jsdom": "^27.5.1", + "jest-environment-node": "^27.5.1", + "jest-haste-map": "^27.5.1", + "jest-leak-detector": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-resolve": "^27.5.1", + "jest-runtime": "^27.5.1", + "jest-util": "^27.5.1", + "jest-worker": "^27.5.1", + "source-map-support": "^0.5.6", + "throat": "^6.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-runner/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runner/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-runner/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-runner/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-runner/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runner/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runtime": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-runtime/-/jest-runtime-27.5.1.tgz", + "integrity": "sha512-o7gxw3Gf+H2IGt8fv0RiyE1+r83FJBRruoA+FXrlHw6xEyBsU8ugA6IPfTdVyA0w8HClpbK+DGJxH59UrNMx8A==", + "dependencies": { + "@jest/environment": "^27.5.1", + "@jest/fake-timers": "^27.5.1", + "@jest/globals": "^27.5.1", + "@jest/source-map": "^27.5.1", + "@jest/test-result": "^27.5.1", + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "chalk": "^4.0.0", + "cjs-module-lexer": "^1.0.0", + "collect-v8-coverage": "^1.0.0", + "execa": "^5.0.0", + "glob": "^7.1.3", + "graceful-fs": "^4.2.9", + "jest-haste-map": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-mock": "^27.5.1", + "jest-regex-util": "^27.5.1", + "jest-resolve": "^27.5.1", + "jest-snapshot": "^27.5.1", + "jest-util": "^27.5.1", + "slash": "^3.0.0", + "strip-bom": "^4.0.0" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-runtime/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runtime/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-runtime/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-runtime/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-runtime/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-runtime/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-serializer": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-serializer/-/jest-serializer-27.5.1.tgz", + "integrity": "sha512-jZCyo6iIxO1aqUxpuBlwTDMkzOAJS4a3eYz3YzgxxVQFwLeSA7Jfq5cbqCY+JLvTDrWirgusI/0KwxKMgrdf7w==", + "dependencies": { + "@types/node": "*", + "graceful-fs": "^4.2.9" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-snapshot": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-snapshot/-/jest-snapshot-27.5.1.tgz", + "integrity": "sha512-yYykXI5a0I31xX67mgeLw1DZ0bJB+gpq5IpSuCAoyDi0+BhgU/RIrL+RTzDmkNTchvDFWKP8lp+w/42Z3us5sA==", + "dependencies": { + "@babel/core": "^7.7.2", + "@babel/generator": "^7.7.2", + "@babel/plugin-syntax-typescript": "^7.7.2", + "@babel/traverse": "^7.7.2", + "@babel/types": "^7.0.0", + "@jest/transform": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/babel__traverse": "^7.0.4", + "@types/prettier": "^2.1.5", + "babel-preset-current-node-syntax": "^1.0.0", + "chalk": "^4.0.0", + "expect": "^27.5.1", + "graceful-fs": "^4.2.9", + "jest-diff": "^27.5.1", + "jest-get-type": "^27.5.1", + "jest-haste-map": "^27.5.1", + "jest-matcher-utils": "^27.5.1", + "jest-message-util": "^27.5.1", + "jest-util": "^27.5.1", + "natural-compare": "^1.4.0", + "pretty-format": "^27.5.1", + "semver": "^7.3.2" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-snapshot/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-snapshot/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-snapshot/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-snapshot/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-snapshot/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-snapshot/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-util": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-util/-/jest-util-27.5.1.tgz", + "integrity": "sha512-Kv2o/8jNvX1MQ0KGtw480E/w4fBCDOnH6+6DmeKi6LZUIlKA5kwY0YNdlzaWTiVgxqAqik11QyxDOKk543aKXw==", + "dependencies": { + "@jest/types": "^27.5.1", + "@types/node": "*", + "chalk": "^4.0.0", + "ci-info": "^3.2.0", + "graceful-fs": "^4.2.9", + "picomatch": "^2.2.3" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-util/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-util/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-util/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-util/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-util/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-util/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-validate": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-validate/-/jest-validate-27.5.1.tgz", + "integrity": "sha512-thkNli0LYTmOI1tDB3FI1S1RTp/Bqyd9pTarJwL87OIBFuqEb5Apv5EaApEudYg4g86e3CT6kM0RowkhtEnCBQ==", + "dependencies": { + "@jest/types": "^27.5.1", + "camelcase": "^6.2.0", + "chalk": "^4.0.0", + "jest-get-type": "^27.5.1", + "leven": "^3.1.0", + "pretty-format": "^27.5.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-validate/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-validate/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-validate/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-validate/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-validate/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-validate/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead": { + "version": "1.1.0", + "resolved": "https://registry.npmmirror.com/jest-watch-typeahead/-/jest-watch-typeahead-1.1.0.tgz", + "integrity": "sha512-Va5nLSJTN7YFtC2jd+7wsoe1pNe5K4ShLux/E5iHEwlB9AxaxmggY7to9KUqKojhaJw3aXqt5WAb4jGPOolpEw==", + "dependencies": { + "ansi-escapes": "^4.3.1", + "chalk": "^4.0.0", + "jest-regex-util": "^28.0.0", + "jest-watcher": "^28.0.0", + "slash": "^4.0.0", + "string-length": "^5.0.1", + "strip-ansi": "^7.0.1" + }, + "engines": { + "node": "^12.22.0 || ^14.17.0 || >=16.0.0" + }, + "peerDependencies": { + "jest": "^27.0.0 || ^28.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/@jest/console": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/@jest/console/-/console-28.1.3.tgz", + "integrity": "sha512-QPAkP5EwKdK/bxIr6C1I4Vs0rm2nHiANzj/Z5X2JQkrZo6IqvC4ldZ9K95tF0HdidhA8Bo6egxSzUFPYKcEXLw==", + "dependencies": { + "@jest/types": "^28.1.3", + "@types/node": "*", + "chalk": "^4.0.0", + "jest-message-util": "^28.1.3", + "jest-util": "^28.1.3", + "slash": "^3.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/@jest/console/node_modules/slash": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/slash/-/slash-3.0.0.tgz", + "integrity": "sha512-g9Q1haeby36OSStwb4ntCGGGaKsaVSjQ68fBxoQcutl5fS1vuY18H3wSt3jFyFtrkx+Kz0V1G85A4MyAdDMi2Q==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead/node_modules/@jest/test-result": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/@jest/test-result/-/test-result-28.1.3.tgz", + "integrity": "sha512-kZAkxnSE+FqE8YjW8gNuoVkkC9I7S1qmenl8sGcDOLropASP+BkcGKwhXoyqQuGOGeYY0y/ixjrd/iERpEXHNg==", + "dependencies": { + "@jest/console": "^28.1.3", + "@jest/types": "^28.1.3", + "@types/istanbul-lib-coverage": "^2.0.0", + "collect-v8-coverage": "^1.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/@jest/types": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/@jest/types/-/types-28.1.3.tgz", + "integrity": "sha512-RyjiyMUZrKz/c+zlMFO1pm70DcIlST8AeWTkoUdZevew44wcNZQHsEVOiCVtgVnlFFD82FPaXycys58cf2muVQ==", + "dependencies": { + "@jest/schemas": "^28.1.3", + "@types/istanbul-lib-coverage": "^2.0.0", + "@types/istanbul-reports": "^3.0.0", + "@types/node": "*", + "@types/yargs": "^17.0.8", + "chalk": "^4.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/@types/yargs": { + "version": "17.0.24", + "resolved": "https://registry.npmmirror.com/@types/yargs/-/yargs-17.0.24.tgz", + "integrity": "sha512-6i0aC7jV6QzQB8ne1joVZ0eSFIstHsCrobmOtghM11yGlH0j43FKL2UhWdELkyps0zuf7qVTUVCCR+tgSlyLLw==", + "dependencies": { + "@types/yargs-parser": "*" + } + }, + "node_modules/jest-watch-typeahead/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-watch-typeahead/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-watch-typeahead/node_modules/emittery": { + "version": "0.10.2", + "resolved": "https://registry.npmmirror.com/emittery/-/emittery-0.10.2.tgz", + "integrity": "sha512-aITqOwnLanpHLNXZJENbOgjUBeHocD+xsSJmNrjovKBW5HbSpW3d1pEls7GFQPUWXiwG9+0P4GtHfEqC/4M0Iw==", + "engines": { + "node": ">=12" + } + }, + "node_modules/jest-watch-typeahead/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-message-util": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/jest-message-util/-/jest-message-util-28.1.3.tgz", + "integrity": "sha512-PFdn9Iewbt575zKPf1286Ht9EPoJmYT7P0kY+RibeYZ2XtOr53pDLEFoTWXbd1h4JiGiWpTBC84fc8xMXQMb7g==", + "dependencies": { + "@babel/code-frame": "^7.12.13", + "@jest/types": "^28.1.3", + "@types/stack-utils": "^2.0.0", + "chalk": "^4.0.0", + "graceful-fs": "^4.2.9", + "micromatch": "^4.0.4", + "pretty-format": "^28.1.3", + "slash": "^3.0.0", + "stack-utils": "^2.0.3" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-message-util/node_modules/slash": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/slash/-/slash-3.0.0.tgz", + "integrity": "sha512-g9Q1haeby36OSStwb4ntCGGGaKsaVSjQ68fBxoQcutl5fS1vuY18H3wSt3jFyFtrkx+Kz0V1G85A4MyAdDMi2Q==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-regex-util": { + "version": "28.0.2", + "resolved": "https://registry.npmmirror.com/jest-regex-util/-/jest-regex-util-28.0.2.tgz", + "integrity": "sha512-4s0IgyNIy0y9FK+cjoVYoxamT7Zeo7MhzqRGx7YDYmaQn1wucY9rotiGkBzzcMXTtjrCAP/f7f+E0F7+fxPNdw==", + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-util": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/jest-util/-/jest-util-28.1.3.tgz", + "integrity": "sha512-XdqfpHwpcSRko/C35uLYFM2emRAltIIKZiJ9eAmhjsj0CqZMa0p1ib0R5fWIqGhn1a103DebTbpqIaP1qCQ6tQ==", + "dependencies": { + "@jest/types": "^28.1.3", + "@types/node": "*", + "chalk": "^4.0.0", + "ci-info": "^3.2.0", + "graceful-fs": "^4.2.9", + "picomatch": "^2.2.3" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-watcher": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/jest-watcher/-/jest-watcher-28.1.3.tgz", + "integrity": "sha512-t4qcqj9hze+jviFPUN3YAtAEeFnr/azITXQEMARf5cMwKY2SMBRnCQTXLixTl20OR6mLh9KLMrgVJgJISym+1g==", + "dependencies": { + "@jest/test-result": "^28.1.3", + "@jest/types": "^28.1.3", + "@types/node": "*", + "ansi-escapes": "^4.2.1", + "chalk": "^4.0.0", + "emittery": "^0.10.2", + "jest-util": "^28.1.3", + "string-length": "^4.0.1" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-watcher/node_modules/string-length": { + "version": "4.0.2", + "resolved": "https://registry.npmmirror.com/string-length/-/string-length-4.0.2.tgz", + "integrity": "sha512-+l6rNN5fYHNhZZy41RXsYptCjA2Igmq4EG7kZAYFQI1E1VTXarr6ZPXBg6eq7Y6eK4FEhY6AJlyuFIb/v/S0VQ==", + "dependencies": { + "char-regex": "^1.0.2", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-watch-typeahead/node_modules/jest-watcher/node_modules/strip-ansi": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/strip-ansi/-/strip-ansi-6.0.1.tgz", + "integrity": "sha512-Y38VPSHcqkFrCpFnQ9vuSXmquuv5oXOKpGeT6aGrr3o3Gc9AlVa6JBfUSOCnbxGGZF+/0ooI7KrPuUSztUdU5A==", + "dependencies": { + "ansi-regex": "^5.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watch-typeahead/node_modules/pretty-format": { + "version": "28.1.3", + "resolved": "https://registry.npmmirror.com/pretty-format/-/pretty-format-28.1.3.tgz", + "integrity": "sha512-8gFb/To0OmxHR9+ZTb14Df2vNxdGCX8g1xWGUTqUw5TiZvcQf5sHKObd5UcPyLLyowNwDAMTF3XWOG1B6mxl1Q==", + "dependencies": { + "@jest/schemas": "^28.1.3", + "ansi-regex": "^5.0.1", + "ansi-styles": "^5.0.0", + "react-is": "^18.0.0" + }, + "engines": { + "node": "^12.13.0 || ^14.15.0 || ^16.10.0 || >=17.0.0" + } + }, + "node_modules/jest-watch-typeahead/node_modules/pretty-format/node_modules/ansi-styles": { + "version": "5.2.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-5.2.0.tgz", + "integrity": "sha512-Cxwpt2SfTzTtXcfOlzGEee8O+c+MmUgGrNiBcXnuWxuFJHe6a5Hz7qwhwe5OgaSYI0IJvkLqWX1ASG+cJOkEiA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-watch-typeahead/node_modules/react-is": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-18.2.0.tgz", + "integrity": "sha512-xWGDIW6x921xtzPkhiULtthJHoJvBbF3q26fzloPCK0hsvxtPVelvftw3zjbHWSkR2km9Z+4uxbDDK/6Zw9B8w==" + }, + "node_modules/jest-watch-typeahead/node_modules/slash": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/slash/-/slash-4.0.0.tgz", + "integrity": "sha512-3dOsAHXXUkQTpOYcoAxLIorMTp4gIQr5IW3iVb7A7lFIp0VHhnynm9izx6TssdrIcVIESAlVjtnO2K8bg+Coew==", + "engines": { + "node": ">=12" + } + }, + "node_modules/jest-watch-typeahead/node_modules/string-length": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/string-length/-/string-length-5.0.1.tgz", + "integrity": "sha512-9Ep08KAMUn0OadnVaBuRdE2l615CQ508kr0XMadjClfYpdCyvrbFp6Taebo8yyxokQ4viUd/xPPUA4FGgUa0ow==", + "dependencies": { + "char-regex": "^2.0.0", + "strip-ansi": "^7.0.1" + }, + "engines": { + "node": ">=12.20" + } + }, + "node_modules/jest-watch-typeahead/node_modules/string-length/node_modules/char-regex": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/char-regex/-/char-regex-2.0.1.tgz", + "integrity": "sha512-oSvEeo6ZUD7NepqAat3RqoucZ5SeqLJgOvVIwkafu6IP3V0pO38s/ypdVUmDDK6qIIHNlYHJAKX9E7R7HoKElw==", + "engines": { + "node": ">=12.20" + } + }, + "node_modules/jest-watch-typeahead/node_modules/strip-ansi": { + "version": "7.1.0", + "resolved": "https://registry.npmmirror.com/strip-ansi/-/strip-ansi-7.1.0.tgz", + "integrity": "sha512-iq6eVVI64nQQTRYq2KtEg2d2uU7LElhTJwsH4YzIHZshxlgZms/wIc4VoDQTlG/IvVIrBKG06CrZnp0qv7hkcQ==", + "dependencies": { + "ansi-regex": "^6.0.1" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/jest-watch-typeahead/node_modules/strip-ansi/node_modules/ansi-regex": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/ansi-regex/-/ansi-regex-6.0.1.tgz", + "integrity": "sha512-n5M855fKb2SsfMIiFFoVrABHJC8QtHwVx+mHWP3QcEqBHYienj5dHSgjbxtC0WEZXYt4wcD6zrQElDPhFuZgfA==", + "engines": { + "node": ">=12" + } + }, + "node_modules/jest-watch-typeahead/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watcher": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-watcher/-/jest-watcher-27.5.1.tgz", + "integrity": "sha512-z676SuD6Z8o8qbmEGhoEUFOM1+jfEiL3DXHK/xgEiG2EyNYfFG60jluWcupY6dATjfEsKQuibReS1djInQnoVw==", + "dependencies": { + "@jest/test-result": "^27.5.1", + "@jest/types": "^27.5.1", + "@types/node": "*", + "ansi-escapes": "^4.2.1", + "chalk": "^4.0.0", + "jest-util": "^27.5.1", + "string-length": "^4.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/jest-watcher/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watcher/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jest-watcher/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/jest-watcher/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/jest-watcher/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-watcher/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-worker": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/jest-worker/-/jest-worker-27.5.1.tgz", + "integrity": "sha512-7vuh85V5cdDofPyxn58nrPjBktZo0u9x1g8WtjQol+jZDaE+fhN+cIvTj11GndBnMnyfrUOG1sZQxCdjKh+DKg==", + "dependencies": { + "@types/node": "*", + "merge-stream": "^2.0.0", + "supports-color": "^8.0.0" + }, + "engines": { + "node": ">= 10.13.0" + } + }, + "node_modules/jest-worker/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/jest-worker/node_modules/supports-color": { + "version": "8.1.1", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-8.1.1.tgz", + "integrity": "sha512-MpUEN2OodtUzxvKQl72cUF7RQ5EiHsGvSsVG0ia9c5RbWGL2CI4C7EpPS8UTBIplnlzZiNuV56w+FuNxy3ty2Q==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/jiti": { + "version": "1.19.1", + "resolved": "https://registry.npmmirror.com/jiti/-/jiti-1.19.1.tgz", + "integrity": "sha512-oVhqoRDaBXf7sjkll95LHVS6Myyyb1zaunVwk4Z0+WPSW4gjS0pl01zYKHScTuyEhQsFxV5L4DR5r+YqSyqyyg==", + "bin": { + "jiti": "bin/jiti.js" + } + }, + "node_modules/js-tokens": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/js-tokens/-/js-tokens-4.0.0.tgz", + "integrity": "sha512-RdJUflcE3cUzKiMqQgsCu06FPu9UdIJO0beYbPhHN4k6apgJtifcoCtT9bcxOpYBtpD2kCM6Sbzg4CausW/PKQ==" + }, + "node_modules/js-yaml": { + "version": "3.14.1", + "resolved": "https://registry.npmmirror.com/js-yaml/-/js-yaml-3.14.1.tgz", + "integrity": "sha512-okMH7OXXJ7YrN9Ok3/SXrnu4iX9yOk+25nqX4imS2npuvTYDmo/QEZoqwZkYaIDk3jVvBOTOIEgEhaLOynBS9g==", + "dependencies": { + "argparse": "^1.0.7", + "esprima": "^4.0.0" + }, + "bin": { + "js-yaml": "bin/js-yaml.js" + } + }, + "node_modules/jsdom": { + "version": "16.7.0", + "resolved": "https://registry.npmmirror.com/jsdom/-/jsdom-16.7.0.tgz", + "integrity": "sha512-u9Smc2G1USStM+s/x1ru5Sxrl6mPYCbByG1U/hUmqaVsm4tbNyS7CicOSRyuGQYZhTu0h84qkZZQ/I+dzizSVw==", + "dependencies": { + "abab": "^2.0.5", + "acorn": "^8.2.4", + "acorn-globals": "^6.0.0", + "cssom": "^0.4.4", + "cssstyle": "^2.3.0", + "data-urls": "^2.0.0", + "decimal.js": "^10.2.1", + "domexception": "^2.0.1", + "escodegen": "^2.0.0", + "form-data": "^3.0.0", + "html-encoding-sniffer": "^2.0.1", + "http-proxy-agent": "^4.0.1", + "https-proxy-agent": "^5.0.0", + "is-potential-custom-element-name": "^1.0.1", + "nwsapi": "^2.2.0", + "parse5": "6.0.1", + "saxes": "^5.0.1", + "symbol-tree": "^3.2.4", + "tough-cookie": "^4.0.0", + "w3c-hr-time": "^1.0.2", + "w3c-xmlserializer": "^2.0.0", + "webidl-conversions": "^6.1.0", + "whatwg-encoding": "^1.0.5", + "whatwg-mimetype": "^2.3.0", + "whatwg-url": "^8.5.0", + "ws": "^7.4.6", + "xml-name-validator": "^3.0.0" + }, + "engines": { + "node": ">=10" + }, + "peerDependencies": { + "canvas": "^2.5.0" + }, + "peerDependenciesMeta": { + "canvas": { + "optional": true + } + } + }, + "node_modules/jsesc": { + "version": "2.5.2", + "resolved": "https://registry.npmmirror.com/jsesc/-/jsesc-2.5.2.tgz", + "integrity": "sha512-OYu7XEzjkCQ3C5Ps3QIZsQfNpqoJyZZA99wd9aWd05NCtC5pWOkShK2mkL6HXQR6/Cy2lbNdPlZBpuQHXE63gA==", + "bin": { + "jsesc": "bin/jsesc" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/json-parse-even-better-errors": { + "version": "2.3.1", + "resolved": "https://registry.npmmirror.com/json-parse-even-better-errors/-/json-parse-even-better-errors-2.3.1.tgz", + "integrity": "sha512-xyFwyhro/JEof6Ghe2iz2NcXoj2sloNsWr/XsERDK/oiPCfaNhl5ONfp+jQdAZRQQ0IJWNzH9zIZF7li91kh2w==" + }, + "node_modules/json-schema": { + "version": "0.4.0", + "resolved": "https://registry.npmmirror.com/json-schema/-/json-schema-0.4.0.tgz", + "integrity": "sha512-es94M3nTIfsEPisRafak+HDLfHXnKBhV3vU5eqPcS3flIWqcxJWgXHXiey3YrpaNsanY5ei1VoYEbOzijuq9BA==" + }, + "node_modules/json-schema-traverse": { + "version": "0.4.1", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-0.4.1.tgz", + "integrity": "sha512-xbbCH5dCYU5T8LcEhhuh7HJ88HXuW3qsI3Y0zOZFKfZEHcpWiHU/Jxzk629Brsab/mMiHQti9wMP+845RPe3Vg==" + }, + "node_modules/json-stable-stringify-without-jsonify": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/json-stable-stringify-without-jsonify/-/json-stable-stringify-without-jsonify-1.0.1.tgz", + "integrity": "sha512-Bdboy+l7tA3OGW6FjyFHWkP5LuByj1Tk33Ljyq0axyzdk9//JSi2u3fP1QSmd1KNwq6VOKYGlAu87CisVir6Pw==" + }, + "node_modules/json5": { + "version": "2.2.3", + "resolved": "https://registry.npmmirror.com/json5/-/json5-2.2.3.tgz", + "integrity": "sha512-XmOWe7eyHYH14cLdVPoyg+GOH3rYX++KpzrylJwSW98t3Nk+U8XOl8FWKOgwtzdb8lXGf6zYwDUzeHMWfxasyg==", + "bin": { + "json5": "lib/cli.js" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/jsonfile": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/jsonfile/-/jsonfile-6.1.0.tgz", + "integrity": "sha512-5dgndWOriYSm5cnYaJNhalLNDKOqFwyDB/rr1E9ZsGciGvKPs8R2xYGCacuf3z6K1YKDz182fd+fY3cn3pMqXQ==", + "dependencies": { + "universalify": "^2.0.0" + }, + "optionalDependencies": { + "graceful-fs": "^4.1.6" + } + }, + "node_modules/jsonpointer": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/jsonpointer/-/jsonpointer-5.0.1.tgz", + "integrity": "sha512-p/nXbhSEcu3pZRdkW1OfJhpsVtW1gd4Wa1fnQc9YLiTfAjn0312eMKimbdIQzuZl9aa9xUGaRlP9T/CJE/ditQ==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/jsx-ast-utils": { + "version": "3.3.4", + "resolved": "https://registry.npmmirror.com/jsx-ast-utils/-/jsx-ast-utils-3.3.4.tgz", + "integrity": "sha512-fX2TVdCViod6HwKEtSWGHs57oFhVfCMwieb9PuRDgjDPh5XeqJiHFFFJCHxU5cnTc3Bu/GRL+kPiFmw8XWOfKw==", + "dependencies": { + "array-includes": "^3.1.6", + "array.prototype.flat": "^1.3.1", + "object.assign": "^4.1.4", + "object.values": "^1.1.6" + }, + "engines": { + "node": ">=4.0" + } + }, + "node_modules/kind-of": { + "version": "6.0.3", + "resolved": "https://registry.npmmirror.com/kind-of/-/kind-of-6.0.3.tgz", + "integrity": "sha512-dcS1ul+9tmeD95T+x28/ehLgd9mENa3LsvDTtzm3vyBEO7RPptvAD+t44WVXaUjTBRcrpFeFlC8WCruUR456hw==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/kleur": { + "version": "3.0.3", + "resolved": "https://registry.npmmirror.com/kleur/-/kleur-3.0.3.tgz", + "integrity": "sha512-eTIzlVOSUR+JxdDFepEYcBMtZ9Qqdef+rnzWdRZuMbOywu5tO2w2N7rqjoANZ5k9vywhL6Br1VRjUIgTQx4E8w==", + "engines": { + "node": ">=6" + } + }, + "node_modules/klona": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/klona/-/klona-2.0.6.tgz", + "integrity": "sha512-dhG34DXATL5hSxJbIexCft8FChFXtmskoZYnoPWjXQuebWYCNkVeV3KkGegCK9CP1oswI/vQibS2GY7Em/sJJA==", + "engines": { + "node": ">= 8" + } + }, + "node_modules/language-subtag-registry": { + "version": "0.3.22", + "resolved": "https://registry.npmmirror.com/language-subtag-registry/-/language-subtag-registry-0.3.22.tgz", + "integrity": "sha512-tN0MCzyWnoz/4nHS6uxdlFWoUZT7ABptwKPQ52Ea7URk6vll88bWBVhodtnlfEuCcKWNGoc+uGbw1cwa9IKh/w==" + }, + "node_modules/language-tags": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/language-tags/-/language-tags-1.0.5.tgz", + "integrity": "sha512-qJhlO9cGXi6hBGKoxEG/sKZDAHD5Hnu9Hs4WbOY3pCWXDhw0N8x1NenNzm2EnNLkLkk7J2SdxAkDSbb6ftT+UQ==", + "dependencies": { + "language-subtag-registry": "~0.3.2" + } + }, + "node_modules/launch-editor": { + "version": "2.6.0", + "resolved": "https://registry.npmmirror.com/launch-editor/-/launch-editor-2.6.0.tgz", + "integrity": "sha512-JpDCcQnyAAzZZaZ7vEiSqL690w7dAEyLao+KC96zBplnYbJS7TYNjvM3M7y3dGz+v7aIsJk3hllWuc0kWAjyRQ==", + "dependencies": { + "picocolors": "^1.0.0", + "shell-quote": "^1.7.3" + } + }, + "node_modules/leven": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/leven/-/leven-3.1.0.tgz", + "integrity": "sha512-qsda+H8jTaUaN/x5vzW2rzc+8Rw4TAQ/4KjB46IwK5VH+IlVeeeje/EoZRpiXvIqjFgK84QffqPztGI3VBLG1A==", + "engines": { + "node": ">=6" + } + }, + "node_modules/levn": { + "version": "0.4.1", + "resolved": "https://registry.npmmirror.com/levn/-/levn-0.4.1.tgz", + "integrity": "sha512-+bT2uH4E5LGE7h/n3evcS/sQlJXCpIp6ym8OWJ5eV6+67Dsql/LaaT7qJBAt2rzfoa/5QBGBhxDix1dMt2kQKQ==", + "dependencies": { + "prelude-ls": "^1.2.1", + "type-check": "~0.4.0" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/lilconfig": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/lilconfig/-/lilconfig-2.1.0.tgz", + "integrity": "sha512-utWOt/GHzuUxnLKxB6dk81RoOeoNeHgbrXiuGk4yyF5qlRz+iIVWu56E2fqGHFrXz0QNUhLB/8nKqvRH66JKGQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/lines-and-columns": { + "version": "1.2.4", + "resolved": "https://registry.npmmirror.com/lines-and-columns/-/lines-and-columns-1.2.4.tgz", + "integrity": "sha512-7ylylesZQ/PV29jhEDl3Ufjo6ZX7gCqJr5F7PKrqc93v7fzSymt1BpwEU8nAUXs8qzzvqhbjhK5QZg6Mt/HkBg==" + }, + "node_modules/loader-runner": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/loader-runner/-/loader-runner-4.3.0.tgz", + "integrity": "sha512-3R/1M+yS3j5ou80Me59j7F9IMs4PXs3VqRrm0TU3AbKPxlmpoY1TNscJV/oGJXo8qCatFGTfDbY6W6ipGOYXfg==", + "engines": { + "node": ">=6.11.5" + } + }, + "node_modules/loader-utils": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/loader-utils/-/loader-utils-2.0.4.tgz", + "integrity": "sha512-xXqpXoINfFhgua9xiqD8fPFHgkoq1mmmpE92WlDbm9rNRd/EbRb+Gqf908T2DMfuHjjJlksiK2RbHVOdD/MqSw==", + "dependencies": { + "big.js": "^5.2.2", + "emojis-list": "^3.0.0", + "json5": "^2.1.2" + }, + "engines": { + "node": ">=8.9.0" + } + }, + "node_modules/locate-path": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/locate-path/-/locate-path-6.0.0.tgz", + "integrity": "sha512-iPZK6eYjbxRu3uB4/WZ3EsEIMJFMqAoopl3R+zuq0UjcAm/MO6KCweDgPfP3elTztoKP3KtnVHxTn2NHBSDVUw==", + "dependencies": { + "p-locate": "^5.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/lodash": { + "version": "4.17.21", + "resolved": "https://registry.npmmirror.com/lodash/-/lodash-4.17.21.tgz", + "integrity": "sha512-v2kDEe57lecTulaDIuNTPy3Ry4gLGJ6Z1O3vE1krgXZNrsQ+LFTGHVxVjcXPs17LhbZVGedAJv8XZ1tvj5FvSg==" + }, + "node_modules/lodash.debounce": { + "version": "4.0.8", + "resolved": "https://registry.npmmirror.com/lodash.debounce/-/lodash.debounce-4.0.8.tgz", + "integrity": "sha512-FT1yDzDYEoYWhnSGnpE/4Kj1fLZkDFyqRb7fNt6FdYOSxlUWAtp42Eh6Wb0rGIv/m9Bgo7x4GhQbm5Ys4SG5ow==" + }, + "node_modules/lodash.memoize": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/lodash.memoize/-/lodash.memoize-4.1.2.tgz", + "integrity": "sha512-t7j+NzmgnQzTAYXcsHYLgimltOV1MXHtlOWf6GjL9Kj8GK5FInw5JotxvbOs+IvV1/Dzo04/fCGfLVs7aXb4Ag==" + }, + "node_modules/lodash.merge": { + "version": "4.6.2", + "resolved": "https://registry.npmmirror.com/lodash.merge/-/lodash.merge-4.6.2.tgz", + "integrity": "sha512-0KpjqXRVvrYyCsX1swR/XTK0va6VQkQM6MNo7PqW77ByjAhoARA8EfrP1N4+KlKj8YS0ZUCtRT/YUuhyYDujIQ==" + }, + "node_modules/lodash.sortby": { + "version": "4.7.0", + "resolved": "https://registry.npmmirror.com/lodash.sortby/-/lodash.sortby-4.7.0.tgz", + "integrity": "sha512-HDWXG8isMntAyRF5vZ7xKuEvOhT4AhlRt/3czTSjvGUxjYCBVRQY48ViDHyfYz9VIoBkW4TMGQNapx+l3RUwdA==" + }, + "node_modules/lodash.uniq": { + "version": "4.5.0", + "resolved": "https://registry.npmmirror.com/lodash.uniq/-/lodash.uniq-4.5.0.tgz", + "integrity": "sha512-xfBaXQd9ryd9dlSDvnvI0lvxfLJlYAZzXomUYzLKtUeOQvOP5piqAWuGtrhWeqaXK9hhoM/iyJc5AV+XfsX3HQ==" + }, + "node_modules/loose-envify": { + "version": "1.4.0", + "resolved": "https://registry.npmmirror.com/loose-envify/-/loose-envify-1.4.0.tgz", + "integrity": "sha512-lyuxPGr/Wfhrlem2CL/UcnUc1zcqKAImBDzukY7Y5F/yQiNdko6+fRLevlw1HgMySw7f611UIY408EtxRSoK3Q==", + "dependencies": { + "js-tokens": "^3.0.0 || ^4.0.0" + }, + "bin": { + "loose-envify": "cli.js" + } + }, + "node_modules/lower-case": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/lower-case/-/lower-case-2.0.2.tgz", + "integrity": "sha512-7fm3l3NAF9WfN6W3JOmf5drwpVqX78JtoGJ3A6W0a6ZnldM41w2fV5D490psKFTpMds8TJse/eHLFFsNHHjHgg==", + "dependencies": { + "tslib": "^2.0.3" + } + }, + "node_modules/lru-cache": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/lru-cache/-/lru-cache-5.1.1.tgz", + "integrity": "sha512-KpNARQA3Iwv+jTA0utUVVbrh+Jlrr1Fv0e56GGzAFOXN7dk/FviaDW8LHmK52DlcH4WP2n6gI8vN1aesBFgo9w==", + "dependencies": { + "yallist": "^3.0.2" + } + }, + "node_modules/lz-string": { + "version": "1.5.0", + "resolved": "https://registry.npmmirror.com/lz-string/-/lz-string-1.5.0.tgz", + "integrity": "sha512-h5bgJWpxJNswbU7qCrV0tIKQCaS3blPDrqKWx+QxzuzL1zGUzij9XCWLrSLsJPu5t+eWA/ycetzYAO5IOMcWAQ==", + "bin": { + "lz-string": "bin/bin.js" + } + }, + "node_modules/magic-string": { + "version": "0.25.9", + "resolved": "https://registry.npmmirror.com/magic-string/-/magic-string-0.25.9.tgz", + "integrity": "sha512-RmF0AsMzgt25qzqqLc1+MbHmhdx0ojF2Fvs4XnOqz2ZOBXzzkEwc/dJQZCYHAn7v1jbVOjAZfK8msRn4BxO4VQ==", + "dependencies": { + "sourcemap-codec": "^1.4.8" + } + }, + "node_modules/make-dir": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/make-dir/-/make-dir-3.1.0.tgz", + "integrity": "sha512-g3FeP20LNwhALb/6Cz6Dd4F2ngze0jz7tbzrD2wAV+o9FeNHe4rL+yK2md0J/fiSf1sa1ADhXqi5+oVwOM/eGw==", + "dependencies": { + "semver": "^6.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/make-dir/node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmmirror.com/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/makeerror": { + "version": "1.0.12", + "resolved": "https://registry.npmmirror.com/makeerror/-/makeerror-1.0.12.tgz", + "integrity": "sha512-JmqCvUhmt43madlpFzG4BQzG2Z3m6tvQDNKdClZnO3VbIudJYmxsT0FNJMeiB2+JTSlTQTSbU8QdesVmwJcmLg==", + "dependencies": { + "tmpl": "1.0.5" + } + }, + "node_modules/mdn-data": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/mdn-data/-/mdn-data-2.0.4.tgz", + "integrity": "sha512-iV3XNKw06j5Q7mi6h+9vbx23Tv7JkjEVgKHW4pimwyDGWm0OIQntJJ+u1C6mg6mK1EaTv42XQ7w76yuzH7M2cA==" + }, + "node_modules/media-typer": { + "version": "0.3.0", + "resolved": "https://registry.npmmirror.com/media-typer/-/media-typer-0.3.0.tgz", + "integrity": "sha512-dq+qelQ9akHpcOl/gUVRTxVIOkAJ1wR3QAvb4RsVjS8oVoFjDGTc679wJYmUmknUF5HwMLOgb5O+a3KxfWapPQ==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/memfs": { + "version": "3.5.3", + "resolved": "https://registry.npmmirror.com/memfs/-/memfs-3.5.3.tgz", + "integrity": "sha512-UERzLsxzllchadvbPs5aolHh65ISpKpM+ccLbOJ8/vvpBKmAWf+la7dXFy7Mr0ySHbdHrFv5kGFCUHHe6GFEmw==", + "dependencies": { + "fs-monkey": "^1.0.4" + }, + "engines": { + "node": ">= 4.0.0" + } + }, + "node_modules/merge-descriptors": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/merge-descriptors/-/merge-descriptors-1.0.1.tgz", + "integrity": "sha512-cCi6g3/Zr1iqQi6ySbseM1Xvooa98N0w31jzUYrXPX2xqObmFGHJ0tQ5u74H3mVh7wLouTseZyYIq39g8cNp1w==" + }, + "node_modules/merge-stream": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/merge-stream/-/merge-stream-2.0.0.tgz", + "integrity": "sha512-abv/qOcuPfk3URPfDzmZU1LKmuw8kT+0nIHvKrKgFrwifol/doWcdA4ZqsWQ8ENrFKkd67Mfpo/LovbIUsbt3w==" + }, + "node_modules/merge2": { + "version": "1.4.1", + "resolved": "https://registry.npmmirror.com/merge2/-/merge2-1.4.1.tgz", + "integrity": "sha512-8q7VEgMJW4J8tcfVPy8g09NcQwZdbwFEqhe/WZkoIzjn/3TGDwtOCYtXGxA3O8tPzpczCCDgv+P2P5y00ZJOOg==", + "engines": { + "node": ">= 8" + } + }, + "node_modules/methods": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/methods/-/methods-1.1.2.tgz", + "integrity": "sha512-iclAHeNqNm68zFtnZ0e+1L2yUIdvzNoauKU4WBA3VvH/vPFieF7qfRlwUZU+DA9P9bPXIS90ulxoUoCH23sV2w==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/micromatch": { + "version": "4.0.5", + "resolved": "https://registry.npmmirror.com/micromatch/-/micromatch-4.0.5.tgz", + "integrity": "sha512-DMy+ERcEW2q8Z2Po+WNXuw3c5YaUSFjAO5GsJqfEl7UjvtIuFKO6ZrKvcItdy98dwFI2N1tg3zNIdKaQT+aNdA==", + "dependencies": { + "braces": "^3.0.2", + "picomatch": "^2.3.1" + }, + "engines": { + "node": ">=8.6" + } + }, + "node_modules/mime": { + "version": "1.6.0", + "resolved": "https://registry.npmmirror.com/mime/-/mime-1.6.0.tgz", + "integrity": "sha512-x0Vn8spI+wuJ1O6S7gnbaQg8Pxh4NNHb7KSINmEWKiPE4RKOplvijn+NkmYmmRgP68mc70j2EbeTFRsrswaQeg==", + "bin": { + "mime": "cli.js" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/mime-db": { + "version": "1.52.0", + "resolved": "https://registry.npmmirror.com/mime-db/-/mime-db-1.52.0.tgz", + "integrity": "sha512-sPU4uV7dYlvtWJxwwxHD0PuihVNiE7TyAbQ5SWxDCB9mUYvOgroQOwYQQOKPJ8CIbE+1ETVlOoK1UC2nU3gYvg==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/mime-types": { + "version": "2.1.35", + "resolved": "https://registry.npmmirror.com/mime-types/-/mime-types-2.1.35.tgz", + "integrity": "sha512-ZDY+bPm5zTTF+YpCrAU9nK0UgICYPT0QtT1NZWFv4s++TNkcgVaT0g6+4R2uI4MjQjzysHB1zxuWL50hzaeXiw==", + "dependencies": { + "mime-db": "1.52.0" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/mimic-fn": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/mimic-fn/-/mimic-fn-2.1.0.tgz", + "integrity": "sha512-OqbOk5oEQeAZ8WXWydlu9HJjz9WVdEIvamMCcXmuqUYjTknH/sqsWvhQ3vgwKFRR1HpjvNBKQ37nbJgYzGqGcg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/min-indent": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/min-indent/-/min-indent-1.0.1.tgz", + "integrity": "sha512-I9jwMn07Sy/IwOj3zVkVik2JTvgpaykDZEigL6Rx6N9LbMywwUSMtxET+7lVoDLLd3O3IXwJwvuuns8UB/HeAg==", + "engines": { + "node": ">=4" + } + }, + "node_modules/mini-css-extract-plugin": { + "version": "2.7.6", + "resolved": "https://registry.npmmirror.com/mini-css-extract-plugin/-/mini-css-extract-plugin-2.7.6.tgz", + "integrity": "sha512-Qk7HcgaPkGG6eD77mLvZS1nmxlao3j+9PkrT9Uc7HAE1id3F41+DdBRYRYkbyfNRGzm8/YWtzhw7nVPmwhqTQw==", + "dependencies": { + "schema-utils": "^4.0.0" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^5.0.0" + } + }, + "node_modules/mini-css-extract-plugin/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/mini-css-extract-plugin/node_modules/ajv-keywords": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-5.1.0.tgz", + "integrity": "sha512-YCS/JNFAUyr5vAuhk1DWm1CBxRHW9LbJ2ozWeemrIqpbsqKjHVxYPyi5GC0rjZIT5JxJ3virVTS8wk4i/Z+krw==", + "dependencies": { + "fast-deep-equal": "^3.1.3" + }, + "peerDependencies": { + "ajv": "^8.8.2" + } + }, + "node_modules/mini-css-extract-plugin/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/mini-css-extract-plugin/node_modules/schema-utils": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-4.2.0.tgz", + "integrity": "sha512-L0jRsrPpjdckP3oPug3/VxNKt2trR8TcabrM6FOAAlvC/9Phcmm+cuAgTlxBqdBR1WJx7Naj9WHw+aOmheSVbw==", + "dependencies": { + "@types/json-schema": "^7.0.9", + "ajv": "^8.9.0", + "ajv-formats": "^2.1.1", + "ajv-keywords": "^5.1.0" + }, + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/minimalistic-assert": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/minimalistic-assert/-/minimalistic-assert-1.0.1.tgz", + "integrity": "sha512-UtJcAD4yEaGtjPezWuO9wC4nwUnVH/8/Im3yEHQP4b67cXlD/Qr9hdITCU1xDbSEXg2XKNaP8jsReV7vQd00/A==" + }, + "node_modules/minimatch": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/minimatch/-/minimatch-3.1.2.tgz", + "integrity": "sha512-J7p63hRiAjw1NDEww1W7i37+ByIrOWO5XQQAzZ3VOcL0PNybwpfmV/N05zFAzwQ9USyEcX6t3UO+K5aqBQOIHw==", + "dependencies": { + "brace-expansion": "^1.1.7" + }, + "engines": { + "node": "*" + } + }, + "node_modules/minimist": { + "version": "1.2.8", + "resolved": "https://registry.npmmirror.com/minimist/-/minimist-1.2.8.tgz", + "integrity": "sha512-2yyAR8qBkN3YuheJanUpWC5U3bb5osDywNB8RzDVlDwDHbocAJveqqj1u8+SVD7jkWT4yvsHCpWqqWqAxb0zCA==" + }, + "node_modules/mkdirp": { + "version": "0.5.6", + "resolved": "https://registry.npmmirror.com/mkdirp/-/mkdirp-0.5.6.tgz", + "integrity": "sha512-FP+p8RB8OWpF3YZBCrP5gtADmtXApB5AMLn+vdyA+PyxCjrCs00mjyUozssO33cwDeT3wNGdLxJ5M//YqtHAJw==", + "dependencies": { + "minimist": "^1.2.6" + }, + "bin": { + "mkdirp": "bin/cmd.js" + } + }, + "node_modules/ms": { + "version": "2.1.2", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.1.2.tgz", + "integrity": "sha512-sGkPx+VjMtmA6MX27oA4FBFELFCZZ4S4XqeGOXCv68tT+jb3vk/RyaKWP0PTKyWtmLSM0b+adUTEvbs1PEaH2w==" + }, + "node_modules/multicast-dns": { + "version": "7.2.5", + "resolved": "https://registry.npmmirror.com/multicast-dns/-/multicast-dns-7.2.5.tgz", + "integrity": "sha512-2eznPJP8z2BFLX50tf0LuODrpINqP1RVIm/CObbTcBRITQgmC/TjcREF1NeTBzIcR5XO/ukWo+YHOjBbFwIupg==", + "dependencies": { + "dns-packet": "^5.2.2", + "thunky": "^1.0.2" + }, + "bin": { + "multicast-dns": "cli.js" + } + }, + "node_modules/mz": { + "version": "2.7.0", + "resolved": "https://registry.npmmirror.com/mz/-/mz-2.7.0.tgz", + "integrity": "sha512-z81GNO7nnYMEhrGh9LeymoE4+Yr0Wn5McHIZMK5cfQCl+NDX08sCZgUc9/6MHni9IWuFLm1Z3HTCXu2z9fN62Q==", + "dependencies": { + "any-promise": "^1.0.0", + "object-assign": "^4.0.1", + "thenify-all": "^1.0.0" + } + }, + "node_modules/nanoid": { + "version": "3.3.6", + "resolved": "https://registry.npmmirror.com/nanoid/-/nanoid-3.3.6.tgz", + "integrity": "sha512-BGcqMMJuToF7i1rt+2PWSNVnWIkGCU78jBG3RxO/bZlnZPK2Cmi2QaffxGO/2RvWi9sL+FAiRiXMgsyxQ1DIDA==", + "bin": { + "nanoid": "bin/nanoid.cjs" + }, + "engines": { + "node": "^10 || ^12 || ^13.7 || ^14 || >=15.0.1" + } + }, + "node_modules/natural-compare": { + "version": "1.4.0", + "resolved": "https://registry.npmmirror.com/natural-compare/-/natural-compare-1.4.0.tgz", + "integrity": "sha512-OWND8ei3VtNC9h7V60qff3SVobHr996CTwgxubgyQYEpg290h9J0buyECNNJexkFm5sOajh5G116RYA1c8ZMSw==" + }, + "node_modules/natural-compare-lite": { + "version": "1.4.0", + "resolved": "https://registry.npmmirror.com/natural-compare-lite/-/natural-compare-lite-1.4.0.tgz", + "integrity": "sha512-Tj+HTDSJJKaZnfiuw+iaF9skdPpTo2GtEly5JHnWV/hfv2Qj/9RKsGISQtLh2ox3l5EAGw487hnBee0sIJ6v2g==" + }, + "node_modules/negotiator": { + "version": "0.6.3", + "resolved": "https://registry.npmmirror.com/negotiator/-/negotiator-0.6.3.tgz", + "integrity": "sha512-+EUsqGPLsM+j/zdChZjsnX51g4XrHFOIXwfnCVPGlQk/k5giakcKsuxCObBRu6DSm9opw/O6slWbJdghQM4bBg==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/neo-async": { + "version": "2.6.2", + "resolved": "https://registry.npmmirror.com/neo-async/-/neo-async-2.6.2.tgz", + "integrity": "sha512-Yd3UES5mWCSqR+qNT93S3UoYUkqAZ9lLg8a7g9rimsWmYGK8cVToA4/sF3RrshdyV3sAGMXVUmpMYOw+dLpOuw==" + }, + "node_modules/no-case": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/no-case/-/no-case-3.0.4.tgz", + "integrity": "sha512-fgAN3jGAh+RoxUGZHTSOLJIqUc2wmoBwGR4tbpNAKmmovFoWq0OdRkb0VkldReO2a2iBT/OEulG9XSUc10r3zg==", + "dependencies": { + "lower-case": "^2.0.2", + "tslib": "^2.0.3" + } + }, + "node_modules/node-forge": { + "version": "1.3.1", + "resolved": "https://registry.npmmirror.com/node-forge/-/node-forge-1.3.1.tgz", + "integrity": "sha512-dPEtOeMvF9VMcYV/1Wb8CPoVAXtp6MKMlcbAt4ddqmGqUJ6fQZFXkNZNkNlfevtNkGtaSoXf/vNNNSvgrdXwtA==", + "engines": { + "node": ">= 6.13.0" + } + }, + "node_modules/node-int64": { + "version": "0.4.0", + "resolved": "https://registry.npmmirror.com/node-int64/-/node-int64-0.4.0.tgz", + "integrity": "sha512-O5lz91xSOeoXP6DulyHfllpq+Eg00MWitZIbtPfoSEvqIHdl5gfcY6hYzDWnj0qD5tz52PI08u9qUvSVeUBeHw==" + }, + "node_modules/node-releases": { + "version": "2.0.13", + "resolved": "https://registry.npmmirror.com/node-releases/-/node-releases-2.0.13.tgz", + "integrity": "sha512-uYr7J37ae/ORWdZeQ1xxMJe3NtdmqMC/JZK+geofDrkLUApKRHPd18/TxtBOJ4A0/+uUIliorNrfYV6s1b02eQ==" + }, + "node_modules/normalize-path": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/normalize-path/-/normalize-path-3.0.0.tgz", + "integrity": "sha512-6eZs5Ls3WtCisHWp9S2GUy8dqkpGi4BVSz3GaqiE6ezub0512ESztXUwUB6C6IKbQkY2Pnb/mD4WYojCRwcwLA==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/normalize-range": { + "version": "0.1.2", + "resolved": "https://registry.npmmirror.com/normalize-range/-/normalize-range-0.1.2.tgz", + "integrity": "sha512-bdok/XvKII3nUpklnV6P2hxtMNrCboOjAcyBuQnWEhO665FwrSNRxU+AqpsyvO6LgGYPspN+lu5CLtw4jPRKNA==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/normalize-url": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/normalize-url/-/normalize-url-6.1.0.tgz", + "integrity": "sha512-DlL+XwOy3NxAQ8xuC0okPgK46iuVNAK01YN7RueYBqqFeGsBjV9XmCAzAdgt+667bCl5kPh9EqKKDwnaPG1I7A==", + "engines": { + "node": ">=10" + } + }, + "node_modules/npm-run-path": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/npm-run-path/-/npm-run-path-4.0.1.tgz", + "integrity": "sha512-S48WzZW777zhNIrn7gxOlISNAqi9ZC/uQFnRdbeIHhZhCA6UqpkOT8T1G7BvfdgP4Er8gF4sUbaS0i7QvIfCWw==", + "dependencies": { + "path-key": "^3.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/nth-check": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/nth-check/-/nth-check-2.1.1.tgz", + "integrity": "sha512-lqjrjmaOoAnWfMmBPL+XNnynZh2+swxiX3WUE0s4yEHI6m+AwrK2UZOimIRl3X/4QctVqS8AiZjFqyOGrMXb/w==", + "dependencies": { + "boolbase": "^1.0.0" + } + }, + "node_modules/nwsapi": { + "version": "2.2.7", + "resolved": "https://registry.npmmirror.com/nwsapi/-/nwsapi-2.2.7.tgz", + "integrity": "sha512-ub5E4+FBPKwAZx0UwIQOjYWGHTEq5sPqHQNRN8Z9e4A7u3Tj1weLJsL59yH9vmvqEtBHaOmT6cYQKIZOxp35FQ==" + }, + "node_modules/object-assign": { + "version": "4.1.1", + "resolved": "https://registry.npmmirror.com/object-assign/-/object-assign-4.1.1.tgz", + "integrity": "sha512-rJgTQnkUnH1sFw8yT6VSU3zD3sWmu6sZhIseY8VX+GRu3P6F7Fu+JNDoXfklElbLJSnc3FUQHVe4cU5hj+BcUg==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/object-hash": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/object-hash/-/object-hash-3.0.0.tgz", + "integrity": "sha512-RSn9F68PjH9HqtltsSnqYC1XXoWe9Bju5+213R98cNGttag9q9yAOTzdbsqvIa7aNm5WffBZFpWYr2aWrklWAw==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/object-inspect": { + "version": "1.12.3", + "resolved": "https://registry.npmmirror.com/object-inspect/-/object-inspect-1.12.3.tgz", + "integrity": "sha512-geUvdk7c+eizMNUDkRpW1wJwgfOiOeHbxBR/hLXK1aT6zmVSO0jsQcs7fj6MGw89jC/cjGfLcNOrtMYtGqm81g==" + }, + "node_modules/object-is": { + "version": "1.1.5", + "resolved": "https://registry.npmmirror.com/object-is/-/object-is-1.1.5.tgz", + "integrity": "sha512-3cyDsyHgtmi7I7DfSSI2LDp6SK2lwvtbg0p0R1e0RvTqF5ceGx+K2dfSjm1bKDMVCFEDAQvy+o8c6a7VujOddw==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.3" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/object-keys": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/object-keys/-/object-keys-1.1.1.tgz", + "integrity": "sha512-NuAESUOUMrlIXOfHKzD6bpPu3tYt3xvjNdRIQ+FeT0lNb4K8WR70CaDxhuNguS2XG+GjkyMwOzsN5ZktImfhLA==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/object.assign": { + "version": "4.1.4", + "resolved": "https://registry.npmmirror.com/object.assign/-/object.assign-4.1.4.tgz", + "integrity": "sha512-1mxKf0e58bvyjSCtKYY4sRe9itRk3PJpquJOjeIkz885CczcI4IvJJDLPS72oowuSh+pBxUFROpX+TU++hxhZQ==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "has-symbols": "^1.0.3", + "object-keys": "^1.1.1" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/object.entries": { + "version": "1.1.6", + "resolved": "https://registry.npmmirror.com/object.entries/-/object.entries-1.1.6.tgz", + "integrity": "sha512-leTPzo4Zvg3pmbQ3rDK69Rl8GQvIqMWubrkxONG9/ojtFE2rD9fjMKfSI5BxW3osRH1m6VdzmqK8oAY9aT4x5w==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/object.fromentries": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/object.fromentries/-/object.fromentries-2.0.6.tgz", + "integrity": "sha512-VciD13dswC4j1Xt5394WR4MzmAQmlgN72phd/riNp9vtD7tp4QQWJ0R4wvclXcafgcYK8veHRed2W6XeGBvcfg==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/object.getownpropertydescriptors": { + "version": "2.1.6", + "resolved": "https://registry.npmmirror.com/object.getownpropertydescriptors/-/object.getownpropertydescriptors-2.1.6.tgz", + "integrity": "sha512-lq+61g26E/BgHv0ZTFgRvi7NMEPuAxLkFU7rukXjc/AlwH4Am5xXVnIXy3un1bg/JPbXHrixRkK1itUzzPiIjQ==", + "dependencies": { + "array.prototype.reduce": "^1.0.5", + "call-bind": "^1.0.2", + "define-properties": "^1.2.0", + "es-abstract": "^1.21.2", + "safe-array-concat": "^1.0.0" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/object.hasown": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/object.hasown/-/object.hasown-1.1.2.tgz", + "integrity": "sha512-B5UIT3J1W+WuWIU55h0mjlwaqxiE5vYENJXIXZ4VFe05pNYrkKuK0U/6aFcb0pKywYJh7IhfoqUfKVmrJJHZHw==", + "dependencies": { + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + } + }, + "node_modules/object.values": { + "version": "1.1.6", + "resolved": "https://registry.npmmirror.com/object.values/-/object.values-1.1.6.tgz", + "integrity": "sha512-FVVTkD1vENCsAcwNs9k6jea2uHC/X0+JcjG8YA60FN5CMaJmG95wT9jek/xX9nornqGRrBkKtzuAu2wuHpKqvw==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/obuf": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/obuf/-/obuf-1.1.2.tgz", + "integrity": "sha512-PX1wu0AmAdPqOL1mWhqmlOd8kOIZQwGZw6rh7uby9fTc5lhaOWFLX3I6R1hrF9k3zUY40e6igsLGkDXK92LJNg==" + }, + "node_modules/on-finished": { + "version": "2.4.1", + "resolved": "https://registry.npmmirror.com/on-finished/-/on-finished-2.4.1.tgz", + "integrity": "sha512-oVlzkg3ENAhCk2zdv7IJwd/QUD4z2RxRwpkcGY8psCVcCYZNq4wYnVWALHM+brtuJjePWiYF/ClmuDr8Ch5+kg==", + "dependencies": { + "ee-first": "1.1.1" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/on-headers": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/on-headers/-/on-headers-1.0.2.tgz", + "integrity": "sha512-pZAE+FJLoyITytdqK0U5s+FIpjN0JP3OzFi/u8Rx+EV5/W+JTWGXG8xFzevE7AjBfDqHv/8vL8qQsIhHnqRkrA==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/once": { + "version": "1.4.0", + "resolved": "https://registry.npmmirror.com/once/-/once-1.4.0.tgz", + "integrity": "sha512-lNaJgI+2Q5URQBkccEKHTQOPaXdUxnZZElQTZY0MFUAuaEqe1E+Nyvgdz/aIyNi6Z9MzO5dv1H8n58/GELp3+w==", + "dependencies": { + "wrappy": "1" + } + }, + "node_modules/onetime": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/onetime/-/onetime-5.1.2.tgz", + "integrity": "sha512-kbpaSSGJTWdAY5KPVeMOKXSrPtr8C8C7wodJbcsd51jRnmD+GZu8Y0VoU6Dm5Z4vWr0Ig/1NKuWRKf7j5aaYSg==", + "dependencies": { + "mimic-fn": "^2.1.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/open": { + "version": "8.4.2", + "resolved": "https://registry.npmmirror.com/open/-/open-8.4.2.tgz", + "integrity": "sha512-7x81NCL719oNbsq/3mh+hVrAWmFuEYUqrq/Iw3kUzH8ReypT9QQ0BLoJS7/G9k6N81XjW4qHWtjWwe/9eLy1EQ==", + "dependencies": { + "define-lazy-prop": "^2.0.0", + "is-docker": "^2.1.1", + "is-wsl": "^2.2.0" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/optionator": { + "version": "0.9.3", + "resolved": "https://registry.npmmirror.com/optionator/-/optionator-0.9.3.tgz", + "integrity": "sha512-JjCoypp+jKn1ttEFExxhetCKeJt9zhAgAve5FXHixTvFDW/5aEktX9bufBKLRRMdU7bNtpLfcGu94B3cdEJgjg==", + "dependencies": { + "@aashutoshrathi/word-wrap": "^1.2.3", + "deep-is": "^0.1.3", + "fast-levenshtein": "^2.0.6", + "levn": "^0.4.1", + "prelude-ls": "^1.2.1", + "type-check": "^0.4.0" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/p-limit": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/p-limit/-/p-limit-3.1.0.tgz", + "integrity": "sha512-TYOanM3wGwNGsZN2cVTYPArw454xnXj5qmWF1bEoAc4+cU/ol7GVh7odevjp1FNHduHc3KZMcFduxU5Xc6uJRQ==", + "dependencies": { + "yocto-queue": "^0.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/p-locate": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/p-locate/-/p-locate-5.0.0.tgz", + "integrity": "sha512-LaNjtRWUBY++zB5nE/NwcaoMylSPk+S+ZHNB1TzdbMJMny6dynpAGt7X/tl/QYq3TIeE6nxHppbo2LGymrG5Pw==", + "dependencies": { + "p-limit": "^3.0.2" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/p-retry": { + "version": "4.6.2", + "resolved": "https://registry.npmmirror.com/p-retry/-/p-retry-4.6.2.tgz", + "integrity": "sha512-312Id396EbJdvRONlngUx0NydfrIQ5lsYu0znKVUzVvArzEIt08V1qhtyESbGVd1FGX7UKtiFp5uwKZdM8wIuQ==", + "dependencies": { + "@types/retry": "0.12.0", + "retry": "^0.13.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/p-try": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/p-try/-/p-try-2.2.0.tgz", + "integrity": "sha512-R4nPAVTAU0B9D35/Gk3uJf/7XYbQcyohSKdvAxIRSNghFl4e71hVoGnBNQz9cWaXxO2I10KTC+3jMdvvoKw6dQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/param-case": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/param-case/-/param-case-3.0.4.tgz", + "integrity": "sha512-RXlj7zCYokReqWpOPH9oYivUzLYZ5vAPIfEmCTNViosC78F8F0H9y7T7gG2M39ymgutxF5gcFEsyZQSph9Bp3A==", + "dependencies": { + "dot-case": "^3.0.4", + "tslib": "^2.0.3" + } + }, + "node_modules/parent-module": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/parent-module/-/parent-module-1.0.1.tgz", + "integrity": "sha512-GQ2EWRpQV8/o+Aw8YqtfZZPfNRWZYkbidE9k5rpl/hC3vtHHBfGm2Ifi6qWV+coDGkrUKZAxE3Lot5kcsRlh+g==", + "dependencies": { + "callsites": "^3.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/parse-json": { + "version": "5.2.0", + "resolved": "https://registry.npmmirror.com/parse-json/-/parse-json-5.2.0.tgz", + "integrity": "sha512-ayCKvm/phCGxOkYRSCM82iDwct8/EonSEgCSxWxD7ve6jHggsFl4fZVQBPRNgQoKiuV/odhFrGzQXZwbifC8Rg==", + "dependencies": { + "@babel/code-frame": "^7.0.0", + "error-ex": "^1.3.1", + "json-parse-even-better-errors": "^2.3.0", + "lines-and-columns": "^1.1.6" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/parse5": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/parse5/-/parse5-6.0.1.tgz", + "integrity": "sha512-Ofn/CTFzRGTTxwpNEs9PP93gXShHcTq255nzRYSKe8AkVpZY7e1fpmTfOyoIvjP5HG7Z2ZM7VS9PPhQGW2pOpw==" + }, + "node_modules/parseurl": { + "version": "1.3.3", + "resolved": "https://registry.npmmirror.com/parseurl/-/parseurl-1.3.3.tgz", + "integrity": "sha512-CiyeOxFT/JZyN5m0z9PfXw4SCBJ6Sygz1Dpl0wqjlhDEGGBP1GnsUVEL0p63hoG1fcj3fHynXi9NYO4nWOL+qQ==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/pascal-case": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/pascal-case/-/pascal-case-3.1.2.tgz", + "integrity": "sha512-uWlGT3YSnK9x3BQJaOdcZwrnV6hPpd8jFH1/ucpiLRPh/2zCVJKS19E4GvYHvaCcACn3foXZ0cLB9Wrx1KGe5g==", + "dependencies": { + "no-case": "^3.0.4", + "tslib": "^2.0.3" + } + }, + "node_modules/path-exists": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/path-exists/-/path-exists-4.0.0.tgz", + "integrity": "sha512-ak9Qy5Q7jYb2Wwcey5Fpvg2KoAc/ZIhLSLOSBmRmygPsGwkVVt0fZa0qrtMz+m6tJTAHfZQ8FnmB4MG4LWy7/w==", + "engines": { + "node": ">=8" + } + }, + "node_modules/path-is-absolute": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/path-is-absolute/-/path-is-absolute-1.0.1.tgz", + "integrity": "sha512-AVbw3UJ2e9bq64vSaS9Am0fje1Pa8pbGqTTsmXfaIiMpnr5DlDhfJOuLj9Sf95ZPVDAUerDfEk88MPmPe7UCQg==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/path-key": { + "version": "3.1.1", + "resolved": "https://registry.npmmirror.com/path-key/-/path-key-3.1.1.tgz", + "integrity": "sha512-ojmeN0qd+y0jszEtoY48r0Peq5dwMEkIlCOu6Q5f41lfkswXuKtYrhgoTpLnyIcHm24Uhqx+5Tqm2InSwLhE6Q==", + "engines": { + "node": ">=8" + } + }, + "node_modules/path-parse": { + "version": "1.0.7", + "resolved": "https://registry.npmmirror.com/path-parse/-/path-parse-1.0.7.tgz", + "integrity": "sha512-LDJzPVEEEPR+y48z93A0Ed0yXb8pAByGWo/k5YYdYgpY2/2EsOsksJrq7lOHxryrVOn1ejG6oAp8ahvOIQD8sw==" + }, + "node_modules/path-to-regexp": { + "version": "0.1.7", + "resolved": "https://registry.npmmirror.com/path-to-regexp/-/path-to-regexp-0.1.7.tgz", + "integrity": "sha512-5DFkuoqlv1uYQKxy8omFBeJPQcdoE07Kv2sferDCrAq1ohOU+MSDswDIbnx3YAM60qIOnYa53wBhXW0EbMonrQ==" + }, + "node_modules/path-type": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/path-type/-/path-type-4.0.0.tgz", + "integrity": "sha512-gDKb8aZMDeD/tZWs9P6+q0J9Mwkdl6xMV8TjnGP3qJVJ06bdMgkbBlLU8IdfOsIsFz2BW1rNVT3XuNEl8zPAvw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/performance-now": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/performance-now/-/performance-now-2.1.0.tgz", + "integrity": "sha512-7EAHlyLHI56VEIdK57uwHdHKIaAGbnXPiw0yWbarQZOKaKpvUIgW0jWRVLiatnM+XXlSwsanIBH/hzGMJulMow==" + }, + "node_modules/picocolors": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/picocolors/-/picocolors-1.0.0.tgz", + "integrity": "sha512-1fygroTLlHu66zi26VoTDv8yRgm0Fccecssto+MhsZ0D/DGW2sm8E8AjW7NU5VVTRt5GxbeZ5qBuJr+HyLYkjQ==" + }, + "node_modules/picomatch": { + "version": "2.3.1", + "resolved": "https://registry.npmmirror.com/picomatch/-/picomatch-2.3.1.tgz", + "integrity": "sha512-JU3teHTNjmE2VCGFzuY8EXzCDVwEqB2a8fsIvwaStHhAWJEeVd1o1QD80CU6+ZdEXXSLbSsuLwJjkCBWqRQUVA==", + "engines": { + "node": ">=8.6" + } + }, + "node_modules/pify": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/pify/-/pify-2.3.0.tgz", + "integrity": "sha512-udgsAY+fTnvv7kI7aaxbqwWNb0AHiB0qBO89PZKPkoTmGOgdbrHDKD+0B2X4uTfJ/FT1R09r9gTsjUjNJotuog==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/pirates": { + "version": "4.0.6", + "resolved": "https://registry.npmmirror.com/pirates/-/pirates-4.0.6.tgz", + "integrity": "sha512-saLsH7WeYYPiD25LDuLRRY/i+6HaPYr6G1OUlN39otzkSTxKnubR9RTxS3/Kk50s1g2JTgFwWQDQyplC5/SHZg==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/pkg-dir": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/pkg-dir/-/pkg-dir-4.2.0.tgz", + "integrity": "sha512-HRDzbaKjC+AOWVXxAU/x54COGeIv9eb+6CkDSQoNTt4XyWoIJvuPsXizxu/Fr23EiekbtZwmh1IcIG/l/a10GQ==", + "dependencies": { + "find-up": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/pkg-dir/node_modules/find-up": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/find-up/-/find-up-4.1.0.tgz", + "integrity": "sha512-PpOwAdQ/YlXQ2vj8a3h8IipDuYRi3wceVQQGYWxNINccq40Anw7BlsEXCMbt1Zt+OLA6Fq9suIpIWD0OsnISlw==", + "dependencies": { + "locate-path": "^5.0.0", + "path-exists": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/pkg-dir/node_modules/locate-path": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/locate-path/-/locate-path-5.0.0.tgz", + "integrity": "sha512-t7hw9pI+WvuwNJXwk5zVHpyhIqzg2qTlklJOf0mVxGSbe3Fp2VieZcduNYjaLDoy6p9uGpQEGWG87WpMKlNq8g==", + "dependencies": { + "p-locate": "^4.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/pkg-dir/node_modules/p-limit": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/p-limit/-/p-limit-2.3.0.tgz", + "integrity": "sha512-//88mFWSJx8lxCzwdAABTJL2MyWB12+eIY7MDL2SqLmAkeKU9qxRvWuSyTjm3FUmpBEMuFfckAIqEaVGUDxb6w==", + "dependencies": { + "p-try": "^2.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/pkg-dir/node_modules/p-locate": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/p-locate/-/p-locate-4.1.0.tgz", + "integrity": "sha512-R79ZZ/0wAxKGu3oYMlz8jy/kbhsNrS7SKZ7PxEHBgJ5+F2mtFW2fK2cOtBh1cHYkQsbzFV7I+EoRKe6Yt0oK7A==", + "dependencies": { + "p-limit": "^2.2.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/pkg-up": { + "version": "3.1.0", + "resolved": "https://registry.npmmirror.com/pkg-up/-/pkg-up-3.1.0.tgz", + "integrity": "sha512-nDywThFk1i4BQK4twPQ6TA4RT8bDY96yeuCVBWL3ePARCiEKDRSrNGbFIgUJpLp+XeIR65v8ra7WuJOFUBtkMA==", + "dependencies": { + "find-up": "^3.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/pkg-up/node_modules/find-up": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/find-up/-/find-up-3.0.0.tgz", + "integrity": "sha512-1yD6RmLI1XBfxugvORwlck6f75tYL+iR0jqwsOrOxMZyGYqUuDhJ0l4AXdO1iX/FTs9cBAMEk1gWSEx1kSbylg==", + "dependencies": { + "locate-path": "^3.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/pkg-up/node_modules/locate-path": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/locate-path/-/locate-path-3.0.0.tgz", + "integrity": "sha512-7AO748wWnIhNqAuaty2ZWHkQHRSNfPVIsPIfwEOWO22AmaoVrWavlOcMR5nzTLNYvp36X220/maaRsrec1G65A==", + "dependencies": { + "p-locate": "^3.0.0", + "path-exists": "^3.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/pkg-up/node_modules/p-limit": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/p-limit/-/p-limit-2.3.0.tgz", + "integrity": "sha512-//88mFWSJx8lxCzwdAABTJL2MyWB12+eIY7MDL2SqLmAkeKU9qxRvWuSyTjm3FUmpBEMuFfckAIqEaVGUDxb6w==", + "dependencies": { + "p-try": "^2.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/pkg-up/node_modules/p-locate": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/p-locate/-/p-locate-3.0.0.tgz", + "integrity": "sha512-x+12w/To+4GFfgJhBEpiDcLozRJGegY+Ei7/z0tSLkMmxGZNybVMSfWj9aJn8Z5Fc7dBUNJOOVgPv2H7IwulSQ==", + "dependencies": { + "p-limit": "^2.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/pkg-up/node_modules/path-exists": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/path-exists/-/path-exists-3.0.0.tgz", + "integrity": "sha512-bpC7GYwiDYQ4wYLe+FA8lhRjhQCMcQGuSgGGqDkg/QerRWw9CmGRT0iSOVRSZJ29NMLZgIzqaljJ63oaL4NIJQ==", + "engines": { + "node": ">=4" + } + }, + "node_modules/postcss": { + "version": "8.4.26", + "resolved": "https://registry.npmmirror.com/postcss/-/postcss-8.4.26.tgz", + "integrity": "sha512-jrXHFF8iTloAenySjM/ob3gSj7pCu0Ji49hnjqzsgSRa50hkWCKD0HQ+gMNJkW38jBI68MpAAg7ZWwHwX8NMMw==", + "dependencies": { + "nanoid": "^3.3.6", + "picocolors": "^1.0.0", + "source-map-js": "^1.0.2" + }, + "engines": { + "node": "^10 || ^12 || >=14" + } + }, + "node_modules/postcss-attribute-case-insensitive": { + "version": "5.0.2", + "resolved": "https://registry.npmmirror.com/postcss-attribute-case-insensitive/-/postcss-attribute-case-insensitive-5.0.2.tgz", + "integrity": "sha512-XIidXV8fDr0kKt28vqki84fRK8VW8eTuIa4PChv2MqKuT6C9UjmSKzen6KaWhWEoYvwxFCa7n/tC1SZ3tyq4SQ==", + "dependencies": { + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-browser-comments": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/postcss-browser-comments/-/postcss-browser-comments-4.0.0.tgz", + "integrity": "sha512-X9X9/WN3KIvY9+hNERUqX9gncsgBA25XaeR+jshHz2j8+sYyHktHw1JdKuMjeLpGktXidqDhA7b/qm1mrBDmgg==", + "engines": { + "node": ">=8" + }, + "peerDependencies": { + "browserslist": ">=4", + "postcss": ">=8" + } + }, + "node_modules/postcss-calc": { + "version": "8.2.4", + "resolved": "https://registry.npmmirror.com/postcss-calc/-/postcss-calc-8.2.4.tgz", + "integrity": "sha512-SmWMSJmB8MRnnULldx0lQIyhSNvuDl9HfrZkaqqE/WHAhToYsAvDq+yAsA/kIyINDszOp3Rh0GFoNuH5Ypsm3Q==", + "dependencies": { + "postcss-selector-parser": "^6.0.9", + "postcss-value-parser": "^4.2.0" + }, + "peerDependencies": { + "postcss": "^8.2.2" + } + }, + "node_modules/postcss-clamp": { + "version": "4.1.0", + "resolved": "https://registry.npmmirror.com/postcss-clamp/-/postcss-clamp-4.1.0.tgz", + "integrity": "sha512-ry4b1Llo/9zz+PKC+030KUnPITTJAHeOwjfAyyB60eT0AorGLdzp52s31OsPRHRf8NchkgFoG2y6fCfn1IV1Ow==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": ">=7.6.0" + }, + "peerDependencies": { + "postcss": "^8.4.6" + } + }, + "node_modules/postcss-color-functional-notation": { + "version": "4.2.4", + "resolved": "https://registry.npmmirror.com/postcss-color-functional-notation/-/postcss-color-functional-notation-4.2.4.tgz", + "integrity": "sha512-2yrTAUZUab9s6CpxkxC4rVgFEVaR6/2Pipvi6qcgvnYiVqZcbDHEoBDhrXzyb7Efh2CCfHQNtcqWcIruDTIUeg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-color-hex-alpha": { + "version": "8.0.4", + "resolved": "https://registry.npmmirror.com/postcss-color-hex-alpha/-/postcss-color-hex-alpha-8.0.4.tgz", + "integrity": "sha512-nLo2DCRC9eE4w2JmuKgVA3fGL3d01kGq752pVALF68qpGLmx2Qrk91QTKkdUqqp45T1K1XV8IhQpcu1hoAQflQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/postcss-color-rebeccapurple": { + "version": "7.1.1", + "resolved": "https://registry.npmmirror.com/postcss-color-rebeccapurple/-/postcss-color-rebeccapurple-7.1.1.tgz", + "integrity": "sha512-pGxkuVEInwLHgkNxUc4sdg4g3py7zUeCQ9sMfwyHAT+Ezk8a4OaaVZ8lIY5+oNqA/BXXgLyXv0+5wHP68R79hg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-colormin": { + "version": "5.3.1", + "resolved": "https://registry.npmmirror.com/postcss-colormin/-/postcss-colormin-5.3.1.tgz", + "integrity": "sha512-UsWQG0AqTFQmpBegeLLc1+c3jIqBNB0zlDGRWR+dQ3pRKJL1oeMzyqmH3o2PIfn9MBdNrVPWhDbT769LxCTLJQ==", + "dependencies": { + "browserslist": "^4.21.4", + "caniuse-api": "^3.0.0", + "colord": "^2.9.1", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-convert-values": { + "version": "5.1.3", + "resolved": "https://registry.npmmirror.com/postcss-convert-values/-/postcss-convert-values-5.1.3.tgz", + "integrity": "sha512-82pC1xkJZtcJEfiLw6UXnXVXScgtBrjlO5CBmuDQc+dlb88ZYheFsjTn40+zBVi3DkfF7iezO0nJUPLcJK3pvA==", + "dependencies": { + "browserslist": "^4.21.4", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-custom-media": { + "version": "8.0.2", + "resolved": "https://registry.npmmirror.com/postcss-custom-media/-/postcss-custom-media-8.0.2.tgz", + "integrity": "sha512-7yi25vDAoHAkbhAzX9dHx2yc6ntS4jQvejrNcC+csQJAXjj15e7VcWfMgLqBNAbOvqi5uIa9huOVwdHbf+sKqg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.3" + } + }, + "node_modules/postcss-custom-properties": { + "version": "12.1.11", + "resolved": "https://registry.npmmirror.com/postcss-custom-properties/-/postcss-custom-properties-12.1.11.tgz", + "integrity": "sha512-0IDJYhgU8xDv1KY6+VgUwuQkVtmYzRwu+dMjnmdMafXYv86SWqfxkc7qdDvWS38vsjaEtv8e0vGOUQrAiMBLpQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-custom-selectors": { + "version": "6.0.3", + "resolved": "https://registry.npmmirror.com/postcss-custom-selectors/-/postcss-custom-selectors-6.0.3.tgz", + "integrity": "sha512-fgVkmyiWDwmD3JbpCmB45SvvlCD6z9CG6Ie6Iere22W5aHea6oWa7EM2bpnv2Fj3I94L3VbtvX9KqwSi5aFzSg==", + "dependencies": { + "postcss-selector-parser": "^6.0.4" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.3" + } + }, + "node_modules/postcss-dir-pseudo-class": { + "version": "6.0.5", + "resolved": "https://registry.npmmirror.com/postcss-dir-pseudo-class/-/postcss-dir-pseudo-class-6.0.5.tgz", + "integrity": "sha512-eqn4m70P031PF7ZQIvSgy9RSJ5uI2171O/OO/zcRNYpJbvaeKFUlar1aJ7rmgiQtbm0FSPsRewjpdS0Oew7MPA==", + "dependencies": { + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-discard-comments": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/postcss-discard-comments/-/postcss-discard-comments-5.1.2.tgz", + "integrity": "sha512-+L8208OVbHVF2UQf1iDmRcbdjJkuBF6IS29yBDSiWUIzpYaAhtNl6JYnYm12FnkeCwQqF5LeklOu6rAqgfBZqQ==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-discard-duplicates": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-discard-duplicates/-/postcss-discard-duplicates-5.1.0.tgz", + "integrity": "sha512-zmX3IoSI2aoenxHV6C7plngHWWhUOV3sP1T8y2ifzxzbtnuhk1EdPwm0S1bIUNaJ2eNbWeGLEwzw8huPD67aQw==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-discard-empty": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-discard-empty/-/postcss-discard-empty-5.1.1.tgz", + "integrity": "sha512-zPz4WljiSuLWsI0ir4Mcnr4qQQ5e1Ukc3i7UfE2XcrwKK2LIPIqE5jxMRxO6GbI3cv//ztXDsXwEWT3BHOGh3A==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-discard-overridden": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-discard-overridden/-/postcss-discard-overridden-5.1.0.tgz", + "integrity": "sha512-21nOL7RqWR1kasIVdKs8HNqQJhFxLsyRfAnUDm4Fe4t4mCWL9OJiHvlHPjcd8zc5Myu89b/7wZDnOSjFgeWRtw==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-double-position-gradients": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/postcss-double-position-gradients/-/postcss-double-position-gradients-3.1.2.tgz", + "integrity": "sha512-GX+FuE/uBR6eskOK+4vkXgT6pDkexLokPaz/AbJna9s5Kzp/yl488pKPjhy0obB475ovfT1Wv8ho7U/cHNaRgQ==", + "dependencies": { + "@csstools/postcss-progressive-custom-properties": "^1.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-env-function": { + "version": "4.0.6", + "resolved": "https://registry.npmmirror.com/postcss-env-function/-/postcss-env-function-4.0.6.tgz", + "integrity": "sha512-kpA6FsLra+NqcFnL81TnsU+Z7orGtDTxcOhl6pwXeEq1yFPpRMkCDpHhrz8CFQDr/Wfm0jLiNQ1OsGGPjlqPwA==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/postcss-flexbugs-fixes": { + "version": "5.0.2", + "resolved": "https://registry.npmmirror.com/postcss-flexbugs-fixes/-/postcss-flexbugs-fixes-5.0.2.tgz", + "integrity": "sha512-18f9voByak7bTktR2QgDveglpn9DTbBWPUzSOe9g0N4WR/2eSt6Vrcbf0hmspvMI6YWGywz6B9f7jzpFNJJgnQ==", + "peerDependencies": { + "postcss": "^8.1.4" + } + }, + "node_modules/postcss-focus-visible": { + "version": "6.0.4", + "resolved": "https://registry.npmmirror.com/postcss-focus-visible/-/postcss-focus-visible-6.0.4.tgz", + "integrity": "sha512-QcKuUU/dgNsstIK6HELFRT5Y3lbrMLEOwG+A4s5cA+fx3A3y/JTq3X9LaOj3OC3ALH0XqyrgQIgey/MIZ8Wczw==", + "dependencies": { + "postcss-selector-parser": "^6.0.9" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/postcss-focus-within": { + "version": "5.0.4", + "resolved": "https://registry.npmmirror.com/postcss-focus-within/-/postcss-focus-within-5.0.4.tgz", + "integrity": "sha512-vvjDN++C0mu8jz4af5d52CB184ogg/sSxAFS+oUJQq2SuCe7T5U2iIsVJtsCp2d6R4j0jr5+q3rPkBVZkXD9fQ==", + "dependencies": { + "postcss-selector-parser": "^6.0.9" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/postcss-font-variant": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/postcss-font-variant/-/postcss-font-variant-5.0.0.tgz", + "integrity": "sha512-1fmkBaCALD72CK2a9i468mA/+tr9/1cBxRRMXOUaZqO43oWPR5imcyPjXwuv7PXbCid4ndlP5zWhidQVVa3hmA==", + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-gap-properties": { + "version": "3.0.5", + "resolved": "https://registry.npmmirror.com/postcss-gap-properties/-/postcss-gap-properties-3.0.5.tgz", + "integrity": "sha512-IuE6gKSdoUNcvkGIqdtjtcMtZIFyXZhmFd5RUlg97iVEvp1BZKV5ngsAjCjrVy+14uhGBQl9tzmi1Qwq4kqVOg==", + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-image-set-function": { + "version": "4.0.7", + "resolved": "https://registry.npmmirror.com/postcss-image-set-function/-/postcss-image-set-function-4.0.7.tgz", + "integrity": "sha512-9T2r9rsvYzm5ndsBE8WgtrMlIT7VbtTfE7b3BQnudUqnBcBo7L758oc+o+pdj/dUV0l5wjwSdjeOH2DZtfv8qw==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-import": { + "version": "15.1.0", + "resolved": "https://registry.npmmirror.com/postcss-import/-/postcss-import-15.1.0.tgz", + "integrity": "sha512-hpr+J05B2FVYUAXHeK1YyI267J/dDDhMU6B6civm8hSY1jYJnBXxzKDKDswzJmtLHryrjhnDjqqp/49t8FALew==", + "dependencies": { + "postcss-value-parser": "^4.0.0", + "read-cache": "^1.0.0", + "resolve": "^1.1.7" + }, + "engines": { + "node": ">=14.0.0" + }, + "peerDependencies": { + "postcss": "^8.0.0" + } + }, + "node_modules/postcss-initial": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/postcss-initial/-/postcss-initial-4.0.1.tgz", + "integrity": "sha512-0ueD7rPqX8Pn1xJIjay0AZeIuDoF+V+VvMt/uOnn+4ezUKhZM/NokDeP6DwMNyIoYByuN/94IQnt5FEkaN59xQ==", + "peerDependencies": { + "postcss": "^8.0.0" + } + }, + "node_modules/postcss-js": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/postcss-js/-/postcss-js-4.0.1.tgz", + "integrity": "sha512-dDLF8pEO191hJMtlHFPRa8xsizHaM82MLfNkUHdUtVEV3tgTp5oj+8qbEqYM57SLfc74KSbw//4SeJma2LRVIw==", + "dependencies": { + "camelcase-css": "^2.0.1" + }, + "engines": { + "node": "^12 || ^14 || >= 16" + }, + "peerDependencies": { + "postcss": "^8.4.21" + } + }, + "node_modules/postcss-lab-function": { + "version": "4.2.1", + "resolved": "https://registry.npmmirror.com/postcss-lab-function/-/postcss-lab-function-4.2.1.tgz", + "integrity": "sha512-xuXll4isR03CrQsmxyz92LJB2xX9n+pZJ5jE9JgcnmsCammLyKdlzrBin+25dy6wIjfhJpKBAN80gsTlCgRk2w==", + "dependencies": { + "@csstools/postcss-progressive-custom-properties": "^1.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-load-config": { + "version": "4.0.1", + "resolved": "https://registry.npmmirror.com/postcss-load-config/-/postcss-load-config-4.0.1.tgz", + "integrity": "sha512-vEJIc8RdiBRu3oRAI0ymerOn+7rPuMvRXslTvZUKZonDHFIczxztIyJ1urxM1x9JXEikvpWWTUUqal5j/8QgvA==", + "dependencies": { + "lilconfig": "^2.0.5", + "yaml": "^2.1.1" + }, + "engines": { + "node": ">= 14" + }, + "peerDependencies": { + "postcss": ">=8.0.9", + "ts-node": ">=9.0.0" + }, + "peerDependenciesMeta": { + "postcss": { + "optional": true + }, + "ts-node": { + "optional": true + } + } + }, + "node_modules/postcss-load-config/node_modules/yaml": { + "version": "2.3.1", + "resolved": "https://registry.npmmirror.com/yaml/-/yaml-2.3.1.tgz", + "integrity": "sha512-2eHWfjaoXgTBC2jNM1LRef62VQa0umtvRiDSk6HSzW7RvS5YtkabJrwYLLEKWBc8a5U2PTSCs+dJjUTJdlHsWQ==", + "engines": { + "node": ">= 14" + } + }, + "node_modules/postcss-loader": { + "version": "6.2.1", + "resolved": "https://registry.npmmirror.com/postcss-loader/-/postcss-loader-6.2.1.tgz", + "integrity": "sha512-WbbYpmAaKcux/P66bZ40bpWsBucjx/TTgVVzRZ9yUO8yQfVBlameJ0ZGVaPfH64hNSBh63a+ICP5nqOpBA0w+Q==", + "dependencies": { + "cosmiconfig": "^7.0.0", + "klona": "^2.0.5", + "semver": "^7.3.5" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "postcss": "^7.0.0 || ^8.0.1", + "webpack": "^5.0.0" + } + }, + "node_modules/postcss-logical": { + "version": "5.0.4", + "resolved": "https://registry.npmmirror.com/postcss-logical/-/postcss-logical-5.0.4.tgz", + "integrity": "sha512-RHXxplCeLh9VjinvMrZONq7im4wjWGlRJAqmAVLXyZaXwfDWP73/oq4NdIp+OZwhQUMj0zjqDfM5Fj7qby+B4g==", + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.4" + } + }, + "node_modules/postcss-media-minmax": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/postcss-media-minmax/-/postcss-media-minmax-5.0.0.tgz", + "integrity": "sha512-yDUvFf9QdFZTuCUg0g0uNSHVlJ5X1lSzDZjPSFaiCWvjgsvu8vEVxtahPrLMinIDEEGnx6cBe6iqdx5YWz08wQ==", + "engines": { + "node": ">=10.0.0" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-merge-longhand": { + "version": "5.1.7", + "resolved": "https://registry.npmmirror.com/postcss-merge-longhand/-/postcss-merge-longhand-5.1.7.tgz", + "integrity": "sha512-YCI9gZB+PLNskrK0BB3/2OzPnGhPkBEwmwhfYk1ilBHYVAZB7/tkTHFBAnCrvBBOmeYyMYw3DMjT55SyxMBzjQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0", + "stylehacks": "^5.1.1" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-merge-rules": { + "version": "5.1.4", + "resolved": "https://registry.npmmirror.com/postcss-merge-rules/-/postcss-merge-rules-5.1.4.tgz", + "integrity": "sha512-0R2IuYpgU93y9lhVbO/OylTtKMVcHb67zjWIfCiKR9rWL3GUk1677LAqD/BcHizukdZEjT8Ru3oHRoAYoJy44g==", + "dependencies": { + "browserslist": "^4.21.4", + "caniuse-api": "^3.0.0", + "cssnano-utils": "^3.1.0", + "postcss-selector-parser": "^6.0.5" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-minify-font-values": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-minify-font-values/-/postcss-minify-font-values-5.1.0.tgz", + "integrity": "sha512-el3mYTgx13ZAPPirSVsHqFzl+BBBDrXvbySvPGFnQcTI4iNslrPaFq4muTkLZmKlGk4gyFAYUBMH30+HurREyA==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-minify-gradients": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-minify-gradients/-/postcss-minify-gradients-5.1.1.tgz", + "integrity": "sha512-VGvXMTpCEo4qHTNSa9A0a3D+dxGFZCYwR6Jokk+/3oB6flu2/PnPXAh2x7x52EkY5xlIHLm+Le8tJxe/7TNhzw==", + "dependencies": { + "colord": "^2.9.1", + "cssnano-utils": "^3.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-minify-params": { + "version": "5.1.4", + "resolved": "https://registry.npmmirror.com/postcss-minify-params/-/postcss-minify-params-5.1.4.tgz", + "integrity": "sha512-+mePA3MgdmVmv6g+30rn57USjOGSAyuxUmkfiWpzalZ8aiBkdPYjXWtHuwJGm1v5Ojy0Z0LaSYhHaLJQB0P8Jw==", + "dependencies": { + "browserslist": "^4.21.4", + "cssnano-utils": "^3.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-minify-selectors": { + "version": "5.2.1", + "resolved": "https://registry.npmmirror.com/postcss-minify-selectors/-/postcss-minify-selectors-5.2.1.tgz", + "integrity": "sha512-nPJu7OjZJTsVUmPdm2TcaiohIwxP+v8ha9NehQ2ye9szv4orirRU3SDdtUmKH+10nzn0bAyOXZ0UEr7OpvLehg==", + "dependencies": { + "postcss-selector-parser": "^6.0.5" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-modules-extract-imports": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/postcss-modules-extract-imports/-/postcss-modules-extract-imports-3.0.0.tgz", + "integrity": "sha512-bdHleFnP3kZ4NYDhuGlVK+CMrQ/pqUm8bx/oGL93K6gVwiclvX5x0n76fYMKuIGKzlABOy13zsvqjb0f92TEXw==", + "engines": { + "node": "^10 || ^12 || >= 14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-modules-local-by-default": { + "version": "4.0.3", + "resolved": "https://registry.npmmirror.com/postcss-modules-local-by-default/-/postcss-modules-local-by-default-4.0.3.tgz", + "integrity": "sha512-2/u2zraspoACtrbFRnTijMiQtb4GW4BvatjaG/bCjYQo8kLTdevCUlwuBHx2sCnSyrI3x3qj4ZK1j5LQBgzmwA==", + "dependencies": { + "icss-utils": "^5.0.0", + "postcss-selector-parser": "^6.0.2", + "postcss-value-parser": "^4.1.0" + }, + "engines": { + "node": "^10 || ^12 || >= 14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-modules-scope": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/postcss-modules-scope/-/postcss-modules-scope-3.0.0.tgz", + "integrity": "sha512-hncihwFA2yPath8oZ15PZqvWGkWf+XUfQgUGamS4LqoP1anQLOsOJw0vr7J7IwLpoY9fatA2qiGUGmuZL0Iqlg==", + "dependencies": { + "postcss-selector-parser": "^6.0.4" + }, + "engines": { + "node": "^10 || ^12 || >= 14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-modules-values": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/postcss-modules-values/-/postcss-modules-values-4.0.0.tgz", + "integrity": "sha512-RDxHkAiEGI78gS2ofyvCsu7iycRv7oqw5xMWn9iMoR0N/7mf9D50ecQqUo5BZ9Zh2vH4bCUR/ktCqbB9m8vJjQ==", + "dependencies": { + "icss-utils": "^5.0.0" + }, + "engines": { + "node": "^10 || ^12 || >= 14" + }, + "peerDependencies": { + "postcss": "^8.1.0" + } + }, + "node_modules/postcss-nested": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/postcss-nested/-/postcss-nested-6.0.1.tgz", + "integrity": "sha512-mEp4xPMi5bSWiMbsgoPfcP74lsWLHkQbZc3sY+jWYd65CUwXrUaTp0fmNpa01ZcETKlIgUdFN/MpS2xZtqL9dQ==", + "dependencies": { + "postcss-selector-parser": "^6.0.11" + }, + "engines": { + "node": ">=12.0" + }, + "peerDependencies": { + "postcss": "^8.2.14" + } + }, + "node_modules/postcss-nesting": { + "version": "10.2.0", + "resolved": "https://registry.npmmirror.com/postcss-nesting/-/postcss-nesting-10.2.0.tgz", + "integrity": "sha512-EwMkYchxiDiKUhlJGzWsD9b2zvq/r2SSubcRrgP+jujMXFzqvANLt16lJANC+5uZ6hjI7lpRmI6O8JIl+8l1KA==", + "dependencies": { + "@csstools/selector-specificity": "^2.0.0", + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-normalize": { + "version": "10.0.1", + "resolved": "https://registry.npmmirror.com/postcss-normalize/-/postcss-normalize-10.0.1.tgz", + "integrity": "sha512-+5w18/rDev5mqERcG3W5GZNMJa1eoYYNGo8gB7tEwaos0ajk3ZXAI4mHGcNT47NE+ZnZD1pEpUOFLvltIwmeJA==", + "dependencies": { + "@csstools/normalize.css": "*", + "postcss-browser-comments": "^4", + "sanitize.css": "*" + }, + "engines": { + "node": ">= 12" + }, + "peerDependencies": { + "browserslist": ">= 4", + "postcss": ">= 8" + } + }, + "node_modules/postcss-normalize-charset": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-normalize-charset/-/postcss-normalize-charset-5.1.0.tgz", + "integrity": "sha512-mSgUJ+pd/ldRGVx26p2wz9dNZ7ji6Pn8VWBajMXFf8jk7vUoSrZ2lt/wZR7DtlZYKesmZI680qjr2CeFF2fbUg==", + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-display-values": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-normalize-display-values/-/postcss-normalize-display-values-5.1.0.tgz", + "integrity": "sha512-WP4KIM4o2dazQXWmFaqMmcvsKmhdINFblgSeRgn8BJ6vxaMyaJkwAzpPpuvSIoG/rmX3M+IrRZEz2H0glrQNEA==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-positions": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-normalize-positions/-/postcss-normalize-positions-5.1.1.tgz", + "integrity": "sha512-6UpCb0G4eofTCQLFVuI3EVNZzBNPiIKcA1AKVka+31fTVySphr3VUgAIULBhxZkKgwLImhzMR2Bw1ORK+37INg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-repeat-style": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-normalize-repeat-style/-/postcss-normalize-repeat-style-5.1.1.tgz", + "integrity": "sha512-mFpLspGWkQtBcWIRFLmewo8aC3ImN2i/J3v8YCFUwDnPu3Xz4rLohDO26lGjwNsQxB3YF0KKRwspGzE2JEuS0g==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-string": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-normalize-string/-/postcss-normalize-string-5.1.0.tgz", + "integrity": "sha512-oYiIJOf4T9T1N4i+abeIc7Vgm/xPCGih4bZz5Nm0/ARVJ7K6xrDlLwvwqOydvyL3RHNf8qZk6vo3aatiw/go3w==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-timing-functions": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-normalize-timing-functions/-/postcss-normalize-timing-functions-5.1.0.tgz", + "integrity": "sha512-DOEkzJ4SAXv5xkHl0Wa9cZLF3WCBhF3o1SKVxKQAa+0pYKlueTpCgvkFAHfk+Y64ezX9+nITGrDZeVGgITJXjg==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-unicode": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-normalize-unicode/-/postcss-normalize-unicode-5.1.1.tgz", + "integrity": "sha512-qnCL5jzkNUmKVhZoENp1mJiGNPcsJCs1aaRmURmeJGES23Z/ajaln+EPTD+rBeNkSryI+2WTdW+lwcVdOikrpA==", + "dependencies": { + "browserslist": "^4.21.4", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-url": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-normalize-url/-/postcss-normalize-url-5.1.0.tgz", + "integrity": "sha512-5upGeDO+PVthOxSmds43ZeMeZfKH+/DKgGRD7TElkkyS46JXAUhMzIKiCa7BabPeIy3AQcTkXwVVN7DbqsiCew==", + "dependencies": { + "normalize-url": "^6.0.1", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-normalize-whitespace": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-normalize-whitespace/-/postcss-normalize-whitespace-5.1.1.tgz", + "integrity": "sha512-83ZJ4t3NUDETIHTa3uEg6asWjSBYL5EdkVB0sDncx9ERzOKBVJIUeDO9RyA9Zwtig8El1d79HBp0JEi8wvGQnA==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-opacity-percentage": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/postcss-opacity-percentage/-/postcss-opacity-percentage-1.1.3.tgz", + "integrity": "sha512-An6Ba4pHBiDtyVpSLymUUERMo2cU7s+Obz6BTrS+gxkbnSBNKSuD0AVUc+CpBMrpVPKKfoVz0WQCX+Tnst0i4A==", + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-ordered-values": { + "version": "5.1.3", + "resolved": "https://registry.npmmirror.com/postcss-ordered-values/-/postcss-ordered-values-5.1.3.tgz", + "integrity": "sha512-9UO79VUhPwEkzbb3RNpqqghc6lcYej1aveQteWY+4POIwlqkYE21HKWaLDF6lWNuqCobEAyTovVhtI32Rbv2RQ==", + "dependencies": { + "cssnano-utils": "^3.1.0", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-overflow-shorthand": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/postcss-overflow-shorthand/-/postcss-overflow-shorthand-3.0.4.tgz", + "integrity": "sha512-otYl/ylHK8Y9bcBnPLo3foYFLL6a6Ak+3EQBPOTR7luMYCOsiVTUk1iLvNf6tVPNGXcoL9Hoz37kpfriRIFb4A==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-page-break": { + "version": "3.0.4", + "resolved": "https://registry.npmmirror.com/postcss-page-break/-/postcss-page-break-3.0.4.tgz", + "integrity": "sha512-1JGu8oCjVXLa9q9rFTo4MbeeA5FMe00/9C7lN4va606Rdb+HkxXtXsmEDrIraQ11fGz/WvKWa8gMuCKkrXpTsQ==", + "peerDependencies": { + "postcss": "^8" + } + }, + "node_modules/postcss-place": { + "version": "7.0.5", + "resolved": "https://registry.npmmirror.com/postcss-place/-/postcss-place-7.0.5.tgz", + "integrity": "sha512-wR8igaZROA6Z4pv0d+bvVrvGY4GVHihBCBQieXFY3kuSuMyOmEnnfFzHl/tQuqHZkfkIVBEbDvYcFfHmpSet9g==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-preset-env": { + "version": "7.8.3", + "resolved": "https://registry.npmmirror.com/postcss-preset-env/-/postcss-preset-env-7.8.3.tgz", + "integrity": "sha512-T1LgRm5uEVFSEF83vHZJV2z19lHg4yJuZ6gXZZkqVsqv63nlr6zabMH3l4Pc01FQCyfWVrh2GaUeCVy9Po+Aag==", + "dependencies": { + "@csstools/postcss-cascade-layers": "^1.1.1", + "@csstools/postcss-color-function": "^1.1.1", + "@csstools/postcss-font-format-keywords": "^1.0.1", + "@csstools/postcss-hwb-function": "^1.0.2", + "@csstools/postcss-ic-unit": "^1.0.1", + "@csstools/postcss-is-pseudo-class": "^2.0.7", + "@csstools/postcss-nested-calc": "^1.0.0", + "@csstools/postcss-normalize-display-values": "^1.0.1", + "@csstools/postcss-oklab-function": "^1.1.1", + "@csstools/postcss-progressive-custom-properties": "^1.3.0", + "@csstools/postcss-stepped-value-functions": "^1.0.1", + "@csstools/postcss-text-decoration-shorthand": "^1.0.0", + "@csstools/postcss-trigonometric-functions": "^1.0.2", + "@csstools/postcss-unset-value": "^1.0.2", + "autoprefixer": "^10.4.13", + "browserslist": "^4.21.4", + "css-blank-pseudo": "^3.0.3", + "css-has-pseudo": "^3.0.4", + "css-prefers-color-scheme": "^6.0.3", + "cssdb": "^7.1.0", + "postcss-attribute-case-insensitive": "^5.0.2", + "postcss-clamp": "^4.1.0", + "postcss-color-functional-notation": "^4.2.4", + "postcss-color-hex-alpha": "^8.0.4", + "postcss-color-rebeccapurple": "^7.1.1", + "postcss-custom-media": "^8.0.2", + "postcss-custom-properties": "^12.1.10", + "postcss-custom-selectors": "^6.0.3", + "postcss-dir-pseudo-class": "^6.0.5", + "postcss-double-position-gradients": "^3.1.2", + "postcss-env-function": "^4.0.6", + "postcss-focus-visible": "^6.0.4", + "postcss-focus-within": "^5.0.4", + "postcss-font-variant": "^5.0.0", + "postcss-gap-properties": "^3.0.5", + "postcss-image-set-function": "^4.0.7", + "postcss-initial": "^4.0.1", + "postcss-lab-function": "^4.2.1", + "postcss-logical": "^5.0.4", + "postcss-media-minmax": "^5.0.0", + "postcss-nesting": "^10.2.0", + "postcss-opacity-percentage": "^1.1.2", + "postcss-overflow-shorthand": "^3.0.4", + "postcss-page-break": "^3.0.4", + "postcss-place": "^7.0.5", + "postcss-pseudo-class-any-link": "^7.1.6", + "postcss-replace-overflow-wrap": "^4.0.0", + "postcss-selector-not": "^6.0.1", + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-pseudo-class-any-link": { + "version": "7.1.6", + "resolved": "https://registry.npmmirror.com/postcss-pseudo-class-any-link/-/postcss-pseudo-class-any-link-7.1.6.tgz", + "integrity": "sha512-9sCtZkO6f/5ML9WcTLcIyV1yz9D1rf0tWc+ulKcvV30s0iZKS/ONyETvoWsr6vnrmW+X+KmuK3gV/w5EWnT37w==", + "dependencies": { + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-reduce-initial": { + "version": "5.1.2", + "resolved": "https://registry.npmmirror.com/postcss-reduce-initial/-/postcss-reduce-initial-5.1.2.tgz", + "integrity": "sha512-dE/y2XRaqAi6OvjzD22pjTUQ8eOfc6m/natGHgKFBK9DxFmIm69YmaRVQrGgFlEfc1HePIurY0TmDeROK05rIg==", + "dependencies": { + "browserslist": "^4.21.4", + "caniuse-api": "^3.0.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-reduce-transforms": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-reduce-transforms/-/postcss-reduce-transforms-5.1.0.tgz", + "integrity": "sha512-2fbdbmgir5AvpW9RLtdONx1QoYG2/EtqpNQbFASDlixBbAYuTcJ0dECwlqNqH7VbaUnEnh8SrxOe2sRIn24XyQ==", + "dependencies": { + "postcss-value-parser": "^4.2.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-replace-overflow-wrap": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/postcss-replace-overflow-wrap/-/postcss-replace-overflow-wrap-4.0.0.tgz", + "integrity": "sha512-KmF7SBPphT4gPPcKZc7aDkweHiKEEO8cla/GjcBK+ckKxiZslIu3C4GCRW3DNfL0o7yW7kMQu9xlZ1kXRXLXtw==", + "peerDependencies": { + "postcss": "^8.0.3" + } + }, + "node_modules/postcss-selector-not": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/postcss-selector-not/-/postcss-selector-not-6.0.1.tgz", + "integrity": "sha512-1i9affjAe9xu/y9uqWH+tD4r6/hDaXJruk8xn2x1vzxC2U3J3LKO3zJW4CyxlNhA56pADJ/djpEwpH1RClI2rQ==", + "dependencies": { + "postcss-selector-parser": "^6.0.10" + }, + "engines": { + "node": "^12 || ^14 || >=16" + }, + "peerDependencies": { + "postcss": "^8.2" + } + }, + "node_modules/postcss-selector-parser": { + "version": "6.0.13", + "resolved": "https://registry.npmmirror.com/postcss-selector-parser/-/postcss-selector-parser-6.0.13.tgz", + "integrity": "sha512-EaV1Gl4mUEV4ddhDnv/xtj7sxwrwxdetHdWUGnT4VJQf+4d05v6lHYZr8N573k5Z0BViss7BDhfWtKS3+sfAqQ==", + "dependencies": { + "cssesc": "^3.0.0", + "util-deprecate": "^1.0.2" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/postcss-svgo": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/postcss-svgo/-/postcss-svgo-5.1.0.tgz", + "integrity": "sha512-D75KsH1zm5ZrHyxPakAxJWtkyXew5qwS70v56exwvw542d9CRtTo78K0WeFxZB4G7JXKKMbEZtZayTGdIky/eA==", + "dependencies": { + "postcss-value-parser": "^4.2.0", + "svgo": "^2.7.0" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-svgo/node_modules/commander": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/commander/-/commander-7.2.0.tgz", + "integrity": "sha512-QrWXB+ZQSVPmIWIhtEO9H+gwHaMGYiF5ChvoJ+K9ZGHG/sVsa6yiesAD1GC/x46sET00Xlwo1u49RVVVzvcSkw==", + "engines": { + "node": ">= 10" + } + }, + "node_modules/postcss-svgo/node_modules/css-tree": { + "version": "1.1.3", + "resolved": "https://registry.npmmirror.com/css-tree/-/css-tree-1.1.3.tgz", + "integrity": "sha512-tRpdppF7TRazZrjJ6v3stzv93qxRcSsFmW6cX0Zm2NVKpxE1WV1HblnghVv9TreireHkqI/VDEsfolRF1p6y7Q==", + "dependencies": { + "mdn-data": "2.0.14", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/postcss-svgo/node_modules/mdn-data": { + "version": "2.0.14", + "resolved": "https://registry.npmmirror.com/mdn-data/-/mdn-data-2.0.14.tgz", + "integrity": "sha512-dn6wd0uw5GsdswPFfsgMp5NSB0/aDe6fK94YJV/AJDYXL6HVLWBsxeq7js7Ad+mU2K9LAlwpk6kN2D5mwCPVow==" + }, + "node_modules/postcss-svgo/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/postcss-svgo/node_modules/svgo": { + "version": "2.8.0", + "resolved": "https://registry.npmmirror.com/svgo/-/svgo-2.8.0.tgz", + "integrity": "sha512-+N/Q9kV1+F+UeWYoSiULYo4xYSDQlTgb+ayMobAXPwMnLvop7oxKMo9OzIrX5x3eS4L4f2UHhc9axXwY8DpChg==", + "dependencies": { + "@trysound/sax": "0.2.0", + "commander": "^7.2.0", + "css-select": "^4.1.3", + "css-tree": "^1.1.3", + "csso": "^4.2.0", + "picocolors": "^1.0.0", + "stable": "^0.1.8" + }, + "bin": { + "svgo": "bin/svgo" + }, + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/postcss-unique-selectors": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/postcss-unique-selectors/-/postcss-unique-selectors-5.1.1.tgz", + "integrity": "sha512-5JiODlELrz8L2HwxfPnhOWZYWDxVHWL83ufOv84NrcgipI7TaeRsatAhK4Tr2/ZiYldpK/wBvw5BD3qfaK96GA==", + "dependencies": { + "postcss-selector-parser": "^6.0.5" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/postcss-value-parser": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/postcss-value-parser/-/postcss-value-parser-4.2.0.tgz", + "integrity": "sha512-1NNCs6uurfkVbeXG4S8JFT9t19m45ICnif8zWLd5oPSZ50QnwMfK+H3jv408d4jw/7Bttv5axS5IiHoLaVNHeQ==" + }, + "node_modules/prelude-ls": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/prelude-ls/-/prelude-ls-1.2.1.tgz", + "integrity": "sha512-vkcDPrRZo1QZLbn5RLGPpg/WmIQ65qoWWhcGKf/b5eplkkarX0m9z8ppCat4mlOqUsWpyNuYgO3VRyrYHSzX5g==", + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/pretty-bytes": { + "version": "5.6.0", + "resolved": "https://registry.npmmirror.com/pretty-bytes/-/pretty-bytes-5.6.0.tgz", + "integrity": "sha512-FFw039TmrBqFK8ma/7OL3sDz/VytdtJr044/QUJtH0wK9lb9jLq9tJyIxUwtQJHwar2BqtiA4iCWSwo9JLkzFg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/pretty-error": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/pretty-error/-/pretty-error-4.0.0.tgz", + "integrity": "sha512-AoJ5YMAcXKYxKhuJGdcvse+Voc6v1RgnsR3nWcYU7q4t6z0Q6T86sv5Zq8VIRbOWWFpvdGE83LtdSMNd+6Y0xw==", + "dependencies": { + "lodash": "^4.17.20", + "renderkid": "^3.0.0" + } + }, + "node_modules/pretty-format": { + "version": "27.5.1", + "resolved": "https://registry.npmmirror.com/pretty-format/-/pretty-format-27.5.1.tgz", + "integrity": "sha512-Qb1gy5OrP5+zDf2Bvnzdl3jsTf1qXVMazbvCoKhtKqVs4/YK4ozX4gKQJJVyNe+cajNPn0KoC0MC3FUmaHWEmQ==", + "dependencies": { + "ansi-regex": "^5.0.1", + "ansi-styles": "^5.0.0", + "react-is": "^17.0.1" + }, + "engines": { + "node": "^10.13.0 || ^12.13.0 || ^14.15.0 || >=15.0.0" + } + }, + "node_modules/pretty-format/node_modules/ansi-styles": { + "version": "5.2.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-5.2.0.tgz", + "integrity": "sha512-Cxwpt2SfTzTtXcfOlzGEee8O+c+MmUgGrNiBcXnuWxuFJHe6a5Hz7qwhwe5OgaSYI0IJvkLqWX1ASG+cJOkEiA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/process-nextick-args": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/process-nextick-args/-/process-nextick-args-2.0.1.tgz", + "integrity": "sha512-3ouUOpQhtgrbOa17J7+uxOTpITYWaGP7/AhoR3+A+/1e9skrzelGi/dXzEYyvbxubEF6Wn2ypscTKiKJFFn1ag==" + }, + "node_modules/promise": { + "version": "8.3.0", + "resolved": "https://registry.npmmirror.com/promise/-/promise-8.3.0.tgz", + "integrity": "sha512-rZPNPKTOYVNEEKFaq1HqTgOwZD+4/YHS5ukLzQCypkj+OkYx7iv0mA91lJlpPPZ8vMau3IIGj5Qlwrx+8iiSmg==", + "dependencies": { + "asap": "~2.0.6" + } + }, + "node_modules/prompts": { + "version": "2.4.2", + "resolved": "https://registry.npmmirror.com/prompts/-/prompts-2.4.2.tgz", + "integrity": "sha512-NxNv/kLguCA7p3jE8oL2aEBsrJWgAakBpgmgK6lpPWV+WuOmY6r2/zbAVnP+T8bQlA0nzHXSJSJW0Hq7ylaD2Q==", + "dependencies": { + "kleur": "^3.0.3", + "sisteransi": "^1.0.5" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/prop-types": { + "version": "15.8.1", + "resolved": "https://registry.npmmirror.com/prop-types/-/prop-types-15.8.1.tgz", + "integrity": "sha512-oj87CgZICdulUohogVAR7AjlC0327U4el4L6eAvOqCeudMDVU0NThNaV+b9Df4dXgSP1gXMTnPdhfe/2qDH5cg==", + "dependencies": { + "loose-envify": "^1.4.0", + "object-assign": "^4.1.1", + "react-is": "^16.13.1" + } + }, + "node_modules/prop-types/node_modules/react-is": { + "version": "16.13.1", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-16.13.1.tgz", + "integrity": "sha512-24e6ynE2H+OKt4kqsOvNd8kBpV65zoxbA4BVsEOB3ARVWQki/DHzaUoC5KuON/BiccDaCCTZBuOcfZs70kR8bQ==" + }, + "node_modules/proxy-addr": { + "version": "2.0.7", + "resolved": "https://registry.npmmirror.com/proxy-addr/-/proxy-addr-2.0.7.tgz", + "integrity": "sha512-llQsMLSUDUPT44jdrU/O37qlnifitDP+ZwrmmZcoSKyLKvtZxpyV0n2/bD/N4tBAAZ/gJEdZU7KMraoK1+XYAg==", + "dependencies": { + "forwarded": "0.2.0", + "ipaddr.js": "1.9.1" + }, + "engines": { + "node": ">= 0.10" + } + }, + "node_modules/proxy-addr/node_modules/ipaddr.js": { + "version": "1.9.1", + "resolved": "https://registry.npmmirror.com/ipaddr.js/-/ipaddr.js-1.9.1.tgz", + "integrity": "sha512-0KI/607xoxSToH7GjN1FfSbLoU0+btTicjsQSWQlh/hZykN8KpmMf7uYwPW3R+akZ6R/w18ZlXSHBYXiYUPO3g==", + "engines": { + "node": ">= 0.10" + } + }, + "node_modules/psl": { + "version": "1.9.0", + "resolved": "https://registry.npmmirror.com/psl/-/psl-1.9.0.tgz", + "integrity": "sha512-E/ZsdU4HLs/68gYzgGTkMicWTLPdAftJLfJFlLUAAKZGkStNU72sZjT66SnMDVOfOWY/YAoiD7Jxa9iHvngcag==" + }, + "node_modules/punycode": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/punycode/-/punycode-2.3.0.tgz", + "integrity": "sha512-rRV+zQD8tVFys26lAGR9WUuS4iUAngJScM+ZRSKtvl5tKeZ2t5bvdNFdNHBW9FWR4guGHlgmsZ1G7BSm2wTbuA==", + "engines": { + "node": ">=6" + } + }, + "node_modules/q": { + "version": "1.5.1", + "resolved": "https://registry.npmmirror.com/q/-/q-1.5.1.tgz", + "integrity": "sha512-kV/CThkXo6xyFEZUugw/+pIOywXcDbFYgSct5cT3gqlbkBE1SJdwy6UQoZvodiWF/ckQLZyDE/Bu1M6gVu5lVw==", + "engines": { + "node": ">=0.6.0", + "teleport": ">=0.2.0" + } + }, + "node_modules/qs": { + "version": "6.11.0", + "resolved": "https://registry.npmmirror.com/qs/-/qs-6.11.0.tgz", + "integrity": "sha512-MvjoMCJwEarSbUYk5O+nmoSzSutSsTwF85zcHPQ9OrlFoZOYIjaqBAJIqIXjptyD5vThxGq52Xu/MaJzRkIk4Q==", + "dependencies": { + "side-channel": "^1.0.4" + }, + "engines": { + "node": ">=0.6" + } + }, + "node_modules/querystringify": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/querystringify/-/querystringify-2.2.0.tgz", + "integrity": "sha512-FIqgj2EUvTa7R50u0rGsyTftzjYmv/a3hO345bZNrqabNqjtgiDMgmo4mkUjd+nzU5oF3dClKqFIPUKybUyqoQ==" + }, + "node_modules/queue-microtask": { + "version": "1.2.3", + "resolved": "https://registry.npmmirror.com/queue-microtask/-/queue-microtask-1.2.3.tgz", + "integrity": "sha512-NuaNSa6flKT5JaSYQzJok04JzTL1CA6aGhv5rfLW3PgqA+M2ChpZQnAC8h8i4ZFkBS8X5RqkDBHA7r4hej3K9A==" + }, + "node_modules/raf": { + "version": "3.4.1", + "resolved": "https://registry.npmmirror.com/raf/-/raf-3.4.1.tgz", + "integrity": "sha512-Sq4CW4QhwOHE8ucn6J34MqtZCeWFP2aQSmrlroYgqAV1PjStIhJXxYuTgUIfkEk7zTLjmIjLmU5q+fbD1NnOJA==", + "dependencies": { + "performance-now": "^2.1.0" + } + }, + "node_modules/randombytes": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/randombytes/-/randombytes-2.1.0.tgz", + "integrity": "sha512-vYl3iOX+4CKUWuxGi9Ukhie6fsqXqS9FE2Zaic4tNFD2N2QQaXOMFbuKK4QmDHC0JO6B1Zp41J0LpT0oR68amQ==", + "dependencies": { + "safe-buffer": "^5.1.0" + } + }, + "node_modules/range-parser": { + "version": "1.2.1", + "resolved": "https://registry.npmmirror.com/range-parser/-/range-parser-1.2.1.tgz", + "integrity": "sha512-Hrgsx+orqoygnmhFbKaHE6c296J+HTAQXoxEF6gNupROmmGJRoyzfG3ccAveqCBrwr/2yxQ5BVd/GTl5agOwSg==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/raw-body": { + "version": "2.5.1", + "resolved": "https://registry.npmmirror.com/raw-body/-/raw-body-2.5.1.tgz", + "integrity": "sha512-qqJBtEyVgS0ZmPGdCFPWJ3FreoqvG4MVQln/kCgF7Olq95IbOp0/BWyMwbdtn4VTvkM8Y7khCQ2Xgk/tcrCXig==", + "dependencies": { + "bytes": "3.1.2", + "http-errors": "2.0.0", + "iconv-lite": "0.4.24", + "unpipe": "1.0.0" + }, + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/raw-body/node_modules/bytes": { + "version": "3.1.2", + "resolved": "https://registry.npmmirror.com/bytes/-/bytes-3.1.2.tgz", + "integrity": "sha512-/Nf7TyzTx6S3yRJObOAV7956r8cr2+Oj8AC5dt8wSP3BQAoeX58NoHyCU8P8zGkNXStjTSi6fzO6F0pBdcYbEg==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/raw-body/node_modules/iconv-lite": { + "version": "0.4.24", + "resolved": "https://registry.npmmirror.com/iconv-lite/-/iconv-lite-0.4.24.tgz", + "integrity": "sha512-v3MXnZAcvnywkTUEZomIActle7RXXeedOR31wwl7VlyoXO4Qi9arvSenNQWne1TcRwhCL1HwLI21bEqdpj8/rA==", + "dependencies": { + "safer-buffer": ">= 2.1.2 < 3" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/react": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react/-/react-18.2.0.tgz", + "integrity": "sha512-/3IjMdb2L9QbBdWiW5e3P2/npwMBaU9mHCSCUzNln0ZCYbcfTsGbTJrU/kGemdH2IWmB2ioZ+zkxtmq6g09fGQ==", + "dependencies": { + "loose-envify": "^1.1.0" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/react-app-polyfill": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/react-app-polyfill/-/react-app-polyfill-3.0.0.tgz", + "integrity": "sha512-sZ41cxiU5llIB003yxxQBYrARBqe0repqPTTYBTmMqTz9szeBbE37BehCE891NZsmdZqqP+xWKdT3eo3vOzN8w==", + "dependencies": { + "core-js": "^3.19.2", + "object-assign": "^4.1.1", + "promise": "^8.1.0", + "raf": "^3.4.1", + "regenerator-runtime": "^0.13.9", + "whatwg-fetch": "^3.6.2" + }, + "engines": { + "node": ">=14" + } + }, + "node_modules/react-dev-utils": { + "version": "12.0.1", + "resolved": "https://registry.npmmirror.com/react-dev-utils/-/react-dev-utils-12.0.1.tgz", + "integrity": "sha512-84Ivxmr17KjUupyqzFode6xKhjwuEJDROWKJy/BthkL7Wn6NJ8h4WE6k/exAv6ImS+0oZLRRW5j/aINMHyeGeQ==", + "dependencies": { + "@babel/code-frame": "^7.16.0", + "address": "^1.1.2", + "browserslist": "^4.18.1", + "chalk": "^4.1.2", + "cross-spawn": "^7.0.3", + "detect-port-alt": "^1.1.6", + "escape-string-regexp": "^4.0.0", + "filesize": "^8.0.6", + "find-up": "^5.0.0", + "fork-ts-checker-webpack-plugin": "^6.5.0", + "global-modules": "^2.0.0", + "globby": "^11.0.4", + "gzip-size": "^6.0.0", + "immer": "^9.0.7", + "is-root": "^2.1.0", + "loader-utils": "^3.2.0", + "open": "^8.4.0", + "pkg-up": "^3.1.0", + "prompts": "^2.4.2", + "react-error-overlay": "^6.0.11", + "recursive-readdir": "^2.2.2", + "shell-quote": "^1.7.3", + "strip-ansi": "^6.0.1", + "text-table": "^0.2.0" + }, + "engines": { + "node": ">=14" + } + }, + "node_modules/react-dev-utils/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/react-dev-utils/node_modules/chalk": { + "version": "4.1.2", + "resolved": "https://registry.npmmirror.com/chalk/-/chalk-4.1.2.tgz", + "integrity": "sha512-oKnbhFyRIXpUuez8iBMmyEa4nbj4IOQyuhc/wy9kY7/WVPcwIO9VA668Pu8RkO7+0G76SLROeyw9CpQ061i4mA==", + "dependencies": { + "ansi-styles": "^4.1.0", + "supports-color": "^7.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/react-dev-utils/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/react-dev-utils/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/react-dev-utils/node_modules/escape-string-regexp": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/escape-string-regexp/-/escape-string-regexp-4.0.0.tgz", + "integrity": "sha512-TtpcNJ3XAzx3Gq8sWRzJaVajRs0uVxA2YAkdb1jm2YkPz4G6egUFAyA3n5vtEIZefPk5Wa4UXbKuS5fKkJWdgA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/react-dev-utils/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/react-dev-utils/node_modules/loader-utils": { + "version": "3.2.1", + "resolved": "https://registry.npmmirror.com/loader-utils/-/loader-utils-3.2.1.tgz", + "integrity": "sha512-ZvFw1KWS3GVyYBYb7qkmRM/WwL2TQQBxgCK62rlvm4WpVQ23Nb4tYjApUlfjrEGvOs7KHEsmyUn75OHZrJMWPw==", + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/react-dev-utils/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/react-dom": { + "version": "18.2.0", + "resolved": "https://registry.npmmirror.com/react-dom/-/react-dom-18.2.0.tgz", + "integrity": "sha512-6IMTriUmvsjHUjNtEDudZfuDQUoWXVxKHhlEGSk81n4YFS+r/Kl99wXiwlVXtPBtJenozv2P+hxDsw9eA7Xo6g==", + "dependencies": { + "loose-envify": "^1.1.0", + "scheduler": "^0.23.0" + }, + "peerDependencies": { + "react": "^18.2.0" + } + }, + "node_modules/react-error-overlay": { + "version": "6.0.11", + "resolved": "https://registry.npmmirror.com/react-error-overlay/-/react-error-overlay-6.0.11.tgz", + "integrity": "sha512-/6UZ2qgEyH2aqzYZgQPxEnz33NJ2gNsnHA2o5+o4wW9bLM/JYQitNP9xPhsXwC08hMMovfGe/8retsdDsczPRg==" + }, + "node_modules/react-is": { + "version": "17.0.2", + "resolved": "https://registry.npmmirror.com/react-is/-/react-is-17.0.2.tgz", + "integrity": "sha512-w2GsyukL62IJnlaff/nRegPQR94C/XXamvMWmSHRJ4y7Ts/4ocGRmTHvOs8PSE6pB3dWOrD/nueuU5sduBsQ4w==" + }, + "node_modules/react-refresh": { + "version": "0.11.0", + "resolved": "https://registry.npmmirror.com/react-refresh/-/react-refresh-0.11.0.tgz", + "integrity": "sha512-F27qZr8uUqwhWZboondsPx8tnC3Ct3SxZA3V5WyEvujRyyNv0VYPhoBg1gZ8/MV5tubQp76Trw8lTv9hzRBa+A==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/react-router": { + "version": "6.14.2", + "resolved": "https://registry.npmmirror.com/react-router/-/react-router-6.14.2.tgz", + "integrity": "sha512-09Zss2dE2z+T1D03IheqAFtK4UzQyX8nFPWx6jkwdYzGLXd5ie06A6ezS2fO6zJfEb/SpG6UocN2O1hfD+2urQ==", + "dependencies": { + "@remix-run/router": "1.7.2" + }, + "engines": { + "node": ">=14" + }, + "peerDependencies": { + "react": ">=16.8" + } + }, + "node_modules/react-router-dom": { + "version": "6.14.2", + "resolved": "https://registry.npmmirror.com/react-router-dom/-/react-router-dom-6.14.2.tgz", + "integrity": "sha512-5pWX0jdKR48XFZBuJqHosX3AAHjRAzygouMTyimnBPOLdY3WjzUSKhus2FVMihUFWzeLebDgr4r8UeQFAct7Bg==", + "dependencies": { + "@remix-run/router": "1.7.2", + "react-router": "6.14.2" + }, + "engines": { + "node": ">=14" + }, + "peerDependencies": { + "react": ">=16.8", + "react-dom": ">=16.8" + } + }, + "node_modules/react-scripts": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/react-scripts/-/react-scripts-5.0.1.tgz", + "integrity": "sha512-8VAmEm/ZAwQzJ+GOMLbBsTdDKOpuZh7RPs0UymvBR2vRk4iZWCskjbFnxqjrzoIvlNNRZ3QJFx6/qDSi6zSnaQ==", + "dependencies": { + "@babel/core": "^7.16.0", + "@pmmmwh/react-refresh-webpack-plugin": "^0.5.3", + "@svgr/webpack": "^5.5.0", + "babel-jest": "^27.4.2", + "babel-loader": "^8.2.3", + "babel-plugin-named-asset-import": "^0.3.8", + "babel-preset-react-app": "^10.0.1", + "bfj": "^7.0.2", + "browserslist": "^4.18.1", + "camelcase": "^6.2.1", + "case-sensitive-paths-webpack-plugin": "^2.4.0", + "css-loader": "^6.5.1", + "css-minimizer-webpack-plugin": "^3.2.0", + "dotenv": "^10.0.0", + "dotenv-expand": "^5.1.0", + "eslint": "^8.3.0", + "eslint-config-react-app": "^7.0.1", + "eslint-webpack-plugin": "^3.1.1", + "file-loader": "^6.2.0", + "fs-extra": "^10.0.0", + "html-webpack-plugin": "^5.5.0", + "identity-obj-proxy": "^3.0.0", + "jest": "^27.4.3", + "jest-resolve": "^27.4.2", + "jest-watch-typeahead": "^1.0.0", + "mini-css-extract-plugin": "^2.4.5", + "postcss": "^8.4.4", + "postcss-flexbugs-fixes": "^5.0.2", + "postcss-loader": "^6.2.1", + "postcss-normalize": "^10.0.1", + "postcss-preset-env": "^7.0.1", + "prompts": "^2.4.2", + "react-app-polyfill": "^3.0.0", + "react-dev-utils": "^12.0.1", + "react-refresh": "^0.11.0", + "resolve": "^1.20.0", + "resolve-url-loader": "^4.0.0", + "sass-loader": "^12.3.0", + "semver": "^7.3.5", + "source-map-loader": "^3.0.0", + "style-loader": "^3.3.1", + "tailwindcss": "^3.0.2", + "terser-webpack-plugin": "^5.2.5", + "webpack": "^5.64.4", + "webpack-dev-server": "^4.6.0", + "webpack-manifest-plugin": "^4.0.2", + "workbox-webpack-plugin": "^6.4.1" + }, + "bin": { + "react-scripts": "bin/react-scripts.js" + }, + "engines": { + "node": ">=14.0.0" + }, + "optionalDependencies": { + "fsevents": "^2.3.2" + }, + "peerDependencies": { + "react": ">= 16", + "typescript": "^3.2.1 || ^4" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/react-transition-group": { + "version": "4.4.5", + "resolved": "https://registry.npmmirror.com/react-transition-group/-/react-transition-group-4.4.5.tgz", + "integrity": "sha512-pZcd1MCJoiKiBR2NRxeCRg13uCXbydPnmB4EOeRrY7480qNWO8IIgQG6zlDkm6uRMsURXPuKq0GWtiM59a5Q6g==", + "dependencies": { + "@babel/runtime": "^7.5.5", + "dom-helpers": "^5.0.1", + "loose-envify": "^1.4.0", + "prop-types": "^15.6.2" + }, + "peerDependencies": { + "react": ">=16.6.0", + "react-dom": ">=16.6.0" + } + }, + "node_modules/read-cache": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/read-cache/-/read-cache-1.0.0.tgz", + "integrity": "sha512-Owdv/Ft7IjOgm/i0xvNDZ1LrRANRfew4b2prF3OWMQLxLfu3bS8FVhCsrSCMK4lR56Y9ya+AThoTpDCTxCmpRA==", + "dependencies": { + "pify": "^2.3.0" + } + }, + "node_modules/readable-stream": { + "version": "3.6.2", + "resolved": "https://registry.npmmirror.com/readable-stream/-/readable-stream-3.6.2.tgz", + "integrity": "sha512-9u/sniCrY3D5WdsERHzHE4G2YCXqoG5FTHUiCC4SIbr6XcLZBY05ya9EKjYek9O5xOAwjGq+1JdGBAS7Q9ScoA==", + "dependencies": { + "inherits": "^2.0.3", + "string_decoder": "^1.1.1", + "util-deprecate": "^1.0.1" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/readdirp": { + "version": "3.6.0", + "resolved": "https://registry.npmmirror.com/readdirp/-/readdirp-3.6.0.tgz", + "integrity": "sha512-hOS089on8RduqdbhvQ5Z37A0ESjsqz6qnRcffsMU3495FuTdqSm+7bhJ29JvIOsBDEEnan5DPu9t3To9VRlMzA==", + "dependencies": { + "picomatch": "^2.2.1" + }, + "engines": { + "node": ">=8.10.0" + } + }, + "node_modules/recursive-readdir": { + "version": "2.2.3", + "resolved": "https://registry.npmmirror.com/recursive-readdir/-/recursive-readdir-2.2.3.tgz", + "integrity": "sha512-8HrF5ZsXk5FAH9dgsx3BlUer73nIhuj+9OrQwEbLTPOBzGkL1lsFCR01am+v+0m2Cmbs1nP12hLDl5FA7EszKA==", + "dependencies": { + "minimatch": "^3.0.5" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/redent": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/redent/-/redent-3.0.0.tgz", + "integrity": "sha512-6tDA8g98We0zd0GvVeMT9arEOnTw9qM03L9cJXaCjrip1OO764RDBLBfrB4cwzNGDj5OA5ioymC9GkizgWJDUg==", + "dependencies": { + "indent-string": "^4.0.0", + "strip-indent": "^3.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/regenerate": { + "version": "1.4.2", + "resolved": "https://registry.npmmirror.com/regenerate/-/regenerate-1.4.2.tgz", + "integrity": "sha512-zrceR/XhGYU/d/opr2EKO7aRHUeiBI8qjtfHqADTwZd6Szfy16la6kqD0MIUs5z5hx6AaKa+PixpPrR289+I0A==" + }, + "node_modules/regenerate-unicode-properties": { + "version": "10.1.0", + "resolved": "https://registry.npmmirror.com/regenerate-unicode-properties/-/regenerate-unicode-properties-10.1.0.tgz", + "integrity": "sha512-d1VudCLoIGitcU/hEg2QqvyGZQmdC0Lf8BqdOMXGFSvJP4bNV1+XqbPQeHHLD51Jh4QJJ225dlIFvY4Ly6MXmQ==", + "dependencies": { + "regenerate": "^1.4.2" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/regenerator-runtime": { + "version": "0.13.11", + "resolved": "https://registry.npmmirror.com/regenerator-runtime/-/regenerator-runtime-0.13.11.tgz", + "integrity": "sha512-kY1AZVr2Ra+t+piVaJ4gxaFaReZVH40AKNo7UCX6W+dEwBo/2oZJzqfuN1qLq1oL45o56cPaTXELwrTh8Fpggg==" + }, + "node_modules/regenerator-transform": { + "version": "0.15.1", + "resolved": "https://registry.npmmirror.com/regenerator-transform/-/regenerator-transform-0.15.1.tgz", + "integrity": "sha512-knzmNAcuyxV+gQCufkYcvOqX/qIIfHLv0u5x79kRxuGojfYVky1f15TzZEu2Avte8QGepvUNTnLskf8E6X6Vyg==", + "dependencies": { + "@babel/runtime": "^7.8.4" + } + }, + "node_modules/regex-parser": { + "version": "2.2.11", + "resolved": "https://registry.npmmirror.com/regex-parser/-/regex-parser-2.2.11.tgz", + "integrity": "sha512-jbD/FT0+9MBU2XAZluI7w2OBs1RBi6p9M83nkoZayQXXU9e8Robt69FcZc7wU4eJD/YFTjn1JdCk3rbMJajz8Q==" + }, + "node_modules/regexp.prototype.flags": { + "version": "1.5.0", + "resolved": "https://registry.npmmirror.com/regexp.prototype.flags/-/regexp.prototype.flags-1.5.0.tgz", + "integrity": "sha512-0SutC3pNudRKgquxGoRGIz946MZVHqbNfPjBdxeOhBrdgDKlRoXmYLQN9xRbrR09ZXWeGAdPuif7egofn6v5LA==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.2.0", + "functions-have-names": "^1.2.3" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/regexpu-core": { + "version": "5.3.2", + "resolved": "https://registry.npmmirror.com/regexpu-core/-/regexpu-core-5.3.2.tgz", + "integrity": "sha512-RAM5FlZz+Lhmo7db9L298p2vHP5ZywrVXmVXpmAD9GuL5MPH6t9ROw1iA/wfHkQ76Qe7AaPF0nGuim96/IrQMQ==", + "dependencies": { + "@babel/regjsgen": "^0.8.0", + "regenerate": "^1.4.2", + "regenerate-unicode-properties": "^10.1.0", + "regjsparser": "^0.9.1", + "unicode-match-property-ecmascript": "^2.0.0", + "unicode-match-property-value-ecmascript": "^2.1.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/regjsparser": { + "version": "0.9.1", + "resolved": "https://registry.npmmirror.com/regjsparser/-/regjsparser-0.9.1.tgz", + "integrity": "sha512-dQUtn90WanSNl+7mQKcXAgZxvUe7Z0SqXlgzv0za4LwiUhyzBC58yQO3liFoUgu8GiJVInAhJjkj1N0EtQ5nkQ==", + "dependencies": { + "jsesc": "~0.5.0" + }, + "bin": { + "regjsparser": "bin/parser" + } + }, + "node_modules/regjsparser/node_modules/jsesc": { + "version": "0.5.0", + "resolved": "https://registry.npmmirror.com/jsesc/-/jsesc-0.5.0.tgz", + "integrity": "sha512-uZz5UnB7u4T9LvwmFqXii7pZSouaRPorGs5who1Ip7VO0wxanFvBL7GkM6dTHlgX+jhBApRetaWpnDabOeTcnA==", + "bin": { + "jsesc": "bin/jsesc" + } + }, + "node_modules/relateurl": { + "version": "0.2.7", + "resolved": "https://registry.npmmirror.com/relateurl/-/relateurl-0.2.7.tgz", + "integrity": "sha512-G08Dxvm4iDN3MLM0EsP62EDV9IuhXPR6blNz6Utcp7zyV3tr4HVNINt6MpaRWbxoOHT3Q7YN2P+jaHX8vUbgog==", + "engines": { + "node": ">= 0.10" + } + }, + "node_modules/renderkid": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/renderkid/-/renderkid-3.0.0.tgz", + "integrity": "sha512-q/7VIQA8lmM1hF+jn+sFSPWGlMkSAeNYcPLmDQx2zzuiDfaLrOmumR8iaUKlenFgh0XRPIUeSPlH3A+AW3Z5pg==", + "dependencies": { + "css-select": "^4.1.3", + "dom-converter": "^0.2.0", + "htmlparser2": "^6.1.0", + "lodash": "^4.17.21", + "strip-ansi": "^6.0.1" + } + }, + "node_modules/require-directory": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/require-directory/-/require-directory-2.1.1.tgz", + "integrity": "sha512-fGxEI7+wsG9xrvdjsrlmL22OMTTiHRwAMroiEeMgq8gzoLC/PQr7RsRDSTLUg/bZAZtF+TVIkHc6/4RIKrui+Q==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/require-from-string": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/require-from-string/-/require-from-string-2.0.2.tgz", + "integrity": "sha512-Xf0nWe6RseziFMu+Ap9biiUbmplq6S9/p+7w7YXP/JBHhrUDDUhwa+vANyubuqfZWTveU//DYVGsDG7RKL/vEw==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/requires-port": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/requires-port/-/requires-port-1.0.0.tgz", + "integrity": "sha512-KigOCHcocU3XODJxsu8i/j8T9tzT4adHiecwORRQ0ZZFcp7ahwXuRU1m+yuO90C5ZUyGeGfocHDI14M3L3yDAQ==" + }, + "node_modules/resolve": { + "version": "1.22.2", + "resolved": "https://registry.npmmirror.com/resolve/-/resolve-1.22.2.tgz", + "integrity": "sha512-Sb+mjNHOULsBv818T40qSPeRiuWLyaGMa5ewydRLFimneixmVy2zdivRl+AF6jaYPC8ERxGDmFSiqui6SfPd+g==", + "dependencies": { + "is-core-module": "^2.11.0", + "path-parse": "^1.0.7", + "supports-preserve-symlinks-flag": "^1.0.0" + }, + "bin": { + "resolve": "bin/resolve" + } + }, + "node_modules/resolve-cwd": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/resolve-cwd/-/resolve-cwd-3.0.0.tgz", + "integrity": "sha512-OrZaX2Mb+rJCpH/6CpSqt9xFVpN++x01XnN2ie9g6P5/3xelLAkXWVADpdz1IHD/KFfEXyE6V0U01OQ3UO2rEg==", + "dependencies": { + "resolve-from": "^5.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/resolve-from": { + "version": "5.0.0", + "resolved": "https://registry.npmmirror.com/resolve-from/-/resolve-from-5.0.0.tgz", + "integrity": "sha512-qYg9KP24dD5qka9J47d0aVky0N+b4fTU89LN9iDnjB5waksiC49rvMB0PrUJQGoTmH50XPiqOvAjDfaijGxYZw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/resolve-url-loader": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/resolve-url-loader/-/resolve-url-loader-4.0.0.tgz", + "integrity": "sha512-05VEMczVREcbtT7Bz+C+96eUO5HDNvdthIiMB34t7FcF8ehcu4wC0sSgPUubs3XW2Q3CNLJk/BJrCU9wVRymiA==", + "dependencies": { + "adjust-sourcemap-loader": "^4.0.0", + "convert-source-map": "^1.7.0", + "loader-utils": "^2.0.0", + "postcss": "^7.0.35", + "source-map": "0.6.1" + }, + "engines": { + "node": ">=8.9" + }, + "peerDependencies": { + "rework": "1.0.1", + "rework-visit": "1.0.0" + }, + "peerDependenciesMeta": { + "rework": { + "optional": true + }, + "rework-visit": { + "optional": true + } + } + }, + "node_modules/resolve-url-loader/node_modules/picocolors": { + "version": "0.2.1", + "resolved": "https://registry.npmmirror.com/picocolors/-/picocolors-0.2.1.tgz", + "integrity": "sha512-cMlDqaLEqfSaW8Z7N5Jw+lyIW869EzT73/F5lhtY9cLGoVxSXznfgfXMO0Z5K0o0Q2TkTXq+0KFsdnSe3jDViA==" + }, + "node_modules/resolve-url-loader/node_modules/postcss": { + "version": "7.0.39", + "resolved": "https://registry.npmmirror.com/postcss/-/postcss-7.0.39.tgz", + "integrity": "sha512-yioayjNbHn6z1/Bywyb2Y4s3yvDAeXGOyxqD+LnVOinq6Mdmd++SW2wUNVzavyyHxd6+DxzWGIuosg6P1Rj8uA==", + "dependencies": { + "picocolors": "^0.2.1", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/resolve-url-loader/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/resolve.exports": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/resolve.exports/-/resolve.exports-1.1.1.tgz", + "integrity": "sha512-/NtpHNDN7jWhAaQ9BvBUYZ6YTXsRBgfqWFWP7BZBaoMJO/I3G5OFzvTuWNlZC3aPjins1F+TNrLKsGbH4rfsRQ==", + "engines": { + "node": ">=10" + } + }, + "node_modules/retry": { + "version": "0.13.1", + "resolved": "https://registry.npmmirror.com/retry/-/retry-0.13.1.tgz", + "integrity": "sha512-XQBQ3I8W1Cge0Seh+6gjj03LbmRFWuoszgK9ooCpwYIrhhoO80pfq4cUkU5DkknwfOfFteRwlZ56PYOGYyFWdg==", + "engines": { + "node": ">= 4" + } + }, + "node_modules/reusify": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/reusify/-/reusify-1.0.4.tgz", + "integrity": "sha512-U9nH88a3fc/ekCF1l0/UP1IosiuIjyTh7hBvXVMHYgVcfGvt897Xguj2UOLDeI5BG2m7/uwyaLVT6fbtCwTyzw==", + "engines": { + "iojs": ">=1.0.0", + "node": ">=0.10.0" + } + }, + "node_modules/rimraf": { + "version": "3.0.2", + "resolved": "https://registry.npmmirror.com/rimraf/-/rimraf-3.0.2.tgz", + "integrity": "sha512-JZkJMZkAGFFPP2YqXZXPbMlMBgsxzE8ILs4lMIX/2o0L9UBw9O/Y3o6wFw/i9YLapcUJWwqbi3kdxIPdC62TIA==", + "dependencies": { + "glob": "^7.1.3" + }, + "bin": { + "rimraf": "bin.js" + } + }, + "node_modules/rollup": { + "version": "2.79.1", + "resolved": "https://registry.npmmirror.com/rollup/-/rollup-2.79.1.tgz", + "integrity": "sha512-uKxbd0IhMZOhjAiD5oAFp7BqvkA4Dv47qpOCtaNvng4HBwdbWtdOh8f5nZNuk2rp51PMGk3bzfWu5oayNEuYnw==", + "bin": { + "rollup": "dist/bin/rollup" + }, + "engines": { + "node": ">=10.0.0" + }, + "optionalDependencies": { + "fsevents": "~2.3.2" + } + }, + "node_modules/rollup-plugin-terser": { + "version": "7.0.2", + "resolved": "https://registry.npmmirror.com/rollup-plugin-terser/-/rollup-plugin-terser-7.0.2.tgz", + "integrity": "sha512-w3iIaU4OxcF52UUXiZNsNeuXIMDvFrr+ZXK6bFZ0Q60qyVfq4uLptoS4bbq3paG3x216eQllFZX7zt6TIImguQ==", + "deprecated": "This package has been deprecated and is no longer maintained. Please use @rollup/plugin-terser", + "dependencies": { + "@babel/code-frame": "^7.10.4", + "jest-worker": "^26.2.1", + "serialize-javascript": "^4.0.0", + "terser": "^5.0.0" + }, + "peerDependencies": { + "rollup": "^2.0.0" + } + }, + "node_modules/rollup-plugin-terser/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/rollup-plugin-terser/node_modules/jest-worker": { + "version": "26.6.2", + "resolved": "https://registry.npmmirror.com/jest-worker/-/jest-worker-26.6.2.tgz", + "integrity": "sha512-KWYVV1c4i+jbMpaBC+U++4Va0cp8OisU185o73T1vo99hqi7w8tSJfUXYswwqqrjzwxa6KpRK54WhPvwf5w6PQ==", + "dependencies": { + "@types/node": "*", + "merge-stream": "^2.0.0", + "supports-color": "^7.0.0" + }, + "engines": { + "node": ">= 10.13.0" + } + }, + "node_modules/rollup-plugin-terser/node_modules/serialize-javascript": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/serialize-javascript/-/serialize-javascript-4.0.0.tgz", + "integrity": "sha512-GaNA54380uFefWghODBWEGisLZFj00nS5ACs6yHa9nLqlLpVLO8ChDGeKRjZnV4Nh4n0Qi7nhYZD/9fCPzEqkw==", + "dependencies": { + "randombytes": "^2.1.0" + } + }, + "node_modules/rollup-plugin-terser/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/run-parallel": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/run-parallel/-/run-parallel-1.2.0.tgz", + "integrity": "sha512-5l4VyZR86LZ/lDxZTR6jqL8AFE2S0IFLMP26AbjsLVADxHdhB/c0GUsH+y39UfCi3dzz8OlQuPmnaJOMoDHQBA==", + "dependencies": { + "queue-microtask": "^1.2.2" + } + }, + "node_modules/safe-array-concat": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/safe-array-concat/-/safe-array-concat-1.0.0.tgz", + "integrity": "sha512-9dVEFruWIsnie89yym+xWTAYASdpw3CJV7Li/6zBewGf9z2i1j31rP6jnY0pHEO4QZh6N0K11bFjWmdR8UGdPQ==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.2.0", + "has-symbols": "^1.0.3", + "isarray": "^2.0.5" + }, + "engines": { + "node": ">=0.4" + } + }, + "node_modules/safe-buffer": { + "version": "5.2.1", + "resolved": "https://registry.npmmirror.com/safe-buffer/-/safe-buffer-5.2.1.tgz", + "integrity": "sha512-rp3So07KcdmmKbGvgaNxQSJr7bGVSVk5S9Eq1F+ppbRo70+YeaDxkw5Dd8NPN+GD6bjnYm2VuPuCXmpuYvmCXQ==" + }, + "node_modules/safe-regex-test": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/safe-regex-test/-/safe-regex-test-1.0.0.tgz", + "integrity": "sha512-JBUUzyOgEwXQY1NuPtvcj/qcBDbDmEvWufhlnXZIm75DEHp+afM1r1ujJpJsV/gSM4t59tpDyPi1sd6ZaPFfsA==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.1.3", + "is-regex": "^1.1.4" + } + }, + "node_modules/safer-buffer": { + "version": "2.1.2", + "resolved": "https://registry.npmmirror.com/safer-buffer/-/safer-buffer-2.1.2.tgz", + "integrity": "sha512-YZo3K82SD7Riyi0E1EQPojLz7kpepnSQI9IyPbHHg1XXXevb5dJI7tpyN2ADxGcQbHG7vcyRHk0cbwqcQriUtg==" + }, + "node_modules/sanitize.css": { + "version": "13.0.0", + "resolved": "https://registry.npmmirror.com/sanitize.css/-/sanitize.css-13.0.0.tgz", + "integrity": "sha512-ZRwKbh/eQ6w9vmTjkuG0Ioi3HBwPFce0O+v//ve+aOq1oeCy7jMV2qzzAlpsNuqpqCBjjriM1lbtZbF/Q8jVyA==" + }, + "node_modules/sass-loader": { + "version": "12.6.0", + "resolved": "https://registry.npmmirror.com/sass-loader/-/sass-loader-12.6.0.tgz", + "integrity": "sha512-oLTaH0YCtX4cfnJZxKSLAyglED0naiYfNG1iXfU5w1LNZ+ukoA5DtyDIN5zmKVZwYNJP4KRc5Y3hkWga+7tYfA==", + "dependencies": { + "klona": "^2.0.4", + "neo-async": "^2.6.2" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "fibers": ">= 3.1.0", + "node-sass": "^4.0.0 || ^5.0.0 || ^6.0.0 || ^7.0.0", + "sass": "^1.3.0", + "sass-embedded": "*", + "webpack": "^5.0.0" + }, + "peerDependenciesMeta": { + "fibers": { + "optional": true + }, + "node-sass": { + "optional": true + }, + "sass": { + "optional": true + }, + "sass-embedded": { + "optional": true + } + } + }, + "node_modules/sax": { + "version": "1.2.4", + "resolved": "https://registry.npmmirror.com/sax/-/sax-1.2.4.tgz", + "integrity": "sha512-NqVDv9TpANUjFm0N8uM5GxL36UgKi9/atZw+x7YFnQ8ckwFGKrl4xX4yWtrey3UJm5nP1kUbnYgLopqWNSRhWw==" + }, + "node_modules/saxes": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/saxes/-/saxes-5.0.1.tgz", + "integrity": "sha512-5LBh1Tls8c9xgGjw3QrMwETmTMVk0oFgvrFSvWx62llR2hcEInrKNZ2GZCCuuy2lvWrdl5jhbpeqc5hRYKFOcw==", + "dependencies": { + "xmlchars": "^2.2.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/scheduler": { + "version": "0.23.0", + "resolved": "https://registry.npmmirror.com/scheduler/-/scheduler-0.23.0.tgz", + "integrity": "sha512-CtuThmgHNg7zIZWAXi3AsyIzA3n4xx7aNyjwC2VJldO2LMVDhFK+63xGqq6CsJH4rTAt6/M+N4GhZiDYPx9eUw==", + "dependencies": { + "loose-envify": "^1.1.0" + } + }, + "node_modules/schema-utils": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-3.3.0.tgz", + "integrity": "sha512-pN/yOAvcC+5rQ5nERGuwrjLlYvLTbCibnZ1I7B1LaiAz9BRBlE9GMgE/eqV30P7aJQUf7Ddimy/RsbYO/GrVGg==", + "dependencies": { + "@types/json-schema": "^7.0.8", + "ajv": "^6.12.5", + "ajv-keywords": "^3.5.2" + }, + "engines": { + "node": ">= 10.13.0" + } + }, + "node_modules/select-hose": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/select-hose/-/select-hose-2.0.0.tgz", + "integrity": "sha512-mEugaLK+YfkijB4fx0e6kImuJdCIt2LxCRcbEYPqRGCs4F2ogyfZU5IAZRdjCP8JPq2AtdNoC/Dux63d9Kiryg==" + }, + "node_modules/selfsigned": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/selfsigned/-/selfsigned-2.1.1.tgz", + "integrity": "sha512-GSL3aowiF7wa/WtSFwnUrludWFoNhftq8bUkH9pkzjpN2XSPOAYEgg6e0sS9s0rZwgJzJiQRPU18A6clnoW5wQ==", + "dependencies": { + "node-forge": "^1" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/semver": { + "version": "7.5.4", + "resolved": "https://registry.npmmirror.com/semver/-/semver-7.5.4.tgz", + "integrity": "sha512-1bCSESV6Pv+i21Hvpxp3Dx+pSD8lIPt8uVjRrxAUt/nbswYc+tK6Y2btiULjd4+fnq15PX+nqQDC7Oft7WkwcA==", + "dependencies": { + "lru-cache": "^6.0.0" + }, + "bin": { + "semver": "bin/semver.js" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/semver/node_modules/lru-cache": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/lru-cache/-/lru-cache-6.0.0.tgz", + "integrity": "sha512-Jo6dJ04CmSjuznwJSS3pUeWmd/H0ffTlkXXgwZi+eq1UCmqQwCh+eLsYOYCwY991i2Fah4h1BEMCx4qThGbsiA==", + "dependencies": { + "yallist": "^4.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/semver/node_modules/yallist": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/yallist/-/yallist-4.0.0.tgz", + "integrity": "sha512-3wdGidZyq5PB084XLES5TpOSRA3wjXAlIWMhum2kRcv/41Sn2emQ0dycQW4uZXLejwKvg6EsvbdlVL+FYEct7A==" + }, + "node_modules/send": { + "version": "0.18.0", + "resolved": "https://registry.npmmirror.com/send/-/send-0.18.0.tgz", + "integrity": "sha512-qqWzuOjSFOuqPjFe4NOsMLafToQQwBSOEpS+FwEt3A2V3vKubTquT3vmLTQpFgMXp8AlFWFuP1qKaJZOtPpVXg==", + "dependencies": { + "debug": "2.6.9", + "depd": "2.0.0", + "destroy": "1.2.0", + "encodeurl": "~1.0.2", + "escape-html": "~1.0.3", + "etag": "~1.8.1", + "fresh": "0.5.2", + "http-errors": "2.0.0", + "mime": "1.6.0", + "ms": "2.1.3", + "on-finished": "2.4.1", + "range-parser": "~1.2.1", + "statuses": "2.0.1" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/send/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/send/node_modules/debug/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/send/node_modules/ms": { + "version": "2.1.3", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.1.3.tgz", + "integrity": "sha512-6FlzubTLZG3J2a/NVCAleEhjzq5oxgHyaCU9yYXvcLsvoVaHJq/s5xXI6/XXP6tz7R9xAOtHnSO/tXtF3WRTlA==" + }, + "node_modules/serialize-javascript": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/serialize-javascript/-/serialize-javascript-6.0.1.tgz", + "integrity": "sha512-owoXEFjWRllis8/M1Q+Cw5k8ZH40e3zhp/ovX+Xr/vi1qj6QesbyXXViFbpNvWvPNAD62SutwEXavefrLJWj7w==", + "dependencies": { + "randombytes": "^2.1.0" + } + }, + "node_modules/serve-index": { + "version": "1.9.1", + "resolved": "https://registry.npmmirror.com/serve-index/-/serve-index-1.9.1.tgz", + "integrity": "sha512-pXHfKNP4qujrtteMrSBb0rc8HJ9Ms/GrXwcUtUtD5s4ewDJI8bT3Cz2zTVRMKtri49pLx2e0Ya8ziP5Ya2pZZw==", + "dependencies": { + "accepts": "~1.3.4", + "batch": "0.6.1", + "debug": "2.6.9", + "escape-html": "~1.0.3", + "http-errors": "~1.6.2", + "mime-types": "~2.1.17", + "parseurl": "~1.3.2" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/serve-index/node_modules/debug": { + "version": "2.6.9", + "resolved": "https://registry.npmmirror.com/debug/-/debug-2.6.9.tgz", + "integrity": "sha512-bC7ElrdJaJnPbAP+1EotYvqZsb3ecl5wi6Bfi6BJTUcNowp6cvspg0jXznRTKDjm/E7AdgFBVeAPVMNcKGsHMA==", + "dependencies": { + "ms": "2.0.0" + } + }, + "node_modules/serve-index/node_modules/depd": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/depd/-/depd-1.1.2.tgz", + "integrity": "sha512-7emPTl6Dpo6JRXOXjLRxck+FlLRX5847cLKEn00PLAgc3g2hTZZgr+e4c2v6QpSmLeFP3n5yUo7ft6avBK/5jQ==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/serve-index/node_modules/http-errors": { + "version": "1.6.3", + "resolved": "https://registry.npmmirror.com/http-errors/-/http-errors-1.6.3.tgz", + "integrity": "sha512-lks+lVC8dgGyh97jxvxeYTWQFvh4uw4yC12gVl63Cg30sjPX4wuGcdkICVXDAESr6OJGjqGA8Iz5mkeN6zlD7A==", + "dependencies": { + "depd": "~1.1.2", + "inherits": "2.0.3", + "setprototypeof": "1.1.0", + "statuses": ">= 1.4.0 < 2" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/serve-index/node_modules/inherits": { + "version": "2.0.3", + "resolved": "https://registry.npmmirror.com/inherits/-/inherits-2.0.3.tgz", + "integrity": "sha512-x00IRNXNy63jwGkJmzPigoySHbaqpNuzKbBOmzK+g2OdZpQ9w+sxCN+VSB3ja7IAge2OP2qpfxTjeNcyjmW1uw==" + }, + "node_modules/serve-index/node_modules/ms": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/ms/-/ms-2.0.0.tgz", + "integrity": "sha512-Tpp60P6IUJDTuOq/5Z8cdskzJujfwqfOTkrwIwj7IRISpnkJnT6SyJ4PCPnGMoFjC9ddhal5KVIYtAt97ix05A==" + }, + "node_modules/serve-index/node_modules/setprototypeof": { + "version": "1.1.0", + "resolved": "https://registry.npmmirror.com/setprototypeof/-/setprototypeof-1.1.0.tgz", + "integrity": "sha512-BvE/TwpZX4FXExxOxZyRGQQv651MSwmWKZGqvmPcRIjDqWub67kTKuIMx43cZZrS/cBBzwBcNDWoFxt2XEFIpQ==" + }, + "node_modules/serve-index/node_modules/statuses": { + "version": "1.5.0", + "resolved": "https://registry.npmmirror.com/statuses/-/statuses-1.5.0.tgz", + "integrity": "sha512-OpZ3zP+jT1PI7I8nemJX4AKmAX070ZkYPVWV/AaKTJl+tXCTGyVdC1a4SL8RUQYEwk/f34ZX8UTykN68FwrqAA==", + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/serve-static": { + "version": "1.15.0", + "resolved": "https://registry.npmmirror.com/serve-static/-/serve-static-1.15.0.tgz", + "integrity": "sha512-XGuRDNjXUijsUL0vl6nSD7cwURuzEgglbOaFuZM9g3kwDXOWVTck0jLzjPzGD+TazWbboZYu52/9/XPdUgne9g==", + "dependencies": { + "encodeurl": "~1.0.2", + "escape-html": "~1.0.3", + "parseurl": "~1.3.3", + "send": "0.18.0" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/setprototypeof": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/setprototypeof/-/setprototypeof-1.2.0.tgz", + "integrity": "sha512-E5LDX7Wrp85Kil5bhZv46j8jOeboKq5JMmYM3gVGdGH8xFpPWXUMsNrlODCrkoxMEeNi/XZIwuRvY4XNwYMJpw==" + }, + "node_modules/shebang-command": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/shebang-command/-/shebang-command-2.0.0.tgz", + "integrity": "sha512-kHxr2zZpYtdmrN1qDjrrX/Z1rR1kG8Dx+gkpK1G4eXmvXswmcE1hTWBWYUzlraYw1/yZp6YuDY77YtvbN0dmDA==", + "dependencies": { + "shebang-regex": "^3.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/shebang-regex": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/shebang-regex/-/shebang-regex-3.0.0.tgz", + "integrity": "sha512-7++dFhtcx3353uBaq8DDR4NuxBetBzC7ZQOhmTQInHEd6bSrXdiEyzCvG07Z44UYdLShWUyXt5M/yhz8ekcb1A==", + "engines": { + "node": ">=8" + } + }, + "node_modules/shell-quote": { + "version": "1.8.1", + "resolved": "https://registry.npmmirror.com/shell-quote/-/shell-quote-1.8.1.tgz", + "integrity": "sha512-6j1W9l1iAs/4xYBI1SYOVZyFcCis9b4KCLQ8fgAGG07QvzaRLVVRQvAy85yNmmZSjYjg4MWh4gNvlPujU/5LpA==" + }, + "node_modules/side-channel": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/side-channel/-/side-channel-1.0.4.tgz", + "integrity": "sha512-q5XPytqFEIKHkGdiMIrY10mvLRvnQh42/+GoBlFW3b2LXLE2xxJpZFdm94we0BaoV3RwJyGqg5wS7epxTv0Zvw==", + "dependencies": { + "call-bind": "^1.0.0", + "get-intrinsic": "^1.0.2", + "object-inspect": "^1.9.0" + } + }, + "node_modules/signal-exit": { + "version": "3.0.7", + "resolved": "https://registry.npmmirror.com/signal-exit/-/signal-exit-3.0.7.tgz", + "integrity": "sha512-wnD2ZE+l+SPC/uoS0vXeE9L1+0wuaMqKlfz9AMUo38JsyLSBWSFcHR1Rri62LZc12vLr1gb3jl7iwQhgwpAbGQ==" + }, + "node_modules/sisteransi": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/sisteransi/-/sisteransi-1.0.5.tgz", + "integrity": "sha512-bLGGlR1QxBcynn2d5YmDX4MGjlZvy2MRBDRNHLJ8VI6l6+9FUiyTFNJ0IveOSP0bcXgVDPRcfGqA0pjaqUpfVg==" + }, + "node_modules/slash": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/slash/-/slash-3.0.0.tgz", + "integrity": "sha512-g9Q1haeby36OSStwb4ntCGGGaKsaVSjQ68fBxoQcutl5fS1vuY18H3wSt3jFyFtrkx+Kz0V1G85A4MyAdDMi2Q==", + "engines": { + "node": ">=8" + } + }, + "node_modules/sockjs": { + "version": "0.3.24", + "resolved": "https://registry.npmmirror.com/sockjs/-/sockjs-0.3.24.tgz", + "integrity": "sha512-GJgLTZ7vYb/JtPSSZ10hsOYIvEYsjbNU+zPdIHcUaWVNUEPivzxku31865sSSud0Da0W4lEeOPlmw93zLQchuQ==", + "dependencies": { + "faye-websocket": "^0.11.3", + "uuid": "^8.3.2", + "websocket-driver": "^0.7.4" + } + }, + "node_modules/source-list-map": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/source-list-map/-/source-list-map-2.0.1.tgz", + "integrity": "sha512-qnQ7gVMxGNxsiL4lEuJwe/To8UnK7fAnmbGEEH8RpLouuKbeEm0lhbQVFIrNSuB+G7tVrAlVsZgETT5nljf+Iw==" + }, + "node_modules/source-map": { + "version": "0.7.4", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.7.4.tgz", + "integrity": "sha512-l3BikUxvPOcn5E74dZiq5BGsTb5yEwhaTSzccU6t4sDOH8NWJCstKO5QT2CvtFoK6F0saL7p9xHAqHOlCPJygA==", + "engines": { + "node": ">= 8" + } + }, + "node_modules/source-map-js": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/source-map-js/-/source-map-js-1.0.2.tgz", + "integrity": "sha512-R0XvVJ9WusLiqTCEiGCmICCMplcCkIwwR11mOSD9CR5u+IXYdiseeEuXCVAjS54zqwkLcPNnmU4OeJ6tUrWhDw==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/source-map-loader": { + "version": "3.0.2", + "resolved": "https://registry.npmmirror.com/source-map-loader/-/source-map-loader-3.0.2.tgz", + "integrity": "sha512-BokxPoLjyl3iOrgkWaakaxqnelAJSS+0V+De0kKIq6lyWrXuiPgYTGp6z3iHmqljKAaLXwZa+ctD8GccRJeVvg==", + "dependencies": { + "abab": "^2.0.5", + "iconv-lite": "^0.6.3", + "source-map-js": "^1.0.1" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^5.0.0" + } + }, + "node_modules/source-map-support": { + "version": "0.5.21", + "resolved": "https://registry.npmmirror.com/source-map-support/-/source-map-support-0.5.21.tgz", + "integrity": "sha512-uBHU3L3czsIyYXKX88fdrGovxdSCoTGDRZ6SYXtSRxLZUzHg5P/66Ht6uoUlHu9EZod+inXhKo3qQgwXUT/y1w==", + "dependencies": { + "buffer-from": "^1.0.0", + "source-map": "^0.6.0" + } + }, + "node_modules/source-map-support/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/sourcemap-codec": { + "version": "1.4.8", + "resolved": "https://registry.npmmirror.com/sourcemap-codec/-/sourcemap-codec-1.4.8.tgz", + "integrity": "sha512-9NykojV5Uih4lgo5So5dtw+f0JgJX30KCNI8gwhz2J9A15wD0Ml6tjHKwf6fTSa6fAdVBdZeNOs9eJ71qCk8vA==", + "deprecated": "Please use @jridgewell/sourcemap-codec instead" + }, + "node_modules/spdy": { + "version": "4.0.2", + "resolved": "https://registry.npmmirror.com/spdy/-/spdy-4.0.2.tgz", + "integrity": "sha512-r46gZQZQV+Kl9oItvl1JZZqJKGr+oEkB08A6BzkiR7593/7IbtuncXHd2YoYeTsG4157ZssMu9KYvUHLcjcDoA==", + "dependencies": { + "debug": "^4.1.0", + "handle-thing": "^2.0.0", + "http-deceiver": "^1.2.7", + "select-hose": "^2.0.0", + "spdy-transport": "^3.0.0" + }, + "engines": { + "node": ">=6.0.0" + } + }, + "node_modules/spdy-transport": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/spdy-transport/-/spdy-transport-3.0.0.tgz", + "integrity": "sha512-hsLVFE5SjA6TCisWeJXFKniGGOpBgMLmerfO2aCyCU5s7nJ/rpAepqmFifv/GCbSbueEeAJJnmSQ2rKC/g8Fcw==", + "dependencies": { + "debug": "^4.1.0", + "detect-node": "^2.0.4", + "hpack.js": "^2.1.6", + "obuf": "^1.1.2", + "readable-stream": "^3.0.6", + "wbuf": "^1.7.3" + } + }, + "node_modules/sprintf-js": { + "version": "1.0.3", + "resolved": "https://registry.npmmirror.com/sprintf-js/-/sprintf-js-1.0.3.tgz", + "integrity": "sha512-D9cPgkvLlV3t3IzL0D0YLvGA9Ahk4PcvVwUbN0dSGr1aP0Nrt4AEnTUbuGvquEC0mA64Gqt1fzirlRs5ibXx8g==" + }, + "node_modules/stable": { + "version": "0.1.8", + "resolved": "https://registry.npmmirror.com/stable/-/stable-0.1.8.tgz", + "integrity": "sha512-ji9qxRnOVfcuLDySj9qzhGSEFVobyt1kIOSkj1qZzYLzq7Tos/oUUWvotUPQLlrsidqsK6tBH89Bc9kL5zHA6w==", + "deprecated": "Modern JS already guarantees Array#sort() is a stable sort, so this library is deprecated. See the compatibility table on MDN: https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/Array/sort#browser_compatibility" + }, + "node_modules/stack-utils": { + "version": "2.0.6", + "resolved": "https://registry.npmmirror.com/stack-utils/-/stack-utils-2.0.6.tgz", + "integrity": "sha512-XlkWvfIm6RmsWtNJx+uqtKLS8eqFbxUg0ZzLXqY0caEy9l7hruX8IpiDnjsLavoBgqCCR71TqWO8MaXYheJ3RQ==", + "dependencies": { + "escape-string-regexp": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/stack-utils/node_modules/escape-string-regexp": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/escape-string-regexp/-/escape-string-regexp-2.0.0.tgz", + "integrity": "sha512-UpzcLCXolUWcNu5HtVMHYdXJjArjsF9C0aNnquZYY4uW/Vu0miy5YoWvbV345HauVvcAUnpRuhMMcqTcGOY2+w==", + "engines": { + "node": ">=8" + } + }, + "node_modules/stackframe": { + "version": "1.3.4", + "resolved": "https://registry.npmmirror.com/stackframe/-/stackframe-1.3.4.tgz", + "integrity": "sha512-oeVtt7eWQS+Na6F//S4kJ2K2VbRlS9D43mAlMyVpVWovy9o+jfgH8O9agzANzaiLjclA0oYzUXEM4PurhSUChw==" + }, + "node_modules/statuses": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/statuses/-/statuses-2.0.1.tgz", + "integrity": "sha512-RwNA9Z/7PrK06rYLIzFMlaF+l73iwpzsqRIFgbMLbTcLD6cOao82TaWefPXQvB2fOC4AjuYSEndS7N/mTCbkdQ==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/stop-iteration-iterator": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/stop-iteration-iterator/-/stop-iteration-iterator-1.0.0.tgz", + "integrity": "sha512-iCGQj+0l0HOdZ2AEeBADlsRC+vsnDsZsbdSiH1yNSjcfKM7fdpCMfqAL/dwF5BLiw/XhRft/Wax6zQbhq2BcjQ==", + "dependencies": { + "internal-slot": "^1.0.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/string_decoder": { + "version": "1.3.0", + "resolved": "https://registry.npmmirror.com/string_decoder/-/string_decoder-1.3.0.tgz", + "integrity": "sha512-hkRX8U1WjJFd8LsDJ2yQ/wWWxaopEsABU1XfkM8A+j0+85JAGppt16cr1Whg6KIbb4okU6Mql6BOj+uup/wKeA==", + "dependencies": { + "safe-buffer": "~5.2.0" + } + }, + "node_modules/string-length": { + "version": "4.0.2", + "resolved": "https://registry.npmmirror.com/string-length/-/string-length-4.0.2.tgz", + "integrity": "sha512-+l6rNN5fYHNhZZy41RXsYptCjA2Igmq4EG7kZAYFQI1E1VTXarr6ZPXBg6eq7Y6eK4FEhY6AJlyuFIb/v/S0VQ==", + "dependencies": { + "char-regex": "^1.0.2", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/string-natural-compare": { + "version": "3.0.1", + "resolved": "https://registry.npmmirror.com/string-natural-compare/-/string-natural-compare-3.0.1.tgz", + "integrity": "sha512-n3sPwynL1nwKi3WJ6AIsClwBMa0zTi54fn2oLU6ndfTSIO05xaznjSf15PcBZU6FNWbmN5Q6cxT4V5hGvB4taw==" + }, + "node_modules/string-width": { + "version": "4.2.3", + "resolved": "https://registry.npmmirror.com/string-width/-/string-width-4.2.3.tgz", + "integrity": "sha512-wKyQRQpjJ0sIp62ErSZdGsjMJWsap5oRNihHhu6G7JVO/9jIB6UyevL+tXuOqrng8j/cxKTWyWUwvSTriiZz/g==", + "dependencies": { + "emoji-regex": "^8.0.0", + "is-fullwidth-code-point": "^3.0.0", + "strip-ansi": "^6.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/string-width/node_modules/emoji-regex": { + "version": "8.0.0", + "resolved": "https://registry.npmmirror.com/emoji-regex/-/emoji-regex-8.0.0.tgz", + "integrity": "sha512-MSjYzcWNOA0ewAHpz0MxpYFvwg6yjy1NG3xteoqz644VCo/RPgnr1/GGt+ic3iJTzQ8Eu3TdM14SawnVUmGE6A==" + }, + "node_modules/string.prototype.matchall": { + "version": "4.0.8", + "resolved": "https://registry.npmmirror.com/string.prototype.matchall/-/string.prototype.matchall-4.0.8.tgz", + "integrity": "sha512-6zOCOcJ+RJAQshcTvXPHoxoQGONa3e/Lqx90wUA+wEzX78sg5Bo+1tQo4N0pohS0erG9qtCqJDjNCQBjeWVxyg==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4", + "get-intrinsic": "^1.1.3", + "has-symbols": "^1.0.3", + "internal-slot": "^1.0.3", + "regexp.prototype.flags": "^1.4.3", + "side-channel": "^1.0.4" + } + }, + "node_modules/string.prototype.trim": { + "version": "1.2.7", + "resolved": "https://registry.npmmirror.com/string.prototype.trim/-/string.prototype.trim-1.2.7.tgz", + "integrity": "sha512-p6TmeT1T3411M8Cgg9wBTMRtY2q9+PNy9EV1i2lIXUN/btt763oIfxwN3RR8VU6wHX8j/1CFy0L+YuThm6bgOg==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/string.prototype.trimend": { + "version": "1.0.6", + "resolved": "https://registry.npmmirror.com/string.prototype.trimend/-/string.prototype.trimend-1.0.6.tgz", + "integrity": "sha512-JySq+4mrPf9EsDBEDYMOb/lM7XQLulwg5R/m1r0PXEFqrV0qHvl58sdTilSXtKOflCsK2E8jxf+GKC0T07RWwQ==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + } + }, + "node_modules/string.prototype.trimstart": { + "version": "1.0.6", + "resolved": "https://registry.npmmirror.com/string.prototype.trimstart/-/string.prototype.trimstart-1.0.6.tgz", + "integrity": "sha512-omqjMDaY92pbn5HOX7f9IccLA+U1tA9GvtU4JrodiXFfYB7jPzzHpRzpglLAjtUV6bB557zwClJezTqnAiYnQA==", + "dependencies": { + "call-bind": "^1.0.2", + "define-properties": "^1.1.4", + "es-abstract": "^1.20.4" + } + }, + "node_modules/stringify-object": { + "version": "3.3.0", + "resolved": "https://registry.npmmirror.com/stringify-object/-/stringify-object-3.3.0.tgz", + "integrity": "sha512-rHqiFh1elqCQ9WPLIC8I0Q/g/wj5J1eMkyoiD6eoQApWHP0FtlK7rqnhmabL5VUY9JQCcqwwvlOaSuutekgyrw==", + "dependencies": { + "get-own-enumerable-property-symbols": "^3.0.0", + "is-obj": "^1.0.1", + "is-regexp": "^1.0.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/strip-ansi": { + "version": "6.0.1", + "resolved": "https://registry.npmmirror.com/strip-ansi/-/strip-ansi-6.0.1.tgz", + "integrity": "sha512-Y38VPSHcqkFrCpFnQ9vuSXmquuv5oXOKpGeT6aGrr3o3Gc9AlVa6JBfUSOCnbxGGZF+/0ooI7KrPuUSztUdU5A==", + "dependencies": { + "ansi-regex": "^5.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/strip-bom": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/strip-bom/-/strip-bom-4.0.0.tgz", + "integrity": "sha512-3xurFv5tEgii33Zi8Jtp55wEIILR9eh34FAW00PZf+JnSsTmV/ioewSgQl97JHvgjoRGwPShsWm+IdrxB35d0w==", + "engines": { + "node": ">=8" + } + }, + "node_modules/strip-comments": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/strip-comments/-/strip-comments-2.0.1.tgz", + "integrity": "sha512-ZprKx+bBLXv067WTCALv8SSz5l2+XhpYCsVtSqlMnkAXMWDq+/ekVbl1ghqP9rUHTzv6sm/DwCOiYutU/yp1fw==", + "engines": { + "node": ">=10" + } + }, + "node_modules/strip-final-newline": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/strip-final-newline/-/strip-final-newline-2.0.0.tgz", + "integrity": "sha512-BrpvfNAE3dcvq7ll3xVumzjKjZQ5tI1sEUIKr3Uoks0XUl45St3FlatVqef9prk4jRDzhW6WZg+3bk93y6pLjA==", + "engines": { + "node": ">=6" + } + }, + "node_modules/strip-indent": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/strip-indent/-/strip-indent-3.0.0.tgz", + "integrity": "sha512-laJTa3Jb+VQpaC6DseHhF7dXVqHTfJPCRDaEbid/drOhgitgYku/letMUqOXFoWV0zIIUbjpdH2t+tYj4bQMRQ==", + "dependencies": { + "min-indent": "^1.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/strip-json-comments": { + "version": "3.1.1", + "resolved": "https://registry.npmmirror.com/strip-json-comments/-/strip-json-comments-3.1.1.tgz", + "integrity": "sha512-6fPc+R4ihwqP6N/aIv2f1gMH8lOVtWQHoqC4yK6oSDVVocumAsfCqjkXnqiYMhmMwS/mEHLp7Vehlt3ql6lEig==", + "engines": { + "node": ">=8" + } + }, + "node_modules/style-loader": { + "version": "3.3.3", + "resolved": "https://registry.npmmirror.com/style-loader/-/style-loader-3.3.3.tgz", + "integrity": "sha512-53BiGLXAcll9maCYtZi2RCQZKa8NQQai5C4horqKyRmHj9H7QmcUyucrH+4KW/gBQbXM2AsB0axoEcFZPlfPcw==", + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^5.0.0" + } + }, + "node_modules/stylehacks": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/stylehacks/-/stylehacks-5.1.1.tgz", + "integrity": "sha512-sBpcd5Hx7G6seo7b1LkpttvTz7ikD0LlH5RmdcBNb6fFR0Fl7LQwHDFr300q4cwUqi+IYrFGmsIHieMBfnN/Bw==", + "dependencies": { + "browserslist": "^4.21.4", + "postcss-selector-parser": "^6.0.4" + }, + "engines": { + "node": "^10 || ^12 || >=14.0" + }, + "peerDependencies": { + "postcss": "^8.2.15" + } + }, + "node_modules/stylis": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/stylis/-/stylis-4.2.0.tgz", + "integrity": "sha512-Orov6g6BB1sDfYgzWfTHDOxamtX1bE/zo104Dh9e6fqJ3PooipYyfJ0pUmrZO2wAvO8YbEyeFrkV91XTsGMSrw==" + }, + "node_modules/sucrase": { + "version": "3.33.0", + "resolved": "https://registry.npmmirror.com/sucrase/-/sucrase-3.33.0.tgz", + "integrity": "sha512-ARGC7vbufOHfpvyGcZZXFaXCMZ9A4fffOGC5ucOW7+WHDGlAe8LJdf3Jts1sWhDeiI1RSWrKy5Hodl+JWGdW2A==", + "dependencies": { + "@jridgewell/gen-mapping": "^0.3.2", + "commander": "^4.0.0", + "glob": "7.1.6", + "lines-and-columns": "^1.1.6", + "mz": "^2.7.0", + "pirates": "^4.0.1", + "ts-interface-checker": "^0.1.9" + }, + "bin": { + "sucrase": "bin/sucrase", + "sucrase-node": "bin/sucrase-node" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/sucrase/node_modules/commander": { + "version": "4.1.1", + "resolved": "https://registry.npmmirror.com/commander/-/commander-4.1.1.tgz", + "integrity": "sha512-NOKm8xhkzAjzFx8B2v5OAHT+u5pRQc2UCa2Vq9jYL/31o2wi9mxBA7LIFs3sV5VSC49z6pEhfbMULvShKj26WA==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/sucrase/node_modules/glob": { + "version": "7.1.6", + "resolved": "https://registry.npmmirror.com/glob/-/glob-7.1.6.tgz", + "integrity": "sha512-LwaxwyZ72Lk7vZINtNNrywX0ZuLyStrdDtabefZKAY5ZGJhVtgdznluResxNmPitE0SAO+O26sWTHeKSI2wMBA==", + "dependencies": { + "fs.realpath": "^1.0.0", + "inflight": "^1.0.4", + "inherits": "2", + "minimatch": "^3.0.4", + "once": "^1.3.0", + "path-is-absolute": "^1.0.0" + }, + "engines": { + "node": "*" + } + }, + "node_modules/supports-color": { + "version": "5.5.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-5.5.0.tgz", + "integrity": "sha512-QjVjwdXIt408MIiAqCX4oUKsgU2EqAGzs2Ppkm4aQYbjm+ZEWEcW4SfFNTr4uMNZma0ey4f5lgLrkB0aX0QMow==", + "dependencies": { + "has-flag": "^3.0.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/supports-hyperlinks": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/supports-hyperlinks/-/supports-hyperlinks-2.3.0.tgz", + "integrity": "sha512-RpsAZlpWcDwOPQA22aCH4J0t7L8JmAvsCxfOSEwm7cQs3LshN36QaTkwd70DnBOXDWGssw2eUoc8CaRWT0XunA==", + "dependencies": { + "has-flag": "^4.0.0", + "supports-color": "^7.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/supports-hyperlinks/node_modules/has-flag": { + "version": "4.0.0", + "resolved": "https://registry.npmmirror.com/has-flag/-/has-flag-4.0.0.tgz", + "integrity": "sha512-EykJT/Q1KjTWctppgIAgfSO0tKVuZUjhgMr17kqTumMl6Afv3EISleU7qZUzoXDFTAHTDC4NOoG/ZxU3EvlMPQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/supports-hyperlinks/node_modules/supports-color": { + "version": "7.2.0", + "resolved": "https://registry.npmmirror.com/supports-color/-/supports-color-7.2.0.tgz", + "integrity": "sha512-qpCAvRl9stuOHveKsn7HncJRvv501qIacKzQlO/+Lwxc9+0q2wLyv4Dfvt80/DPn2pqOBsJdDiogXGR9+OvwRw==", + "dependencies": { + "has-flag": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/supports-preserve-symlinks-flag": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/supports-preserve-symlinks-flag/-/supports-preserve-symlinks-flag-1.0.0.tgz", + "integrity": "sha512-ot0WnXS9fgdkgIcePe6RHNk1WA8+muPa6cSjeR3V8K27q9BB1rTE3R1p7Hv0z1ZyAc8s6Vvv8DIyWf681MAt0w==", + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/svg-parser": { + "version": "2.0.4", + "resolved": "https://registry.npmmirror.com/svg-parser/-/svg-parser-2.0.4.tgz", + "integrity": "sha512-e4hG1hRwoOdRb37cIMSgzNsxyzKfayW6VOflrwvR+/bzrkyxY/31WkbgnQpgtrNp1SdpJvpUAGTa/ZoiPNDuRQ==" + }, + "node_modules/svgo": { + "version": "1.3.2", + "resolved": "https://registry.npmmirror.com/svgo/-/svgo-1.3.2.tgz", + "integrity": "sha512-yhy/sQYxR5BkC98CY7o31VGsg014AKLEPxdfhora76l36hD9Rdy5NZA/Ocn6yayNPgSamYdtX2rFJdcv07AYVw==", + "deprecated": "This SVGO version is no longer supported. Upgrade to v2.x.x.", + "dependencies": { + "chalk": "^2.4.1", + "coa": "^2.0.2", + "css-select": "^2.0.0", + "css-select-base-adapter": "^0.1.1", + "css-tree": "1.0.0-alpha.37", + "csso": "^4.0.2", + "js-yaml": "^3.13.1", + "mkdirp": "~0.5.1", + "object.values": "^1.1.0", + "sax": "~1.2.4", + "stable": "^0.1.8", + "unquote": "~1.1.1", + "util.promisify": "~1.0.0" + }, + "bin": { + "svgo": "bin/svgo" + }, + "engines": { + "node": ">=4.0.0" + } + }, + "node_modules/svgo/node_modules/css-select": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/css-select/-/css-select-2.1.0.tgz", + "integrity": "sha512-Dqk7LQKpwLoH3VovzZnkzegqNSuAziQyNZUcrdDM401iY+R5NkGBXGmtO05/yaXQziALuPogeG0b7UAgjnTJTQ==", + "dependencies": { + "boolbase": "^1.0.0", + "css-what": "^3.2.1", + "domutils": "^1.7.0", + "nth-check": "^1.0.2" + } + }, + "node_modules/svgo/node_modules/css-what": { + "version": "3.4.2", + "resolved": "https://registry.npmmirror.com/css-what/-/css-what-3.4.2.tgz", + "integrity": "sha512-ACUm3L0/jiZTqfzRM3Hi9Q8eZqd6IK37mMWPLz9PJxkLWllYeRf+EHUSHYEtFop2Eqytaq1FizFVh7XfBnXCDQ==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/svgo/node_modules/dom-serializer": { + "version": "0.2.2", + "resolved": "https://registry.npmmirror.com/dom-serializer/-/dom-serializer-0.2.2.tgz", + "integrity": "sha512-2/xPb3ORsQ42nHYiSunXkDjPLBaEj/xTwUO4B7XCZQTRk7EBtTOPaygh10YAAh2OI1Qrp6NWfpAhzswj0ydt9g==", + "dependencies": { + "domelementtype": "^2.0.1", + "entities": "^2.0.0" + } + }, + "node_modules/svgo/node_modules/domutils": { + "version": "1.7.0", + "resolved": "https://registry.npmmirror.com/domutils/-/domutils-1.7.0.tgz", + "integrity": "sha512-Lgd2XcJ/NjEw+7tFvfKxOzCYKZsdct5lczQ2ZaQY8Djz7pfAD3Gbp8ySJWtreII/vDlMVmxwa6pHmdxIYgttDg==", + "dependencies": { + "dom-serializer": "0", + "domelementtype": "1" + } + }, + "node_modules/svgo/node_modules/domutils/node_modules/domelementtype": { + "version": "1.3.1", + "resolved": "https://registry.npmmirror.com/domelementtype/-/domelementtype-1.3.1.tgz", + "integrity": "sha512-BSKB+TSpMpFI/HOxCNr1O8aMOTZ8hT3pM3GQ0w/mWRmkhEDSFJkkyzz4XQsBV44BChwGkrDfMyjVD0eA2aFV3w==" + }, + "node_modules/svgo/node_modules/nth-check": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/nth-check/-/nth-check-1.0.2.tgz", + "integrity": "sha512-WeBOdju8SnzPN5vTUJYxYUxLeXpCaVP5i5e0LF8fg7WORF2Wd7wFX/pk0tYZk7s8T+J7VLy0Da6J1+wCT0AtHg==", + "dependencies": { + "boolbase": "~1.0.0" + } + }, + "node_modules/symbol-tree": { + "version": "3.2.4", + "resolved": "https://registry.npmmirror.com/symbol-tree/-/symbol-tree-3.2.4.tgz", + "integrity": "sha512-9QNk5KwDF+Bvz+PyObkmSYjI5ksVUYtjW7AU22r2NKcfLJcXp96hkDWU3+XndOsUb+AQ9QhfzfCT2O+CNWT5Tw==" + }, + "node_modules/tailwindcss": { + "version": "3.3.3", + "resolved": "https://registry.npmmirror.com/tailwindcss/-/tailwindcss-3.3.3.tgz", + "integrity": "sha512-A0KgSkef7eE4Mf+nKJ83i75TMyq8HqY3qmFIJSWy8bNt0v1lG7jUcpGpoTFxAwYcWOphcTBLPPJg+bDfhDf52w==", + "dependencies": { + "@alloc/quick-lru": "^5.2.0", + "arg": "^5.0.2", + "chokidar": "^3.5.3", + "didyoumean": "^1.2.2", + "dlv": "^1.1.3", + "fast-glob": "^3.2.12", + "glob-parent": "^6.0.2", + "is-glob": "^4.0.3", + "jiti": "^1.18.2", + "lilconfig": "^2.1.0", + "micromatch": "^4.0.5", + "normalize-path": "^3.0.0", + "object-hash": "^3.0.0", + "picocolors": "^1.0.0", + "postcss": "^8.4.23", + "postcss-import": "^15.1.0", + "postcss-js": "^4.0.1", + "postcss-load-config": "^4.0.1", + "postcss-nested": "^6.0.1", + "postcss-selector-parser": "^6.0.11", + "resolve": "^1.22.2", + "sucrase": "^3.32.0" + }, + "bin": { + "tailwind": "lib/cli.js", + "tailwindcss": "lib/cli.js" + }, + "engines": { + "node": ">=14.0.0" + } + }, + "node_modules/tapable": { + "version": "2.2.1", + "resolved": "https://registry.npmmirror.com/tapable/-/tapable-2.2.1.tgz", + "integrity": "sha512-GNzQvQTOIP6RyTfE2Qxb8ZVlNmw0n88vp1szwWRimP02mnTsx3Wtn5qRdqY9w2XduFNUgvOwhNnQsjwCp+kqaQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/temp-dir": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/temp-dir/-/temp-dir-2.0.0.tgz", + "integrity": "sha512-aoBAniQmmwtcKp/7BzsH8Cxzv8OL736p7v1ihGb5e9DJ9kTwGWHrQrVB5+lfVDzfGrdRzXch+ig7LHaY1JTOrg==", + "engines": { + "node": ">=8" + } + }, + "node_modules/tempy": { + "version": "0.6.0", + "resolved": "https://registry.npmmirror.com/tempy/-/tempy-0.6.0.tgz", + "integrity": "sha512-G13vtMYPT/J8A4X2SjdtBTphZlrp1gKv6hZiOjw14RCWg6GbHuQBGtjlx75xLbYV/wEc0D7G5K4rxKP/cXk8Bw==", + "dependencies": { + "is-stream": "^2.0.0", + "temp-dir": "^2.0.0", + "type-fest": "^0.16.0", + "unique-string": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/tempy/node_modules/type-fest": { + "version": "0.16.0", + "resolved": "https://registry.npmmirror.com/type-fest/-/type-fest-0.16.0.tgz", + "integrity": "sha512-eaBzG6MxNzEn9kiwvtre90cXaNLkmadMWa1zQMs3XORCXNbsH/OewwbxC5ia9dCxIxnTAsSxXJaa/p5y8DlvJg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/terminal-link": { + "version": "2.1.1", + "resolved": "https://registry.npmmirror.com/terminal-link/-/terminal-link-2.1.1.tgz", + "integrity": "sha512-un0FmiRUQNr5PJqy9kP7c40F5BOfpGlYTrxonDChEZB7pzZxRNp/bt+ymiy9/npwXya9KH99nJ/GXFIiUkYGFQ==", + "dependencies": { + "ansi-escapes": "^4.2.1", + "supports-hyperlinks": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/terser": { + "version": "5.19.1", + "resolved": "https://registry.npmmirror.com/terser/-/terser-5.19.1.tgz", + "integrity": "sha512-27hxBUVdV6GoNg1pKQ7Z5cbR6V9txPVyBA+FQw3BaZ1Wuzvztce5p156DaP0NVZNrMZZ+6iG9Syf7WgMNKDg2Q==", + "dependencies": { + "@jridgewell/source-map": "^0.3.3", + "acorn": "^8.8.2", + "commander": "^2.20.0", + "source-map-support": "~0.5.20" + }, + "bin": { + "terser": "bin/terser" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/terser-webpack-plugin": { + "version": "5.3.9", + "resolved": "https://registry.npmmirror.com/terser-webpack-plugin/-/terser-webpack-plugin-5.3.9.tgz", + "integrity": "sha512-ZuXsqE07EcggTWQjXUj+Aot/OMcD0bMKGgF63f7UxYcu5/AJF53aIpK1YoP5xR9l6s/Hy2b+t1AM0bLNPRuhwA==", + "dependencies": { + "@jridgewell/trace-mapping": "^0.3.17", + "jest-worker": "^27.4.5", + "schema-utils": "^3.1.1", + "serialize-javascript": "^6.0.1", + "terser": "^5.16.8" + }, + "engines": { + "node": ">= 10.13.0" + }, + "peerDependencies": { + "webpack": "^5.1.0" + }, + "peerDependenciesMeta": { + "@swc/core": { + "optional": true + }, + "esbuild": { + "optional": true + }, + "uglify-js": { + "optional": true + } + } + }, + "node_modules/terser/node_modules/commander": { + "version": "2.20.3", + "resolved": "https://registry.npmmirror.com/commander/-/commander-2.20.3.tgz", + "integrity": "sha512-GpVkmM8vF2vQUkj2LvZmD35JxeJOLCwJ9cUkugyk2nuhbv3+mJvpLYYt+0+USMxE+oj+ey/lJEnhZw75x/OMcQ==" + }, + "node_modules/test-exclude": { + "version": "6.0.0", + "resolved": "https://registry.npmmirror.com/test-exclude/-/test-exclude-6.0.0.tgz", + "integrity": "sha512-cAGWPIyOHU6zlmg88jwm7VRyXnMN7iV68OGAbYDk/Mh/xC/pzVPlQtY6ngoIH/5/tciuhGfvESU8GrHrcxD56w==", + "dependencies": { + "@istanbuljs/schema": "^0.1.2", + "glob": "^7.1.4", + "minimatch": "^3.0.4" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/text-table": { + "version": "0.2.0", + "resolved": "https://registry.npmmirror.com/text-table/-/text-table-0.2.0.tgz", + "integrity": "sha512-N+8UisAXDGk8PFXP4HAzVR9nbfmVJ3zYLAWiTIoqC5v5isinhr+r5uaO8+7r3BMfuNIufIsA7RdpVgacC2cSpw==" + }, + "node_modules/thenify": { + "version": "3.3.1", + "resolved": "https://registry.npmmirror.com/thenify/-/thenify-3.3.1.tgz", + "integrity": "sha512-RVZSIV5IG10Hk3enotrhvz0T9em6cyHBLkH/YAZuKqd8hRkKhSfCGIcP2KUY0EPxndzANBmNllzWPwak+bheSw==", + "dependencies": { + "any-promise": "^1.0.0" + } + }, + "node_modules/thenify-all": { + "version": "1.6.0", + "resolved": "https://registry.npmmirror.com/thenify-all/-/thenify-all-1.6.0.tgz", + "integrity": "sha512-RNxQH/qI8/t3thXJDwcstUO4zeqo64+Uy/+sNVRBx4Xn2OX+OZ9oP+iJnNFqplFra2ZUVeKCSa2oVWi3T4uVmA==", + "dependencies": { + "thenify": ">= 3.1.0 < 4" + }, + "engines": { + "node": ">=0.8" + } + }, + "node_modules/throat": { + "version": "6.0.2", + "resolved": "https://registry.npmmirror.com/throat/-/throat-6.0.2.tgz", + "integrity": "sha512-WKexMoJj3vEuK0yFEapj8y64V0A6xcuPuK9Gt1d0R+dzCSJc0lHqQytAbSB4cDAK0dWh4T0E2ETkoLE2WZ41OQ==" + }, + "node_modules/thunky": { + "version": "1.1.0", + "resolved": "https://registry.npmmirror.com/thunky/-/thunky-1.1.0.tgz", + "integrity": "sha512-eHY7nBftgThBqOyHGVN+l8gF0BucP09fMo0oO/Lb0w1OF80dJv+lDVpXG60WMQvkcxAkNybKsrEIE3ZtKGmPrA==" + }, + "node_modules/tmpl": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/tmpl/-/tmpl-1.0.5.tgz", + "integrity": "sha512-3f0uOEAQwIqGuWW2MVzYg8fV/QNnc/IpuJNG837rLuczAaLVHslWHZQj4IGiEl5Hs3kkbhwL9Ab7Hrsmuj+Smw==" + }, + "node_modules/to-fast-properties": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/to-fast-properties/-/to-fast-properties-2.0.0.tgz", + "integrity": "sha512-/OaKK0xYrs3DmxRYqL/yDc+FxFUVYhDlXMhRmv3z915w2HF1tnN1omB354j8VUGO/hbRzyD6Y3sA7v7GS/ceog==", + "engines": { + "node": ">=4" + } + }, + "node_modules/to-regex-range": { + "version": "5.0.1", + "resolved": "https://registry.npmmirror.com/to-regex-range/-/to-regex-range-5.0.1.tgz", + "integrity": "sha512-65P7iz6X5yEr1cwcgvQxbbIw7Uk3gOy5dIdtZ4rDveLqhrdJP+Li/Hx6tyK0NEb+2GCyneCMJiGqrADCSNk8sQ==", + "dependencies": { + "is-number": "^7.0.0" + }, + "engines": { + "node": ">=8.0" + } + }, + "node_modules/toidentifier": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/toidentifier/-/toidentifier-1.0.1.tgz", + "integrity": "sha512-o5sSPKEkg/DIQNmH43V0/uerLrpzVedkUh8tGNvaeXpfpuwjKenlSox/2O/BTlZUtEe+JG7s5YhEz608PlAHRA==", + "engines": { + "node": ">=0.6" + } + }, + "node_modules/tough-cookie": { + "version": "4.1.3", + "resolved": "https://registry.npmmirror.com/tough-cookie/-/tough-cookie-4.1.3.tgz", + "integrity": "sha512-aX/y5pVRkfRnfmuX+OdbSdXvPe6ieKX/G2s7e98f4poJHnqH3281gDPm/metm6E/WRamfx7WC4HUqkWHfQHprw==", + "dependencies": { + "psl": "^1.1.33", + "punycode": "^2.1.1", + "universalify": "^0.2.0", + "url-parse": "^1.5.3" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/tough-cookie/node_modules/universalify": { + "version": "0.2.0", + "resolved": "https://registry.npmmirror.com/universalify/-/universalify-0.2.0.tgz", + "integrity": "sha512-CJ1QgKmNg3CwvAv/kOFmtnEN05f0D/cn9QntgNOQlQF9dgvVTHj3t+8JPdjqawCHk7V/KA+fbUqzZ9XWhcqPUg==", + "engines": { + "node": ">= 4.0.0" + } + }, + "node_modules/tr46": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/tr46/-/tr46-2.1.0.tgz", + "integrity": "sha512-15Ih7phfcdP5YxqiB+iDtLoaTz4Nd35+IiAv0kQ5FNKHzXgdWqPoTIqEDDJmXceQt4JZk6lVPT8lnDlPpGDppw==", + "dependencies": { + "punycode": "^2.1.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/tryer": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/tryer/-/tryer-1.0.1.tgz", + "integrity": "sha512-c3zayb8/kWWpycWYg87P71E1S1ZL6b6IJxfb5fvsUgsf0S2MVGaDhDXXjDMpdCpfWXqptc+4mXwmiy1ypXqRAA==" + }, + "node_modules/ts-interface-checker": { + "version": "0.1.13", + "resolved": "https://registry.npmmirror.com/ts-interface-checker/-/ts-interface-checker-0.1.13.tgz", + "integrity": "sha512-Y/arvbn+rrz3JCKl9C4kVNfTfSm2/mEp5FSz5EsZSANGPSlQrpRI5M4PKF+mJnE52jOO90PnPSc3Ur3bTQw0gA==" + }, + "node_modules/tsconfig-paths": { + "version": "3.14.2", + "resolved": "https://registry.npmmirror.com/tsconfig-paths/-/tsconfig-paths-3.14.2.tgz", + "integrity": "sha512-o/9iXgCYc5L/JxCHPe3Hvh8Q/2xm5Z+p18PESBU6Ff33695QnCHBEjcytY2q19ua7Mbl/DavtBOLq+oG0RCL+g==", + "dependencies": { + "@types/json5": "^0.0.29", + "json5": "^1.0.2", + "minimist": "^1.2.6", + "strip-bom": "^3.0.0" + } + }, + "node_modules/tsconfig-paths/node_modules/json5": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/json5/-/json5-1.0.2.tgz", + "integrity": "sha512-g1MWMLBiz8FKi1e4w0UyVL3w+iJceWAFBAaBnnGKOpNa5f8TLktkbre1+s6oICydWAm+HRUGTmI+//xv2hvXYA==", + "dependencies": { + "minimist": "^1.2.0" + }, + "bin": { + "json5": "lib/cli.js" + } + }, + "node_modules/tsconfig-paths/node_modules/strip-bom": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/strip-bom/-/strip-bom-3.0.0.tgz", + "integrity": "sha512-vavAMRXOgBVNF6nyEEmL3DBK19iRpDcoIwW+swQ+CbGiu7lju6t+JklA1MHweoWtadgt4ISVUsXLyDq34ddcwA==", + "engines": { + "node": ">=4" + } + }, + "node_modules/tslib": { + "version": "2.6.0", + "resolved": "https://registry.npmmirror.com/tslib/-/tslib-2.6.0.tgz", + "integrity": "sha512-7At1WUettjcSRHXCyYtTselblcHl9PJFFVKiCAy/bY97+BPZXSQ2wbq0P9s8tK2G7dFQfNnlJnPAiArVBVBsfA==" + }, + "node_modules/tsutils": { + "version": "3.21.0", + "resolved": "https://registry.npmmirror.com/tsutils/-/tsutils-3.21.0.tgz", + "integrity": "sha512-mHKK3iUXL+3UF6xL5k0PEhKRUBKPBCv/+RkEOpjRWxxx27KKRBmmA60A9pgOUvMi8GKhRMPEmjBRPzs2W7O1OA==", + "dependencies": { + "tslib": "^1.8.1" + }, + "engines": { + "node": ">= 6" + }, + "peerDependencies": { + "typescript": ">=2.8.0 || >= 3.2.0-dev || >= 3.3.0-dev || >= 3.4.0-dev || >= 3.5.0-dev || >= 3.6.0-dev || >= 3.6.0-beta || >= 3.7.0-dev || >= 3.7.0-beta" + } + }, + "node_modules/tsutils/node_modules/tslib": { + "version": "1.14.1", + "resolved": "https://registry.npmmirror.com/tslib/-/tslib-1.14.1.tgz", + "integrity": "sha512-Xni35NKzjgMrwevysHTCArtLDpPvye8zV/0E4EyYn43P7/7qvQwPh9BGkHewbMulVntbigmcT7rdX3BNo9wRJg==" + }, + "node_modules/type-check": { + "version": "0.4.0", + "resolved": "https://registry.npmmirror.com/type-check/-/type-check-0.4.0.tgz", + "integrity": "sha512-XleUoc9uwGXqjWwXaUTZAmzMcFZ5858QA2vvx1Ur5xIcixXIP+8LnFDgRplU30us6teqdlskFfu+ae4K79Ooew==", + "dependencies": { + "prelude-ls": "^1.2.1" + }, + "engines": { + "node": ">= 0.8.0" + } + }, + "node_modules/type-detect": { + "version": "4.0.8", + "resolved": "https://registry.npmmirror.com/type-detect/-/type-detect-4.0.8.tgz", + "integrity": "sha512-0fr/mIH1dlO+x7TlcMy+bIDqKPsw/70tVyeHW787goQjhmqaZe10uwLujubK9q9Lg6Fiho1KUKDYz0Z7k7g5/g==", + "engines": { + "node": ">=4" + } + }, + "node_modules/type-fest": { + "version": "0.21.3", + "resolved": "https://registry.npmmirror.com/type-fest/-/type-fest-0.21.3.tgz", + "integrity": "sha512-t0rzBq87m3fVcduHDUFhKmyyX+9eo6WQjZvf51Ea/M0Q7+T374Jp1aUiyUl0GKxp8M/OETVHSDvmkyPgvX+X2w==", + "engines": { + "node": ">=10" + } + }, + "node_modules/type-is": { + "version": "1.6.18", + "resolved": "https://registry.npmmirror.com/type-is/-/type-is-1.6.18.tgz", + "integrity": "sha512-TkRKr9sUTxEH8MdfuCSP7VizJyzRNMjj2J2do2Jr3Kym598JVdEksuzPQCnlFPW4ky9Q+iA+ma9BGm06XQBy8g==", + "dependencies": { + "media-typer": "0.3.0", + "mime-types": "~2.1.24" + }, + "engines": { + "node": ">= 0.6" + } + }, + "node_modules/typed-array-buffer": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/typed-array-buffer/-/typed-array-buffer-1.0.0.tgz", + "integrity": "sha512-Y8KTSIglk9OZEr8zywiIHG/kmQ7KWyjseXs1CbSo8vC42w7hg2HgYTxSWwP0+is7bWDc1H+Fo026CpHFwm8tkw==", + "dependencies": { + "call-bind": "^1.0.2", + "get-intrinsic": "^1.2.1", + "is-typed-array": "^1.1.10" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/typed-array-byte-length": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/typed-array-byte-length/-/typed-array-byte-length-1.0.0.tgz", + "integrity": "sha512-Or/+kvLxNpeQ9DtSydonMxCx+9ZXOswtwJn17SNLvhptaXYDJvkFFP5zbfU/uLmvnBJlI4yrnXRxpdWH/M5tNA==", + "dependencies": { + "call-bind": "^1.0.2", + "for-each": "^0.3.3", + "has-proto": "^1.0.1", + "is-typed-array": "^1.1.10" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/typed-array-byte-offset": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/typed-array-byte-offset/-/typed-array-byte-offset-1.0.0.tgz", + "integrity": "sha512-RD97prjEt9EL8YgAgpOkf3O4IF9lhJFr9g0htQkm0rchFp/Vx7LW5Q8fSXXub7BXAODyUQohRMyOc3faCPd0hg==", + "dependencies": { + "available-typed-arrays": "^1.0.5", + "call-bind": "^1.0.2", + "for-each": "^0.3.3", + "has-proto": "^1.0.1", + "is-typed-array": "^1.1.10" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/typed-array-length": { + "version": "1.0.4", + "resolved": "https://registry.npmmirror.com/typed-array-length/-/typed-array-length-1.0.4.tgz", + "integrity": "sha512-KjZypGq+I/H7HI5HlOoGHkWUUGq+Q0TPhQurLbyrVrvnKTBgzLhIJ7j6J/XTQOi0d1RjyZ0wdas8bKs2p0x3Ng==", + "dependencies": { + "call-bind": "^1.0.2", + "for-each": "^0.3.3", + "is-typed-array": "^1.1.9" + } + }, + "node_modules/typedarray-to-buffer": { + "version": "3.1.5", + "resolved": "https://registry.npmmirror.com/typedarray-to-buffer/-/typedarray-to-buffer-3.1.5.tgz", + "integrity": "sha512-zdu8XMNEDepKKR+XYOXAVPtWui0ly0NtohUscw+UmaHiAWT8hrV1rr//H6V+0DvJ3OQ19S979M0laLfX8rm82Q==", + "dependencies": { + "is-typedarray": "^1.0.0" + } + }, + "node_modules/typescript": { + "version": "4.9.5", + "resolved": "https://registry.npmmirror.com/typescript/-/typescript-4.9.5.tgz", + "integrity": "sha512-1FXk9E2Hm+QzZQ7z+McJiHL4NW1F2EzMu9Nq9i3zAaGqibafqYwCVU6WyWAuyQRRzOlxou8xZSyXLEN8oKj24g==", + "peer": true, + "bin": { + "tsc": "bin/tsc", + "tsserver": "bin/tsserver" + }, + "engines": { + "node": ">=4.2.0" + } + }, + "node_modules/unbox-primitive": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/unbox-primitive/-/unbox-primitive-1.0.2.tgz", + "integrity": "sha512-61pPlCD9h51VoreyJ0BReideM3MDKMKnh6+V9L08331ipq6Q8OFXZYiqP6n/tbHx4s5I9uRhcye6BrbkizkBDw==", + "dependencies": { + "call-bind": "^1.0.2", + "has-bigints": "^1.0.2", + "has-symbols": "^1.0.3", + "which-boxed-primitive": "^1.0.2" + } + }, + "node_modules/unicode-canonical-property-names-ecmascript": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/unicode-canonical-property-names-ecmascript/-/unicode-canonical-property-names-ecmascript-2.0.0.tgz", + "integrity": "sha512-yY5PpDlfVIU5+y/BSCxAJRBIS1Zc2dDG3Ujq+sR0U+JjUevW2JhocOF+soROYDSaAezOzOKuyyixhD6mBknSmQ==", + "engines": { + "node": ">=4" + } + }, + "node_modules/unicode-match-property-ecmascript": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/unicode-match-property-ecmascript/-/unicode-match-property-ecmascript-2.0.0.tgz", + "integrity": "sha512-5kaZCrbp5mmbz5ulBkDkbY0SsPOjKqVS35VpL9ulMPfSl0J0Xsm+9Evphv9CoIZFwre7aJoa94AY6seMKGVN5Q==", + "dependencies": { + "unicode-canonical-property-names-ecmascript": "^2.0.0", + "unicode-property-aliases-ecmascript": "^2.0.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/unicode-match-property-value-ecmascript": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/unicode-match-property-value-ecmascript/-/unicode-match-property-value-ecmascript-2.1.0.tgz", + "integrity": "sha512-qxkjQt6qjg/mYscYMC0XKRn3Rh0wFPlfxB0xkt9CfyTvpX1Ra0+rAmdX2QyAobptSEvuy4RtpPRui6XkV+8wjA==", + "engines": { + "node": ">=4" + } + }, + "node_modules/unicode-property-aliases-ecmascript": { + "version": "2.1.0", + "resolved": "https://registry.npmmirror.com/unicode-property-aliases-ecmascript/-/unicode-property-aliases-ecmascript-2.1.0.tgz", + "integrity": "sha512-6t3foTQI9qne+OZoVQB/8x8rk2k1eVy1gRXhV3oFQ5T6R1dqQ1xtin3XqSlx3+ATBkliTaR/hHyJBm+LVPNM8w==", + "engines": { + "node": ">=4" + } + }, + "node_modules/unique-string": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/unique-string/-/unique-string-2.0.0.tgz", + "integrity": "sha512-uNaeirEPvpZWSgzwsPGtU2zVSTrn/8L5q/IexZmH0eH6SA73CmAA5U4GwORTxQAZs95TAXLNqeLoPPNO5gZfWg==", + "dependencies": { + "crypto-random-string": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/universalify": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/universalify/-/universalify-2.0.0.tgz", + "integrity": "sha512-hAZsKq7Yy11Zu1DE0OzWjw7nnLZmJZYTDZZyEFHZdUhV8FkH5MCfoU1XMaxXovpyW5nq5scPqq0ZDP9Zyl04oQ==", + "engines": { + "node": ">= 10.0.0" + } + }, + "node_modules/unpipe": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/unpipe/-/unpipe-1.0.0.tgz", + "integrity": "sha512-pjy2bYhSsufwWlKwPc+l3cN7+wuJlK6uz0YdJEOlQDbl6jo/YlPi4mb8agUkVC8BF7V8NuzeyPNqRksA3hztKQ==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/unquote": { + "version": "1.1.1", + "resolved": "https://registry.npmmirror.com/unquote/-/unquote-1.1.1.tgz", + "integrity": "sha512-vRCqFv6UhXpWxZPyGDh/F3ZpNv8/qo7w6iufLpQg9aKnQ71qM4B5KiI7Mia9COcjEhrO9LueHpMYjYzsWH3OIg==" + }, + "node_modules/upath": { + "version": "1.2.0", + "resolved": "https://registry.npmmirror.com/upath/-/upath-1.2.0.tgz", + "integrity": "sha512-aZwGpamFO61g3OlfT7OQCHqhGnW43ieH9WZeP7QxN/G/jS4jfqUkZxoryvJgVPEcrl5NL/ggHsSmLMHuH64Lhg==", + "engines": { + "node": ">=4", + "yarn": "*" + } + }, + "node_modules/update-browserslist-db": { + "version": "1.0.11", + "resolved": "https://registry.npmmirror.com/update-browserslist-db/-/update-browserslist-db-1.0.11.tgz", + "integrity": "sha512-dCwEFf0/oT85M1fHBg4F0jtLwJrutGoHSQXCh7u4o2t1drG+c0a9Flnqww6XUKSfQMPpJBRjU8d4RXB09qtvaA==", + "dependencies": { + "escalade": "^3.1.1", + "picocolors": "^1.0.0" + }, + "bin": { + "update-browserslist-db": "cli.js" + }, + "peerDependencies": { + "browserslist": ">= 4.21.0" + } + }, + "node_modules/uri-js": { + "version": "4.4.1", + "resolved": "https://registry.npmmirror.com/uri-js/-/uri-js-4.4.1.tgz", + "integrity": "sha512-7rKUyy33Q1yc98pQ1DAmLtwX109F7TIfWlW1Ydo8Wl1ii1SeHieeh0HHfPeL2fMXK6z0s8ecKs9frCuLJvndBg==", + "dependencies": { + "punycode": "^2.1.0" + } + }, + "node_modules/url-parse": { + "version": "1.5.10", + "resolved": "https://registry.npmmirror.com/url-parse/-/url-parse-1.5.10.tgz", + "integrity": "sha512-WypcfiRhfeUP9vvF0j6rw0J3hrWrw6iZv3+22h6iRMJ/8z1Tj6XfLP4DsUix5MhMPnXpiHDoKyoZ/bdCkwBCiQ==", + "dependencies": { + "querystringify": "^2.1.1", + "requires-port": "^1.0.0" + } + }, + "node_modules/util-deprecate": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/util-deprecate/-/util-deprecate-1.0.2.tgz", + "integrity": "sha512-EPD5q1uXyFxJpCrLnCc1nHnq3gOa6DZBocAIiI2TaSCA7VCJ1UJDMagCzIkXNsUYfD1daK//LTEQ8xiIbrHtcw==" + }, + "node_modules/util.promisify": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/util.promisify/-/util.promisify-1.0.1.tgz", + "integrity": "sha512-g9JpC/3He3bm38zsLupWryXHoEcS22YHthuPQSJdMy6KNrzIRzWqcsHzD/WUnqe45whVou4VIsPew37DoXWNrA==", + "dependencies": { + "define-properties": "^1.1.3", + "es-abstract": "^1.17.2", + "has-symbols": "^1.0.1", + "object.getownpropertydescriptors": "^2.1.0" + } + }, + "node_modules/utila": { + "version": "0.4.0", + "resolved": "https://registry.npmmirror.com/utila/-/utila-0.4.0.tgz", + "integrity": "sha512-Z0DbgELS9/L/75wZbro8xAnT50pBVFQZ+hUEueGDU5FN51YSCYM+jdxsfCiHjwNP/4LCDD0i/graKpeBnOXKRA==" + }, + "node_modules/utils-merge": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/utils-merge/-/utils-merge-1.0.1.tgz", + "integrity": "sha512-pMZTvIkT1d+TFGvDOqodOclx0QWkkgi6Tdoa8gC8ffGAAqz9pzPTZWAybbsHHoED/ztMtkv/VoYTYyShUn81hA==", + "engines": { + "node": ">= 0.4.0" + } + }, + "node_modules/uuid": { + "version": "8.3.2", + "resolved": "https://registry.npmmirror.com/uuid/-/uuid-8.3.2.tgz", + "integrity": "sha512-+NYs2QeMWy+GWFOEm9xnn6HCDp0l7QBD7ml8zLUmJ+93Q5NF0NocErnwkTkXVFNiX3/fpC6afS8Dhb/gz7R7eg==", + "bin": { + "uuid": "dist/bin/uuid" + } + }, + "node_modules/v8-to-istanbul": { + "version": "8.1.1", + "resolved": "https://registry.npmmirror.com/v8-to-istanbul/-/v8-to-istanbul-8.1.1.tgz", + "integrity": "sha512-FGtKtv3xIpR6BYhvgH8MI/y78oT7d8Au3ww4QIxymrCtZEh5b8gCw2siywE+puhEmuWKDtmfrvF5UlB298ut3w==", + "dependencies": { + "@types/istanbul-lib-coverage": "^2.0.1", + "convert-source-map": "^1.6.0", + "source-map": "^0.7.3" + }, + "engines": { + "node": ">=10.12.0" + } + }, + "node_modules/vary": { + "version": "1.1.2", + "resolved": "https://registry.npmmirror.com/vary/-/vary-1.1.2.tgz", + "integrity": "sha512-BNGbWLfd0eUPabhkXUVm0j8uuvREyTh5ovRa/dyow/BqAbZJyC+5fU+IzQOzmAKzYqYRAISoRhdQr3eIZ/PXqg==", + "engines": { + "node": ">= 0.8" + } + }, + "node_modules/w3c-hr-time": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/w3c-hr-time/-/w3c-hr-time-1.0.2.tgz", + "integrity": "sha512-z8P5DvDNjKDoFIHK7q8r8lackT6l+jo/Ye3HOle7l9nICP9lf1Ci25fy9vHd0JOWewkIFzXIEig3TdKT7JQ5fQ==", + "deprecated": "Use your platform's native performance.now() and performance.timeOrigin.", + "dependencies": { + "browser-process-hrtime": "^1.0.0" + } + }, + "node_modules/w3c-xmlserializer": { + "version": "2.0.0", + "resolved": "https://registry.npmmirror.com/w3c-xmlserializer/-/w3c-xmlserializer-2.0.0.tgz", + "integrity": "sha512-4tzD0mF8iSiMiNs30BiLO3EpfGLZUT2MSX/G+o7ZywDzliWQ3OPtTZ0PTC3B3ca1UAf4cJMHB+2Bf56EriJuRA==", + "dependencies": { + "xml-name-validator": "^3.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/walker": { + "version": "1.0.8", + "resolved": "https://registry.npmmirror.com/walker/-/walker-1.0.8.tgz", + "integrity": "sha512-ts/8E8l5b7kY0vlWLewOkDXMmPdLcVV4GmOQLyxuSswIJsweeFZtAsMF7k1Nszz+TYBQrlYRmzOnr398y1JemQ==", + "dependencies": { + "makeerror": "1.0.12" + } + }, + "node_modules/watchpack": { + "version": "2.4.0", + "resolved": "https://registry.npmmirror.com/watchpack/-/watchpack-2.4.0.tgz", + "integrity": "sha512-Lcvm7MGST/4fup+ifyKi2hjyIAwcdI4HRgtvTpIUxBRhB+RFtUh8XtDOxUfctVCnhVi+QQj49i91OyvzkJl6cg==", + "dependencies": { + "glob-to-regexp": "^0.4.1", + "graceful-fs": "^4.1.2" + }, + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/wbuf": { + "version": "1.7.3", + "resolved": "https://registry.npmmirror.com/wbuf/-/wbuf-1.7.3.tgz", + "integrity": "sha512-O84QOnr0icsbFGLS0O3bI5FswxzRr8/gHwWkDlQFskhSPryQXvrTMxjxGP4+iWYoauLoBvfDpkrOauZ+0iZpDA==", + "dependencies": { + "minimalistic-assert": "^1.0.0" + } + }, + "node_modules/web-vitals": { + "version": "2.1.4", + "resolved": "https://registry.npmmirror.com/web-vitals/-/web-vitals-2.1.4.tgz", + "integrity": "sha512-sVWcwhU5mX6crfI5Vd2dC4qchyTqxV8URinzt25XqVh+bHEPGH4C3NPrNionCP7Obx59wrYEbNlw4Z8sjALzZg==" + }, + "node_modules/webidl-conversions": { + "version": "6.1.0", + "resolved": "https://registry.npmmirror.com/webidl-conversions/-/webidl-conversions-6.1.0.tgz", + "integrity": "sha512-qBIvFLGiBpLjfwmYAaHPXsn+ho5xZnGvyGvsarywGNc8VyQJUMHJ8OBKGGrPER0okBeMDaan4mNBlgBROxuI8w==", + "engines": { + "node": ">=10.4" + } + }, + "node_modules/webpack": { + "version": "5.88.2", + "resolved": "https://registry.npmmirror.com/webpack/-/webpack-5.88.2.tgz", + "integrity": "sha512-JmcgNZ1iKj+aiR0OvTYtWQqJwq37Pf683dY9bVORwVbUrDhLhdn/PlO2sHsFHPkj7sHNQF3JwaAkp49V+Sq1tQ==", + "dependencies": { + "@types/eslint-scope": "^3.7.3", + "@types/estree": "^1.0.0", + "@webassemblyjs/ast": "^1.11.5", + "@webassemblyjs/wasm-edit": "^1.11.5", + "@webassemblyjs/wasm-parser": "^1.11.5", + "acorn": "^8.7.1", + "acorn-import-assertions": "^1.9.0", + "browserslist": "^4.14.5", + "chrome-trace-event": "^1.0.2", + "enhanced-resolve": "^5.15.0", + "es-module-lexer": "^1.2.1", + "eslint-scope": "5.1.1", + "events": "^3.2.0", + "glob-to-regexp": "^0.4.1", + "graceful-fs": "^4.2.9", + "json-parse-even-better-errors": "^2.3.1", + "loader-runner": "^4.2.0", + "mime-types": "^2.1.27", + "neo-async": "^2.6.2", + "schema-utils": "^3.2.0", + "tapable": "^2.1.1", + "terser-webpack-plugin": "^5.3.7", + "watchpack": "^2.4.0", + "webpack-sources": "^3.2.3" + }, + "bin": { + "webpack": "bin/webpack.js" + }, + "engines": { + "node": ">=10.13.0" + }, + "peerDependenciesMeta": { + "webpack-cli": { + "optional": true + } + } + }, + "node_modules/webpack-dev-middleware": { + "version": "5.3.3", + "resolved": "https://registry.npmmirror.com/webpack-dev-middleware/-/webpack-dev-middleware-5.3.3.tgz", + "integrity": "sha512-hj5CYrY0bZLB+eTO+x/j67Pkrquiy7kWepMHmUMoPsmcUaeEnQJqFzHJOyxgWlq746/wUuA64p9ta34Kyb01pA==", + "dependencies": { + "colorette": "^2.0.10", + "memfs": "^3.4.3", + "mime-types": "^2.1.31", + "range-parser": "^1.2.1", + "schema-utils": "^4.0.0" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^4.0.0 || ^5.0.0" + } + }, + "node_modules/webpack-dev-middleware/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/webpack-dev-middleware/node_modules/ajv-keywords": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-5.1.0.tgz", + "integrity": "sha512-YCS/JNFAUyr5vAuhk1DWm1CBxRHW9LbJ2ozWeemrIqpbsqKjHVxYPyi5GC0rjZIT5JxJ3virVTS8wk4i/Z+krw==", + "dependencies": { + "fast-deep-equal": "^3.1.3" + }, + "peerDependencies": { + "ajv": "^8.8.2" + } + }, + "node_modules/webpack-dev-middleware/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/webpack-dev-middleware/node_modules/schema-utils": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-4.2.0.tgz", + "integrity": "sha512-L0jRsrPpjdckP3oPug3/VxNKt2trR8TcabrM6FOAAlvC/9Phcmm+cuAgTlxBqdBR1WJx7Naj9WHw+aOmheSVbw==", + "dependencies": { + "@types/json-schema": "^7.0.9", + "ajv": "^8.9.0", + "ajv-formats": "^2.1.1", + "ajv-keywords": "^5.1.0" + }, + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/webpack-dev-server": { + "version": "4.15.1", + "resolved": "https://registry.npmmirror.com/webpack-dev-server/-/webpack-dev-server-4.15.1.tgz", + "integrity": "sha512-5hbAst3h3C3L8w6W4P96L5vaV0PxSmJhxZvWKYIdgxOQm8pNZ5dEOmmSLBVpP85ReeyRt6AS1QJNyo/oFFPeVA==", + "dependencies": { + "@types/bonjour": "^3.5.9", + "@types/connect-history-api-fallback": "^1.3.5", + "@types/express": "^4.17.13", + "@types/serve-index": "^1.9.1", + "@types/serve-static": "^1.13.10", + "@types/sockjs": "^0.3.33", + "@types/ws": "^8.5.5", + "ansi-html-community": "^0.0.8", + "bonjour-service": "^1.0.11", + "chokidar": "^3.5.3", + "colorette": "^2.0.10", + "compression": "^1.7.4", + "connect-history-api-fallback": "^2.0.0", + "default-gateway": "^6.0.3", + "express": "^4.17.3", + "graceful-fs": "^4.2.6", + "html-entities": "^2.3.2", + "http-proxy-middleware": "^2.0.3", + "ipaddr.js": "^2.0.1", + "launch-editor": "^2.6.0", + "open": "^8.0.9", + "p-retry": "^4.5.0", + "rimraf": "^3.0.2", + "schema-utils": "^4.0.0", + "selfsigned": "^2.1.1", + "serve-index": "^1.9.1", + "sockjs": "^0.3.24", + "spdy": "^4.0.2", + "webpack-dev-middleware": "^5.3.1", + "ws": "^8.13.0" + }, + "bin": { + "webpack-dev-server": "bin/webpack-dev-server.js" + }, + "engines": { + "node": ">= 12.13.0" + }, + "peerDependencies": { + "webpack": "^4.37.0 || ^5.0.0" + }, + "peerDependenciesMeta": { + "webpack": { + "optional": true + }, + "webpack-cli": { + "optional": true + } + } + }, + "node_modules/webpack-dev-server/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/webpack-dev-server/node_modules/ajv-keywords": { + "version": "5.1.0", + "resolved": "https://registry.npmmirror.com/ajv-keywords/-/ajv-keywords-5.1.0.tgz", + "integrity": "sha512-YCS/JNFAUyr5vAuhk1DWm1CBxRHW9LbJ2ozWeemrIqpbsqKjHVxYPyi5GC0rjZIT5JxJ3virVTS8wk4i/Z+krw==", + "dependencies": { + "fast-deep-equal": "^3.1.3" + }, + "peerDependencies": { + "ajv": "^8.8.2" + } + }, + "node_modules/webpack-dev-server/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/webpack-dev-server/node_modules/schema-utils": { + "version": "4.2.0", + "resolved": "https://registry.npmmirror.com/schema-utils/-/schema-utils-4.2.0.tgz", + "integrity": "sha512-L0jRsrPpjdckP3oPug3/VxNKt2trR8TcabrM6FOAAlvC/9Phcmm+cuAgTlxBqdBR1WJx7Naj9WHw+aOmheSVbw==", + "dependencies": { + "@types/json-schema": "^7.0.9", + "ajv": "^8.9.0", + "ajv-formats": "^2.1.1", + "ajv-keywords": "^5.1.0" + }, + "engines": { + "node": ">= 12.13.0" + } + }, + "node_modules/webpack-dev-server/node_modules/ws": { + "version": "8.13.0", + "resolved": "https://registry.npmmirror.com/ws/-/ws-8.13.0.tgz", + "integrity": "sha512-x9vcZYTrFPC7aSIbj7sRCYo7L/Xb8Iy+pW0ng0wt2vCJv7M9HOMy0UoN3rr+IFC7hb7vXoqS+P9ktyLLLhO+LA==", + "engines": { + "node": ">=10.0.0" + }, + "peerDependencies": { + "bufferutil": "^4.0.1", + "utf-8-validate": ">=5.0.2" + }, + "peerDependenciesMeta": { + "bufferutil": { + "optional": true + }, + "utf-8-validate": { + "optional": true + } + } + }, + "node_modules/webpack-manifest-plugin": { + "version": "4.1.1", + "resolved": "https://registry.npmmirror.com/webpack-manifest-plugin/-/webpack-manifest-plugin-4.1.1.tgz", + "integrity": "sha512-YXUAwxtfKIJIKkhg03MKuiFAD72PlrqCiwdwO4VEXdRO5V0ORCNwaOwAZawPZalCbmH9kBDmXnNeQOw+BIEiow==", + "dependencies": { + "tapable": "^2.0.0", + "webpack-sources": "^2.2.0" + }, + "engines": { + "node": ">=12.22.0" + }, + "peerDependencies": { + "webpack": "^4.44.2 || ^5.47.0" + } + }, + "node_modules/webpack-manifest-plugin/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/webpack-manifest-plugin/node_modules/webpack-sources": { + "version": "2.3.1", + "resolved": "https://registry.npmmirror.com/webpack-sources/-/webpack-sources-2.3.1.tgz", + "integrity": "sha512-y9EI9AO42JjEcrTJFOYmVywVZdKVUfOvDUPsJea5GIr1JOEGFVqwlY2K098fFoIjOkDzHn2AjRvM8dsBZu+gCA==", + "dependencies": { + "source-list-map": "^2.0.1", + "source-map": "^0.6.1" + }, + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/webpack-sources": { + "version": "3.2.3", + "resolved": "https://registry.npmmirror.com/webpack-sources/-/webpack-sources-3.2.3.tgz", + "integrity": "sha512-/DyMEOrDgLKKIG0fmvtz+4dUX/3Ghozwgm6iPp8KRhvn+eQf9+Q7GWxVNMk3+uCPWfdXYC4ExGBckIXdFEfH1w==", + "engines": { + "node": ">=10.13.0" + } + }, + "node_modules/webpack/node_modules/eslint-scope": { + "version": "5.1.1", + "resolved": "https://registry.npmmirror.com/eslint-scope/-/eslint-scope-5.1.1.tgz", + "integrity": "sha512-2NxwbF/hZ0KpepYN0cNbo+FN6XoK7GaHlQhgx/hIZl6Va0bF45RQOOwhLIy8lQDbuCiadSLCBnH2CFYquit5bw==", + "dependencies": { + "esrecurse": "^4.3.0", + "estraverse": "^4.1.1" + }, + "engines": { + "node": ">=8.0.0" + } + }, + "node_modules/webpack/node_modules/estraverse": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/estraverse/-/estraverse-4.3.0.tgz", + "integrity": "sha512-39nnKffWz8xN1BU/2c79n9nB9HDzo0niYUqx6xyqUnyoAnQyyWpOTdZEeiCch8BBu515t4wp9ZmgVfVhn9EBpw==", + "engines": { + "node": ">=4.0" + } + }, + "node_modules/websocket-driver": { + "version": "0.7.4", + "resolved": "https://registry.npmmirror.com/websocket-driver/-/websocket-driver-0.7.4.tgz", + "integrity": "sha512-b17KeDIQVjvb0ssuSDF2cYXSg2iztliJ4B9WdsuB6J952qCPKmnVq4DyW5motImXHDC1cBT/1UezrJVsKw5zjg==", + "dependencies": { + "http-parser-js": ">=0.5.1", + "safe-buffer": ">=5.1.0", + "websocket-extensions": ">=0.1.1" + }, + "engines": { + "node": ">=0.8.0" + } + }, + "node_modules/websocket-extensions": { + "version": "0.1.4", + "resolved": "https://registry.npmmirror.com/websocket-extensions/-/websocket-extensions-0.1.4.tgz", + "integrity": "sha512-OqedPIGOfsDlo31UNwYbCFMSaO9m9G/0faIHj5/dZFDMFqPTcx6UwqyOy3COEaEOg/9VsGIpdqn62W5KhoKSpg==", + "engines": { + "node": ">=0.8.0" + } + }, + "node_modules/whatwg-encoding": { + "version": "1.0.5", + "resolved": "https://registry.npmmirror.com/whatwg-encoding/-/whatwg-encoding-1.0.5.tgz", + "integrity": "sha512-b5lim54JOPN9HtzvK9HFXvBma/rnfFeqsic0hSpjtDbVxR3dJKLc+KB4V6GgiGOvl7CY/KNh8rxSo9DKQrnUEw==", + "dependencies": { + "iconv-lite": "0.4.24" + } + }, + "node_modules/whatwg-encoding/node_modules/iconv-lite": { + "version": "0.4.24", + "resolved": "https://registry.npmmirror.com/iconv-lite/-/iconv-lite-0.4.24.tgz", + "integrity": "sha512-v3MXnZAcvnywkTUEZomIActle7RXXeedOR31wwl7VlyoXO4Qi9arvSenNQWne1TcRwhCL1HwLI21bEqdpj8/rA==", + "dependencies": { + "safer-buffer": ">= 2.1.2 < 3" + }, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/whatwg-fetch": { + "version": "3.6.16", + "resolved": "https://registry.npmmirror.com/whatwg-fetch/-/whatwg-fetch-3.6.16.tgz", + "integrity": "sha512-83avoGbZ0qtjtNrU3UTT3/Xd3uZ7DyfSYLuc1fL5iYs+93P+UkIVF6/6xpRVWeQcvbc7kSnVybSAVbd6QFW5Fg==" + }, + "node_modules/whatwg-mimetype": { + "version": "2.3.0", + "resolved": "https://registry.npmmirror.com/whatwg-mimetype/-/whatwg-mimetype-2.3.0.tgz", + "integrity": "sha512-M4yMwr6mAnQz76TbJm914+gPpB/nCwvZbJU28cUD6dR004SAxDLOOSUaB1JDRqLtaOV/vi0IC5lEAGFgrjGv/g==" + }, + "node_modules/whatwg-url": { + "version": "8.7.0", + "resolved": "https://registry.npmmirror.com/whatwg-url/-/whatwg-url-8.7.0.tgz", + "integrity": "sha512-gAojqb/m9Q8a5IV96E3fHJM70AzCkgt4uXYX2O7EmuyOnLrViCQlsEBmF9UQIu3/aeAIp2U17rtbpZWNntQqdg==", + "dependencies": { + "lodash": "^4.7.0", + "tr46": "^2.1.0", + "webidl-conversions": "^6.1.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/which": { + "version": "2.0.2", + "resolved": "https://registry.npmmirror.com/which/-/which-2.0.2.tgz", + "integrity": "sha512-BLI3Tl1TW3Pvl70l3yq3Y64i+awpwXqsGBYWkkqMtnbXgrMD+yj7rhW0kuEDxzJaYXGjEW5ogapKNMEKNMjibA==", + "dependencies": { + "isexe": "^2.0.0" + }, + "bin": { + "node-which": "bin/node-which" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/which-boxed-primitive": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/which-boxed-primitive/-/which-boxed-primitive-1.0.2.tgz", + "integrity": "sha512-bwZdv0AKLpplFY2KZRX6TvyuN7ojjr7lwkg6ml0roIy9YeuSr7JS372qlNW18UQYzgYK9ziGcerWqZOmEn9VNg==", + "dependencies": { + "is-bigint": "^1.0.1", + "is-boolean-object": "^1.1.0", + "is-number-object": "^1.0.4", + "is-string": "^1.0.5", + "is-symbol": "^1.0.3" + } + }, + "node_modules/which-collection": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/which-collection/-/which-collection-1.0.1.tgz", + "integrity": "sha512-W8xeTUwaln8i3K/cY1nGXzdnVZlidBcagyNFtBdD5kxnb4TvGKR7FfSIS3mYpwWS1QUCutfKz8IY8RjftB0+1A==", + "dependencies": { + "is-map": "^2.0.1", + "is-set": "^2.0.1", + "is-weakmap": "^2.0.1", + "is-weakset": "^2.0.1" + } + }, + "node_modules/which-typed-array": { + "version": "1.1.11", + "resolved": "https://registry.npmmirror.com/which-typed-array/-/which-typed-array-1.1.11.tgz", + "integrity": "sha512-qe9UWWpkeG5yzZ0tNYxDmd7vo58HDBc39mZ0xWWpolAGADdFOzkfamWLDxkOWcvHQKVmdTyQdLD4NOfjLWTKew==", + "dependencies": { + "available-typed-arrays": "^1.0.5", + "call-bind": "^1.0.2", + "for-each": "^0.3.3", + "gopd": "^1.0.1", + "has-tostringtag": "^1.0.0" + }, + "engines": { + "node": ">= 0.4" + } + }, + "node_modules/workbox-background-sync": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-background-sync/-/workbox-background-sync-6.6.0.tgz", + "integrity": "sha512-jkf4ZdgOJxC9u2vztxLuPT/UjlH7m/nWRQ/MgGL0v8BJHoZdVGJd18Kck+a0e55wGXdqyHO+4IQTk0685g4MUw==", + "dependencies": { + "idb": "^7.0.1", + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-broadcast-update": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-broadcast-update/-/workbox-broadcast-update-6.6.0.tgz", + "integrity": "sha512-nm+v6QmrIFaB/yokJmQ/93qIJ7n72NICxIwQwe5xsZiV2aI93MGGyEyzOzDPVz5THEr5rC3FJSsO3346cId64Q==", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-build": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-build/-/workbox-build-6.6.0.tgz", + "integrity": "sha512-Tjf+gBwOTuGyZwMz2Nk/B13Fuyeo0Q84W++bebbVsfr9iLkDSo6j6PST8tET9HYA58mlRXwlMGpyWO8ETJiXdQ==", + "dependencies": { + "@apideck/better-ajv-errors": "^0.3.1", + "@babel/core": "^7.11.1", + "@babel/preset-env": "^7.11.0", + "@babel/runtime": "^7.11.2", + "@rollup/plugin-babel": "^5.2.0", + "@rollup/plugin-node-resolve": "^11.2.1", + "@rollup/plugin-replace": "^2.4.1", + "@surma/rollup-plugin-off-main-thread": "^2.2.3", + "ajv": "^8.6.0", + "common-tags": "^1.8.0", + "fast-json-stable-stringify": "^2.1.0", + "fs-extra": "^9.0.1", + "glob": "^7.1.6", + "lodash": "^4.17.20", + "pretty-bytes": "^5.3.0", + "rollup": "^2.43.1", + "rollup-plugin-terser": "^7.0.0", + "source-map": "^0.8.0-beta.0", + "stringify-object": "^3.3.0", + "strip-comments": "^2.0.1", + "tempy": "^0.6.0", + "upath": "^1.2.0", + "workbox-background-sync": "6.6.0", + "workbox-broadcast-update": "6.6.0", + "workbox-cacheable-response": "6.6.0", + "workbox-core": "6.6.0", + "workbox-expiration": "6.6.0", + "workbox-google-analytics": "6.6.0", + "workbox-navigation-preload": "6.6.0", + "workbox-precaching": "6.6.0", + "workbox-range-requests": "6.6.0", + "workbox-recipes": "6.6.0", + "workbox-routing": "6.6.0", + "workbox-strategies": "6.6.0", + "workbox-streams": "6.6.0", + "workbox-sw": "6.6.0", + "workbox-window": "6.6.0" + }, + "engines": { + "node": ">=10.0.0" + } + }, + "node_modules/workbox-build/node_modules/@apideck/better-ajv-errors": { + "version": "0.3.6", + "resolved": "https://registry.npmmirror.com/@apideck/better-ajv-errors/-/better-ajv-errors-0.3.6.tgz", + "integrity": "sha512-P+ZygBLZtkp0qqOAJJVX4oX/sFo5JR3eBWwwuqHHhK0GIgQOKWrAfiAaWX0aArHkRWHMuggFEgAZNxVPwPZYaA==", + "dependencies": { + "json-schema": "^0.4.0", + "jsonpointer": "^5.0.0", + "leven": "^3.1.0" + }, + "engines": { + "node": ">=10" + }, + "peerDependencies": { + "ajv": ">=8" + } + }, + "node_modules/workbox-build/node_modules/ajv": { + "version": "8.12.0", + "resolved": "https://registry.npmmirror.com/ajv/-/ajv-8.12.0.tgz", + "integrity": "sha512-sRu1kpcO9yLtYxBKvqfTeh9KzZEwO3STyX1HT+4CaDzC6HpTGYhIhPIzj9XuKU7KYDwnaeh5hcOwjy1QuJzBPA==", + "dependencies": { + "fast-deep-equal": "^3.1.1", + "json-schema-traverse": "^1.0.0", + "require-from-string": "^2.0.2", + "uri-js": "^4.2.2" + } + }, + "node_modules/workbox-build/node_modules/fs-extra": { + "version": "9.1.0", + "resolved": "https://registry.npmmirror.com/fs-extra/-/fs-extra-9.1.0.tgz", + "integrity": "sha512-hcg3ZmepS30/7BSFqRvoo3DOMQu7IjqxO5nCDt+zM9XWjb33Wg7ziNT+Qvqbuc3+gWpzO02JubVyk2G4Zvo1OQ==", + "dependencies": { + "at-least-node": "^1.0.0", + "graceful-fs": "^4.2.0", + "jsonfile": "^6.0.1", + "universalify": "^2.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/workbox-build/node_modules/json-schema-traverse": { + "version": "1.0.0", + "resolved": "https://registry.npmmirror.com/json-schema-traverse/-/json-schema-traverse-1.0.0.tgz", + "integrity": "sha512-NM8/P9n3XjXhIZn1lLhkFaACTOURQXjWhV4BA/RnOv8xvgqtqpAX9IO4mRQxSx1Rlo4tqzeqb0sOlruaOy3dug==" + }, + "node_modules/workbox-build/node_modules/source-map": { + "version": "0.8.0-beta.0", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.8.0-beta.0.tgz", + "integrity": "sha512-2ymg6oRBpebeZi9UUNsgQ89bhx01TcTkmNTGnNO88imTmbSgy4nfujrgVEFKWpMTEGA11EDkTt7mqObTPdigIA==", + "dependencies": { + "whatwg-url": "^7.0.0" + }, + "engines": { + "node": ">= 8" + } + }, + "node_modules/workbox-build/node_modules/tr46": { + "version": "1.0.1", + "resolved": "https://registry.npmmirror.com/tr46/-/tr46-1.0.1.tgz", + "integrity": "sha512-dTpowEjclQ7Kgx5SdBkqRzVhERQXov8/l9Ft9dVM9fmg0W0KQSVaXX9T4i6twCPNtYiZM53lpSSUAwJbFPOHxA==", + "dependencies": { + "punycode": "^2.1.0" + } + }, + "node_modules/workbox-build/node_modules/webidl-conversions": { + "version": "4.0.2", + "resolved": "https://registry.npmmirror.com/webidl-conversions/-/webidl-conversions-4.0.2.tgz", + "integrity": "sha512-YQ+BmxuTgd6UXZW3+ICGfyqRyHXVlD5GtQr5+qjiNW7bF0cqrzX500HVXPBOvgXb5YnzDd+h0zqyv61KUD7+Sg==" + }, + "node_modules/workbox-build/node_modules/whatwg-url": { + "version": "7.1.0", + "resolved": "https://registry.npmmirror.com/whatwg-url/-/whatwg-url-7.1.0.tgz", + "integrity": "sha512-WUu7Rg1DroM7oQvGWfOiAK21n74Gg+T4elXEQYkOhtyLeWiJFoOGLXPKI/9gzIie9CtwVLm8wtw6YJdKyxSjeg==", + "dependencies": { + "lodash.sortby": "^4.7.0", + "tr46": "^1.0.1", + "webidl-conversions": "^4.0.2" + } + }, + "node_modules/workbox-cacheable-response": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-cacheable-response/-/workbox-cacheable-response-6.6.0.tgz", + "integrity": "sha512-JfhJUSQDwsF1Xv3EV1vWzSsCOZn4mQ38bWEBR3LdvOxSPgB65gAM6cS2CX8rkkKHRgiLrN7Wxoyu+TuH67kHrw==", + "deprecated": "workbox-background-sync@6.6.0", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-core": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-core/-/workbox-core-6.6.0.tgz", + "integrity": "sha512-GDtFRF7Yg3DD859PMbPAYPeJyg5gJYXuBQAC+wyrWuuXgpfoOrIQIvFRZnQ7+czTIQjIr1DhLEGFzZanAT/3bQ==" + }, + "node_modules/workbox-expiration": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-expiration/-/workbox-expiration-6.6.0.tgz", + "integrity": "sha512-baplYXcDHbe8vAo7GYvyAmlS4f6998Jff513L4XvlzAOxcl8F620O91guoJ5EOf5qeXG4cGdNZHkkVAPouFCpw==", + "dependencies": { + "idb": "^7.0.1", + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-google-analytics": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-google-analytics/-/workbox-google-analytics-6.6.0.tgz", + "integrity": "sha512-p4DJa6OldXWd6M9zRl0H6vB9lkrmqYFkRQ2xEiNdBFp9U0LhsGO7hsBscVEyH9H2/3eZZt8c97NB2FD9U2NJ+Q==", + "dependencies": { + "workbox-background-sync": "6.6.0", + "workbox-core": "6.6.0", + "workbox-routing": "6.6.0", + "workbox-strategies": "6.6.0" + } + }, + "node_modules/workbox-navigation-preload": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-navigation-preload/-/workbox-navigation-preload-6.6.0.tgz", + "integrity": "sha512-utNEWG+uOfXdaZmvhshrh7KzhDu/1iMHyQOV6Aqup8Mm78D286ugu5k9MFD9SzBT5TcwgwSORVvInaXWbvKz9Q==", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-precaching": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-precaching/-/workbox-precaching-6.6.0.tgz", + "integrity": "sha512-eYu/7MqtRZN1IDttl/UQcSZFkHP7dnvr/X3Vn6Iw6OsPMruQHiVjjomDFCNtd8k2RdjLs0xiz9nq+t3YVBcWPw==", + "dependencies": { + "workbox-core": "6.6.0", + "workbox-routing": "6.6.0", + "workbox-strategies": "6.6.0" + } + }, + "node_modules/workbox-range-requests": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-range-requests/-/workbox-range-requests-6.6.0.tgz", + "integrity": "sha512-V3aICz5fLGq5DpSYEU8LxeXvsT//mRWzKrfBOIxzIdQnV/Wj7R+LyJVTczi4CQ4NwKhAaBVaSujI1cEjXW+hTw==", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-recipes": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-recipes/-/workbox-recipes-6.6.0.tgz", + "integrity": "sha512-TFi3kTgYw73t5tg73yPVqQC8QQjxJSeqjXRO4ouE/CeypmP2O/xqmB/ZFBBQazLTPxILUQ0b8aeh0IuxVn9a6A==", + "dependencies": { + "workbox-cacheable-response": "6.6.0", + "workbox-core": "6.6.0", + "workbox-expiration": "6.6.0", + "workbox-precaching": "6.6.0", + "workbox-routing": "6.6.0", + "workbox-strategies": "6.6.0" + } + }, + "node_modules/workbox-routing": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-routing/-/workbox-routing-6.6.0.tgz", + "integrity": "sha512-x8gdN7VDBiLC03izAZRfU+WKUXJnbqt6PG9Uh0XuPRzJPpZGLKce/FkOX95dWHRpOHWLEq8RXzjW0O+POSkKvw==", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-strategies": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-strategies/-/workbox-strategies-6.6.0.tgz", + "integrity": "sha512-eC07XGuINAKUWDnZeIPdRdVja4JQtTuc35TZ8SwMb1ztjp7Ddq2CJ4yqLvWzFWGlYI7CG/YGqaETntTxBGdKgQ==", + "dependencies": { + "workbox-core": "6.6.0" + } + }, + "node_modules/workbox-streams": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-streams/-/workbox-streams-6.6.0.tgz", + "integrity": "sha512-rfMJLVvwuED09CnH1RnIep7L9+mj4ufkTyDPVaXPKlhi9+0czCu+SJggWCIFbPpJaAZmp2iyVGLqS3RUmY3fxg==", + "dependencies": { + "workbox-core": "6.6.0", + "workbox-routing": "6.6.0" + } + }, + "node_modules/workbox-sw": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-sw/-/workbox-sw-6.6.0.tgz", + "integrity": "sha512-R2IkwDokbtHUE4Kus8pKO5+VkPHD2oqTgl+XJwh4zbF1HyjAbgNmK/FneZHVU7p03XUt9ICfuGDYISWG9qV/CQ==" + }, + "node_modules/workbox-webpack-plugin": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-webpack-plugin/-/workbox-webpack-plugin-6.6.0.tgz", + "integrity": "sha512-xNZIZHalboZU66Wa7x1YkjIqEy1gTR+zPM+kjrYJzqN7iurYZBctBLISyScjhkJKYuRrZUP0iqViZTh8rS0+3A==", + "dependencies": { + "fast-json-stable-stringify": "^2.1.0", + "pretty-bytes": "^5.4.1", + "upath": "^1.2.0", + "webpack-sources": "^1.4.3", + "workbox-build": "6.6.0" + }, + "engines": { + "node": ">=10.0.0" + }, + "peerDependencies": { + "webpack": "^4.4.0 || ^5.9.0" + } + }, + "node_modules/workbox-webpack-plugin/node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmmirror.com/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/workbox-webpack-plugin/node_modules/webpack-sources": { + "version": "1.4.3", + "resolved": "https://registry.npmmirror.com/webpack-sources/-/webpack-sources-1.4.3.tgz", + "integrity": "sha512-lgTS3Xhv1lCOKo7SA5TjKXMjpSM4sBjNV5+q2bqesbSPs5FjGmU6jjtBSkX9b4qW87vDIsCIlUPOEhbZrMdjeQ==", + "dependencies": { + "source-list-map": "^2.0.0", + "source-map": "~0.6.1" + } + }, + "node_modules/workbox-window": { + "version": "6.6.0", + "resolved": "https://registry.npmmirror.com/workbox-window/-/workbox-window-6.6.0.tgz", + "integrity": "sha512-L4N9+vka17d16geaJXXRjENLFldvkWy7JyGxElRD0JvBxvFEd8LOhr+uXCcar/NzAmIBRv9EZ+M+Qr4mOoBITw==", + "dependencies": { + "@types/trusted-types": "^2.0.2", + "workbox-core": "6.6.0" + } + }, + "node_modules/wrap-ansi": { + "version": "7.0.0", + "resolved": "https://registry.npmmirror.com/wrap-ansi/-/wrap-ansi-7.0.0.tgz", + "integrity": "sha512-YVGIj2kamLSTxw6NsZjoBxfSwsn0ycdesmc4p+Q21c5zPuZ1pl+NfxVdxPtdHvmNVOQ6XSYG4AUtyt/Fi7D16Q==", + "dependencies": { + "ansi-styles": "^4.0.0", + "string-width": "^4.1.0", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/wrap-ansi/node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmmirror.com/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/wrap-ansi/node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmmirror.com/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/wrap-ansi/node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmmirror.com/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/wrappy": { + "version": "1.0.2", + "resolved": "https://registry.npmmirror.com/wrappy/-/wrappy-1.0.2.tgz", + "integrity": "sha512-l4Sp/DRseor9wL6EvV2+TuQn63dMkPjZ/sp9XkghTEbV9KlPS1xUsZ3u7/IQO4wxtcFB4bgpQPRcR3QCvezPcQ==" + }, + "node_modules/write-file-atomic": { + "version": "3.0.3", + "resolved": "https://registry.npmmirror.com/write-file-atomic/-/write-file-atomic-3.0.3.tgz", + "integrity": "sha512-AvHcyZ5JnSfq3ioSyjrBkH9yW4m7Ayk8/9My/DD9onKeu/94fwrMocemO2QAJFAlnnDN+ZDS+ZjAR5ua1/PV/Q==", + "dependencies": { + "imurmurhash": "^0.1.4", + "is-typedarray": "^1.0.0", + "signal-exit": "^3.0.2", + "typedarray-to-buffer": "^3.1.5" + } + }, + "node_modules/ws": { + "version": "7.5.9", + "resolved": "https://registry.npmmirror.com/ws/-/ws-7.5.9.tgz", + "integrity": "sha512-F+P9Jil7UiSKSkppIiD94dN07AwvFixvLIj1Og1Rl9GGMuNipJnV9JzjD6XuqmAeiswGvUmNLjr5cFuXwNS77Q==", + "engines": { + "node": ">=8.3.0" + }, + "peerDependencies": { + "bufferutil": "^4.0.1", + "utf-8-validate": "^5.0.2" + }, + "peerDependenciesMeta": { + "bufferutil": { + "optional": true + }, + "utf-8-validate": { + "optional": true + } + } + }, + "node_modules/xml-name-validator": { + "version": "3.0.0", + "resolved": "https://registry.npmmirror.com/xml-name-validator/-/xml-name-validator-3.0.0.tgz", + "integrity": "sha512-A5CUptxDsvxKJEU3yO6DuWBSJz/qizqzJKOMIfUJHETbBw/sFaDxgd6fxm1ewUaM0jZ444Fc5vC5ROYurg/4Pw==" + }, + "node_modules/xmlchars": { + "version": "2.2.0", + "resolved": "https://registry.npmmirror.com/xmlchars/-/xmlchars-2.2.0.tgz", + "integrity": "sha512-JZnDKK8B0RCDw84FNdDAIpZK+JuJw+s7Lz8nksI7SIuU3UXJJslUthsi+uWBUYOwPFwW7W7PRLRfUKpxjtjFCw==" + }, + "node_modules/y18n": { + "version": "5.0.8", + "resolved": "https://registry.npmmirror.com/y18n/-/y18n-5.0.8.tgz", + "integrity": "sha512-0pfFzegeDWJHJIAmTLRP2DwHjdF5s7jo9tuztdQxAhINCdvS+3nGINqPd00AphqJR/0LhANUS6/+7SCb98YOfA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/yallist": { + "version": "3.1.1", + "resolved": "https://registry.npmmirror.com/yallist/-/yallist-3.1.1.tgz", + "integrity": "sha512-a4UGQaWPH59mOXUYnAG2ewncQS4i4F43Tv3JoAM+s2VDAmS9NsK8GpDMLrCHPksFT7h3K6TOoUNn2pb7RoXx4g==" + }, + "node_modules/yaml": { + "version": "1.10.2", + "resolved": "https://registry.npmmirror.com/yaml/-/yaml-1.10.2.tgz", + "integrity": "sha512-r3vXyErRCYJ7wg28yvBY5VSoAF8ZvlcW9/BwUzEtUsjvX/DKs24dIkuwjtuprwJJHsbyUbLApepYTR1BN4uHrg==", + "engines": { + "node": ">= 6" + } + }, + "node_modules/yargs": { + "version": "16.2.0", + "resolved": "https://registry.npmmirror.com/yargs/-/yargs-16.2.0.tgz", + "integrity": "sha512-D1mvvtDG0L5ft/jGWkLpG1+m0eQxOfaBvTNELraWj22wSVUMWxZUvYgJYcKh6jGGIkJFhH4IZPQhR4TKpc8mBw==", + "dependencies": { + "cliui": "^7.0.2", + "escalade": "^3.1.1", + "get-caller-file": "^2.0.5", + "require-directory": "^2.1.1", + "string-width": "^4.2.0", + "y18n": "^5.0.5", + "yargs-parser": "^20.2.2" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/yargs-parser": { + "version": "20.2.9", + "resolved": "https://registry.npmmirror.com/yargs-parser/-/yargs-parser-20.2.9.tgz", + "integrity": "sha512-y11nGElTIV+CT3Zv9t7VKl+Q3hTQoT9a1Qzezhhl6Rp21gJ/IVTW7Z3y9EWXhuUBC2Shnf+DX0antecpAwSP8w==", + "engines": { + "node": ">=10" + } + }, + "node_modules/yocto-queue": { + "version": "0.1.0", + "resolved": "https://registry.npmmirror.com/yocto-queue/-/yocto-queue-0.1.0.tgz", + "integrity": "sha512-rVksvsnNCdJ/ohGc6xgPwyN8eheCxsiLM8mxuE/t/mOVqJewPuO1miLpTHQiRgTKCLexL4MeAFVagts7HmNZ2Q==", + "engines": { + "node": ">=10" + } + } + } +} diff --git a/react_app/package.json b/react_app/package.json new file mode 100644 index 0000000..e2fef37 --- /dev/null +++ b/react_app/package.json @@ -0,0 +1,45 @@ +{ + "name": "app2", + "version": "0.1.0", + "private": true, + "dependencies": { + "@emotion/react": "^11.11.1", + "@emotion/styled": "^11.11.0", + "@fontsource/roboto": "^5.0.5", + "@mui/icons-material": "^5.14.0", + "@mui/lab": "^5.0.0-alpha.137", + "@mui/material": "^5.14.1", + "@testing-library/jest-dom": "^5.17.0", + "@testing-library/react": "^13.4.0", + "@testing-library/user-event": "^13.5.0", + "react": "^18.2.0", + "react-dom": "^18.2.0", + "react-router-dom": "^6.14.2", + "react-scripts": "5.0.1", + "web-vitals": "^2.1.4" + }, + "scripts": { + "start": "react-scripts start", + "build": "react-scripts build", + "test": "react-scripts test", + "eject": "react-scripts eject" + }, + "eslintConfig": { + "extends": [ + "react-app", + "react-app/jest" + ] + }, + "browserslist": { + "production": [ + ">0.2%", + "not dead", + "not op_mini all" + ], + "development": [ + "last 1 chrome version", + "last 1 firefox version", + "last 1 safari version" + ] + } +} diff --git a/react_app/public/assets/favicon.ico b/react_app/public/assets/favicon.ico new file mode 100644 index 0000000000000000000000000000000000000000..a11777cc471a4344702741ab1c8a588998b1311a GIT binary patch literal 3870 zcma);c{J4h9>;%nil|2-o+rCuEF-(I%-F}ijC~o(k~HKAkr0)!FCj~d>`RtpD?8b; zXOC1OD!V*IsqUwzbMF1)-gEDD=A573Z-&G7^LoAC9|WO7Xc0Cx1g^Zu0u_SjAPB3vGa^W|sj)80f#V0@M_CAZTIO(t--xg= z!sii`1giyH7EKL_+Wi0ab<)&E_0KD!3Rp2^HNB*K2@PHCs4PWSA32*-^7d{9nH2_E zmC{C*N*)(vEF1_aMamw2A{ZH5aIDqiabnFdJ|y0%aS|64E$`s2ccV~3lR!u<){eS` z#^Mx6o(iP1Ix%4dv`t@!&Za-K@mTm#vadc{0aWDV*_%EiGK7qMC_(`exc>-$Gb9~W!w_^{*pYRm~G zBN{nA;cm^w$VWg1O^^<6vY`1XCD|s_zv*g*5&V#wv&s#h$xlUilPe4U@I&UXZbL z0)%9Uj&@yd03n;!7do+bfixH^FeZ-Ema}s;DQX2gY+7g0s(9;`8GyvPY1*vxiF&|w z>!vA~GA<~JUqH}d;DfBSi^IT*#lrzXl$fNpq0_T1tA+`A$1?(gLb?e#0>UELvljtQ zK+*74m0jn&)5yk8mLBv;=@}c{t0ztT<v;Avck$S6D`Z)^c0(jiwKhQsn|LDRY&w(Fmi91I7H6S;b0XM{e zXp0~(T@k_r-!jkLwd1_Vre^v$G4|kh4}=Gi?$AaJ)3I+^m|Zyj#*?Kp@w(lQdJZf4 z#|IJW5z+S^e9@(6hW6N~{pj8|NO*>1)E=%?nNUAkmv~OY&ZV;m-%?pQ_11)hAr0oAwILrlsGawpxx4D43J&K=n+p3WLnlDsQ$b(9+4 z?mO^hmV^F8MV{4Lx>(Q=aHhQ1){0d*(e&s%G=i5rq3;t{JC zmgbn5Nkl)t@fPH$v;af26lyhH!k+#}_&aBK4baYPbZy$5aFx4}ka&qxl z$=Rh$W;U)>-=S-0=?7FH9dUAd2(q#4TCAHky!$^~;Dz^j|8_wuKc*YzfdAht@Q&ror?91Dm!N03=4=O!a)I*0q~p0g$Fm$pmr$ zb;wD;STDIi$@M%y1>p&_>%?UP($15gou_ue1u0!4(%81;qcIW8NyxFEvXpiJ|H4wz z*mFT(qVx1FKufG11hByuX%lPk4t#WZ{>8ka2efjY`~;AL6vWyQKpJun2nRiZYDij$ zP>4jQXPaP$UC$yIVgGa)jDV;F0l^n(V=HMRB5)20V7&r$jmk{UUIe zVjKroK}JAbD>B`2cwNQ&GDLx8{pg`7hbA~grk|W6LgiZ`8y`{Iq0i>t!3p2}MS6S+ zO_ruKyAElt)rdS>CtF7j{&6rP-#c=7evGMt7B6`7HG|-(WL`bDUAjyn+k$mx$CH;q2Dz4x;cPP$hW=`pFfLO)!jaCL@V2+F)So3}vg|%O*^T1j>C2lx zsURO-zIJC$^$g2byVbRIo^w>UxK}74^TqUiRR#7s_X$e)$6iYG1(PcW7un-va-S&u zHk9-6Zn&>T==A)lM^D~bk{&rFzCi35>UR!ZjQkdSiNX*-;l4z9j*7|q`TBl~Au`5& z+c)*8?#-tgUR$Zd%Q3bs96w6k7q@#tUn`5rj+r@_sAVVLqco|6O{ILX&U-&-cbVa3 zY?ngHR@%l{;`ri%H*0EhBWrGjv!LE4db?HEWb5mu*t@{kv|XwK8?npOshmzf=vZA@ zVSN9sL~!sn?r(AK)Q7Jk2(|M67Uy3I{eRy z_l&Y@A>;vjkWN5I2xvFFTLX0i+`{qz7C_@bo`ZUzDugfq4+>a3?1v%)O+YTd6@Ul7 zAfLfm=nhZ`)P~&v90$&UcF+yXm9sq!qCx3^9gzIcO|Y(js^Fj)Rvq>nQAHI92ap=P z10A4@prk+AGWCb`2)dQYFuR$|H6iDE8p}9a?#nV2}LBCoCf(Xi2@szia7#gY>b|l!-U`c}@ zLdhvQjc!BdLJvYvzzzngnw51yRYCqh4}$oRCy-z|v3Hc*d|?^Wj=l~18*E~*cR_kU z{XsxM1i{V*4GujHQ3DBpl2w4FgFR48Nma@HPgnyKoIEY-MqmMeY=I<%oG~l!f<+FN z1ZY^;10j4M4#HYXP zw5eJpA_y(>uLQ~OucgxDLuf}fVs272FaMxhn4xnDGIyLXnw>Xsd^J8XhcWIwIoQ9} z%FoSJTAGW(SRGwJwb=@pY7r$uQRK3Zd~XbxU)ts!4XsJrCycrWSI?e!IqwqIR8+Jh zlRjZ`UO1I!BtJR_2~7AbkbSm%XQqxEPkz6BTGWx8e}nQ=w7bZ|eVP4?*Tb!$(R)iC z9)&%bS*u(lXqzitAN)Oo=&Ytn>%Hzjc<5liuPi>zC_nw;Z0AE3Y$Jao_Q90R-gl~5 z_xAb2J%eArrC1CN4G$}-zVvCqF1;H;abAu6G*+PDHSYFx@Tdbfox*uEd3}BUyYY-l zTfEsOqsi#f9^FoLO;ChK<554qkri&Av~SIM*{fEYRE?vH7pTAOmu2pz3X?Wn*!ROX ztd54huAk&mFBemMooL33RV-*1f0Q3_(7hl$<#*|WF9P!;r;4_+X~k~uKEqdzZ$5Al zV63XN@)j$FN#cCD;ek1R#l zv%pGrhB~KWgoCj%GT?%{@@o(AJGt*PG#l3i>lhmb_twKH^EYvacVY-6bsCl5*^~L0 zonm@lk2UvvTKr2RS%}T>^~EYqdL1q4nD%0n&Xqr^cK^`J5W;lRRB^R-O8b&HENO||mo0xaD+S=I8RTlIfVgqN@SXDr2&-)we--K7w= zJVU8?Z+7k9dy;s;^gDkQa`0nz6N{T?(A&Iz)2!DEecLyRa&FI!id#5Z7B*O2=PsR0 zEvc|8{NS^)!d)MDX(97Xw}m&kEO@5jqRaDZ!+%`wYOI<23q|&js`&o4xvjP7D_xv@ z5hEwpsp{HezI9!~6O{~)lLR@oF7?J7i>1|5a~UuoN=q&6N}EJPV_GD`&M*v8Y`^2j zKII*d_@Fi$+i*YEW+Hbzn{iQk~yP z>7N{S4)r*!NwQ`(qcN#8SRQsNK6>{)X12nbF`*7#ecO7I)Q$uZsV+xS4E7aUn+U(K baj7?x%VD!5Cxk2YbYLNVeiXvvpMCWYo=by@ literal 0 HcmV?d00001 diff --git a/react_app/public/assets/logo192.png b/react_app/public/assets/logo192.png new file mode 100644 index 0000000000000000000000000000000000000000..fc44b0a3796c0e0a64c3d858ca038bd4570465d9 GIT binary patch literal 5347 zcmZWtbyO6NvR-oO24RV%BvuJ&=?+<7=`LvyB&A_#M7mSDYw1v6DJkiYl9XjT!%$dLEBTQ8R9|wd3008in6lFF3GV-6mLi?MoP_y~}QUnaDCHI#t z7w^m$@6DI)|C8_jrT?q=f8D?0AM?L)Z}xAo^e^W>t$*Y0KlT5=@bBjT9kxb%-KNdk zeOS1tKO#ChhG7%{ApNBzE2ZVNcxbrin#E1TiAw#BlUhXllzhN$qWez5l;h+t^q#Eav8PhR2|T}y5kkflaK`ba-eoE+Z2q@o6P$)=&` z+(8}+-McnNO>e#$Rr{32ngsZIAX>GH??tqgwUuUz6kjns|LjsB37zUEWd|(&O!)DY zQLrq%Y>)Y8G`yYbYCx&aVHi@-vZ3|ebG!f$sTQqMgi0hWRJ^Wc+Ibv!udh_r%2|U) zPi|E^PK?UE!>_4`f`1k4hqqj_$+d!EB_#IYt;f9)fBOumGNyglU(ofY`yHq4Y?B%- zp&G!MRY<~ajTgIHErMe(Z8JG*;D-PJhd@RX@QatggM7+G(Lz8eZ;73)72Hfx5KDOE zkT(m}i2;@X2AT5fW?qVp?@WgN$aT+f_6eo?IsLh;jscNRp|8H}Z9p_UBO^SJXpZew zEK8fz|0Th%(Wr|KZBGTM4yxkA5CFdAj8=QSrT$fKW#tweUFqr0TZ9D~a5lF{)%-tTGMK^2tz(y2v$i%V8XAxIywrZCp=)83p(zIk6@S5AWl|Oa2hF`~~^W zI;KeOSkw1O#TiQ8;U7OPXjZM|KrnN}9arP)m0v$c|L)lF`j_rpG(zW1Qjv$=^|p*f z>)Na{D&>n`jOWMwB^TM}slgTEcjxTlUby89j1)|6ydRfWERn3|7Zd2&e7?!K&5G$x z`5U3uFtn4~SZq|LjFVrz$3iln-+ucY4q$BC{CSm7Xe5c1J<=%Oagztj{ifpaZk_bQ z9Sb-LaQMKp-qJA*bP6DzgE3`}*i1o3GKmo2pn@dj0;He}F=BgINo};6gQF8!n0ULZ zL>kC0nPSFzlcB7p41doao2F7%6IUTi_+!L`MM4o*#Y#0v~WiO8uSeAUNp=vA2KaR&=jNR2iVwG>7t%sG2x_~yXzY)7K& zk3p+O0AFZ1eu^T3s};B%6TpJ6h-Y%B^*zT&SN7C=N;g|#dGIVMSOru3iv^SvO>h4M=t-N1GSLLDqVTcgurco6)3&XpU!FP6Hlrmj}f$ zp95;b)>M~`kxuZF3r~a!rMf4|&1=uMG$;h^g=Kl;H&Np-(pFT9FF@++MMEx3RBsK?AU0fPk-#mdR)Wdkj)`>ZMl#^<80kM87VvsI3r_c@_vX=fdQ`_9-d(xiI z4K;1y1TiPj_RPh*SpDI7U~^QQ?%0&!$Sh#?x_@;ag)P}ZkAik{_WPB4rHyW#%>|Gs zdbhyt=qQPA7`?h2_8T;-E6HI#im9K>au*(j4;kzwMSLgo6u*}-K`$_Gzgu&XE)udQ zmQ72^eZd|vzI)~!20JV-v-T|<4@7ruqrj|o4=JJPlybwMg;M$Ud7>h6g()CT@wXm` zbq=A(t;RJ^{Xxi*Ff~!|3!-l_PS{AyNAU~t{h;(N(PXMEf^R(B+ZVX3 z8y0;0A8hJYp@g+c*`>eTA|3Tgv9U8#BDTO9@a@gVMDxr(fVaEqL1tl?md{v^j8aUv zm&%PX4^|rX|?E4^CkplWWNv*OKM>DxPa z!RJ)U^0-WJMi)Ksc!^ixOtw^egoAZZ2Cg;X7(5xZG7yL_;UJ#yp*ZD-;I^Z9qkP`} zwCTs0*%rIVF1sgLervtnUo&brwz?6?PXRuOCS*JI-WL6GKy7-~yi0giTEMmDs_-UX zo=+nFrW_EfTg>oY72_4Z0*uG>MnXP=c0VpT&*|rvv1iStW;*^={rP1y?Hv+6R6bxFMkxpWkJ>m7Ba{>zc_q zEefC3jsXdyS5??Mz7IET$Kft|EMNJIv7Ny8ZOcKnzf`K5Cd)&`-fTY#W&jnV0l2vt z?Gqhic}l}mCv1yUEy$%DP}4AN;36$=7aNI^*AzV(eYGeJ(Px-j<^gSDp5dBAv2#?; zcMXv#aj>%;MiG^q^$0MSg-(uTl!xm49dH!{X0){Ew7ThWV~Gtj7h%ZD zVN-R-^7Cf0VH!8O)uUHPL2mO2tmE*cecwQv_5CzWeh)ykX8r5Hi`ehYo)d{Jnh&3p z9ndXT$OW51#H5cFKa76c<%nNkP~FU93b5h-|Cb}ScHs@4Q#|}byWg;KDMJ#|l zE=MKD*F@HDBcX@~QJH%56eh~jfPO-uKm}~t7VkHxHT;)4sd+?Wc4* z>CyR*{w@4(gnYRdFq=^(#-ytb^5ESD?x<0Skhb%Pt?npNW1m+Nv`tr9+qN<3H1f<% zZvNEqyK5FgPsQ`QIu9P0x_}wJR~^CotL|n zk?dn;tLRw9jJTur4uWoX6iMm914f0AJfB@C74a;_qRrAP4E7l890P&{v<}>_&GLrW z)klculcg`?zJO~4;BBAa=POU%aN|pmZJn2{hA!d!*lwO%YSIzv8bTJ}=nhC^n}g(ld^rn#kq9Z3)z`k9lvV>y#!F4e{5c$tnr9M{V)0m(Z< z#88vX6-AW7T2UUwW`g<;8I$Jb!R%z@rCcGT)-2k7&x9kZZT66}Ztid~6t0jKb&9mm zpa}LCb`bz`{MzpZR#E*QuBiZXI#<`5qxx=&LMr-UUf~@dRk}YI2hbMsAMWOmDzYtm zjof16D=mc`^B$+_bCG$$@R0t;e?~UkF?7<(vkb70*EQB1rfUWXh$j)R2)+dNAH5%R zEBs^?N;UMdy}V};59Gu#0$q53$}|+q7CIGg_w_WlvE}AdqoS<7DY1LWS9?TrfmcvT zaypmplwn=P4;a8-%l^e?f`OpGb}%(_mFsL&GywhyN(-VROj`4~V~9bGv%UhcA|YW% zs{;nh@aDX11y^HOFXB$a7#Sr3cEtNd4eLm@Y#fc&j)TGvbbMwze zXtekX_wJqxe4NhuW$r}cNy|L{V=t#$%SuWEW)YZTH|!iT79k#?632OFse{+BT_gau zJwQcbH{b}dzKO?^dV&3nTILYlGw{27UJ72ZN){BILd_HV_s$WfI2DC<9LIHFmtyw? zQ;?MuK7g%Ym+4e^W#5}WDLpko%jPOC=aN)3!=8)s#Rnercak&b3ESRX3z{xfKBF8L z5%CGkFmGO@x?_mPGlpEej!3!AMddChabyf~nJNZxx!D&{@xEb!TDyvqSj%Y5@A{}9 zRzoBn0?x}=krh{ok3Nn%e)#~uh;6jpezhA)ySb^b#E>73e*frBFu6IZ^D7Ii&rsiU z%jzygxT-n*joJpY4o&8UXr2s%j^Q{?e-voloX`4DQyEK+DmrZh8A$)iWL#NO9+Y@!sO2f@rI!@jN@>HOA< z?q2l{^%mY*PNx2FoX+A7X3N}(RV$B`g&N=e0uvAvEN1W^{*W?zT1i#fxuw10%~))J zjx#gxoVlXREWZf4hRkgdHx5V_S*;p-y%JtGgQ4}lnA~MBz-AFdxUxU1RIT$`sal|X zPB6sEVRjGbXIP0U+?rT|y5+ev&OMX*5C$n2SBPZr`jqzrmpVrNciR0e*Wm?fK6DY& zl(XQZ60yWXV-|Ps!A{EF;=_z(YAF=T(-MkJXUoX zI{UMQDAV2}Ya?EisdEW;@pE6dt;j0fg5oT2dxCi{wqWJ<)|SR6fxX~5CzblPGr8cb zUBVJ2CQd~3L?7yfTpLNbt)He1D>*KXI^GK%<`bq^cUq$Q@uJifG>p3LU(!H=C)aEL zenk7pVg}0{dKU}&l)Y2Y2eFMdS(JS0}oZUuVaf2+K*YFNGHB`^YGcIpnBlMhO7d4@vV zv(@N}(k#REdul8~fP+^F@ky*wt@~&|(&&meNO>rKDEnB{ykAZ}k>e@lad7to>Ao$B zz<1(L=#J*u4_LB=8w+*{KFK^u00NAmeNN7pr+Pf+N*Zl^dO{LM-hMHyP6N!~`24jd zXYP|Ze;dRXKdF2iJG$U{k=S86l@pytLx}$JFFs8e)*Vi?aVBtGJ3JZUj!~c{(rw5>vuRF$`^p!P8w1B=O!skwkO5yd4_XuG^QVF z`-r5K7(IPSiKQ2|U9+`@Js!g6sfJwAHVd|s?|mnC*q zp|B|z)(8+mxXyxQ{8Pg3F4|tdpgZZSoU4P&9I8)nHo1@)9_9u&NcT^FI)6|hsAZFk zZ+arl&@*>RXBf-OZxhZerOr&dN5LW9@gV=oGFbK*J+m#R-|e6(Loz(;g@T^*oO)0R zN`N=X46b{7yk5FZGr#5&n1!-@j@g02g|X>MOpF3#IjZ_4wg{dX+G9eqS+Es9@6nC7 zD9$NuVJI}6ZlwtUm5cCAiYv0(Yi{%eH+}t)!E^>^KxB5^L~a`4%1~5q6h>d;paC9c zTj0wTCKrhWf+F#5>EgX`sl%POl?oyCq0(w0xoL?L%)|Q7d|Hl92rUYAU#lc**I&^6p=4lNQPa0 znQ|A~i0ip@`B=FW-Q;zh?-wF;Wl5!+q3GXDu-x&}$gUO)NoO7^$BeEIrd~1Dh{Tr` z8s<(Bn@gZ(mkIGnmYh_ehXnq78QL$pNDi)|QcT*|GtS%nz1uKE+E{7jdEBp%h0}%r zD2|KmYGiPa4;md-t_m5YDz#c*oV_FqXd85d@eub?9N61QuYcb3CnVWpM(D-^|CmkL z(F}L&N7qhL2PCq)fRh}XO@U`Yn<?TNGR4L(mF7#4u29{i~@k;pLsgl({YW5`Mo+p=zZn3L*4{JU;++dG9 X@eDJUQo;Ye2mwlRsPx#1ZP1_K>z@;j|==^1poj532;bRa{vGmbN~PnbOGLGA9w%&03mcmSad^jWnpw_ zZ*Cw|X>DZyGB7eTIxsdmF)<)9H99mlIx{mqBOwR?0RMPNL_t(|UbOuOux3}1-v@r) zyXXBY?+ZWyjRxAAX{T{LjtsgP8Vx;X#n@P_6bdOsZ7gF+ZYWkuDMF$sQY#J3kfR|v zGd&zbj$u2Xfdu{5cKF?4Eope zg~1dw{M<#?ox4eqgg2X`~ja&$Ol7T zK*;=l5D7+@{p!5k9Te-GP$+oe;#@2iA!{%gc3PcqBpeI{M4fOP2fwe=?)>H-y!q9i z{qdQ(Nt#f9=f=&+6APV6W!UfcI^AJ^KzHi$IH>=D&ld{3@%H-qMll!+^aq0zi{sa> z%nu<{)DA=;N%4S`kxrJ-ITRjFe-Jdmul@d87thR|J2~6y^<2J#Xe9jY*Kh4qT7TlF zKGWFG-&-s0=j+$5%mo7))KR*IHbTpRV*+E>6QR}YtUlNU$EmY3^=kW@-@e`(^uPL} zFGM0CSm)}9vm4+F(~3l?rqQBFA5EVAj#GYs z8b-yU;eYwHm!_r`e&WlY{6GH9Z{J;8|I0u7rT(D*&|u@S=&%3ItEF=N&;5zdx7uBD z7!cfo+DDKJM!kPnF!?(MFriXy{K~I>}BQ-Q7weo1C0T-+h1e zm%sM%&wTlXctAWDiLqoc5DbQ6(V$cE0F454j~@2A-BzvHY_v-C?!BFQ(}aX(LBBtj zj9gyI+~3^$jqg4PgrZ-4;pE&z`mF~gln1eS@7~&p`SG9r@^eFf_aFT7tH1DH{nrZ@ z&idLN*yMvv$=JPr^R4Lhax9*_@%|e#pE`5?GcWjBW=R5pR;|AFtFMgLLT_!q-&|-f zoz6PNRL71hM!0sz1zRIJlEFmu27^8XS-Ze*{O|wv#XtFTGp9~6LW=Lb{Z4q$ID6&H zof|9H-@M~Te96{c^*J=Q1Zwr>scX+{~ghG2x%cp}2X#o+rvC>#of!@X{=*Xc*2!KKBi-Tm^t`@085$^&TdX5koM z^kdP;>65c>Utc+MYJOuY-|O~A^K}F;WAMVb;ql}L1vMYFH2l#_CcU(jIkB8toHq^z z!tuCttJ!4rYIpiuyOj|g{Ax2C2S`jN{o-mS8&Afg`}rzNe(vfin7qHe`}WN>ctdSg zGF#l#cGR51V{>!_ygps!r!OwQedGN`yYu5e@`XSk^2!^xBH^&BZ~&cd_cI^Aa({LE z_Pxz;*vxCd-;;)o$p52(8>e?*z>p`#(vwzYdZSgXHOsYTrQWR6nx$&3P_E?5&3dcf8@4(FMn@au1a%7q z1KDIa8V+t3s=fX&mx?Y-X3F(03}8}`_e3nZldm*e-BcoxjQZ}}xaCX4d}A5k8Xp%8_>DRvY!e>8HDpcS8?yW|>iMcsMXKNSak*sw3 zAN!%t1ViD%-hO#!b75hIHCfVSeh`||C{~i$6zu8Q>URJp@CPtLJ+g<+7^hM(|7b2* z$Kc5ERu92&eJj6wc3GsFK;SaOvuUhtFdB)DWn*KxU^J>#MRiBI2cg)e;V_bn*Sfx1 z4XdY;L@Yd(i)%eG6?=$x4rKceNjLBhg8~13u?G1F6S%$nBLH*zy?!VbkByJR`w@c2 z)ck<}A3A0ZQLEX;BhIAb6S>Tr@7!y*x^5YBposyD@*^N`tJ~>czHnlFbDxQ8cRIBO zGWQs&XzitJMex!NKExox$pq8krBkU;A`wm{F?<26NGuVGMf;5As|l`Qo$Zf9v;N=g>f? zQ3$Wr|1aREEJ9wd*MIKXxd*E|rBY4(eF%_0k&Jd)U1S4e^xV^D?mXCPvl6Rt#0m{a zoEmic-BzbnYvA9t>&>nY(HpE4a50Ag1&$7o1EW}*4o8XOFv@1)WM65&bmfu^0D9B!-+$*uyHc2(n|klf zJ6r3!xFwF+!tFLhHW)0Ht0$hiGBGp7uBk*P3oRi~^C6MwFdXtTH=|tNpgS-jdsxvNfUenU?-XmNFPsp%U=Wv>m@S%4 zck4B?xouEKbGcwFN+Q5QjoGHB!2nZ8W;mTL6zdA3{L-jgHXe_KNgUE_BY$}9aBxUJ zCfC20uY^Nj^}JLQ3xTUampFrga43>tNlRKT6(1hek=4s9dfd1V0sL4!@HAUJM482W zd2wcUzw+MgO(yuDjz`Av?sSBR`-hWbX?%y>y;3fhUfamSaM!)t9s@@v?)!sj2$l|3 zyTd`JJ?QmXg<@lGx3RO^DwW9Vw_C$rKNt%2TJ1>CKesUPU}L{hYayc}8bq(=?vN(P zaGP%|m*97IuQoZJJa=ZkJ@7Zn!fk(4!!S;|bd# z9Bs~srY3W9v*T~PbthyF=7$0NGQ81hxq+fxIJ?m8cXtXHO|O(;kCn1d+?c!hTY1pi z-0`h#`OrMd9U;o;bk6bG3Rc^g=kFh$sk3k@S zGu0aUKKZ53!wb~ojh9}%bnzsSta*A2K`g2kD>z=UOtMpNxDH1^=>ZkTsk9Xa|C!)6 z9@iN?@-RjuEW9=CwDw0g2-w=n$I|JU*-85Ex7y{^jbJ3yYc^$Ln$7CUYBQf7wA!Ia zlo7|Lr&CLd(eZ3Jn~hIRg`&|xAh@$t@Z2K5e`+ErHKTXXDNA51J_LDzM*s^zYntRs zbzCjym%=Jn>VP9cHo^rT0SUG#8KXx-qiV@rM;S~d3RmOSHic)4;zVfK_1Hg2t zT`YAgRd>iV4ccwYTw{B;vAbK}+37V~Aj00koFPk9y?)`sQodB(&&z#wOtPMIV8oL( zB2i1&Fp-F+Qqg>|#AUZh@ZtkL0vS|MbzKvH)DvyDkXvt(g3IR? z@2#w{xOTg}FMsaEwawDX+O9iMXp9s)@fuRe7>4g_|L#?HR@6ACI9K=#4h+@^M8Tt` z?GbPlTxG!l9>SpKpF4l={#Lcxa8mdE!S72Y!{utD+v(-9$y3WSZ@s_f^xRF8S822Z zG{n(7({-oY$JL`gz)Bwv2gg$3STwY?UoOIzw4p-!6c1T3iQgSEY-(~FT{pqVe!cXwK)3VPGp&$}ta z_TfNw8;wq_263!((QGy~znEEG#_gh4T%>BL4g;wlkA`v?!dsCdjd+|^jOaL|$1xM5 zwpXmpOl5TR7!mY$I$aijnN*)IJ2@7?RuSkC^ckIxgAtM^R`4Ja2}Wb#R;!DSv0z|V z=Vm7A_4eD>?>~Cd$Fb!QBPq<#V0dbIIvfsjRMjb+hBpLL2CFAH$`7qU9Ma%}b#?^( zPKV7q@X%^6$%P~%W6yz}n; zU?}LZ;sb#y$#}HaW!=Gs_doLV+1-2*Yvrx>!~;ly+{n+(T>^>!?iiA1A6`eQ%#U;N+x%f#&Rzxac<-o3X)K;7;P zbjbx;MCwBvc0i`vj-08}0hWfj=?}m8t6#hH%%$zkJR9LJHC;9K&~JN13cXa{rwBrGp$N9$>o+U))R?ZebQzdr_5cpkN5fkH?zl6H$y97~_0rex z67pDkbMzhp=;^e(g-YYZnWY9{>c&QMzl7H*dF;svH=WWtM*Kub1wDG`|$`Ni95hL}4C=P&mvQ)9v-9HsJ0ZUgaCXp}Bkrn2JX?ugnA5%J!*Wcte z7!C!hwHA86FgHFqp1!lb=Z4_1_<%NkM^omO2Ye75J@t(S1p^3LE*Xx70~F_uZQvoLPLRP;hc;`mg*af92DNe$~I1PX(wO!=;uEZO(b+J#P46Z z`(R-@7f(bPf?6?B7QH4xd?PuQ>B5YTPA9vbfFsGr0CEFUP+G@!8O=@?mDbT{B8~zU zq*SiA`h%INu~t#%hOjJz9_r=s9SwVpMr~uGv9r_f_K2r~(dgbz(N1;K!atsk2SWib zZW}nOujB^<4S`a*LAzuu0@+@{F&MVny?8t(7D*d?fiUwFz^sUIcG{a}ZX1Cz9Z*mF<){>$&ead655F==;rG;{nt0nk_~(h*8^_QcHn zmGvHe=+KvlM?d?C=YQ{;@AQY}gnA@M{PFi+_{cfpp0B_3u2dbp4h4H%g}@Hyh}c7L zcI{yEa*xB~N5 zNbuFA8yh_)ek$~}B5_QwT;f*fzemH=m;JGvG=+^Js*ezqPQ^_dm zXXOurR%7Z}XLN!KLpqili)7M~becvY(rasVp3v_xpp7i%Fp*6|f1^PcQcG4v1Ymh_ z_MP`uwzf+L?%pvN(dqf|K7S+>T3VQ@HClyYjb&C8$e|BMb6I}9+8>6h19&_qzCXaI zZmV_X#7w)_yS=jAYIKclN5CnfcQ69~aBe13DAmi=*5cg6!rbI5Z{7Hj&wX^S(0s7I z8^+!1>1405*O{KjvE?Bc>bk+%Q**^qX?MTCqDW-$;&Ye%{xG}^hlwk#mazqS&7_i_ z{rJ^C`1U)j9F)r63DTtJru`w3KhzW-0qP%Va)|2btEX?=TqR`njz1V!n-dlpSde@9 z{2~s(`d(SWIRa7#{peRkQmg*J*X<9nXACSEm7^C9`jNGpD?5Qu^yEw~5ee>A+LcB( z!pIF|^nBC_7AuW*M=rtqOs-HW6nFRP+dGB(tG9pu)!6-7G7=lK>chg;op)c2%_YaD z#}z+^!ijh?n@sP&b4#L#LxU(Y2f<)0p8Wg|f9c15{y$#6d?}Yoe*Mk6|KZKMjaDDS zM5jiyk?tJvqnm*u+}+i+wfAqOQt8583CpckR(!B$Ge@uV$shgUSTgC?ouY(nsTK~lOuiVm@4Xq^i5Wk1rF+{ft z4TnoJu9)l$Td*SvZjpk2DZhe*_Pqr1YT*e+WQM>`Fp7Fns#b z$(7CB^{oO!6a5aqbs>XgQ)F!fG$B@)naZwi7I0%OoLLwKgYUj~=kp)G*6R4)ySsrZ z5}>tO-2;nkig66dQBWDywXYjKaQEK1aogp0y4`0kpG&4PZ@sINeU|5t=mhfESo-5H zTzd1JyVq~7Q3~IQJzH&-Q?FA~gadeN?^HOt9e`KalTNeRL`aE5^wf#D_inD@Qay_6 zQGk=_WVBjsVZl+N=bk>jS1j$98VV<^y-wX3(2F)NF~n*yoJc5;jfc~5h9$>qZMSrP zr+WFsbS@bx*1KE9Ry0hoVa8Kli%6wjtKEk4Wa1H_*0pvgmd*M*!|=f0YPTxo!kx`~ z@0T~ve(dVR!fZI1NzP34@fdx`WMWXMw@PJ&%HR#ky_C}z3I~E=g!6^ZfA-lQ|B0og z`Ev`?-+JrbufKG?Qt!~QIT?~A{c8i8v;YX~t#97DaXpjC>Yn6>Pl$ShN3pl^h0p%* zm!MvF%;v7%Um>a=8_${(z#tXj;x@Nyjbt{>T8%&Dnj44-UQ%#0EdU49Bt|FoSTyQ& zV!+4iDgXy6wFV2+)Og06N&$4a#8D7+j{#i?+21W|;WuoVbe!I-$OA@%Q;m}y8_$iM zSc)W);dtCDI|MaCfC`oR{M>|CU;^S59s-uJs}egvUhp3q&5jtZCIc}PM-To+qki2k zuZo9gU``+qpP0}xFc@Nj@et#aQ;}rSD-8xSlVf-ktyTw2sdS8N2#d#KsdVz2-?;%l zVWlcR2{f%*NY0*|jwj-G9&G8Zi+&$z!{gI^jtAhaUT*vU6Npp&PVd60xo9MO^WJ8q zrr`Z37&DLX8LDJ16+mt8mWb2Gv&r+P=e~F2ZZa16!Y7~q#&>TL4^X4g?sf6Jj+ve( zf$S`HkG15?iP=h}QYcoKGP-8gKmX~EzWTj8&9+CF92&^cDTn^GtEUmmKlsM??3{xi z*ISpRE8mrBss`Epd39i)Y6N}5|uU^JO35CP-4Fz}Jy*W3T zOQqv*M6Jx4Hthc7#F!q9(1p}PQ9Wk9j?cY1W7(17NAw60b-SHjt=WymboGaF;%RRi z0nQ7;9Zke@iLiwa>fmS>kHW~&Q;L7Q*K$#Jkl|*cTG@0=9CC}DgMm-6?a~McCQa-1K#2YfA8QxL z`)HAM!Q@5KDVaG#CCsrH)(7z$_IuR9s(G?6WP$WV7M`>kU4&7WaWSl*@DCT}W>z-x zH*ar-a4M;(7Sva#BOuG=k~vJoBF|hpdHcb3t=U4T+U0U>Yq#5II5Jh$`urgHz7;+U z`2GEUZ+bjAJ2ketwYR%h!Ku+e9cZfD=uJ&W;)Ezpj3pWR_FkE_|F^MAZ!uSuSCNj}T;Ld|}+&B7V4ZCpe)*Q_ z4Tmv#qKM5u?02c0y?pt^-gf@g*KQI(Fx?owR{Q9AH!;!@^nS2?UpTBLH%;`j$cy7oqLsUs`u{gHV{nR5*E;npfsnURGXM`IIK52AYpdWnfTW3-cXO?4x_PT zCNtrW#%9hgoqp;ptZr4R?NXsuD6&-O45B}ZoK+hHka-8dN#$TK?sp04$`}& z%9nrY$FNFlx@66GhQ7^>&AHievO^?8=3sFI3jQbR(3 za3qq+gi|REBoGKC6Txt(RBPfd;E0V3w5)cuiYYOwZ2bLB2iLN(pYL~d_c_6m^Ql!q zEKvnF&ThTYYc}aiCFD1ook|%C6;CIc%{G=b7Q;i0h@~uz;qc_d*w-qS3E@>65R#br=57 zqTXbY@>-g;vfsyn=EtN6&YeF!dw*qvdIzHP#m{~0^|$VqD>W&&ghssKhx(TFi>++uhhNV`9khDgibi&4!(GAhylK!?vVqVP^lG>nnpm=PRqM0qVk-U7V~pWc65$Cv)jyxvZeoPO{QRr{9UjqL@4_5yQdin>X(M>Ng^d zHqzMYwzkW=h_S3J3peeRU?bYK%c^*mNNOk&3`f55C;r&jQ_r?Ky)VD`RJGCh=fC^L zdZ8YPMKut2`i_w^$Ye61Cy)=8%Yzc57{iR;ym;o^;;ECesp^t^S=_ztou!3oDjMC| zVVleQC=}~r1i;RIZHkZ0yIAh?EzFEAt>J-VtKY_7=LAwQjtL`8l2 zBy?v_FAzm;ZtbJ9s`33mL2kQ`fxv2x<&q1tWB0d(sdKN4Z0 zrEnzr*{^)@%9p;hvRD52)8{XqTKMhHJ z2r~CewJ&`2N7Mn6O_m%6f3;L8Zf`FvOrph_Y^zTcSKcorvPq?zEpcE3HrX~^j{{eR znFBj1mc(kc9gBvdS!QD~HZ{X|j^Z0phPJ`mJfuRnAv4;yS8&n8AC zmIbzh?!*%4vJ-GNs{rnp<`U0y;474y`^9=D6>shA%1-sVwwEo&;fHlvo>j-FXYy|w6ziy-6*xG6B?`sho4hce2 znFJ=UOZ@BerPFa1Mi@$5%N(6tn)`#7ujh+3dDD-D5&M|mUcdM0k6tX6>$`=Dd)<&p zT0l=D=_U-TdcYu@fFnlZFeQ{9dQKh%Cz8Ry^kgQTi0$s>xA!aUgWesG)_f_+&UFnj z(-T=N!sbqqqbuhY^2KtYRHfmMeE#Ea-CU{Gu%5n#-aMkaj5Mhp{YUp6xH2YzsUygZ zM+2+t+lp_<*Wyu9+iwlwXC*U zZU{CCP^&lfaKx^;Ec!jRjf$)$LMy_CEnVa>Ohe+8*y6&}t@k%Z@xccH^`Veyt?CXc zIX9QjFRX3nOHDmLs|sE<@y9asTo#)GJ$0$)%)a%`gJCds?aXvM?0hLl{{H6?h52qep-O(~HE}<}aCyD8&r9`d)M8S>iaj zQfk_BPCI+mav(K;=ApvuvB3>wW2!6p-p+2as?PfX{eb~qio`;`Z4we^i&TW@Mm z?T7n(91UW}NVt{u<6RP1grgB6LD-u}gu@|S(M!fcn5ywy*6$Df?l<2t&&_N1IMDLU zVmLdMJ9~2e-S^kc=#eeUhvC;vB&LR@hofyYp^qcfD|!gXeA4FC0Cd7?Fh4z(NhLa+ z_JfW6MnlWPQ7|$N+mHZ7Dixi`rQg51)9VeE7pKsan|D@V(SnS+W`v^48I4Xl-JQkgs&c1i+E{s*L1RV0|CQqGQe(lXWm_kqLq}aZ0r+?}E zVn|P84Zi*Ib+Ev{SS(y`b`XIhMDwGR>Cxe4CC3LJv83+aTo3)*E=;QyFzqIhoWnpBcF;7qwI3Xr2umemUwvV+1&xy!25L`NU?oa)~ zUs>-28m-Q!pFY2FcjZ^V_RTrdVAU&t4-saPUu*EDTXXp`SA;^V|piEgXaZR&K}2oAddSjCSXYfi}v$k*e5!ctie z^bi^n$~Csu8=ITRmsi^+fLL;6eQzwAN+x1Q>384>A8=&um3ffw^EcZ)44(S`u^Q5@%gbp zpH8Rbt@J+ek&E}%_V6i1uO`ihw^FHME|`lEc@TsN7g3KP>`BBviAxT=QYhh1!B--a zO-6$Ljoo~)1iOyT>SMdr`KF0nYHh247)B$Z^QULtySs**V5ENZ3!k`oce7kou&lFt z=I)73^XVQ7bZ3=(R6cWZc6)aZvx26%QgD9!#cOvS>>>lEHy#=|pUtEemuJ)I#QN&i zgB88Oh}oeIhR^g2pt9;4(=CZG+a{(OVTYS#nz>Vb_#O_+`);&)j+B1CKR-K;2Y2`W zwt~)pt;2;h%VRAJ7_eM4-H1BSqOYN(6VYD3TWhrfkzl1>?qdIZ{k_-j#7mu2A~gsM z*J{P~nVC=i&7aRM&f9$|W`Arm!zaf_KeiZ~X>#ZLWcz}wX%XV^P&$|U3xD&k4W}3G zZ|%Ks`HZhv`lbK%S5|J{kB(>cGCv_OR1nLUoQPx2ck_jheD*UFvojXvxLV$L?!Nc_ z!rVkG5i>nx(>wL{xA!BVKr|KWH1N(Ix|DGQjEhcJ4gfzAOD&V%AMO_$dIex4+;6s; zTbqN9JGopr2$hfa;{XI`R=!*x&&H9FLIk0Um`TL1G8Sf&l0>g}S%Emx={jon9myo}Zce%|G~_?h}0C)Oh)j zx-gxa9M57S+^dt|VT^=-SSWgTIN@B37%N^KjdPy_j>X==lfkQF?8LE}of?Y<0<~&w zbGOtcrh};lR#%iA84NAdYJO&{)$ZU%V`iSZxP1HGO0CiC_Xnq!=dPST^QvCP8ECb8 ztrpfvhC~=1oje10#S+CxaXc4hC+fA@e!e`idVUmkd2xPxZ2YZv@7c1gO#XGn$3HxO zW}!0-&P-&!_42!#6n`KYkFZi=Zk+*>{i43JbaX*qwn5Niw}ErPR9700;VV{j-H#0f zp-|xb`Gs5WuN^Yy$p8uhaMT)lsLpof!s6C`DPLER3qnw^8CPWKO!;MPBcag!ozk24 zcAvX=;>1LJtJHe1Q$vJ>6oZIGbZHIF8tSy0JhG0?T4P~-$wVX=8n${p%oFlotQE0` zIsBYxtk!AWZ+agp?0BZt`Q?A~E5H3Kza#lKWZu{`3&O%O(yR9UpZ)R|yo(sl-Lra( z=l=V5W~ax(5e1>L7rtSwTr2IB;)z&@@S)mJ7J4w+gjWg8uh?kd#7ro4Wye$fW~)=K zwUcOA5KDwpJkWzfk`3GJj7GiL%9pA$(_=8pFdYMlkv55jmvtP#+GL&AB`}>0$fTmG z@5BnAm8iF>!t*Ftr(hrWN|h#&G7d$W1z>=Mmx9fQ}&R171?AT#k0vQck!m*%GOrPkM9c~6f? zK6Ys2xlIx~_{h~$@7>#Owsl1XK%8)j_lpEUdNmovXzQD1*$GjC7wS=k6+-)O?r$PR|NYyvrau)dGITAUqEB|`UBHjyxt?uS4BBEd2< zLOtfLhxcKfxgHOITn7vs9#W4Q(Wo9e#OL%TTAk5u@TreK_xAM_?5y%d2>#EI1M-%NhY50Zu8p7=S@~SQP z<)8lQl^^=TYq!>t>G@9lr;%U?{S)3Qgh)iT!(H5K-^ zcPDf1<~45~_O|l%N1A6Xm-J-HyDqlP%tZg7`mN4 z#xZU$CTO>H_X(q6fT6Ii{~k==2f`s{T6?L-z%U*U_xgjb-gfIFO}v9NqiC5}xYg+s zyj(oB{0A@H*xD^RL3{#;?Wm9*P)kH_+}U9M=@vpW=~$)OV$@J=l70wI)IR`>#~&J8 zU0Wun$20vvFcS}N?Bpv|xonh}xwSe!Kbc+G*k|!h#A7EHCf~hv4?DC*dBN9{FxJ}bmrFW zwNNm`f&+bqa!9as`qW&x-nw?>{41~BVrl|GUn&vNGpV{|+Dx9;i%6j5!RB@U_)XZU z!g7lZEmT^{RfoD7J29SlpDFW5{63J)#26YYCGq>zc!m{XeWy@6@+64^`ZVy<Hp}{pZuGDe*E;ZMYRDxYcuu^K?ScYn#||{TIG0#)v`v`iE3spW$$GB zFNzz$Z-^h$ZO)YGJ*vnNVFf@Y}8cJ zi6J{TG>An*V`&0dY2%}ylP}GV9@7cx_1c4pTr!(YN5g?;qrSFX(7Dm$;Owt_PIaQbkYVCZ z-M>;Jh#g!$x3ICjQ>`};9+s&ufA)p-?Lxj-WhRgW3%d|4&x$&tM@$giV5>KD4v@p? z$?WdlK8kz5J?b;H&t1Fx`djzyMJ&n}5qNO@;hB?j#d7WJ>E&oN`OfwGSl+n3kgim1 zgW6m?>dS9%-5Quh7db}~>_!P8H<4vdQ;9G^ZdPvc zj>D({2mF^#&+X=MOnZ(PSyl=>W?)HzTgBQ-H#W|nSiHQDZg>0dtyj%eb=4$t*f`bq z?1})(p)+KDUHXHGWMfJqu~4B>Enr9%av%FY{oK<(`x96H^jFV(;S+ia2)8bzQ*1JM z@&RRh)ShmH)%NO5jIh3JF8DXA$G^H~!+1e4&V`(|z_k~i`^wM$={HxlDmpD|v&7E! zI;6_l*52oT^hfl$9|i%*eu=nFRj9+^&eoQ%)0&#dYLV2(lY0AG`TgxeI82-#Zr7WA z-DT#@4x5eL4(-?jOY!e=aJHd48bvhMeMwz2n zI5?Awp|{OW_rl4=I}dhWed|utPEb4^tRKw5++=oYJh!@4kh`bP;|0)@o&74Fpoz?g zW~*wOz{r{Fl&GV8=0NV);fc1Jam73w{DkfOx~SE09YFxF#}Tk!eYE{=-JCx z82;kiWUJlW+{xnvbUTXlpSgS^WS!rG&tjrm)VxDBc`F#lYF)P<%}nQ5 zHC!1EfP$ZYQyKKrSUzWT=PW~+@pr4x}_ zz0(p8>B)pohz^DW1$GWk1JVX688$}o z%J;NbP(x9+=;VkcA1efYdAk(){nO*w?^d?no(?|y=YBGhPN)IKF6{S*{llQY)ot48 zJa!zv$U=sLNQ8T-=aa#D zIu0V#PU`KK8u6&!2_dobR>H%C(nH@~p)!_D(Zt645SUara0xMHwAo?3;RKyyeya&?A}MAr3da zl<+em$SZZz{CFUCPDDF;vk2xwuU00`W!0z4$#j(1iZ~aq;KHfp-}(=4m&!HC=o3L& zHyHFUpIzMAE3r^B2MEGgHd(86EBdOOSI?=aGZ2qZ_CdscC@>Q?J3ZFu43;L+TRVkf zsm|bz_XH_28Df?(j9#;uL@F7>QKcji4=>G*zkBnZ6LrRdySKGhCTM^iI^Wa-oi?xt zpOENBId=9JC$3m&kk)yXVQ+J5Hx$&<0;YJX6N^Tldm4A|j;XvepHdc3oIgANV0H7{ zndMw={CjWT4TZvS7Iwd{Le#9r)|DDz;NZDsDR*RlT_uN5L@C1!8DQzc&gM(_qLM3e zGU-G*6<=H5v$*p60Mw4>;-!kt8z3=E?(Ae{W4DBheArm;mC78ZYh%MCil!{PXm|Dat8+Dhl7J$87{MZmXF~*%jb&|*>pI9W!5uW8!KCToBNcRc@4B{IyvePKC~SHqs=z* z!6}P8)ESCOt)(Z^LLn2pqpihPCY9-FwYuqK%tYcC=-A~Q@Zq5aL#?TE)>W8-6cdqv&9ZIePYiu<5Q z#6;b|C^-N-GA#UyRR{B{ywUy`41LL@POY|E3{;nNQ!Gws6X}3|Zahw3&31QsVk{Jh zeC_w&(0%;Y%VR(c(CLe8IyN;iw!WEXa#^0zsYo;u*xIYORz}zXtMt_BhX+LJ(akG6 z0uX;+S6XF77J|C$Mf>VCddhza_RW)p17fTgk*zmw@Z*) zDmAt?^I?5v%fp3#v%D}}t=D$HtyCSnZfVd4~;ANSgz);*BziOM(1E6m$0gj>(TEk zlpCmIJQ16m9Lw*O8np(kpd=9u>3ob%DG3f5y95N-%vqtb;D=dN9Se>m4}na5Mk5+- zG7Dw}aCyv)_7P`KXQE^2SgSi={Fl$3_};r~@7!M1{T6De-6KFleAC{Eg{fkVz)m*_ z3xJS#K8^m5S+w$2gl*C$k|h29p*3+kw`q5Jab~!dn`|n#D4j+FETYd`z0)1)6TTZ z+Yt(jr_{TSv<-EOS+(A->CuJ2^3oK(o)_ceLzqh?M`B6};-nk=&Qv?xMj)7hV zF*BLHedocM(@V26vv0n0Cmaspl2cx`vwJoKM>l}%9hy1y?hLsD4O!=fLF;JaFO>`< zMuoE893>nq5=+y?a=oaJMv8?W0H937BhhH6P*ji$7cQQe4+V$Y`uGJBXjidV7&^T- z?(PS|vGenpx$)SojoMDBr3eP$6Hs zcke!j8nl_BgM?bLH_^32at-$rh6D|iT1BIZV?c(*`E8mf-OA@q^Lf_6A@uoIclN&Y z6F(k}$K)2e1`fPhg1xP+>G8BJbN+g{RsfAaa=)wU`8zhS^_s1|eS}oqtASb_0Byb0 zG0?eZ=xVq7*aWORYpG>h;c~eUWXy(#61b{ zYWuNBaAsg1H$*xapUB1U++Pm|!<6;={h7(JYfqhj z^WD3{f!sapAk!(NhEFJ!R1YvR77NL;*!i#7nelv~(C&C2HdOp&Z0Ps;FFya&+Ga6d zte6H^u?=8;ZsP8}6%c*mW6!>OW2N3`Mk7JQuhx{i=fk!L0i8*F&Ga6C(O~o#HXYa= zq9l#5As!7y!@+!|*|gWX^ap*kV=R+?|IVgPGJYU{h}pOMSDHu*%fr-oW_~)ewU0p_ zxIwU<+}J3V8iS>Y)WwD5PO<&|W>x0MJ+(kN5kap{%g#HX`oBC9_XFVIC=y7E;?Wnq+yRX zm+N-4u!J3|7oRR9QQ0^r{4{bhQtJ`bo#tsgB zN!F%-ix(c(oye0Dagd-4&*MC3@x5rA(4AF)F?6v*Xrvs2?Z6qTx8 z??cOUB7&SDsYci12>{&0sfrrepq>Oa&Crle$EieLOaX$$p$1@2BTQwYGh?w%ci8H5 zPs~jczmYLVGXz2r{E(_?Y&VzqTLI=U(y}F7$Uv?#E3t#sUH83Qm!;(v53wT zSndHhjvZEi9Kcs*x7+1c_Z~1)8l8b;PUEnD4<70PaHCQmZM`*0lgJ)|rERW;;W@wt z9|#QNv1mLQPp1-eS8Ld-R(u13HqaHzEz=%wy1g~izu-XZ8Myr#ewXzG0H*^})^894AraO4SMnBlE`RR#gubzMFy?cX!U-vWWb(XjsPNI#^ zhSJxUh9~0@d_7i`ep77O+#Kk<=w-dkxlJBesG5!1QdR#(q$80l_DJMB$jG{)nbDDpOyVm^F2QR5rt z%dDY_KNQiQnk$v-8tkLj7mfoxrc*I+l`AcDk}l4lnjQMOJLN{ZJ191~@2%@wJXe-j zM8dD#DHiK(bca7gp0?p=_{C3O`^r!K(Ajfyea{*i;ig(_&`BDn$_>jEvcgafyD-_` zedTpL2%U4nplAZ@&ybU&+CK<5jTUdLcO9D@Gmx*R>$$S4{vqi?xjJ?F%!MnL+&zA> zm3Fh9nz7dd!a~|?H2l4OG7$r7zuUvB*4Rv(B`|u|$RT)Bb0lGejKDHX!gTg1Uv9DF zrs7fD6BTLP2eqv#b37Q7s`Xqp3BfMw2pBsZ2aFg=bY@{Hg|CF3$D+|IXHNXm*IwQ)R1pSYe-uBx>ir^J zT)a>y+-P^O^4W~;1l-=M652R9`yhB6&EBXU2csf>P4zh(4(Dcb_@|Y6{mS{1t6TX- zgNRgaIv_tmzZ_X3vf1pM+e9w4wO491bk&ITWG?ycd$%z?U}w6z-QE{I{d}=lBPQ+k z2JLna7|8EB;Dbj38#>=?bukU0U?`i4ZLDra=BEP@yJLyUs8%q5TerM4o3=ZaW%V3Y z`tdCIL#Vv%q%uG`4Hi@6>bO^hVVBy7&jW3o;CP*MFUWj&jZ zl#J^hvzlGg5RTy>la7y#rSGroK$mhp0PG=+Ogfq`Ho*r2rYExV)4ARK(srfu?pmqQ z>YtrU&5y<3ykFWXwFngD;3&YAxo_IKWR8@5Qd&F}%L#-zHYN7VX5f>|tMqX$Nf^FP`6hjy~q9_;LY=_h`KnX}V* zM8D<$dORbxl=NYXcQ#qCd{{jiu{g41sj-zCbynSh4e#j2PT*=Dkfmv5rR`Pf1dY99 zA`*>+B((=^oH$4X6h!2URb~aklz9xOOcf^{4rq9E(~B4h1nhF1KN1e=!BTZ_1V##c z#DpEG;AYJ1yR?IZFa_kC%IMM7DV*DMj4sui?NmAy(s#c@QxmzpVij5_VwliSYucBi zT(^(w(?G{g#65NRK%knCM?#1X6h z?T<$;@*qlRl$}!MjZ7z+A8pYgXmSAda zYwzNjW$byrRMiv+kCb1F4hK3M^bnAJs3_;<%;D}ty)LJKK}9NuHRg1ce<%KQlT4|h`Wt)A)`Bd49%U}Y*@C5 zA%+a`a^z_v6%L08z|o&VxoKxSQQ{Ep-mSaqs{MgLG5i?I#VeJjE{;nM{8!E`mMhi! zyY+mvvpkVFGn2ZpR$1L|=(bv$N%tpH;`iTr_uk9D`K|oQhCNqG=q78x-vMVdL)3Mi zish1{XCHL2n^mU&+DotYSTR_~?2?kLVUBDi4)FXy0G*&vTmFp}**iIWB61iE1$Rr; zg$tKXpF1lLP++J0oUdorQM|EsJ8K)`$vCzNT%A^@qlc4hh}3e(sp+<3NlVzeyN<5l)7y8M-xIR^8I=}pL^FEhxTe6LMGGwV;~Vl^oekji8wq&G?(UPws(rmsv3p@ znPj9^>$KWk4U*<=R34Can*fT%XO9l$yThY!bjVP|0F{SS`F&YEq#^X(Zol2_O;2Uc zEMyUiPFD<VSci>pReYN;aoa0mXTGq!Jt0vPUq>X=Rojabz5hU)YgwSXH&^!EOdWG-dkg1-WBALIzAmk@>AaL^+D=pm^ zpcex6PoJEr)tb0$D3qvsGEg7qy+0gQs=5smA-Q^PfdI7DY)@ulmzFYjw`+HIWUny| z3{#;E>ZE_u8G=QkzG4Bd$PAwr6|r};sSD$!O9L8!9vlqUn$2t`^X7M7@3eJ;7cjI7 z8#Z3;h3BBz4+u~}Q!tpi7`6PEdGpi9>gL{8e)7i@@nY$0qs-Nzi3s!v9&T-HWzsP! za*T7U2TO(5>hV9Sde8tkNLwY%p&D3@14^rnZnM+vb~=f8M2OVJCK+(el<;9|uv&NXVeV>s||i8^gcj+4TX+q{vCKsh3WA2&Ns0?(tNHW5%V zrYpJjR8X_oWz{{sJU*U{GKNl<^>z5stLJ|EoA11Te@72&JVc2DFb#Z)b5jZ302jcL z#?Z4;sae$rKpsyDrrJ9*@+hO}<*^;9mCN@=X(?YQ9GssX+uqlj@zjMgo4ZA3)3Y{! z7^uyD+zX{{R!XC|_pcH2JsLo7y3CaAl-F!jvU^Vi>hz+wh}6miJz z$&^D0nr9|vh_c8ptF>{>(&>b+*C`dsXi97{7s8dM23_myl|P+MUOadD`g;%h-ixs{ z^$;~RmEG9b<``@E@fWYXb^QT7VG6@R1*h~&T{j*jocOzx{g~;{<}$2Apk{u#qD(jn zQmQs7fc{)2mCdB@JlL{x7f%M5rjO+62D(D2>9CGvlXElKTD?A*=dUn2&PeLM{>%RW0mtGJf&I;xGQ{H)}dqZLa-sDh#whf-jYb z;}d1l@n|&I(Zf&rYWQdfn&X4bH4|9Z2V_6V-W`CL>1WcU1v(x`%1$j!Ztmm>!=Ac$ zx>O~&uH(nacA5qn#kM)*#w$dHNIYMu>lQzso{$;O#y7Ti?Tbt(-hi<(i9ht|=kxi> zp1FHn-Op&MXR^d*QKjZ35)KdpmZ~kB;_*y;?ZJlRJ{XEmjp@{o4G$?rOrE`VX?-)l zm#<(Tghnq!87wVM=ktY1wchLYE?qnm3Ps<)y_QNu@JTNRR-?RZ&B$1&Iody-Z)vZXHj>laP;h zI+n}6{_?Bx^t9aImU||Tj;Ks4*YFPqbPF-U;E2JH^!vT_{qk4;*iQyo5df?-+=72* z%Zx%BCC>O)O?xEDbDZL^NcbRnXM+6VKJ`Ue|F zmhcox>kvR>q7q$=vMMH=M>cBfHGcg;HjUL&gf%@m<_`q(#hO@c-=Bq&N==`zv0m)| zu~dl(U{pC^qjgD-y$^xS2-Bz~7l9*@PRDf)#^-CWR`q&J*ZgdDVS>XIF4d=*$-_a zfO71q)t44bPh{)$dad4^pB|qW&u#1$&FZOvO^*jQQEsmXV8*j4OpPeiheSe)vlH*% zTNSakVa<@d#rfH5PhGfv^8vlkqdasiYeHsS>n))i$%XL`-K&}ArpF%Kz6VZ59b`#4 zcmt5WyD(f_n4O)SCWck!5ED!AH%uoJ!N72DFK-VE1YUUI+G}s#p_^1(H~iM?5*G2t z4Pi8v5y;2WE54}WoheeL@}aG-09*>}N1Qr!Ju9jF<;AH=t(7n81^S}xAvlr=FUE7R zW}~AQ>e!3sE}mZW4STH66hg3c(Nvv7r;*Uif`c8HAJau`9N}a%l!}Fuu`uPxzw?Kj z*wEU9k%W%B_TrC3jAba&Xf-qG^sVdfmGcFyHa!$Y{0209n+4;nj_mgb2FRwRI+kMi z1DpG$OCNb|dSPBC^29W`RN5ffh;}_$zc9C7EtU`?Y4vc>Zs{>nVHH?nbVTt{upCz+ z))@h#4ez7V(;Cym5%ee=WI7FlVogh5_x+k^=~WYs51xnPnQ8Uh>gYA)$#@**0qIm6>XAb1 z3i*i`o??KQ7c8!c;7IZqSiVRQ&n)p|aQtBconRwFSiPX#QALE?YU%Y5(OC54Y=%V| z;=4Vasr=}bv+vy6_||K;@#1WtYWomii7SZgP|Bo}rDX?k|ecgWVhd%Ss{X)4=tkNk;hcxzZ{A5wYX{~Yn0V=`Lj#+88x?^L> zYOyRD#p_{oEK8j03?Ki&aOm387gpAG_1L1WOz01rJ2NwO_nuy7-|2R*UO5*GMsDBT zNX8?vNU+l%)baX90xP5@s~kD!&c?;gbtq|M;_PIJCPnw)VoU?N;#X!JmADNE@QGFL zt>_G+S|0@`86yCr&N~K!C4DYZ5X?$!1Js_)G%WA{aajWg^*ZwN$y+zwyou=~aKAw^y^C*$~v$hHO~= z@Bq*06eRKmwu`kN`qBSLDLCfro!Mk6sgA55N7m)gSF2PzwMsS<7sqv_UoWVkgoVJ> zwHY|vjwB6013H})FrH{rLqe{0XV7f6<8iyfV4@?Sf}7#dkgL_Edl158<8X5#VLMt` z4!Z-ejILfL+HoQytCx7h>Zudg%k;_e7{r^$^Id}UMw1_6R35~VLaL~hho0=k~k|p;KM`U+8%&NG(yN` zK9w;*$h@bZ5a?>9MV>zt$Ym4DlL?F=r0d2}f8e8+&;RRx_ubXaeJ0`<4}sCqKrhOM z_-Ilqkgod{i}glb&ng&qkGC?=T3{^j;4xK>0~M?~P6y_O)+hiAUN#k5+1SMvT|R%R zP{H$K!RQOSW0SYRe{q`)Ge0?&X|&t>g{nTAIqc8POtf09)s1aEw_vQLDy!JS{Pa_o z&c26trZX5r<`KZVX$g?*=?Wda&lZF>Pgw$ z{veYhfpJN{IuD@N|0&!ekgQbQ3p^Fm%uMChH}b~?#3bW5fCN!YB_gF#19#HO{m)!l zu2icBku7;9P4Yj23f*DzAe#(Nq+=)s7BgyZ0;Lo|l6NCKJ8Xh>(8 z38n4re!W~e^SxKTi`COC8oI9iE?VU3! zpc(@et!%YwwOy~rV-d!LrXogi9suw;uFyb&r`5?U#NlSu^dnAq_>^WujV1#JdZ~nN z8#c;h74!-U>)KlD9h|jBYjQm8*0 zIM5A3rqq>RIp*y`ix3NuVrn^azGd7~j zmc77Elp7`ii{>5MYR;SZbpsR6>wgZq5cZqXT$+)gQ>G{q6e!lKiJX-S@z&a~q z=Z2}YC_c6Uu9Quu=ld4-iJ>S|E}hue-lN{>r8$_jo39M)N-h<|CT*awj)X~qY+<;6 zbGJ|_Yt#@-M7g@Y9S()8rh1Z@84N%Bspt3b3aj>P)cTJ(zW-p0C zbWYvVCug_!G$@M1TXDq`s3Rb*1w(;MHpW6ifCA^}=IqJYU_frKlOoz7wS=+Hp3KdS z$Dxsii<60HM9mG2Hwoqk4Xr=17gVTA1TCPN*=ST)Hw^go0e-B1tJNm*DDLjRfBlAY z@iYOp=g?TnKV0~u0%HJI;EP}VF+GfNX!0DL4m1E5s~vq0b@?J@x4FS;B*1Rg(=bh! z9A&mC`B*TrHLC}p*{ijBFpw!vB?zn-omVDs7}ZCh-e?gF+N*x7NZ_T^Mv~zUNb`TR z6BVGw-7dW;%@A~hwiP}WWbBTEkivf<)BD8HA8O!u@kd3D`^ID+}v ziTz@&-PT*bSsryJyGQ7)n^)AW)zLsWerOw&9Kw+U&DQaR2R4bSsax>ly0uVm1|-PU zs|13P5Yo0V7R$s#s1~x=Y%FoIz?9t8UeMs{;OF33XB6 ze4NBbfL@F=*VBb>zI=t)%@2ienO>3pFK+cCJyi*p-01v?95=F0}DHl7Y@#yE(@ zLfKS8FUu^~n~e?ve)h!7y$74LW8&;wr+C)w_D-E#n3|IQjs<>O)6_55NNgVJnt z8;v$IrJKwGzDiw>F%ZcW_X@h_!3`T79?u3ttfn#t@blSgm&?^gp->ZrCY3O1d@Q}Q zTYzaCqVmr@d-d&i?5O^Xu;0bc9sQAx4G%_Kpmu9 zSlG!}YCLY9-29MjphJhqDmy1xxUCCjsNRy}#L+}H<=Az66AnbJ-fn|wax5jWI8wxB zojK8Wyf&bk+pMdGUbW)g9FV|x>r990AHb;D<6$%+jg5d*&YB**>|sCMKwObfjy86! zc1LokONMIA3}(|QB3*q_OSh8hs~r^8n;os$WL}j*oEe|TG^Y4`D)sH_)X>sft0Z;pNMbaWcJZ10jd7)FRVD3^95 zur8iBxsc0c@2zavH8ey~F5JT0 zFn~;9CiigT-@C(~?hpnY!0uT&wdzQ4L-$c{5vV28>Cm!Cj890}tT8*aH{ zCzqxPa>JgD4qjc%&SZ3-W~Hvz-poxz-Fe{yMEpxqg-mJw`R%bn4)i@qRkX|TVCPVk zhr?t%2Ce93Dv`W<>vn#7*K_xn0b6_I&(coaC?Vv3G|*c{b&e6cYfF|EGD(0oa6>zl zbYxSzySXuKFEK_!dYxXU&CID3ZM7QIfg~HSg&$q_C|U1+-+3 zXAhSjat+HfjnuUWS25g4If!uyp{dIx|tK$4*b0$_F`9>&i)ipIuCGuI*D zkREO}61Cu0A|{E_?C8NV8@7ggqyd<4(zX1$bwp#p^z=US(F~7fBZD|Sc`@*qE zARL-VMQ3wyv!^;I6^ll%T|E8IzxMLhUNID6P4;jdf=zF~-%G@zOAC`and9>ni#5C< zqeX<+=EyJv96Cei<3VS@C0eu>*^+R z<{As7cj)UHuA*%GvTjG;Q=S;h?CtC$X@jcSanVxiD;&s`yat=3uy46I?6 zGwDRLQDYR;hd@@rOBc?(YY(W!b=E~MfYE>)pS&N@$G;S8luZhe;ium0A!Z!9!9WMz z3#QQcHiX)fOEdRZbu#pT-^aia4$lTdR6CoFmGyBFoq_50`&Z7+qv(X1kx<~$LS`

aP6Q`Z4C-jg9@*0TZkO5O6qUqJ_3Ltx9JHiABS^1kuGWHvK9d3Akp8Gb63PN8wS zx2I=#aCv%u?(#LnfMzU;HE(Ws@Z8bkM%3&X9p->n8tHb1_w0DlS*$BqA_6jG8_6l z=t2wG#j2IC(Ee+G{rR`ve5LJYNQG`34`MvRD0W?}AuyQJ$w(?@=mzFC!lu|oE((Df zVJt_Y4REI9no)pwmE6nfOnh5UtmonPzCWBa#OuM=5SncKCm5EXC3yF3EM04q)=k~W z_GEi{b1BS&i8vh7`uqyw-<>;05qNVL@&Sjy{PM=~dU5agunc4WnaeY9G~)w3^=iFb zZzW@KiCxG8(9qurA`p>^g$l@BYX zVI%cMb7{3?8K$WR`lCNyN| zQ`k-D@mi7*spXncCQV^Y^$T~qca8OZ_}0-1p2OQda`)axZr!$7tQ9JCT?^5V@yvK9 zmr3M{6-33npHK!AHHRviBUt7Hr;=DF_rj`YW0LcBnAou-R?{^y2nsQKE2iE~$ir#! zJ^;dlFg-9q|Iz2a|JKP%`BF0+pqI%vYz-4GP2mN zW4|$cNB@zD)VLMq^BFQPVF+>*D)Zc;lXN2?j~$M|FlZY}4GyOUOZD(O zsbB8dc_ftR8`!q%?6ISN|C#?;USH!AyX-GRmfGg~nUDSSM~*-Jz3OHm5Ds@*orzlyR7;i8 z`UdP6SP@PlE<>oGXb?$=@gX#z1u!Mx@)&Edk~FIgR=~B7+`y!TB2hh_wywQ+@n8Jp zFaL|5`X^ui!sp=<{Q=DG9e$euR)X#V00SZ!HwStXxpWLcA*e+)#VzBLEs*HQ&=fh< zjll(*@FXmA90H_Aj1+{(C__0&$AIN>7-qp8Ju;h6wCv6d-9tDO*3!8FK0>U)0|$F@ zeXt8b#nCSoF2n#m`uMubYnz!w6rLUBZoTX_8W<4>@~gI^h2>cki4ufrA%z`DWUZlI z%7j9m*JB&SlOIkTHkrxPp#wkGH!Q|cCjFH(#2%_j9D2f*Z@pO=(>xDwW;p;`AL4RLgAE0pR z5|9E_G)9b)KpJDcav8wo#H75o0hDdoy`qsxbifR;vWi(r>SybkA9}D3fKdaaV9#rb zLjL-4$=HFh-u)xFT?5%2eW~pO>Fs@~iQeQ$CfXMbkN2g%GGV?g^yEANlytV$gi% zcRn?B`mE2wG^jdpM?ftXwc8FKsMqRz2{V^Dd^1E)! zN<{B@>fPf9_q_J)=NGQs2pKvAjwS!tEqm{H&!ZbF>xkwmo0~iDJQUBwk3an!uf4)x zbPYqN)oc##-M#J5{u57s&kwKH?O3T~|IUf)XD4|{1cR#8;z#nwu3sLh69z$Bb>=-Cv=rW^EOU;I*hxnFO@J%19QF5BN`N9yIO#+e}Smw zHK}4soNvgL=LcjRCzluz_(ov=Vw2rm{{VUAROoBBTbKzb4nikn*L9aSibK6wtR*jB zoZMVp8px$x%-HRA-ELZjP9gzZSrvcC4u3k`Iv;EYT1t;nRT-o$$4!EypA<@o_(F{` zAg#9T%Ai6ySKG0O5szxkcBkQT6`V^(!$BY16QHvZZ%koZQK*3D#}^ybBQCA?)EoaNG9fQi+AtA_dIx$pkA*Ct_=xWucbkstf*kfr^xG zjbx#hci!SyXhuRO1Qj?S_k07n1}#D|usdA~S1MJn*H)sr5SV~eKc+Qv;oN8b;13p- z3Ro7w)ioSmQ9-IST{9dGgt+PP6xO+$H?BJKb9eOI@}WZ?y<_JC*<>%wpinC~PMsZ) zz!K^AB6PyXApRL*tP%Qwtcsj9POT`KK|s7 z{lqh0|Ms~Pr}+BPA4+}*8qrzb#HiD-9e!kkx}v(2u#}=b3WOgPN(qcB77fMXa8+&I z#1OdU!Ml$FPfAj;_PM%$!x+bRx zy8#nR{$Qu+-u1yJ${U5Hsp|-EI{iKp$l>O;4Dnn3J{Nlw<148CTW zPKe4A>5yb^ql;u<#Zxz)uKTwS4fhXgMmU```m)in!Q`Ipxt-(LSd`C8pl>{?MC^JEnPYUuVfF#0FP5QeIdd$1iAwQqtR$g({&6Eu*B!7L><%w z#Sv&YE*x}EHhp<=a%pK{`}Q3>hI5D$5%AS)SI0brwxEQKA$L)%Lgx2#k%YNb9IpsY zffi{(z`Q30i9~scHS`rcJx|w#*|Xhpc?Tle!8lD_%cf&?vk9V_Ed*tlTFi2-27Vw@ zHTDFFf=_?PLN$d5Wk4n<*$mP{jS?UBN>1vmylEJ#D=Snkrwm`;-~dB+K8Ql|5c{CD zN&E;^=#&c+vT*zP*Wuw3Q!6NZQ+<) zxtB^*$+HQ90+sUC4MP{^6>zUg_5dr6UZ5i(7D^`~w&SjCR^@^kpiy{(z3KJM62GD% zebo+<;9M<1A4C9(iJNkSWP~!}qrXFr!lh~OA_#(WwhRO!5wl)vc!Cr1kZ2%^I-wRZ zOKE-eGr#}eXK$=%x(1J0Z+I>b)wVnv1X2TGt?k(P>yy4h@u%BgmNx4-*=SHJwU%a>G(M==b5)S}TNk3W3n&C^_=`26vnOwZ`h^7I^hBJ>wYB`5~5 z91;&lf;|sO30JV{1glDlQrTbu;6@Bzi1+#81Bro1yz8s>^~C#oqhrI#o?JAU&`pE) z%3zXapiVx1c|s zNbKCRFRU55VJcH>IWD?V{$P<_$+xtc&t}twwdIAmx$*IBfY_f&L`>el0*UH!0#x<& zq((&8(W7A*YPUKFJ>^Igj3k2}RCDzq9f*ci;-FE*fC=QYBXMC@HpD#AXV6Y7WlZ*h3 zgc1@;BWZH(?&%!A94c3xP*v~$U+YwTUymf)0^2`n)v0rKSbMFt*WP>WwNJz#^Zob+ zFC@UWPLCD&BCCF{6=F*6@0uLx_-%NeB#5#!vv6xv%TPDz(`8ad>=)1o?^k0RN}p58 z$U=40okFJT@Q#Jh_c^M$I7`mVs=J5o0V_k`U`Ok7-|L4#ATI*zL+wJ4+E7}E2@|Os z#~#N3vIK#+z>zskM2dl@IpodBpxuKyASo)Qr9j-aEjV~WnoJ}S8@etV8zRZ1Au7O5 z0I0Nh!hv}r8l-{eluf6uFID0*IkK8A<rG&S5>36d8x;m_QjjV`kad(qVW9>9 zDP&7#P$irfKG%i3OxkNUS_6q<0AWR!BD^v1*Z<8go_+1CY4K)s*ddjfnK07{6Ry4) z2E6fj^;WCC`M~~1kIdcy%w*E;1nsLU7wUW@eo#g!vwayt0Q%%7xO#rj#fG&+5VAjo zuu=S47C+DxszF5M#*3q$d-+eUeEDJ~UFh>ZQ@b=igW>F@Q};dkKqiy9a_K5oLmXB+ z0eUe_FPEVhY-KhLRi;4Mc8CX^%Fxh6_O(nl$#1zOqaZBLOx^d+x2)W_wS4&+hBfsA zzsV2t<&k^7<83M4_m>RXtuO!QClXlaM%{$%(C`J(+_8fYa{1yF)8VtUyH6flTU>^> zh_yjVZaJhJ9O`JX_zZ&p6%~UBABPpRUD@6-B;4d!x?m-HW99VZL^cn5m*x{OsWe~r zf`vQQuNaNeI*HM8?(pH6J5Mg$aeVgh!Kr=w#&_=?TUZ#~wX3{m_vpU86Ne5?9XUF4 z_|Wv^L=h$oUN_t(a)hL|k;&L|v-$nIOM7NZaEl-YM4y_Q&W~p-2kRRya>d+1>zraa z|8kGw{1G^6d($&>lhd=9IC%kAbRLEg99Z@dF$kcsQE9fSo0l(~-?eKmya-GlY0tqT z1M&b%2A5Lgz>x63`tckQ9~)%?nUi4bV+bOQmZ*`f&MZl1QFa-=P##NGq_x}p9xgF4 zI(q%_(IOPcd%inZ+x13^8F@oe8}$XHh}GhB2y&!Ft||<|!i$!H+<>T35f`Z(#=JVp zbS}|2Yg8%~s*bjjub+SvAPvKZBpvEl4vB&7^@C0adoY6Nh|~PCeylVrrKV7TZ9>Ze z9OOd;{-mj>KfxECOc9HMJ+Eg|d?5gn!o5s9{k z=8k;C13|=`E*GvZZG`+L8S~IfVXBI`?BePsU$-nW>c(6u7|bY-_;XSZbZuk{B2!os zGDjA=3zlr``LwWBGxmsMKq6Nq6dpmWZQaj2@x*68^(oVGpzCUbAG;Dn0jS6{n|>z= zGa3f4`}uV7)b9Jj$hVR<#`DFSuffa1AXe!>F)l2$k<#t)Hb00XZ!O2VAB}_x@hLGq z4Zs>fR7wl}-FzzRCp&-i`@fUeG#xJuFDmd8Vb_J3MDL#4Ge15t#&;9!6jFg*jeZmL zAdSQ(03fV2rD&=pXig;+1R-U*HVmJcPGbnA^0{LV-P^3yHdG!yiz$mF_~YO8#%Cl^3Id2rZc$|FP!N*m*@Dn+T{@9A0*hMezWS@&fbHE zCi1wNwW9&{?BJ)MYqUw*u1f(1aW7YluL9K(bwTVtT68 z;de!N$pcb~c_rYmxv?en?}Ii2NL5e?+a&yDBvwu9s9O21tQ1>}AsPQ}d7s_G|y-p^5wi^w;f0FJF0PwYrRM zPt<`zAS_!`REr=C8Sk5gfuqbCV3(1u$e--kGilp<{8&dRKl0@ZUwrX1UrD+7qy@8L z`yHdvMaOB)1B=u|Fy;F0^@`}h9FGk^4n7yjUn4Y}sXE5f#2n4TJ)pIy9onYRR) z$@x2u!K%aM$e&R`7Ek;GCO^g$Wrc=NV6lDUFc7)d)G7O`?>lDAmF^&@SLZSG4PZd?w7;;AK_{78J!$XhmvDIr%|~Lz!$zV4kBrs22@1UT*;3^z_ILRy@5fB1|nv{n3|d9 z8-&EOW*M*{3rr2&Zlhi&9#%o1J^;$0RtZ1aHi?+x=t)J9#9T!sjzqChx)_io2ULt> zm-&d9CYNOJE?G_(@y|RAYeCVHV&IseLj@raQHrty@XL^v=h)YlHnf`}1GOB@=U}Wh zDh&!mAU!ofK%u-uWFCZNg_NLbRwAkhhmV375jqVAfSho=4bcDi2sIo7Wc}_3Ke)BF zhDo5(2C+gzz+tz^w7oXX}+`&g#KD(`Khy?y}5n`DKV~qD3#)h z4qySrn`5sK7Y|JbGbn~paPh|&i$W}Uc}WNIbUW=sFHWc;?;F_FiC{zwXXN%9h{mx8S-j*nq9L)`c#1ZfS_ zr`rjpj~w{kfBe5)c>0B}{N{(y8%YPMNLmXgj&*&g4keL? z6eY3)hAAorrQI2c$p}fZ^M|nq;F>P9*iK|0oyh)=?q16J-bkX zb%e{O9v}W<@@Tc}R%JD4ZXG*$+R9{jrWK}31i=Oe!g2UzOPZymS%t=$&At2g1z}LB zZecB)OeCASVWg zplNatYUIaZgVO!cQf_Ul0l!)VqRJdQIZ-ZNUtB|+*JP0@rCD{+l*WOH7;33?&^>ab zBQS*eKua*7$U?u2_$aR2vKIr@z@zIv`-Lxl`SYK3J+IM@HY*)85{iSoBKv+YH9PaS z{$D>eVwNsmzYINicFOl#&s})(OJ_d4v~@FS#wITok0H@4PhUVjnmlO@%nM@m9SU~6+%hkJ2?<$pe=ZcciDh>$i z7*J|x9Fj+pWhc;8#>cX6f6LMF@gjXaET2<0?5Vs^A_>G$(d;(8iVa7<*`h9 zd@xqLe_m`K0vk8aPfyP*>^nq#l51>~V1z=y!y6cpDC76~%~jr6=y{`~V_O@WK^S7P zfs;|rxvf@5sx792#c86X7x3IS$sx(4rzTHM#!Au}YXAWA!~-K7zf^?K5;VS=1xH}` z@atqw1z^mL7P6VNtLg{^{!#y>#n5(g+V8iCEg3ebLQ zm~CUZ*5MP!f8Zzo*B|~nf8&9-Ja+K-(L;9}f9LzZ=b!w$U--3;KJlI({fn9H!LKg3ZDYc&27VEZuWQyv$ve6EO% zB1Vv*eiT`*bKm>EbLzle7(p}=_0a2O$H&s;k!~0w3Txqx6p_rKN!4=nl9lL#+qQVO z1CWLy(E~v*kRW`$(rntvg3YK9QO9K0uF?DN+g~Vo`I1ZGaQCoJSvJ3X*&itu$M?*}qy_++o5_2Yyr7sK zAK#W>hwXZ8?ds_V-(+Rd>gZ|zB;zOwf&eRA8LjLNHy2kXM@tE;xHIWuskFMhWI1-& z?Wa=?dJ$YO%ErnN(7kEzKq<*rtAPMwSVXit5w8og-mJI|Trg0!I^Ti{l+K#d%84)u zSUsLn0{w2(qko`X6jQQol?oY{IX~=oLY|!&DWr;74~{8BKxx=nIa?#7VonV6NFhjB zl0;e=Rx)i05>geD*JG1ipKl~WlsYs`KI$_$5t|{7l^$=uZZw)OdmsSc4-?E_#Pf0q zNTXkh@fw;k$t7~^m9pz;_tQ>6+LR43FoIT)$aIQH6~WSA@|r9X~6Vcx6x{YY&MHIx?is~=*A9!LEHY*kA3pOnO9xc-KzV|c9cy!ye==$>2!AQ z-}Bf0&W}&cP5W#9`mOb@NiWy4J&Sh%!X}Gm1yo%k-vA)35|S`20c|zSH8#m+snPL? zyB>b<;ECfI_*1vT?85xt{}=!C?LYj^V6o0|B)UN73*q0RuvSH=Q@;#IIzgjxWCtKc zw}Bqw;~>f$2@eAb2q!IAJwEr(r&H)aq3cLN-YtlR$d*U27C`r6MLGK$nes@&cBO}t zM7(4B<3RIw8;e-5uLIPXBE&fPJ>#j7JlrKWZF2>hwy^LVDZ9J&jGQ{PP#(z$eg5JC zJ4*{Oc6`9JcA~+d-kT^+m1akU&^DlC zD#cG%!eO)=zL?5RdCQkyo1Yn<*>?c#k2S1TnIgcrz>u{46mKfzYZcZvtF2}$pYb4D zE|WWP>J+B*W~~lIb~=G=TeW%vc1So;Y^@e5frUA*z)HuC`n?txG~^@Msx(outVZJq z4$J`^5lK>DGw3<>d6PY#%w;-|NN9SZBo{fNHc!Hk)$By66T~OVfuu8?5GOUA)tIM^ zt*OEmfGo~kS_v8!P3FLGYaH;{z%qE8gE%zh!4SzN1jIK7|>L`SKG$?=Ofmg8$0n7T+7YXZ97lt*cc5}*yK z_O{6bke``IXS`;!4cQ#5RT7C>rKYo!Lc+4D%c~!M;=_)U45HrJRwtk32|Zq}fy)_$ zQ?t`Q_P2imYZ-(at>*gXI%EOml*Jdy?*#H^oiw5fi-Bs9>dHD-Zl;i^{CUN#G*%uN z8_ndh7`1Vk+u_JNPL0nLQIKuSH_#@1z8ZN@VUAK|!!VmfQYC38AgY^UQquyW+3m0% zagY$RWE%oFi1|y{{Aw*bn~oezKs`CH$5G9GLE8sY2}5aFv@0a3WQi~RYX=L-76GXj zZYpXF2&2Mm`#8ZctZ{eu?4f$C2`d9%jErPH}BuOcZ_|NPmEzN4h$HAEqW|d zcsbPO-GMv>N2T)C6Kvw{NkKHv@=GzXHVYuAU{aJPOJ`wAe+2E6tp_IY#NG!97`)3{ce;_!&|h=&shEImPBpD(G{?W;<9~uh82AUy|Z2Ld<4anoi0^ zRYMrIG}uX=Ql~5FrFaoTgooc}v&)i>07P<}Pk!`|7jIm(ZD+IQBQ2M9T5aBg4c$WB zKm6lAvaokI7P-)VtJ7X@Z-{@F^eny!=QaQfsgUl_1{4pe+QRInGz#3KlbN>anfk19d|X72${;3612^ znVTz>P(F8xJSZXKx|5^D*Do)^po2AVV_GpyM5$F!fiftvP>Wj<0Il%NIlRxn=ettO zTrRV@zA5S@*p9Qcvij+df5LUGFzQ!o!ARcKdxfdvUiW*x{{zQQ-O*`xglMwY=rzJ7 z<}D82+ppLvkS=9sV8BFy5=ocP41~7xyZ!Fw+S=O6a&@aB_f&svKzGdWm72UuJjpMa zz`16-khU;=Bg9&ejA1UDRkGq-%^DIJ;vukI=BqY^0Rl!7Iu*3SMb@x)As=MfAp}zj zq7}6dQ4C>vyPDnz+oW_8>%7C{0cH;E-&}8?v0N8chIg)%rpi`fZfqt8Hw5Sji{n6s zgKP@mjXi{=n@5qP#f1q1a+&bwgJ$c2~4cGNk6b*s;dAAF52*RUIFn`7k?+BlQRh>$#oK0P<@ z_jT}YdDF(J|ppqwvXz2vjXu-;sg5fK(g@o93jT~L1k zc19gEm?siF5tFtl@FN-P#Bd#ZB%cjJdVrlkE?OpxsgZo!=Xr2ZEKHM7COMXpdXlV= z=BYhhX31F^Aac5aH1rTjfueykl<(Nq^~GB>PF!yHyQm{^1P^}}A;NRCPXous55%xBk4nEV*J01qZ6QV04~ z6^ShcDb}7vK%Qs_2}=brU2w)|Oqrf26msje`dX#U!VrKrg!K>Xnz_EbzPVNBRk&Dg zDJ*&=35j*P5C@|{>>hS#0BJ?wIgaJ~VYAVJ*pn0G^|g)o%_}@dYk&FkUtGR%&2^l5 zlb`R%rma?oL#5qr-}mT4Z++L>eV^&TM}svhop#ig-o`ZH9fLMA0JW45yBZ~AS(KoL z5fRS^gG;g$WW24fuDtT>^Ow$^TVGw{6``*Me1yXf_yjxpHw>S}b*^er@>Kv0V?U6H zHPwLZW5vm)MdNf$5jiyl5a&YP9UHsH07nBT7>C7z&=rP?XlXQAauo@I*!D4?#sABo z+8%ByL+tJmW=qQOe}Aj+e9@-l)7)ZNUSAr$0IW#!DI7kl!z{59vdlo zo_k==9IOmK4hPFBMA(yMc1Or_Y4t!J*4_{3?8P{-?&BV*hDIb2Y;;M9kP3*wHqlV< zhAUhOB^y` zT%@8c(QKsi$Wv!2&x2iqoa}3CDZVO>CQnWt_b`CbK2n6!pz;H78LgEZ4mplnGGLJ0 zMPW$b6(wp0VJJj{icC!WX)<}5SF=D;u1=Y}QI@J^GA~s*7X4wy1|3=t41lf-wpb#j z;7H9N%p@{*ZO=|R*Ouj)29%7(>-Wm}Tt1t9`Qim_e6fH+=@lcpGrfbblDhMbe z*&q&zA>L@w>J^K*>Si_YsWGr@wOXJ4#3wA9PwG_aK|X7vNXMsAC#EL9`}^LH;-n63 znn~9!RI3d?@-ab4rDJXY>P_@crf~yM3OO=c6+vP$SBX=BM&`!(En)bb&TB8c_{l%` z@QYu03Vt72SW4dpSFT-pq2HU|2T| zYf$PC7at-F5=l)k2|^zr%91FR#2^|>I~(zDhn-CSTR|BQ3?BnVd17k9+kN%=ikwX| zQ#seP3q0d8Iyb(n)M*FuEIq(X1^c~dE|KK9APxmN84`uvYQ42lX;f?NdZR=0*YsPh zpwVb&$Mc2BJ-j5A&Di{E0MAdZVmZ={(y4TQgzqr~#1*)$9({`+_Un$6_+mP!h5Vrt zG%NZpRUryV7?stHd^XL2nMho_xiUUh%;s{K&tzug0Kw#jB^4GTaKV5yJ2{s2+@^G9 zD48?{e9?#VX@^~r1Ek;dyF?K#Kq5~Z*p$HF2x3Wza+5!IT+f+UD=S&7=b$}~PWo}M z$a&C&6@#xA%H=-CPR?S{-Ka~uustwk(^|0%DA9n!*rCs}+iQ0qX|kpmvOuG85dlaM zrF#*u(3q9V7NWq1LQGxTcDuZxrq#gA6Dc7m0@4b5p-U=CpVJ&E1AwYkSD>h@JG*Ht z4UQzmzcdDj=pZCDApjgO>hR^OtQ^uTOid=2nWRmEav)XGC0T-$M;L@O0l-n)L+fFd zMy*Q4{H@iErhJzZn9voD2lh-~xV{X3jgR_>oz#+23v8U<Fsp#o<3Mh|*~CBmna^=1uO~fAh*Zx+-7Eob?Qo z?;nKYK6Ctl=l1IjSU%s0CdOC4e`577dEq?POKitpA2S?WyhhW<_;@dH;Ep;bZZN%-|?xr(cM$R<*NY$rkm(RPBL=&#%T6NiVSs%9uVZh zN0e6C*vw>7Xu^8ExxP`Io+`^pEIL-45z&nus~vQmblM0zD@%)+OnTq$=}NuMJ}4K5 zNSRr5z~CsE1Q6uNm$%M@boY?XRljT7 z#jMAB=|cm?li&G6Ycoc$Ao{ z2n-S`C=9!~OscXWXZdM@&|)wT5uc3!^IEM23J|W>>(UPt{Q|_aitj^aT5$y^l#HZe zVv)2?vZ7Wrs)JHcBuztSU^+7as2bfpz5dTC0kyK+h@cc6UvUg+1f->nnT>ABvG9XBDbSHw2;OAV2{-<)%u7R4H#_ z!i1ww-5aU2yRlir^pJtsbF7t>b@VML{i$c34MX2c@uYOA;Cc?1w;kUeEcwQzd+rHdY<5dMY~=0|n~rFGc!6;9op< z?t}mO7k}yp{>uOL_x|ChKm3trzxbukfBcjG_s{&JzxuBC-Z+1`aIEatc=8yo2XEBy zxYnim$V9X%LMU&>2W`dxvvD9RL8B()Z5wu^BfwJFB)q-JPKgYQ>t0d?H2OaP=q5vf zJNB+|$BBn3w|uNjG1FOg3R9R0U}tviKD9segG#ki4>lvS=7briGmq{PhEcQaH~5)4 zUc%zg5u1ng1Zt7!M*HtNoG$Ky@4~vl+rTo!O~T1qS%qKIJ1~2~8exC$JQaMG48enOUt`Dmx%wu3T#6g@~1^`3JB#aO=DyL`Z zcECafVF(*0*nG{`#AqI?f0#A6Ca_UR&ZO;$k!-!$6!Ij6E{>w%x45z%m!@0ymF_uM6*!H}pZxqyZ($GkWVH9chFQ%j)1 zd5xE|4I3+ov2u2L+$$AfM>@57*le@eX%&rPKG$yZWDTb5TsFPFyqdJE&8^CduK;;K zhQGX$NqeX*+;xXn_e?BpJkNXQcYh}qCNv{_Q+dWqjqn**`T`J=Vx!`0A*~<|Y&u2= zkcNFrBLqsD;8{7jtzCfCM;oD$*i`f_an#8MnBD05<;%bQEC2qdf9OYl{JTH!cmMKV z{q0}=)mEeN&wlye{{3J1XZDynG63p_t%>$xI8J3C7Hwx#fNYU6L*z)8-dPId@=#Gl8|_p?eR`9J^b20??koupMjp zR;9AhgaJHybUQaz3qS?yg+@1kYnJHqu|ZXq&=6Ts2eoME!aS7{VkSlxxOC;#^wbz8 zV;hzmwu(jrC@9!pg%3C}GBY#P>2z*fyS{h#3>LX<-@fZA{+0 z0#8)eRYuATg(y0&UJzYkeWS>)OS6Z!`TiBDkYUVEj;_ky|psBNQG`4a6|>-86ZRZG!y_V;io(~(vcc(QiMOug_KX|Aqi0oPKt{t zY*jKDw0Q#!e&i{IcvREJk`kx7G#2yXUNY(V^4vtPkk3{ct>vvch$<}zxOZ;y=E~;c zdd1aSyeT!b*iE>0ZhB(;(7w^V3s}sy*0-9=YksZXk58a#Rr}do8U;2tDo{=~o2u99 z3CDTy)mPUyHeA=%7D7+Mq26qtzW<&(?z%JRgb*v4#7ta-m#2cd9&H~h#W?FlMKZ)6 zIWb9KXP7$awWB6q{vw*EKR_ebgToJ(Et7IGDLAPXMxYY4Y%2x8fJmpYw;g-;!2|a` z@(>tzYHj_dYYc2zQOO%1)@=+sgxLuyHUc1g`-T)|4djjS2HSSJU=sg-JdmA&8oO=T z#_nF2FC4#gd5QP*P#G!@_Q-XokKB95V@L7@XTv{#wg0g#|5mFVbvhw$?m+jJNfgb6 z>9ZF`r3vrko9~`E{vak|DGtD%XEx9}moBWde1FWDI`jyw-i~TRlG{w4(S-{M;bhp8 zI(9^768Pa~n(ca{8-$r`y1LZ}d;Q6Y5v(&{wUhkVJ-K3FHCuk8)!H>X2>~XiCU0E1 zTFho9#)^$*n}eF`KUNb*)CN5{=UM8Ez}0KVCp2YBhO}B6hFJ#FHh_|dOoD==s6!tk z7BfQUDv&o_^8S^69-YFZ&VsMl)OuU^H3C8b#*F&u0^asb)*f(F;v zC_(x_|cp!of zkdT(%9-i7e2_lxLO4!;-Udg|5b6s&@-LRA&DP>E!%vWB#C-XvG4c-i~8KsT-SBM02@Jv)=5sJI}rFB3b~A3;P3fIGY#= zUMl@<-}N07l&2#c*DYAQFOOOUPNtNz5|(OD+LSXg=Rr!2daw#o8vxUIU@a2OsL=`= z(i7rI5S?dYG&ebs$9}w=gP%H%=vaPiBqJ{?XD0v)syAUco^$#2b3gqCgo7}@m>T%FjlUn#K2@mw^MEh&599j-?r2LX90T&IE#K+C5%~h z_s}!DiG1?TyB>StE3X?p-{=o-{gEQvX9{z7oqWdwM^En^8_PME-l$qpFqTKXUNYIw z=dFqP;>pL4-uaGq6y{D!PgUCrfGum=Ha}$g%1bvI?Z&Q&qa#z3k|lys7*1p~c@ee% zCQthY#Kk5eGXRw#jRO$JWO8eL%j|axh3vH(OCzIY%dsF2M-#tENE?;3t(EmH^wH_b zQOKIh=fP}gY3cC(-7R073_fy6wSY8c)FAAa_+|uZ3H_`Sa(u!pu+wqLDcTeEEXp1% zDkVOGDya&~SDNc^238b6&zf$e(q7uL^uhLaz%OYa(YDN)u|gOINR*`*$$%kMLnY%t zs{m%K99DJ0G-egf;>a<&d&(EbMfAp{X@Zyb|t4k{(ZzGIE-8~?u z9D5{}!e9j{*lJ6@t=HuHPvsoC)Dw*K#GZJ31ai7^4=H0e7H=1X59Q;KT|;Hx%cm@t(uwqBgMg?`YNXZ03cXhkt6QBldZwtdB$o=Q z@<_(vr7{&&%0jQa;n&KfU34Aa=l7Ul-wRm}{T@r9ORt}M<;CY)E3I#P&v$vFX)Psu zAjM!>Qfdr?UMvM98l=V9jNBIe<_7641CVM0Xy}nDTOyh1rF*^1fd?Nmlg)&afs2P` zmt2KpB8iD*ZerKe=yYjxE;Bxz8=ozX?Y$YVYBFr}sU6l5Ndg(IoVbzS|2EFnJLyFV8jMCnVUtAqNjE0-)=G zK7H-X`RdKZ-FxPqf9~vw`%e1xnw_-M=`1H>KEG>uj&<(R^(gG!adaPg>Dt=r*x1C% z((>%W+{slMUI@)C*?j&N?@I3Vp=dwn0xca)$5IVJ)KGC3prj*QTr;FayUf@ zPz@rqaNz}H)>@>HG`jPwgy2YuWPq_$oRWw;qayk8#p^g*+D=xuvGAxr{XV#+T2kmz z7>P=~xRWR&QV4r#du+VG!fQS7d?`@BSIlOizH5u?C;=-8PZg@X`~DLj_$%L;ot;it zR^|Gw#h1@+UcKhmTcBg2uu$h~Am!wy@Eic!AW zjB29k(fE#S-~Z?%GAUvD@*F1z#Q_22uwm+ee>t0*Z3mrZtA&ldNjPaesCuc704p2z zI-CC5MrS4DDIV4iymA@0kmGY5;%Xq3`s60Foanrt;|CvHP{i_LdLn!5!07%xBfEEv zjh9DmwH9x@d_`C&kWm~2ck-v@)%Xq=3ihoAR0v>LBbhC^QFmhTu?6#|4t~#1{sX7@ z=0x^!!{C|q+p8>?hGSS$snKJ_nFmJpJTkKP!IAj~N;CK5C+;+}dkmvMx6Xj8xRWDF zZS|eKX8Ercrr&Y;p|}0zzy0?g{PuSaSnIxvo@aE!L?|Y&2MTCLZHs~2y2`{KjicoI z#@6b_NV!t5Jgd9}xo0N1$+(qb5eavL+BIHnMc5|0;6 zF=faSkz;^fny9wj338cKqf!9{Gn38E&d*OxPXUQSQg*5td&U8*i>Ms}iJ=$k%?b#T z0P!?Pqd+7fhjL)bY-XUXh~UD35^=Ey1*E{6gS*!WBB;uC_<||45a@smiUWf)fUr;< za7W#e*D$IqS%H4Skw;;8E-#U&cG`iNJbQH!mbo-unm@dE{^;I?g_*^xE5G_nzxTrD zp9?BAc+OY~>%E#nf&_cC#ApYE$%RM!8BAo-sVIm#?T+g?(D4f|zI61^fo7uycI*+n z3o@GBy?gh8gYb>vhT9INTz=w~G}x|e`&_O#JvuvD9)0t-y>-v=1A5+ookp}p?XXL8 zk5a9$w$WK_gcU5(rJj`1wUhZAzxKi|C;DV@{>XxdSZ02?4Bd_%buSz(r+3X3kL({i zxO>#^HqJc#B2ab!$ZMAs5K#nFmRJ=#;OnJ-vjS@*+5v1=4Z{`s7psTiRZcc8uP$A` zV00FZZd>fvpa?-Li&03EB9J63D$2cPECznzH)tj?}BUFVbm>7jyax7M^8or z%vQ4#%uSDB6r-D_(rN6=W8>A$jhU%(gC>Ulth#WZ9m?ak8IMm5p<`ni8es7x-W*>9 zg<(bkfK7Vg_ACGX_dfW~f9n_C^uD)8^8Ir1V>=PR8DdoY%`Jbu9W^Nr04(`}2K1N| z{8s5}Qb1H9TA{{8G2C+lAsl-Bt$N!^nQkgkC^-A}lyZ6N;`Os}#R$NI$s1ZdHV^?4 zZ{tWJ$PHm<_?sDS)2#+r6Uma3dNh0p^rYK&fBPT&tt&76hGDi01FIA1#J2$oP8-Hv z!&oqklB7r{)UR}HgL1)!+@=xLjn-%X@ZbH!KmYqb@lXEx4_*7xYlaQ?g!W8K9=trd zc!|(YV1+B?v1j`NfrE-;NU5?a+L;nY0N1WwM`u`FuO7eWWOZ}Pah>ewNO~lnw6QYd zcwXPEn9uV3m#?!sLk=bUr2kz)>r$aXF_f_JQGm_bW$;p&O??K28Ep6ZD#`07DM81;b~w zlufx7zo)_Hs34IEONVkafJ#QrT0$F$(T`*gSKe^+fP%`=jX)Ar$M5-InU1xQv$?(| zf^Zb^wsH=4u4++j7&@LN1T#83Q7D!c{P?6BNRowcpk<{Lv~E&Kg3x3;4pQjkF$f`u zOVAud5kPBU7SUI{dg)Y`w=A;Xu$b(*HWyTuVqnnr031m*0f!NjTCLT3`r^$$eE$41 zH&<#vbnJNZ&`S1AQ?H|W_l6s+TiGzOV)9`4c8Q~x zGK_;+Jd{6%jGZ@vMDQ*_WX!$2R3lSF$lX+x0`m8t_{U;bT>Ox0`h^xx-r1& zah_MI8?ps&Xd$$=V>Ocd{Kni_73c{q3Wk zFI~O)>`Uigxv==k#T&~THP7Q^DHxYxHdl15PBQuYtCw{ulDSkkkTeZ5SA_>Ml-BOefWT?g%}DsFPnBK7ZcG=nmhmzmx6LfYF%^|o-{C8 z?Etz;XZRYWT+W%E%vP(5>(_5dF<~H@m%UKY6b%j&8BiGD{Lchd=o^HcMHm*nu@X`> zZupC<)sMK3dWIc5^sc|O_^Q8l;ksdL@G8XidR7X;iWxU09ku{r^#_rT!NS$dU=zy3 z*@D$;tTz7rFFx505=qN>`@8-^YEO}tPFA%HgdMnTJgJw!SP({(6upKJ6O3bk0gGf} z>GHLdV=peQ9yoE-aP3;9k}niE%^8N9@w~K$4&U_s`I!lH1S@G>ID4)V{!?q!{p>8XU+Rz9yZ!pv%Wyiy3}d4HannVVCb!1{MdtipL?WL7E#xA>lwv5D^jx z;3%dF2^=8u44R-N66Hb$<_=LfdTqXmfOZZ=rpg6K!gpcC6qp#n7olSSE@YuSoZ^tU zj$#7xU}oq!GM{!3E68@+haoiijGBP&`&>LHIQn6g_~j0+Y-#vN3e;tVi;Af&C2bJ` z)>nX!X8=?R;!AZ|23R5lwZh>ZV?aSjV6vEM95EbCo1VA4)-)E3e5BOizHlXlATNi* zjILMfe|qNH$Isk2+w4sqI(YKbiL94Ccjn^rFP*({Yo!4f*$+_@$Fr82!E>))0b9%g zP#nxwA>&!Db9tq5Yk8eFv7@SBO9limgW9BdROC2A#m*IS9pB&DsM?;jxxTrzwaEt_ zS&DU;nBVQXnD&#lo#N>dHj}D{YLa<^{i#vuG&dVU)%g5JKE1xQ3L?No4~hCg#ouUk z8&MD4PqalW8s>c7%jI~}A2m9(hN@)YK@m9AcwUt#a)E_>v25vd8|?sAFO^QFv+l%r zF6vh|))!fT5Yv(!2bctvvm`P_aR4IecJ!MSV$H?lL;_MZ4hVoG@+b}$oDNt$Y+)yV zde>bCKk%84K4bW>dTV0WF!nK42cw$S@VsGMkPXHWxlO}(U96#kBEwuZjNVP7)%x{c z`O4XIt1xeqg*}gc?|1UvW7xa+zC52B*JZM?f7}mG0--yC+*WP{T9-vej8^eBPa-_pYB%vRq zva^CT+&!3yeA=cF;0hOuANngCjG{u3L&W1CW)D<>kuB13)82$5yFT%F6@o4`-KFlQ6Av) zwJK;D+MF=x74vC&P{510%udpr@j3vUTeJj;#5PV$7fg)s;P))x4;fr!B6 zm`F%TB#rVQ0YotR1xbuCRP3ZZxVF5H5%i@5sIZD;NEtv4Enu5w$B)k3So`FwSDsp` zJCoB#?z&_5?%9pa%IClG+|$p$yuMk1JX(SmuBG-}Gx^fx#g+A%&9^s0EMsz{VE6iA z(s}VUxO>uOC_#a=1m)t@WF|;;27nqA3c1h^D_iw)xrlj$uNM_9D^huCUR-QPo;(9( z+8$730F?)CG(JBL*ZvqeYpi6 zb+nxCx~-LqSB2Q^pbP-Rz>d(j9!NKefy$GHiW6neovd@|@yTK{(R%3pKU8~t?5U4_ z+32kpMg{J{?S>CT5N(OaC%ugTc)-~0GLaJTd>z7J7}Z;yY|2GNp=hJk zY|*ap1Sh>Wj26d9f*{m~M3F-13pv(^wp`d!5^*GuD5jA0ml8}HOj^`NELD6E1nh}r z@?Bn7rFQL1I_dCp8JelUlHwWhGLT^`Z`Hs2`pvK0+^D$ey(do`IJgHU`{h^9KJ)x* zi%YApXoW)7=65P+NJ>dJ3kr>}(u(Rmh%6dZ3fR&qJC||UOap0ffY`-C zYHoJq(7vhTM`lmnF@N%oxf91`4j-D@wQICo&Uzj{wS|twS4AcgTh$I6Tey3!n;09< zI$87TxicJ_F^KL}{li9JfLgo_kT68}p9y~+rqrdXQvz=UsV15mmIzK?r{x~Xz2kj< z?<2qQ${+vA6Wz{5!>A8dvcpY@sD7|%3O4kap~<_|T)y(_|G&@u$N%tD(C=2N&G$b1 zgWvgs?>9PCBhXcCryu$-dGy@-`cQ5B7h>C@f(0B0Fjrbe^yrPQ5+{E|@ti_oZUtZY17wcb6mNGbO*TqtIVjQC(%~u)2vdF-Jn%nXY zD44tqtRALeuyP4^oBw_rB=wLO1V^wwIH*)4e!?N- z#S!Fn`#rzoYXRDWL?VNMV#`;biLHCCM3Ikx@Z$v(MUb61V?s@9N%8RG;AViM9Jy>J zN=9^~Du5p{lgX&xvmBQ>k_|O#7%GOx((d>dm)E~?ZDq?#?LBq)I=FXrv$nQbb8PxqDbE|pc&Jjx za?hT>2K_;n*r3E}lj}x&7*8BVio{&#&vxuoI#u1OVp=GdN4gz2%WN7nXRb7w$`yIS zQye|%o9q^-JF1FwL@}*FB|XM!2PMwO4-Lb<{M-RdL@yq=8+_U?h)4TTXoyg`=n8va&fSz3u ztCz_-PC7YKPG{5Z*47fo@@=54!)~<=s(~0dFyi1hGoZJ|at><382*DqAYf!mryign z&^3AipNnYMQwP)YcRc!uPu}{MKlAHPeeyrwxcFqFcBR{`$+?wA)+j8{^Yc>~aKRbz1GT=fSGI`ohbZY<7M( zA0>ub&?BW!8g|OVSjeSa`BE59XNi(bpHFr1l4v3ApnJpdYjofQuqem1(pNcX7buhL zh(PmAGE71~LM()_NOR0C3{MDyg(VY-ay}Db6)Mq&A3+f)!ck|MvlAo85^E!=q|EcK zdfkt5NDIpuu-F#U-XMv-E4g>UM%F`ETf)KggDCmef9$V?op57yl_RSQC3NBa0JB_3 z!&0c(B2g^IBFq@@K4=(#D+Jj9;%iD>Q5t)#DU-M%N&6iombiq7hQ%`DlCn{&=QG~1 zyN*D>)f-q%2p8DnUboWdEHyd}*DFqspSa@?ik!Q&_|lonHx}2RCste5_BgVK^!qS# z#Z)TixEScrqm#5|%B2&#=1$Ddj^^`~YTfrcyJyCIJ}Yj)M_XLq>~w?LMrC1Uv{=aU ztUn}zTr^g!5v-TxaH%Nu;9kI7U)`uz>(g^nSR=gr(wV+|`l1_!<8yltoO~#m^supd z_^~#$c69Tw@a5Z+O{mngjERx)uYB&w8|ydFBQmy|GY%k3vE!M*D^(H2;w6Wn0@Nr-% z{lEjWxdIepW^$1HdbeRc{_YPXGMFvF2(5`;Cuf%gnSemtYQrSJ&hR%SP;Wz-r6p7)Irq}bPe1wT-~0Hl|NKY(;J076wTw2!@accsJ>UIPKl^u+#lF$R+BT50co;;` zxiDr|8LCx|I%QH`&Cnq<$U|8>dH$J~uV1)&&)eTrnwjd>8|R;YVb_6uURGAPDBJC~ zYt2l`y>;#S=ElZ}yYE6;Jnq;r!IyhTZUsFy&rkV$Kn$s4n6PI$|i3uOkxD^ zAq`$lrFH429D8}A22}VotUf__s+YkC20rilP~VY^291jluz&!b!VS9wSG$m;({4!x z09p~2ktcg&lPC2deV9yy(GJ8FZNcOTIod}Nh&Gj|F<)u{2Vh`Fpmio$(S#f|x6cO- zuzrI8G`~?V!1~^E{A_yH=_7~lJGuA3o~?TLp^rcHvCqD6b8!unUA`I=HQ;)Y#EnEQ zm0B1Z+dDp%N;*xxBsSbLG5X-)z4z?fJz2~_RM?MfK67JvbF12Nl1X0E$fl=q-tqnO z3ww9H^zvmO$gF~YEF{SC#vLjK(YRJX!(gCe>Dbk+TE39Yrm|EUbzv4qr))Pxov^w{ zlar?iK%o#f2{XzgZ-O)usk!vqPrsF;CXuKFEuPEkqtA7rq*6XLHI{W9th>paJ%a5< zE;#0L-hus-Cr`}p-aS?x$?{`bJWoLFLUM#)TP?VUDQ99lf6rYDk3V`SpHCwPwMO@a zeN4$^+>wz?wY?E;@g3SRpd#9C+(T|@B)~9$j93%j3V`0I5Q{&kg{EswabQg)qPtLbRP4wj9@ zmsh|1N6&xwS3mdZCtjVMzxzGk`xk%g$Nt6-{os#1{^qw%of?l4RijbU3l}_j!c%7y z2F%Gn9ze7Wv3M9$Fcl1O2l*hcMksi%f8+Iw#fh?0|0v1?3ES&>P z|FCyAu3bBM_g&~j=*ysj&MB@DJE;83$;q)W;-#}zbqks3qKI_h6{45AR?g$CsqH{c z?dkn1Duaw+?RL^bXb`uB7l?6*#VH>}#8mXVVYkOMb;5D1eAesm8mozc-wAlft~LYK zDDc4QttL1qEiT^F?25SpAyCvFxy=x~z*T_4;D^yKH%MSznEdNM`oC5-Hk*wGXdsC% z5hp2Qw8SU)Py!xd(uRrWTe`3+hO8t3FAN7Zh8jr}5-p>E_~{7CfMTU^_?eDkK0i0<7zd2DVb=cOIX;ze@sr?x5IR<&j)jM>RD>>?z{ z<r5e5z%DX}ocABtaJ+YGy1OhFSC2bb+MVF8yC)ZR<X8J?|VLQ&m(U>e&WtMPv7(Sn;zdkKMx96Jg8W) za3Tmj5)F%J8Wx~n9FvkkTPz$aB}}{q%U5)fbOzz^bqE1ni+oWOQq- zlF#K}%d8|n9>mcqudquy_KmeI5B5(SKuRkMI~q~FZ%%3vt50HNL1x4e_Q(-nOdK@c zr$Yq(MW13#S)Qvq%az;Bq)LL1MJG=;axx(qp)NnNWGSXlI5C70Rv9#3jU>_Gz;JIE zux0b}lc!D}!+PCvo!uu7&K=&fYXwC-*C}Q*aOf~$K!?~$ z>D2Mr*$4OSAJ1g3+*o?y-0Qhy@U9cP-+TJ-vH1xs5A}6SQeDnOUUg=0r%CMWXf3EHCU2;3t`t#VmRTy{-lOXDVvADw>uO-GP~rc0%5 z&*Qr-bA?nVXx7&^wQjQ0dJf?Y(Qgr88&PL5Pz5~1wLuQ6IjEXuQD>5<$PCLq-UeYh zXy^l&9xxCv3eaxYz)ln8PU9fRm&!*@-c3fWhT*r3PRj`VOg8JeJe5ppF?FFq;*64v z9Ay(c35%)VUXGfAfoiW@yNU3=JC7RZqGqD9zL`$*%aBOqIPLbg*4AHr?)js4+>tNj zVY7rf{@mDIq+eL-3Men&N=Aa8vtgg_mvWh2FI-z$h5y@XM?pxwD1&__@p+NX)fFY^bF}jPdR)dcu0w=+-*jNVYnacR zId|^r#o2uFy{8Yn?Zp1+kpij{^?J6v#1$;z{>r>U0PE@T!sJ-);3dO!tDIsU7!Wej{2qW)K?;D!V&M&)=MX3%}6Pi%OG!LbhOcEmd8rT9$iCZL}6%} zm>$V9)&T7wDAMkU)svg$<#l*`elDAM&wJmKOJH^1_j^2P;5g=3Ih{%+Q=U0LTNo*& z(9CFGZB@^+4<4ADn;o%W^2mb{aS%||6p(#lz!*#+s`LeR&eNwCPTVn%G}}ws@)@wv z@f@axs4={pA;S*nz$TGlry2kfnEovS90O7X6SEibrcE$8)R;Kf zh{2Y+`s%qoM-HS)MH26J8N2R%-0v z7_3RFUaN0ytS{`D^8>jHhdCUKSkmh4G#SsrY6F34!%%@I`X7F6xLKJ(I}Mg>zQ!$I(`SK$d?vl5xoiw3LHh`M34%CnQ|30uC93m zQ>kQ}%Y`26CCp>XAw`JHkLf@n&vO>`&D{O)vAZ5Pys&#JouNk=cB4;x=A{pQ=<`oM zf40$Trd@Y-WaPd*yWf2H@V$F>&lZadrIE)D9Qf|LPMw&ZIeYEqN1lH6%HoydbNTn2 zK6KZfnXJbzY@&^%E%^=twY|~`q5(KcmfcSz_s&nOu5X6&Frb&t-nzC7&EogqqxUYY zR;ra|0>((1kd>ga2D1t(D8z7t^+7}AiiOS9%J}%0Ef;2?f@ZA(94W^FIK~D~T|D_# zG}gI}Yq_#g0Me=Ny63(5w+1>LcAn^;6!hdYEaOmKK z2bWcqD|(JW&QCC18iozR0msTC5w*bL`r(HT?Acp}mnlnZb7r;x(c17tC@gBnzQiy} z#8C;ypgrkZ1Ry*?DUM%wrF!P2m-p=7KRG+4cfqm#Tu;KP4aX#wqlqvIuU@z`y?bG9 z_YBM>gnCJ zzDhxcAbe3lf-h@3_QdSyp_6-0-gjhlqO`WW_2j2t_{1MQ`SJ^w499xy-1VnkI1d5J zxh$N!M-Ci#^uYduQ&V}*g}HFCWVMo)mR5f2^I!bU&waMp+RjJl*-dsWU=tTMWspDtPU4jCL zjvXftIA<_V(mP3=l|y|}nY5Km!0JI6BgH~KlZPGiQmOjpa)1>L8yDzoBf01TbB7%d z5DbP-KHM>YQS<%peV-j!yhpZg=kuUryRMZ=!4d+`3Fm=GX5wtT@$=j;|gOvO?$sEKEBYz%(O zf(SpXmsTZK2LN%Yq^5H(Ass5%X}XqYq8daluC~>(9f*%iYPS0=`6?+QFnm}uIS%?*D`K|VaGiPUa zElkhN^1Yejc!8K!9UTRGS`S(vN(#KRl9=IF{M+c4vB~3}Qvlbwv@cA9wIYAbR;jorg_u8ghACeKS8+jug9jOo z4QqiID&NEUjtCefa5!o8ATmd<6lXEU`OXy*gci{xFplCWiF~YeAKEI8fto*l=+N7b9zDIVdpe)D$qF_*adUn1 zPhNcGcR%;}7cQQi8?nFr)cyyL>?&kaq1=89UZMmF69Y|*JWWgyA&6Kpq@%}n4VawA z9=~U0t&;3_la>WluCK0PVH-u=)A!%m>_jWeTfDP`H6=&|VRO{M1`Wh|j%&kXtyikB zPt9g?Vr?jeVNZ4=qW0;JI5G{DI;lIArv3K*@2R4NDkX#ONiCs@QZV| zvk@I;4bUVs&;ar2xMAta&|qU&NhSL2PIqksE(^-^nl1QrrspM6o*^&D+{OnfDi+-_ zLXm!}+4no_rDR0`gr)2N3`r3^Xrg6Zc=qL)eY@;zh6}PpqQ1H1!Q_Qevs$}w=FHgC z)bz|uw;QQsWJeH3M8mw;l{|m;oR>+>9oS<;Jr^^rZFgX%VSal2fOo&!@9-fC3X)4% zSzMua01W1rv6=)pkH_K}%b6^4k;vWN+BvcR|&;=IQuolB2Rm&d0@(pj&% z*|>84=Ec{puiRR1H)+vf0#FDfTteEs2S|_R9u&*P;`2mKD5)Bdw2%G$R$le3HX6C0> zme;dhGE>N1ICpt{Wv#wdg-3b+Bln#@5BD3Dlyji8`>^G(<}`hACBdTGOQ%t(>iEoL ztJ#^Gn|2bM41;#{`s>fawo!3hQP9(w@# zOFlQ|nT`i<)Ozr~xqQy4R@=LGjTiEKeJLx#%F7=uB0WRQyY@u_a}A^239I!^z2P^} zWjew5?$Jb|l*mjbZT22?jHK6FU%bvoNCBWMlQXGfuXP0(rh|zR{+0k0m7OyN1h&N= z=1OXuj_43$SPVgg(Z%Tkcekoo>ClQXO>~74N*S}_`ev_IgQL)|HTywi7IKM9no3jc z2^j)Xu<&WMy7hVwD__S>WQ&PRj(6m%1UiumF4`JBEy2gZWz!>;rPbQX)$4~(-)Zn_ zBpYk-;$_&ZW}~^Wwl+Ejqc_D9VL&G>pwQmQPv$~iX|*q%JMVWo`|mg|LiUoLH@ADb z*=Z9=dK1dFe2jjuG~8seAdB2ulXnu62Ca|C!wCNDmeL<%%NzqISPk*OPMWlGa|<+% zK*LUY96W(s+6%(4%wU%zKE!|kF$Ojc+62&%4b@(Hxd@jAVy4B#vM!U6Er_t;@ zeg5L_fBC78KJ(Q2*6PXm!e4yo$RkG<#tRuN$K{0p;43O7B^5E2lsn4K(`>dbaTP)G z34B)<505@}@8Zg)mo!r8%!LbAKKRSO_V51HFa6tp@e5~PdS!E~zPz~Mc#e2Yd^m=; zsI$vSm4zn4#bTjVua`zg(A9FeOxDRv&o8)+d+oI++l{Sc(x$;vn$ANt?_<%u`Hsn?KO_NZE|Bde)A zmZj^x!cJ=CwZmnuyETlZMSWe9BHL#5@7`9w~1qddK(B5@98X+ln z9BAZeC2w80?54btnMpDQ^tv0%OOESBL69%z$0jD^>4k03s%j5L4EFK*r7LTzE649W zopk7962(l6kC)(WDLQb`omzf`Q7MIuksLpa~f|Cd?4(Mg**n#f*U-R=8RVIx8rlVuKSmqpBwqo@$&x_nqzw3iA9_W%m(9A@uP#Q7*6X(xf8%qX z|J^Tq{>tLDy`$;Jj_!Kk(CqAJ3BIIUe2{_7J4>YAAR=;5b5JRgBrZ8r32Mr^N&P6C z;MXjN+%BfuO#9ep2_3dw-o1eLLZKPxgLZ`;(7kx83P2_yAj9LMBwq#Y z{`3!g&tJ**P1_2uTwQE;+Nlh>anf;3%QoNgmfiQ=H;-8tm{Jo$KY?Kp_D$Y<#OBt@ zGMoQ8zlp`Q7<2)VF=bEe8A}yr(bz^JV>;=6Kbf2U-g_T?-+}v1hf#~^tRZ`eR+&5i zY+517#BX{~A>SY>`v7%Fsm?dt9Pdslp(d zF3;Ry*^(@e&>7^iPH}YWW7*cL)qBl0dqXa7=5v?;4S4k!|G=<4BUciFMn9ls?6+EU zJCMSej1qz#ek$vw7hm0T;t2dirkZBETE_&O$z)*cOp_}KV4|N%w;<>!26gmk$8&F8 zyLRKs)w>>kz{#YfR|`bZ)Ob0;=OuXaFvqOCXipy!LuGQQB$i>VPS9ut%%)rd;3NY@ z*bb$XupDC{#N9xuNtr2(*bL?aFgP+P3!X~b_hH5SD8k~JW(V{IC!ONU_!_MiN_K({ zl0gdQ%yC?uT*QEpXFLYjIM92)S*Zs;mhBXZj{vAx7{NHeZlIiaCzkYn)h}y909l0O zJZ_hF+0gz`7-~nxGjt^1!w&qA-;0IB5g*qjYnov&V3>lC5cvwAIr^^Wtglr@Qr6wG zrF(aeK5%gQkt4h2MvI=445MC%zcfFn@fJ6>oLIP6?IZ^~OjArZ9tQ$kPkwzwBSa)e zL~Yw%S>1T~sTW%tm4_d^YiVVzkg~8gt<{>d3v;JV-}RpNz303C;&)*dID7UIkXaU- zV&!uNQ_)ca%fVum4 znvgIa_{(p3Z12OIUpuYy=dRg~>3Z<^coMLXcYgdQ?%lPou({RbFhHFXJ+HHWeEs|K z)kmoil`F0DWtjyWze?U|5M5c2r7tOwcfUcw9m51rxn940_EL+&8ghNSDE^2p9{i8@*c7 zOs6<%OL;SwAu$=NTAajM?e2P|-|i&fx?|bvd0fl_2bg}#*jnKYeL=@)V_h6}H*4Jn z2DS-g7@z?i@}-f$NKBgTjcQ}7Hh<`#!S8Bw=x;7BMZTX(r@P%AoDTF4wz|<{IRW;U z1izGq!Fu7$>z7}@boxyXriyuvXjWHh)a{Ny1`0$dO>m0Xbk^7b~|w@_2wC@9^WXs{%*E+jpn zf+I`}mB28DEYt=U#^EGK zHg(^==>wA^ZqkZ)CJ`j5G>RbQp)1HHh9hPT&e&k!_~C872aJipR{Lr}ZcQOb8`8J8 zR+iVWYMtM;`@sI)u9t4tsuN?y%U2eg%{C?uC@7yV+Ckxe z(fX7fU~$gQtlnCloSka>QL&KCrHfuV^{)4SUq9-+_^DqrdI7yPdU@0;q|u8UUk?%s z)?fO-j~9$o(&}Ely0~<6C6l#bojeyqDlxsc{NQ)rYkK`!wM}^vMz(dLP(3)Z^;WOF zuWzzz5_s1{x7F6WNvS8aP1-XL-G67&n-`M@FbzAKNNoDczxv@{{*mkFpMgbY$JVzb zv3e?{w%q_!^teI4>ER7>eoe7CYBimz+EHJiJ>@xA31O(T;9U2hcywgp0yGfq_HyY| zA>%gvwoUUb-4S!m#OV00>GI?l=%XqeDq*K!w`#*5+TaLUp^s&0> zzx4chzvFu;ER#*w<>^Svojm#W`|Ye*tu~^lTTegRPHpuP0dFXzHRiS2FzR-EzFPv+ z*#G;zkrDU!WB25zk4r7EK>}oWMt?H^h(LG0sGp1cdL9e6ZWnVeeR9@KWl=q{s&TW% zfo~C@q>%Y*DV!CQrW^vR76%EeruaGCo|#F@71$lfP%Fmc#-^F_5-AtUhXjli@)d=2 z68#|RZPojJfOTs??dl=TPl}@ zlS0}+9f+eG4jtLu;#nyfb{tVgC&EC1Uw*&@C#^qgNSl;;opQV?(REb6(jP@`wHJWc@F5#Um zeEA4W0nCx>+F45G@dO`RQfSLQ7KcU(_6`3oO@bONMH1||VZe=RG0DcrkwnIT68T}f z-eNigVIl6oOllXKH5#WFUlc~l@k7hZl|3o;xV-iKpw;#}L5SfhmpTMTd`&3}U`cR; zdu7A3!;;jJmv-7#%C%AsD$W!CynG?bW_RLMD!uQH1Y@9FFdvi|OL^GY!^aNh3Z-7V zIWkf@bLOJ$B(wQ^u{;9HxOeY7jLxNVSHKAZu?|{Ewgkn8iZSK38%@MU#>c?9v9?w! zj$vJV=lu`8^Dq72l@~wr;-`PxgNQt}M}4A|q&i<8^2U39^rt56-BCYWU8%nC?0Iw* z8=Fms5&gkV%^ZF6o62*gb~D)Qp1W51ch}0lQc1oZ1YFeyK0n3p`ytqQF3&{mJ~DB~ z+aAwP!Q=sk%q3vjLC6n2kIhddauy#aKu?JKnF8vIYODHWudSy0Z+3vdXlRbVIDsHF zia`w@ww(w_(B4i=3`CteZmTjToN6tR&A^uN#uR=kk5hF_2?MfP@6{U#G(aKGJN3w9 zNMVN>AzT;&86j)5Wae{JHAfh;xC889OE44d%}RY^YxeN|*oI=9`2Om(>t4!(!GqOn z)N7q4Z#zdlmKGPk{HLFP@=rgzy0WtW#Id)&@4NQic^u2r_S=cj&1_S;SZ*PT3;2@(J2aq8O%ZiEOf>YpQga}DW zE;R-ty|GY!NCO(hC08DiDBX!>iFIHay~tF`u2mZ-9fVO31_;OmBS7v_1Da3}pt{8H znXYBJuyl6Pb7YB(eq(a35KPJf>K5uM(QQBl>4BP^4o}Cz1#?{I*ong{tLqEXBTLI0 zn_D$_;;B?-bYdb?DC|G7@0FKcuh$w}0HXR@7f|O+0M+#~`CK;&H&@ptW~cZ-UAMP< z<$AU})^0XWKJ=z{|GvPnVyyR!3`OU>ScIUHtR;GJGOV;C?_$)?!ZA1jf;_>=sVKCWk5woYYl{FjpEKh zhy%m;R{`yvT1NIgreF_yfE8;tZKl(hd*vf%LZ9P=M|w$^kV^%+f#fLTi!_ieIAUBR zk-3Sqht)CfAyO+AORF>`$b*EC=Ga$We06kwCRN7zlpl8oS-5xgN)^MR8%BKmw%>0y zn`d5r<#V6-)Wx%}m#4-b`L?$`@*VG3ICj9atbQn$2n5g_MI!@lNh@fyKlj8Zo2^b5 zh8X-(f6S&`xO)&E_!vFqdO?%V2H9 zrO)764wbGQ8S6G0H3~|z#ec6SwvOhIHBhOgsgQ>h6s24&EEtFn?UQD(7+aanBkWm> z9q)xCEg?XPF$o9Pb(WUak-}#O170JCxgGQnBJe-Z4i~wUlG^8;zc6)i7WcB)7hh2f zD`EiQBjl81!sOxuvoXKs19vZ)-#yD$({bpXI^3Z z3$TJi;3IB;AHDV37hiw+Phj+DZwFKP ze+f+Ek-zqR_sqNt4Uca8nUBA?xn9j=93w%KCm0A=BeTa3Jo2_;v=E9S+(rM*rDAG`#??8MY`A(qZac~C<322OkWC#GTAJPCaTaOz;+P4l|?^ke(sO{ z_}sOXUec=7>+17hgaM($@Ay!9bdh|@D&@S5T07w93|T9h0V+dd+#${(1FA!pD3OTT z?V#3xB|`?sFz`@{BUp7o=P$ztu{eqmZnR*1dwdoXhC`+VU?MzP%wmjUk&7tg(bByx zeJ0rbcEg7n#G5qXry!H(e^6}T-tokiXq-Q~N#aaV`2vtvM55UyL(PQ=iH)83J|Z>3 z;KY1W-iRQ`e4G~`r3DGuba+q-LQqn+W5RLmt<4$`Fp2tDr^%b9i6GSxbPA3zG{HSj z=Rqyt7L#Q+6+z?#nv@dipu@*ZSSn^G?En%+quq|85aK`^aBq*_acq5MWBB02hLS4H zq2xGjhX+~1Ix<&+3J4>M&z9M8nlDZ!#F#@`#ALU`wv#@KNHK)bOA%yumZG|o0X0Yh zK8tAIWePScdF%YebRk!qorLSe4u%3rKAMJXOutbSoqO#}z14i^oo|2a-S3*%J8?*cgsyvbYd&!4%j@)As{5 zAm3t0B5KnVQyWJDG|PG<_|}7ky$jhw z$?Qkft*u6*rIr&@gy*?ab8}edzVOV;KJR^l%*YYz%L5q~NAephD?!H}nVLxDbM@7= z#^x64fLt_@5p-ZZkKOyg*hsFia;@8L((2Lr4E6A}q5Q60-~Zl!Vm7^g(m4Oxtxr7h z98bFSn_|d@06H*g*x;WQLT}Q3>Ac%=n`pgbh zXcS?QmJl157#J2tOy7|)3?d*^;~!y0C0*q}U&8?#8?$%)%=tYhkLfgzO!DsamapH$ zf(c&6OV2$&vuD>k{=)ml=jY&kz#oKrN{f^?I#N8*ZjNX-ncFEe#gTt{-x-g2JFB7hu&(qJ`ywp?=aby_6@m zl|Xbx^hyo#`4BFd+ww4g1bMlebSR9Fhegx%FGe1}>BBSvGI^IDZ7Np7WFZ|Dxl&`n zpbTs{q(BcW%OpN4=XW~oMh6st$;VJ=WkTt9H!7o^sisNfoYSoT%XfOu8=)={D_xLzwq2^ zSX>hy4Zvn#LCk%bbUNzz?Pfcj#u{@nXth?a-qJdV*<-^SVVEzDl=5jaY$duupWg%2 z?nokE5AOWYcfR+5p9-3hX_;U7{Of=6(U*)aj2E0TEw!^O!mx(eLisNBe#6)&pQDzZ z$`2b}qkl(WBN#^I#!Ih+;r_?p`}b`p#p@W9g&m8)FsH*|L;`FSky%J0z$$9ipBval z15)vnBH_5na76qYWhcl(!qN?5U~ouT{>Y81qv1G1Km%Weqx)DSiSiha9oZ=YQinKD zS{z|iaT(-6b_60wS%3zp635=SehUL{YTurIp!dE>@xIZj)oj~7_v&l&`}aKX?Qf$< zL4YEvNTsErA&AuI%LI5jovqr3|I_cUg^pp`y)Msm)mm*Vyf_N5v`Qqfc5KO8l+o?c zar3T~&$#Q=W&j5eq+~=3U2KwqiptuS7M8r2Cvu2&la1b#3J}*+kotXo#tdb8{J0qw zxjvSyvY6#K0&!lA?Bz3X_>4~IvmjZ-K)$3x4#*1ppe0U>NF;nP*u@0lPuVPa^wmPM zsi!4EVDutiLM#SAJ}6!~bHP>GP4S|mEj^&Q7* zHeoS3NJkD-4bdfAHmw5WqsRynq}#}3ffUjgL|{mTVXx4aC<=Ex$0AY@!~{|4u4C64 ztsscvOE(DvtKI3jsnW!_-)^tmTIRHdRGnsx#Q4pH7N~POZLC$!`&-~<@ z_Wyu9E}i)JA3pzuKX}sUugj+hd0K~LtV*LL`U|8jyAW=<2 zK2Z?SR*-m{qGbn1bV+sv>3XvCAr6~(00;s>R$(zn!%INsUF5J4_?JE_J!`O+EF{Lo z(IZ75DNmlT7oe87`pVh4!w2}>uHsN4WMdBQ-Mn!#Umkhvz3)bx=0@YWh7cAJyh z3dAu?u$K%O&ma;%6t8R5SO|%tMu?V6OkziZNiIGBs zFSa3RS}YxHdV|CVcs7n1i_tUNV9J{R;R<4ASzi{M#u@vB4VHEQ><~VE2HTN_m?r>p&ZwnwZ$Vuzcxi)a32;D6fLbUTr16 zFx~f?{3Ia1ISs=k8lnvRzX8lK>;3=eAD^6fd!to{vj5=Mzj)@Un}#tj4xJX;SxUo8 zhOsQ)qQ+h;uYg>1j&|g)dHuT<4!xhf3|<~{#1D@ZMV)i6VL5P%!*76{^#4o{Gab+& zm%$b@9O?(i-#ELN$N+AO#zcog$Z;6ekuppebQFzB4nYkTb0mpb5Eq2P&M<7HXlH?zI zVFDn{;ilEGl3)JVr=ES~l94UQlOEbrInFn$b^0zCq&)rI>%{LI5Ssk3nTJK_My(~o zQ#n9ZLX1R5M0kivVwIFXl7ORBh$%|I4!k(%6RvHiQkJ@7u$3E?TB{Rvdo&R=HsV+E z7M6TEndtFV@Gv~_IWgr;JkbyQD;g!xrzl94oftSSWqP*F@s9y4_0$1Nd59+DAOVu3 zJQHB@z>4&>JXhWnh{aeC<$%juRbajlLKQ4t%0OZA!C&!E!$yq;8zmrKCkT0=T7+kU z;G>o(PI6L+(R5v!FAO!a#58ho_ z-@Nha>wHF%vd3bxOM@CVSh}cV1Pvo>)6e4BI_Vags~hzgZ{F_w5C6aa)rs<3YxT_o zcfED~@Q)bA9=SR(vBR6w8e&6@;JYmv#;PP)>3S#0TMy z5+V-@Qglg?&=5-`+z}W?zhM{_-&yw|Xm}_;KoNH0d>t5cmKX-zK2FD;RHbie)#9V1 z57Go#8gM%ce^n_upY#p(!T}C8{Fy0zlwq(CspD+PmA}L^QDSjaI;4iVG8*J16PI5) zvvB0F#i!!vYmf(V_;HLzwRZI6oujiehR+orl9io?2OJ;<`xyr?LR7V3xZZ1DdirA@ z`$CW|@uU?Wu0q#FpQhis)o7r9pdOZ-@@o3L8&qkc(-+cCF_T`|Y=$ym1xQypF(S^1 zM#zsrK~j0(`e{877u&?3TrWnXlugs%V9mleU-^|+B-bib=OGWNoQurii}e70~RTLx{VB z0tg9Lp$|EDUXsX6v@Jf3tAa?P)E+i2LT~A+(c@f&hU|9h)#{OxM@PrUUU}}NPKS%` zxC|vu)GF1fh3Q7CbMf5Oq|APz)NU{Aj*ONn8=JLCr5A?N`*u(6nm_yHXVHyVQmQEw zNQA5~YhiiIFWxu#_4}dIC#W&zumrb$=J4o`{eOPtj`G`z6SLVu5oGythnl{jOp(-1 zDL`gOuENKOyyezJ%XSNDjiqn-a#Xl}26-Qu56~Ht}=WdWkh5k7} z>2GsaNd}wND-I8kRfewzJLN%8qbN8G=z#%^FpnFLaW)fyuQ`ArO+g$)WdJiMQ6|dZ zVnCFywhtRS|1e9?|u$s ze`y_*#8&}Yo&AxU<1D>?@sED*qfHMziXYG8rg3 zq&S?I#6&UOXa{h_FuFNFWsp;1%1@t#zK0+qO$-9f2FnAW05u9)83d3lIj|*#jK^UQ zERe90Yn7V3RhN|M>xpp!?nF5k@r^M28Z}FbIYvQQxsW7i^YK}@bP`vcfGslm{H7rF z4y(tfVwt22co0I^c=w|e(xS9=dWwtG6-|<{qm9D>%t=aY5>urw49fFJF-)V==IaxX z02xBQ4~f%@QXmTTMGa~>6=C}*U1~cjIA|x)C(EF1v}!}P0AwLK5{I2gEZ&1^c!|a| zAAIb=)#cSIuV1owJs9FknSS5*{iJ2i?VZ1P;oADj2A0w=l>E9~H*#Djs9&=;cUSulJ7-8~q-pgs6Hsu&}7i`%z;FMX`^V?XyF zx-WPB=s*74GoSs?Z~TkD`SU;h<1aq>89BixjrxWn1UQ>kx7%se*E(x$W4&lJ@j#NSFb);9j=w|;-M>%gj_Cv%X4 z1V=Q%G?RW9)f)}CL|i{56BwBCp-81mGUM_^m$gb0{h4QPc%CXA?1Ci*gqxr<10fxl zl23`S$Fhmf#;FYiz;0zyj%V{DmT)^A%dIz?m1>KWx=IH{xxUPJZmE#=176HkUGc^Y zvQVFmXYlf++|>Ly%o^<>hU=0+64|3l~Qt zDg>JpC3wwO8kLif8ZM46MUtjwg8XTbt)vwN^ts4_{vE%D+3xtj1b;ym5dIVuK)p#~ zEX*JpA4rKWKc(o5Kq5Z5L0vHc7$5`Uww0{Z8-qkW^~w`@?RI;1&-}@IPCfJFGof7P zB~_ZKp5N&p#d4D6snHjoJJW9Ys3Py?;pOc9=ve8-#Ved0TCIJjj=?j(@Z2i~A5~^g z7I8ox%+WtYmCy^!TolsR^ILMJZ)p2C+Y)!@*6U`Dmf!og|KY}`Fa7dA_@Sph{aZ^{ zuK(K4{i|R9KmXbCwb!Kj*i<_(g1l{I^~RYOKKr4o&pl^W@~LRn?0NChRaK`gx^4c1 z%P^q5mwQd*F6O}S09k?QJEH$BK*fSc93zma?s@meRmC0#pa@-Laab)Fdn|ELa?c5*9Tk&2A_B@PGRK*O%&ji>Ct7 zy=fH07h{NIP$W@lHW5zhf~nW9H^Z1B@_YSk+AU_iwQ7rtJ`4tW39JS%q>;GOuow#p zhmolPhFJ%UZ3LAlqo4x;a_Lmcv3Mau?2MVTR<~*q-?KL8mmnl-xT$ghB1`)s5pr52 zL%ysCjApamtgKfN#@qm<05AEyZ+|C7ZZVyTxKN8c&o1QB^3GqWMl1?_6y6~XAwZ4e zkqnT7I3rAD<)|*A)5cQ@>Jjy%OQ?cSKG~~aw#(1C-B?@+-8~!0 z6Fh=zgmQxt9JleQ@fV(YA)n8TPfftAp*KT+*RNg+{Em~f+?3a9bt-F{Q?nCNd9ddl zGfOv?X7}w*x~?}d*4nIGd*$qr`|e^ht6`xoAOmL_97QE^Rfjr+4E%H{y9b3~9ycjQ zsTKM?dn|MOfw!0|{iVe-2`_Sz$>pn8&pz{1*xAaDWNjzWZd6upUb^`5S3ds-zj^7| zXJ$r^?V5ksb4oI%r0)?_69f%Pil~o4*~@T_6PciRilb=pe;c&mHvobk*H6nz-JwuA z#z>LzkG(S8roS`%wE(%);q8DDxA7WKV2_A{!?ZzQ2az|(z~eAVuZulZ6Lmw@Fv@@i zC8U)jumzYX)f^Cu4;n^2E$<5_8kX_37hXAh$5E0? z@VoLiu3bgNUC+b5Fk0ML-3r^C^4JI~)#p1DmaZ@6N6W>rax&#*3i+r1_)qp6Kb$U= z*r6zhP>O}r803=!>>^h2SfLEJxc^a8gS`}nKc06FKJ@6AHMe@{T&uh0W%=^nYiG}# zf8m)kPk;G~AN`{z|M-dPuV30dck0`|<8M#zy3W{wvd-B5fU2*tFR!K9Rhqqz~XU`upL(7 z668TQ1r2Be41oEPj$~}{gHMvKysKDHTp>6gBg%cd8w{$-yLgrT3f%^;SPdiJtUf9g*^_K7d}>5`Z{bUg*> zaRMyH`8g5!{`^Ea?YU->uabuy8G(I+wWB?u40h7Iu~y5ay<*PO(MdX3{m9)Bh(kz{ zCN+tOIVLCtf*i?PFac)LPNkzDSXr-@OC^@!+oAfdm4xAAt*IWQu`E`na9lR3t&Epa zr;5OROkQjsdpvXlPtbzISnH)de&#aj(pTd92Q0dbs4HP=N60Xs zfMgYhgIc^f;-SiX>9vk11(xn(HQs8qh3>{eC*_tuL?B&-DHB!tBJt?Aa%u;d)!;JVmIW5eh~i^@Bf}3`k7xnb>w|Xf2`7o z)*I3JODkXg@@v&*=CN=4>p$}2zwq|&{2QK^ACHX3SG8XT* z6D2@wDKUhdrM^+nqQYFle9-mMYv=sBT;pP!Qh(ck@a@e1>!2M&OAYI)2L^^I_zOqP zl^FS9kKQDGd$0`zV=nfR#gQd5iU})-y&$LoQe+KCFpl!bDMu>E4lEVLUeJ=su+`kS zwX|^T2=9tV4(l!?s2Ly_VY69TSuKx^AYC{w<9^Y@gyirGCsSlaQ&K*Uj zFf_#wHDue3zHR<%EgtdH-dJj2WyfvPrc>QD=(kzHku-^ z0_?kX*tlb%8r%@zoGV5x4ES1IA6Bnvv>Qgdi9jD=zHS#5utOu*X&cQd7Ox-pM?e3T zZ~y7V4fK$G_3E@Ya{O=p?f>V^@A$s**tF60#cc!^%qIcAPY8gju|Wj%o@RUzNpy!S z5ei~3j0j}fv6m(z=5}5F+z@jaG#vIgc6*LvUpRmM`sHila!MjMAb;cB2aU@BG)+Zo z;(%-%U|Ym!l13FNhUUiUGAIz%4LFbxdl5}i;=WJCa+8?q5CP59ROABK7YI5)u zXscJQkIv6H*$fO8QRq|-@&Tq*uT)x%dahU)G!P)JiSFZM^Z~SNCV%7NjX(HLzq``& zn5Fl0sPW_IRl7$@vau-S-l{cmfa~Tuyw{`?@;sL?A#sd?>5*);?YBE&%u+_4U?5?r za1tb4DJj6pGmiyWj9JWQ5eVkFPCnzvl8rqRPF=0h*{H(vAhr;K+6b;~jgRE&tp>t0 zLZ}C3dbEX5ONuZ^6C z8V7j26~EnU4Yl*+XT%KRiFmm)D~c@j)1Viv-FT5T?`wB|)H`cEV7h z)Chhc6x%$W4n|mV6a+ElxS=0bY7J3&46Jf8*=hTn<-%~+!M*vB;>%Az4`bJZGYkPl zZs-C5%sIJYE>+CE{@P`!Y%iVh8kMb})uz?!_`6OXwH)jEtLM;PP!$vxF$WW}L`9kb zAceCZwy00f&fhkFe#7YKMkC0}zMW=obK}~Xr2Nr7I&eSv4qIgf)Z zqW@J;B5x>0{c<>zvgx4N5FAAVQ1yEJZvsVr0}P1~b|MII-82f;aZnSb$rN^$BZ&E9 zDlmumnj<|}QrL9{Va4S(1cnE~ab)n4Tzz!|k@CVE7Xgq+#wAg8@Bz$3b#)zsJ69+| zV4+LkfjI1OjBx0{``T@f3lg*o3`LLX7GSyCoOpokrn77#hW9Eyev zh`?!rU&>`HScuwDo{wi>&1>=o6m1hJE$So1m_7kn+5n<0O(XD0IL<;kjqpZg-h>FG zSO6Sg-*|gxt3{7;0AS;IE|;sM!6o3`kKTXwr8Aow8*)*bx3+LDFfjq}Awfu094mIh z@W$1fV4q6SC11LBBO!M$CtT<7{dd3i#ivjU5LE85F1p%BwO*nb5g!=T26@Y}w-@!J z0RCOVm+QP(^TPXs?Q1vtt;X8TYe9AEyB>e*y?38>tlr%xj~qF;-+-|YM%G;&pV>VR`DMNu=IQ|XM&LG)G(1Qdaz`juj^c}8T3H0>zUhb+1Wu(xe6@E%N)a>* zU3)OdIoic0au96eNG?Vh_d8NF7hoo$PN%W8$?LXk7?xFs5G$#;PKfpTYd3GCyi_KW zyJ$4a{-;l3|kHrinWoU%K0C zw)skQQ$AWK&~Nk0FMMe*BdT!O@Mn`SBvF!$;SJG0Bd~?^7zYr7V3wPknkmlAFiaVC zSOlUe=6^H9ly?LG2(k)7b_kjhcW2pY5%LvdGqg~ejU&{>4lf(!R8iyNI*1t^7(po| zfw+)rm>C)(zPzmmPF!(n!cL{pRgtfv=}R&NSq{DK>dhO4LJ>;}=}t&y4j}GF{CDBy zHM;JH|LrebU2Ar&G`bUdIC?0!@XwCMQc_ZOGy<%y1QSuezfo;qJf&TJLOBTeIeF%Z zwBU;lI9|+d)cJB0DuCB9R7C{abyCFw7U{4I9L3TTwXEz|cZP6CpijnOq(Z_{HpP!t zvH;5RJRB_5@uT;tTWiT4x>z=8bz9cPy{6H zfUlGM=K^wrhJ-YRjeatbO*3FNWcuF$q=rgxXB8-e92ijZG)U)O#8V05+#$jsFjO7( z!;U}9MLv^|A|@`z!)}1ULBMFUvgN{sD;C+NnmXtiIG}Tobi#<*?X8uS(r8)8(iaiB z;*>}PM!?7xI#%hAfBBbI*P5BqB-bwjpo8u*G=D-jmR>k9ARJ*2tmVxr`kHGe9mj&B zS8K`jF(9Bwf_DOs<5XlE@!8*q)b}7|TpfWX4A=&(kUZL2E#c!ka>K1WTA8 zyc4E{MQ#S3sm$d}#V)y7Yjpe&!<5oPcyweU^Q!C!?^q7B;b6wve&>aYXRod-qA7@k z(IaKx=$JtiZB%P0o`x|O*AEr->vi5RO^=U$7EgPUHZO^)h$Y3=3pg zZbKGW2iHo*9ZoRt54%0rv0EJ3B&bVzFCZbig)v+!l65koO|IlUc7bPFbrG= z>tN4uFparDhSKKt?>_R-{fjqO(itykwW}LjeNccG8-zz6x_9NuHGiwZ^<&ITDnnL0 zup(4XJRPt~ipB~`H)atLdKiv@=Vtkm4Bsa*%VW=3k|r;mGP4=6Zc-9*d-w9gA5>97Z+3jWM0TB`Ve&0nm&`%^=G({dNoc zOu4M%fvLbE3d14>D03-PTU`s1)&x_k$zZX)4pesM_G`^{_7VY+eIt!!Kc;W|Ln!W#=+37P%lwIpQq= z7tcwjVJvOOwXwnwlIW*oiy#?km@>1XR0xi|9EkwDu(3iGejIawFP>1_?`>6Eq)-2Z zHiB}noH3G5`;opKi^VZo56mnqj8ArHXF@*=UnIdSSK)9~rYx291!#F7M9ZWTVG;YX6SB{gVU|d*s19`CH9M2mM zh)dB#R&J zX>ZgT=u=tGMsCZO$3_KRk?f=~md|eRoqSj%Q5+qH2$`}Zf&uILybwz1Q5TXIX@w0> z2T=`@C@HKZ7$o@ESW;+lSg<$|mo}hyTgik^mxW1ice0rboDw*9 z4%TFjn|4yBxN&99UX{DA@BCZz>D8;oo*eeO*p{@xe_@NJz2NaBDw!UO)LF`C{fAV6IlxHBO90yPf zF~YRP@XX^(J@C!XeakfKjV3flI>WN`XH6JBrHLKtn9b#m+;zv&)mwaHE$^*~viV#F zeq9Py&m9>bD~^}@QTO=6_wwUIwtelwrAD<%9wO+$yYIaE%2_t8)JP zEZ+csCwz@ke?Eu_qHf9`@ty7R=K#^VSo2{YB162 zM4f==#6*6gLc&tsi=ysUy~7(Z)ROd#PPOJYn*7M)RxN6^)vy7b^XqJF;>vLQy56Bm)JfPnN+yvk)9-x>BTUathqV`7q+boJTe6j z9AYHlPG6g?9QEWD=poRz>tp54>5#sjaMj*Jkq02s%R#hGL&xpC(^J)IEuGD#v*}bi4TD&ony_6y zzwM+`#~*(rGcvNZyz=EweTEW%jUP<%TjTcfh06)~E)3~H#8@GWFreyHo=B1FIf~4U zij^r3fG}pcY8@H$)Obq@>rB)j>^IxVk)n`Q;zY(mnD?m&8y4TG@ED}+wzHHiK$=Sn z63FOw0GcFiD35S6{D<~<5H>64W%1CQHOl0qsfXvu&x@K{KN_=)S$%UW5 zo`t>QaLSP)=(xjDXg|SWil!2Xw~d2?_6h3Iwq5jE_KsMsg3R2wE8xcvrrt_@<>rm? zsY$Hk*nyY~yTETM8dG~VEA0>c^Z)PV3yXGs9QKhn+serdM?S)hR)ko}almH)(#hD& zJCe<$b!(#v%bBuapvShgi7f*a zQ$HML%j7$fxn`AiAwdJEw0(TeBcw?}#rU-m5le2a5#C&*0Z@z}eFC{cfP{!9Fz8W= zsH2l~czKirVM1lKiZbymgD~nJgi#oEk)s-jm61p^;G2-7+-xj-32Zh|MXWEe@i8Dp zMb{V)C{LFBV~#TADc(Uro)GKt=|TvAI>LAh+8|r#4Ur*qujhL1(YsDuef>%%mGL|6 zM!k+{Hj~ZfiUm*J-2g#*QIsha4&8sx$mrO!pZ&u1v*(Q52-luwa_^}-uDtXbuRMsR zFeiwtV8P0W)RHbB5zUoE{v?dDIAW?;+eDb}iH4&$K!^0*&1wP*Tb`UnDlHX#3Fy3pjARtj2e5K)EZH2 zEGxO#$sEsc-0=m|;CZ0|j+irql?VQV;3Tm?G2qAaU;fiC{O-^F+^wail^H>&RCa1@Jja1(=zEC4 zuVK~@wwqpfk(==2E2&`4s(#o7la!N$4XU>TS`FaH9z`rHa*OHBYO~{ab<`@MuHT8; zZHyohoYsRBS%ig&AqGJb$QP+YG+GVQoEXW8B>eHd4v`Ax6-zFnA%X+Y8RUCHCr0wk zR#V0_<`1ra$xGy9vGQDoA;!|L0X!ek@zkvbyKzPO4cPCLiT>gWm*CqGgIP!M^b zRoj_Th(Lm?*i0oR11t!$3)2m&$3_RR^4PJ2&v#3(7~E;;1|%=04ASc)BP5i8&}J3_ zeEkW4=8%D8+{+x^b|MM_$R4dApZdTemv>jPrUUULUs2;D4N4I0J-9cONnL#HJlwsT zSFbs??aX66zQRM4|QE_(a6O0q0~ zBf^v%K}n~&V&;PrdWHs3e|(doW1nP^Z`vu(ho&7@d20_EXbI?%T`!y`fa zqNMAQ^i+XL9Eq~$PE!>IMZOxoe$F=?phD8bF~s4W)f|9o<_$1JXFwvQ#A@KOF_;fe6hjjtFp_Dab;U z>9j%|;VPm4nTs9d`8O6ca%q?M9W$*DX9fNm6x#H|)s31gOJ#XDAc*5c8CJ5(%No#g z+@T3%BrYJho~ z(n`wBD*{C2c|G2h?IaV6Ya3`w_9dEhX$B=uxEHi7BVX!U>7--tI(qo>3$MllK)XD!RdN+dic9Os zksJCq&jw0Ig`KvH(q!V`$>j0V$?-|0!#(tX`n220d|oI4sCUW6@}92f07PAYn7ovY z_nIMlrbwcq4U*%q?g5%OIDAt>Tsw9l2?%T_N+o2F3^vIfI(Hi7UIVfrz~ew2v~H5f z8*4SHhy(oipgU~pS`Nwz0ulv5fPI}|^btuC;U%HhXf9s6+GsQ`ynf;1pZL^=fA7Oj z{N6`C{;{t-|H_T^x{*kil9=bPqJ$hAYum#MmJW`aO5E>tvmVd=AeV$GC-L>D0M|s= zV|CfTwz37E#&6Yuq@Sr}DGpJUsh>+bY1dias11gvRGoQ}fSO5#7?fmE9{jY1L=vJ1 zk*-`C&7?foy#Q-6DGRm1cwoTYTHlJ|8&tPP6SA;|8!PEMmU#+pAYeiVDN37td5tJm zzYf1@3{KQOJZ%_SF3iOT=4EcKpJ|*_DJmhU$R#FLN({NUlrRBs;?%K}`bgabq?}-b z4eAr|RzW%SK~$*@`d*R`rSXOqT0kznr3{%9NxKOn07;4g0n#7-nSuI3Cb?1Bm8Vdc zBOu(_!`9ZfbRA9gaC(tzOd>r%h$4l#KcoNv|MW>jK~${7`_uEY$L~G$@|T~RU0A>z zd+yaUwMrEWTk1=vCLndYZXrK0KRv&&_u_NUtiJqwqC5phd+zA|Zp70Z;_eA1Sq*F~ z+nc;VLqw5P$*O-o{r&e3S_1{8UnpNJ9boL4Yt%43Qu zAtA2dFg^qnRI>O>u3|E(LWWhUaqYO&VvXXc*dv6s2+|N`V1U3B zXjN|vudpXs-tUyAZ6}k&)X0;<;!0qIZnq|aea`f9cRe8N_3UIamr8FtT5&D7 zQyYN*iZYr=Y*g!@I5#!!*k%xPTb)p|IiBgd^i!^x&!yI@Eq*u+q$n-Dn^*!O(_Y~q z-CmLbT5FAAPfrRPuqh1^Tqjw~r}=0afs8;BOP#G+r_yNgnxV)ba}0+&tj1U=&t;-$ zn^eh5Pu!6WEL)O8KfxJ5T}p(lbjmFh>}-bOND5~QYzpGG0TXtS{74Bqky1^KG^a{} z;{5Ax2XGGIdX#4(kwqe`tq@8iT0zMBzbUp56QQ|dm%?6XDsL?l6K7Qz5lmvS_u@$R zJLAFXX#oI<`9TDO&x=!HhNx-iY+$@%kP^dIaUJ)-9Y=Dd;;oCDY6J_un{o5sCvbq>&Fo ztcn~MW3sS|B%&#u zxR?|iQjmkBu&~Ayd$0#+?huCQJK#2iZv~*{rJJ%gZ>W(ZQXg^a6M-6L5;y5*nj8m^ z6>C5nLMg~ht;tMeH>0JK9*SHJ8ySRyY{kAt7YsyqL##2+;vT6y8NKljg~v+d-MJ5JMzjTh_`}9g8rmkkhsW zr=%UkewN5dBoH0TrVHObk@uB^@&fcL=o?14jWs zU2a<;DMZ1Ox#Yykk(0DJ8;tyQ+GCt#Svf>R769u=1@c7%g3K!N7s~gXm?r6phmx2p zLU}p@WVm#Pkya|qRCNMRm@puP1!7W6=bxFZB=5}0xV(Bb$l%@&yH+yM=?uP$D4=IK zHA)U*$SD>8eUlEe0C7N$zj^vi53DUNx3=mJJ^t9kZ+ZNVdrsFkw?6T^fAGYw|ECKt zyv*+ySoY-Z`ED{r%}&1GZtI-g6^Wf6Kq$Hy{O9w}2fu~G8vs>T6Hxh*Oo;K#@k zjRS*?0}@B35_X2aHX=+{Kv|g}iHsa2CBr~b7}Zh& zjPfr&34%o9sk<0i92^~-luFE?<{(viI2oX=!>C(tT)lXy>7%cDyjUTlnWaQt?j<0} zaX8-N*oQ~P8yXOR2<<5J94F_c)C&n8pTY?h7Euid`M9U!=Fu> zYt?48(Hf|Vg%FZL#%M9q>~zR0!OKOG!(}B>q}kxyajYjn6eTgNqfQXi8bQ5*^(QE@ z(#Vorlwpf#JIJV&MwgRr+$2o72Nl#NVS6)#upHpf4JDS+aSn(zVT`0p41F(E z76nk!beI6FfRtl@iFMDK4srz-y~(xpnJ|)2>9Kswro39S#n+e8(oqCp%YBu63xnT5 zPQ=BEaF#!(6xVa^d;24=KJ&t@tJhPR^wjLkBX4`lJKp^ryLRn9``n99eDJsb^!NX8 z<<{cl!tB*E7an`(x1as|XX?v0jnbs)rDpc+S-WwIyg(|Jd*GLftnB@Wgi+rQ%%a?O zCpG9*tBLw%|JD^+y)dA_QkY~QB%eG}VkATI*du`{Ok#S>O`-}!kQfss5|;&2#gfDr zjT(-_Ujx2w#y1_r6%k)}P*3i;+K`GfENN=#urX0AS{!9u6fO!uG|o~0rf!k~VzF~T ze546&DT@YYaX})obOfQMX_Bs}XcHczdb3lhUA}PMaPwrriU=YzWns${*^s0);>HN~ zy}p;Uc@m$t!HD>M?S3(xLNq3#Yy}WNf<}?u?e|wUYp@`EQB%TbwxX_n`$5SIarhSH ze0F)O5ituIkm9H$W-{sV$@1vrsGChCT^Ft&+6B!fS#dsQy2B8sU4ViSQ` zLP#M-RzR1ad63|?08qOekkfbh%77guU~{{@QZBu*S*^EPaJ^!J{9zWgEXPSYR&}e= zsMYl(Cp)aLh{A5ETt4~GJuiOosml5mQi33`UH9;b$d|xmrC)P z2618}DM8AJ_WBr)-=l z1VBQ>V=C!N0)KtOb4}QO_2l)Bb#&Tw8_j03)ltuh08(-UpL8ZOHaX#Uqvf?#KMLJ+ z%61$TI1Iz7U2_Lc9(&;nPr=FNt&V*4d4OpkU(BDn|K7*G{T&a#{qbBW|N8T<+;QK% z;rjCR7oMiOm(G@_CN^&I``pwHeqhWaCPs?DYD7^2{ebV1RG|{RX46c0yg^THFp4V< zKz_GtdY)8LVUR1t;*C2Yg)ACG*^rj6wdCE8o5l#7-32 z$z;lP>B_K1gjfotDP=(cMJjb(XiU4NljOHmn{A9=p)E#=q!Wo^-i2jYTCY-33PM0- zASTjzO@bxJfENish5njYGX{B5OXzYlX>>~2G)%1sBzh6aFbtnRf2mSy#Tumy4B>$P zXekF9=JPY*QYADv4H{nrKnqP11Xs7y;Ta+=qkfmjfGsA*i2V3;ns|D!x5ObfYYbHq z*iKpmAc7*waxlA60Le1d$P1kiW+G@v4$1N3Ol>L56)rC}XeJAi5f1<&GEUm6{TM{E z%#esk;#n5dCJ6w@!|!q=EfecoG$gNA(`1tog%J5sLEB1BPEF;C#kJM7TQ{zUw0)lK z*=Ut+7%lAIv**bEm%j8&tx`?$HPn;=iU~RaiWf>F$L_uB+PMo@2;6=Dy{~-ik2;Np zktvm?#=*d^*Xid{I*864LaOP0yOVGo-uDRr4!pUjm+&-2RiKpvYR|yLvwb_>z^LuS z!H(@B0hCuQ3Cm%k040foF%XGIO{SR2Up1=mh9ckeKsDo_^sA=@r7l==ou< z-dwzX^YW$3X1dHwqDT=Do74!5NJo^2Bmu}X-stODNuK6Lv=amvS@~2d9=l3LijgZ( zKoQjXX40;Hr1J6?ROa05UMKp3Q@3${E}o!Yj8?x0^JR2j=D%H|iK-7I}>J}eGjkk>oqz7mGz z4s*m=2g;7-f&{_{u^vwfNIG|r30oLNQ7q-4Y1r$S0??2ClEmP3@Jyv9B=82HdQ>iw zlLLY5s8%W%9RUeA? zuy^m>bN89gJ?GA&bTv!1 zsy!Y&;QNVlr_Y{0bFR^B`2k-t)$8^5!SJ0t_RKdP-(KI0?^soIcz*R}cHaVcTt0Pn za&d9r+|-kw|1@t}PG$--la(zl76?=f1*5c78}9>%rjo86z+$q3$-`}sBH2HS}V{8M9 z?IaqdDPczyg6CD&BFcu{j-pIyO6Q1^(R47PvAmjX6-5|b9$}^e&8+-UjBdFyXf>aF z^x@9Xi-j4CYwOwU#Gn=f(HoG%C~So(CXr~iFdifpTsBycOc3%yf!s!GdpF{g3qcqa z*q>Ifw^^xU4VVoR7^yA3|Cb{)25vHKkVW70Np06!l}3x!L0B3v0t|=-xML2GRP6LD z(W;`NcLGi(c#-L3k1u3m4q6-$g^9%ac5SQ7m!fO%Kpp^!;)7??g$xKgSUd>>Nx>@C zs5k4?+OXH{)9oU6A1f(I$l(qX&SJ5dd4i$U4ZS1;5fHRX2(bkyGqPaNGC(9l|HPwD zZftH0cpFn}&%wRNZ$5eD+@;OsH5G=UdB+r*!1ug^*B(Fp*we#K_xKIhH!q)CKYuoo zo6ZypP=2@BR$q~*tO}js2wKSZqI@48#iuHJ{b(}D=PTHEBocE0c+VkcCTlrXkp$`` z3h&U5D$cz^Kw5B2W?&fGb}%?d(GJPRRzR>j{C63wJM2_-grWSl=8|7#eP>K*sSH}e zxKAmGS}`(3ad5rZqRJs43-(_n3+Yl=q9bJr8;>arBM(XwUBB5G*3o^=pLzC_mz$%d z88aFI^Yfsx1e8J?Eyl7%!zC?0h65R+7=svzu!HF!A%jFv$s*Mn3!H&LAQtzoZdR}| zOT$RUBF#>ZR{}N6H9AR%b!aY?K=R5~Rm=#M>I7y)dmc?X)yC8y8c`7FSIJ(%YE2f> z5C;KS1rmw{M2oF%@l~U|1-B1*h}8v;VGwxJlQ}q8;32LYXW$Uw>y+g$vP@F*3Oa&F zA|qNdGhR%hU?>@mASkf>MpObwGUjr?GJwO58&yXZGAKlI>+n;QyxUMwf>~A+2$Kw7 zuL+}|>Z#%?)Un~;b_Om#>pu$Y?A3tmTEi^g%*qmo)u~+6XLcgf7(_q(*{}V_-}oQZ zYAxW~R!~0uSI3UJVrgh>_;>S*3)kFm-TcD*+RExvk3R9#6HjffZR95l*WP+#x6|3) z*o3y3kxOo#cQ|zby^SM7Ar5n^UW7 znk$8bD%b!e>1-X>I>cc_bW5d9z4q|ezt$SS(JPp9G!_T}29y48&=?DkPp2=MD11@ z)@)bhkYpz}SbqwOMHvMK!(I=27Q&*CsFw?1@GD!S)$3Q9ZTcwDp-<^pfgQf%9x?(Y zTAG7hr-220pwCB5DKPOA0$W(=7)4Vu<4HcyAlg%|LbtdLMZ0(eP>4oT)N zU|3g@5Dq_TM>d0{jY_xR?kwL5PSn4v0P&pIFDm^=e$){ggZQ(%6KOF5k~jjyL`lpw z-W-9BhT%bkuq-1(PLRvLW9l1*H0oJR1ebd%z2r)nYIgd%6N9y7RinJ}Nn$aUILayzmAW5E6wscu_#+UD zCWAyiouuPNoGQqBeg}}g-RZ4uR>-2)=R@nr>MT(-oeWZ;*Xr6e4VD%Efp7ozTq;PV zLOY!gK*i{p!9JM*it=t=u3J$A?G+evA_5*^mWyEtDt@1hQwN-0nn;;HQi6av6%Yza z0X=r5TCLJ(VD^yV29grFwvR?So$i5|{M=*?X_TQuW0};a8%as}G3*Yr9G5D7c5ty_ zWNEz)0TICubHZ#stTyUTU0h9up%)~U)=N)(^RfMVXXh8@bmIMJ-^>)A4>vTb56_Dt9d4=S2D9k8a+w!4KD4D9kW@7*D*fUlA+a&=-b}kj5nk$3A5xiL7?-Z!>NbFtW8Il5zIue4`2JBs< zuxW}2B{N{eqQQP#<0Ny43owF5DZD%XNMXz$vNHD&3Rh{a5;)rObHjva~Q(<#jGf$!&% zslZRvT1}4Pk(|a5JFLtwF!QPK;GW5Htpk(id2u*XrZ!uRf(}Ea+l#K3>j^J9ThtH+ zuuiHKN0KsN&kR;k;us^^Qh{fLL0eW1BK3B6v&_5q!IDmmvSPr*;&H6g=O=P87zjwg zp3ibnFk+tPuWeT{{0IrM4CC+p&bMdNVUka4a(uJgQEBx1bc(Fi>cYd(**cjk6;Bn? zy4#WU2@^5Mft4xA#Dxh0<`OyobpD9iDpzamc3kg1V2W7kJ{2}jzdu+gW)`Lk%o>Sw zFpCT$yywnj6n}|H7##tk29Usr967=$;_6nj)wai&IVDVG0xYzjJiiL+`{b*T&lynRc+ligF|Xt3eMumQ1H+=4THaJv==#?Rnm%i3?ghUoL;`o_n5q_Do{(Fh2m`$O(=i1<+q8G9Cqq<`6Vbl?VW`qa$~^-DG}HMc=3k1Wjt9VT=*5v* zE?4%=O^mG^lI-t9)7*@>{sbnDhOJ`Kfl{&K(ls(%SuacPRDvbRbj7;8em0fJrju?Y zVMjTTYZxZHZNAZ@2M-sTi2vw2-$h_ELs6ac@B*LMc(wyi~Fu~5`F%n(bZ zOtC23$bN6oXm@23jaY=L1FuU`|8(JXm1MZGwFS2j0*i_*4LYcv-_zhqa*z(ZgL|e> zLC6JWtsWQS{3ICJsij$OhOP3B1+~Evk>rGPFhthPTDw&1s-nExsgUtgiP)p3uj(Qc zi7;tI!t}-GE?hcy=Ew~v3VY{yp&IMegwKuVGkD$J3j;pCfdw%|Rj=z)q9@3(uXp_Y0qoW%opr{C*JWtVm`;On>*YvJ9^TlZ{`L6x9gi2Sv-x z28zQ-#^RBudMqgx>-78eCKjifGsOykBYtrA+O5{n#hEbhH>&VPFo+V#(3e?d5q7{D zuH5LZZk85j3ViVgdlxDsR-^*CB;wKTTc-D*Qbfg6vLrpRFh;a1Fj5||Cv%$kt_^b3wKaI4$Z6wlg6;_rLsJMx(%E6Py-8p+JYQZ4wkumM)M z5=+fS`vzi9TH%X4=n6^{OR*w`pg&hOy&2UIK&soLJCi2j$e|C^QIk-Z>o|t zOn3>tWENpweq}?j)$`L62Topd-AyMCoH&X)Zf$KXJ$J4j<;~AwB604y=Z@ZZlaDNr zglbS-*hq}2KeGcER#g(WBChZR3Fpiiic2$$O5jD|F=8z&-i6bWC zEFvNm(=9Vio(@1!sxd98xhDYd#gx-JrNvc~uvZbH~1*nBs_V zui$uRz|xgWjHuYV%5{E00WtLDTrz2B!eCf#+6}X+5`nq!!{V$~YaE)Nn9Qd)s_k}X zm`VBB6u-VgwywmX7bGgR?q;c;NJQs~SuF~k4BT1QViwY4Sy{h)At+3k4Sk8ef&I6Sv_z15z8vlr5QOJo53K(I*${#K<9H!JWG7|5_!!1B6Bf24Mo@ZlOAo?0U|>-vgxguo@aJ9W@V8uMpgTQ&U(xsC zy{<0fhz#O%d%fxTg-eat&;H9_`=y`x#qHItNIHY;O2$SIM{=P&>_P-_z+M!+9`84f zMyD6&U-=zx{QE!ip}W5KJC`pkee)X+Z*FdT?e-J*ebp{UFdP1M(8we!MiB%*4PEG& zNb4^4XTeMpF(0j_*Xg3%3|w?%xv-IkAyp&n%>p7oyrKy1C|MxE9Nr~8pWy# z(4IK_X%d)+A_9TT?d7#zz4p~Ff9cG{E35sKWwiXH=TRB3BUVj=02m?Wb_A4y?!j@56)++$Z^%Oc@NqAmGy)`jD0tB%q8Ks*!l?{PLzBk7a^5>_oH8``bh| zCg(-hq#sQuldIb`p2}DC$bok_pbW|+!8O3mu&8JqnM947S)_#U9${`Gu(`!d3M(!% zqhN&!fqxIHQob}Za(Q)=^u|Xei50ENo~Z&Bxv)KSP{5a-9{4*lUdy#%01;uFj5*_K zJt>Yu2&vYND4(aM>`H~o(9k5L<@9{q{;{q&bU{<%mh6HTS4gE3nj6{jGhm<0gj$bJdewbhFB`ZvDrRj+&7Tkg2? z<%w*%*=$~T^pWkWD-qw`@;EATuALg@wey4AyQWxr{Oj;i5Wf zkEl^v|8hhG$}%FR!WD8+O=gDqy8tHpZUBaZ3V3x5ZlZz6<1lyQDp&$Q^hC3x31O;H zeaBTMfBqe%rCLy+t}+741QKJZVM3n#Bgh!Z$pJ+S+iPo)O6}>#pLq0<$FBA>SS^}G zK(ewpP)H(?uWLU8QYsxqVSI_ZMHM8$FcpR{&FC~(Na<^ZmW%Ho&xFZQjDSosG(^Ey zy0TG*N0JV?2CBEaUA}e71Q2T(lWgc^Gs*2rvs7zvh|{s*_cSPnuJ)>RBj*Q00~7{t$^+E6YFYQMP(+H zo1#F=yyyYv1WCpWI)JWV-5`2G&q=hqgG#+gcT$rOACR`XOF9dT`i>Ka2MTZEp+rWw zk)HA;LoXS`5kLxTKN5;MGiI?4+&*$&@&bQut=gUyZ2S5Ks&M@wCOIA_* zM!b*2a;Mu@U4@5=K!=MJFQJkn_ ztVvOlDfRzzFbS=iV+T60sBC5OJEC?78?gUs_cNCdB2!+r%3SI4N)ENh`h^P$( za3CR1qgq^fP01p2c}b@n*lEn;I2^V&Hv5~~SFT+7@)y2vxgAyqJ{Df~c5!u20ei5x zA;faWc(+G)a`LGZ?BQov@yf(r#xMMEX*K8#2aQgLC}v|{g&WA1(-{cqMCU68yi&cj zUan^X-c!+P54vzqOoCCFFa>ZXk_jxWysMj4^%n}P(T=SzeHxO$HyN{M0$2p`#t(m4 zH-^yf;ylk(%<|P(NVm))q~XJ{*N5l27b9km(>WE(b%+mjc z@Pb@_LnbPkGU(6j#OO|YFLvJ_fAZ0LzNS}9vjR+q3&5jlWFRBp06`Lp31PP|N@JgL zNsa|e2T~hoxO3Uj+tKg_^ptEYaYS$=*dP+Q=#AYl(kX5CRyV7S-e>>xlh18+wj)U_ z$NGaF-(5`pR**=M!9-A8Kz^hUl_eTArdD)ul#UeQdA?{E_z5g#>8uPR&1MT!#vDnh zAiyR=NorL{1)|yc^m=b)qm&Bapujun*V}w09cuy52{_a?;YU;ax=> zkyFPrGY3$k$UCEibPQDo177k}H^q*RFhuA06+o(yb(C_YPM$RLJa28g)@--Y{>@rr z`RsXcA&E+!o5%srQ(B1I@F6g}l}%DG1%l~Xgff8w*pd{6h$YcOhK=J*&I8oVG85SL z)B_nJQT$P&3DDwu>v$H5jwq5;Lzq0RZu!kdL{W50pFv{t$qf`=G5|M|*MSP!g&HNR zFo7jQ`e7=`=dKNhBCyiWrTHCYk&zB%^{BuBe7$7AkBx#4lob{x+r_z${@FbreD4Q7 z`kNnV4*h7c$lL4KlbBNq8iT|(Nld*Y;w#P4#r)#2L+eY+sZ92c*SzBK`@Ys~wOIgo zAP*~Sxm+#eC(E1Tkv)?FF_nf=lqBOEWAY0yDUpNNie@AXqtvImoy7qo4elU-v5eXf zc9;Mci;_;+)EqE*-PO%Okow%8 z{>fwKSGS{C4V_`XKWx(%Lq=ARgJ4v$iDhxI8y^TFbV(?fcTMah62k?JI)78&3pCLv zViZf%q`Dr-wR59{LpB~?S}&oCh44iN!)m=NcZcgrRi8qlKc<3sHl3_ByPK6}oDT?) z2{?igFUpeBs2VC&NBT;zEMhbUs*8rl^I_LA=`foL#)c0$;pia)j5RQ=PVdTE8L449 zx#!qn6~W)ahx6U5;;!`+M4>uqZx(6Hx%joDA;A&3PKpykeR+>}kS?IZw@ zEf?As!HwCl-Rn$N4c8Rz|G!0CsA2&w4ENtH1iYKk)`lQZl-XhQK-nUDvYYi0=}4Ilt5^W*lpiTT+^sWiEFp_olQdjA7ati>b~r7}8X zkP8j0>#9y+z!~1fTsDiaA=sEBgl+h<13QchL9`JH0c1oD3MtOaf*L~#L~WT&1f_HH z{}@O;$^{b9jFkCT083#WZ6jb_slmaBprfHA(Zj5v)?d<}mXa|tRdfP50h2=WUk|rJU zbPa|#Odb|s9Dpc7eV*SE(oK9~!bay>i`<5u=U-kccRIZce2BpS-bt^Axt{|ceU^_n zu*7IKl?Z(w&djRbuFT9FC%j38LVz0O083Ah#S(PjLTVJofq8*cc0`lO#AH5=fJy@& z-qC^tT`L%1vCO+$I(=k!6}9Yo_59pqo=>EqP|M5CjYP7hKr(|ex@JWIBr)xh5Ns?T ztOJz7se-;AQ^l zS#XPy&2j<9j0!VKzuJ@nAV&aLsI^obLqwwaR3gE}vXimh=}#Bz`mEs)jCOjxW|vO^ zPv!E^Lz)i&>IGzg!N5x-5_5Y`Z8ZP&|NSc;`hoX<_Tyjbq^Bd3vusMXDE2H!B?1r! zPO_l@O2TFil3_BNh3j|wt6%=?1K+4`meI9Q06UIyYmaI(vsgGzO5+Yd50MxVA&gBq zSs3u6sHBik7IhmLh>=3tSllV9%)96Xn5v!2LaFuo1EO}GVJhyoJ6CBjDi^v%7S2byVPD@i{~fr`Rr#t z_l0}cVg*OT8-Bf9DphUN`@E=Xyl_;%kXDG;4J-zEO|X%>2GdEujMovAoq#BovFRX$ zR9M|K+HJB@c0j`SU=uO^NlC;A2C#bZTC2NWs^!xBOkktI*Gd7vMxvowoG=5AH+|*P z>C0H;cI};@2I5BvRU3|auD%V;T2TfolY5vb+8uU3b{3@1P88VRt#XL-Y69C-&TO>W z=)myN6rxk`B~(PlgM^<>XA4=q#R*wKE(69kpnbxhssUc@L+z*q8Ry{VIWYju7Nb~` zV#L~mUgDv)G{rKE2tfKK5dy7Fmv1ChZn7mA>JBkEQRsF!%2Td`(5|jB4Z@06mA4XH zA%aoT7&v};aN^KVMk0FljOPuRGKejAG}F@rK;T3~u64D8mP`9hIZCXx){ z$_JTDxOm{HmD0cdXFvbJ@Bas1`qWnjx%ueKLd5qu{5T51#>rznRYA(3ZbAD7^Ov5U zJalOB{?C0elF5=B+NPi+mIy*Ifi_7yFf;Y5y%}Jb)Y!;ecy3D4U#u)B8jCs*r3JWC z!boKdTXY=WjeKzc!Kid>AhYcSFh*jr12U{b6L9FQ_gniQX|#95wqb`1BRu-FI$tCR zI`!H;zx_L3{^O7Q^soM_AN~1%mCEEIe9{?oCW`IwxBS}Ko^ASKLIT(#sQx%<93UST zL_m4tQ(Tp*U+-#@GRfqLRCtrS{62U!1!C^Pl_VpL}{Hk|Wj_4kDQ#EM~Ly zMhngY-5QgaT?mKggZMI?6f9ch5COjfBMRZ3``8#e2~vPWC#U}&jW$~?4s#WNkqN7j zOD4IDbHD((DGVRy(&|<+!G}ArU}|@Gv4w!<;5a37-;1Wgc;F}M?cR2^Y28*N;^Ow) zX%F@AU=@=q29_uucwP?xn%bg=GstC=Szc^JGEFH8!_U^aKw^L4>P8>_C#*^W#xCV& z((!~hgq-y{uhP?JpPL~2=dhXu|N^xkw zNJ`xzj9H~eyFjo~0g#?X4Iqv4`cX96?hN>C4G~cRSdLRp@^ml`jDfm0tcfU)7}#+1 zgGAiRr_z;1BcDu7=L?!AM*v=fL72_?d-gxM zwE1&C^|Sxzdw%5ZPu<&0&qfyxMg5Q$s&>;m*GZD7_1r+}^lp32D=t0p#N}ttMv`fw zK}k)B9L<3rLTpo?>`GJ4`%P;xPw?~?dNLMfG#zrx)GdV`ga3CA@R*MU)ENm!+8%UIA2Uxrs zmi^l#0X>8O!&sSE?dVYAomVD3jpp~<6= zsW3{DX@kHh_KXd_j+Lv#1n~bJQ3zH zG2i3Tz24|Hn*BD+`aq5zGSJ4M3}frW022;AYc!=$<^xeFpG^=2SeC$LgGX`o(nL4lMh95#jY@bfkC30t zy#Tf^8Lnl_iroeP`N@ITBVrR+U1QBI66#Y1G?&Zl-#2&Y z;GT(z!iA;PW~tJx)(4&TfWz6?MB+dB-gg@}8XWd&NIWik(Cu_P`XmuEI5haH!BD$l z1YR3*CIip+WA#R-)9zE3JQKh!!E>h+20Ewri9GO?5Notr>y;{2v21)MA`ji^Y{*wZ zAuHmjUA5JM0Q+Y1Q+XP7Q#n}6^Htl9R5LmPSO*i;)PY1-AsG-HksA*A)y*c+Fj!vf z&}{bEORHBl%R#713a9~`IGDnW=D^5st;~-AEKW{#di_$PZry@1j6m_BABM4f@#@C* z*FX2g2R{4xgcmHFywRVXqnTJ9BXVllOmZWxagl6)zh$>cFxl zDoMVw`Ejl!M%jLhTbO-K0UV6Rd_#+}<_MSvh(F@attRPCU=&l-BGM;WC@@Bk!BLKq zUL^HJ!Lle9U@%DLGOv2$YZGDeoA*9&-zPs7#)p}FK3(8RRi`wkE(OpTAP*djPAk%E z4zVta43jgnlLrrn+5E8E#b|SS0dV{on2?UkivtIr%jW2J!6@cPb|+dGxfP(bGJ!1w zS*$mraAl@t1Z8`5t+%lqpP2sQCqDkCAN%xLv=HS(4FYx=960Yz<@2c^Sliwn4EwXi z35*#q9+PR$BJ9YWp%pP%ZNw-L!x)6y5xRThNgI#HJDpCY(Tv7p3D3i-c05?HN8XyP zd=c4IECj1Hng?blbLr$3UqcX^Du!~rXqco(0xDE#@>0j@c6oj(mre8DSY)TJ)HK>- zegbd#JS>7yb~!Wgz;O=)#f%_;22e8?zO8b--sWTVnQUfmZgOGIOg5duI(>CzdvmkA zvAJDHr!pzMKb22oSZUGtPyW4k$7w|*Ac5`S<{>`k!I$+9VfM_olR2O?)Ck&9&Rs0V zH*&=z)ke45dG{OjRi0&ksNS5SbcVIBM=4|Q0~%3gSRzCdHc`7x$OCst+OkeNnJ>F zFpNy+b2!GM@vVBb+w0Hf^YHh}^;(zj6I2nqz?udPNZXe!tXCRe`SUM4aqm|yoVhr; z_fYZh(de)j?Y1c@E1+r+kO=`+6dUeG`chvMW)x};u*GN z_GaM$8pjZ5*j`@kZC8ic;%7emKR*5GFK@&qIGD(Y{U1auk*`~f&*gK0=ap-`VX19mfiWO5aw0TFxZb0$iLO?Ciun?*(TRnVq4WJ9SVEv6emSvJoIAmM!U^h z%_KTlvwR*g?_f<9JG?NxUTVP(O=N@6zB&yGDGh)T4bQ3G>a{za!JxM|Q$(|wFd%bM zX~ii)4Z*guBLgf_QSK=)|McvTEAAzOef#E$g&d5}^2+Abm5oxV4l||829aK`KR1zO z7hqAWD%iz8^dmo@T9YG(msrARsXRW{#Ac_@y4niY;BNyEnBZDE;|k5H`v$51yb z0?_@Gf%Z>%Q5xg~0^#*?x!&P-f*2DadvDx>)pMuzsE25?+iG<>liBd#{3Ix?;_496 z7WqnW_Xhw&K+8(6*g2Z#0T>M3yh>haxYjs&E%UF@@rTTPK_-NsrJn^>_|a-18I2>sYq zwHcZAio$;2IMS4mE}#$-3^i^82QI}nN#tORMPN*TZ8wbpkYhkgbUX1doLF2uc*9Lc zuDiZCGn<_#CbPLPlSw3#F}`Oo9`#0Fi9;BsP)Z>mxeF@DX$c?|v6BH9HDCr2J8<1a z!iWQpqG4ZiWHfNQvM|atVbr}9FmfC$gG*KnVb1+L42G?%E5mxH%zm?ES2`pO+WxAqEfjVg@h${9?St!iW5cFgXGxaULu`LWzx-d zZ*#qT;nLOhjZ(YK=l19>Dxq@ksgz@xyh)9qrQswOI0N9Y2RnED3K0wR*| z60kY72HL`v3y`i6auFBMjxY*{sglP@jImmfIY`6{@Oza;f40|~E#}ZxT$%$|Usjm6 zFELLvnFu<4kadwbnad`8eSG#?!L-Jr$N`P(1wnFVPbWX~;SYb}$KUw_|LQ0I`BTrW zL>CT6(^ zRv0CUfDI}jkpg5kQjKdV?MK=jgYvsfI3Vi61O|=3cH<-|aKzsdcF`#4fHc~GB=eYN z+75g=V6rpQllu=$?AxE2nT;h=5znW|1ISFv*JClP%a|>z&-p=dY?MJZNy#EdSXl0i zfP1E^g4j%BmO`*J=zlyMoYDY{g4FhkGe3Z80~L|LF{A^AO6%%!d>AkH2LJt6|NTAR zI8_U#Fv)2^XcFexOfpf+aO`Ue8>Um?u-|XAnr^N3VgUTeo;a`w3RVDYDMKpo8*QEz z0163|YZ%F=(pc4D2-Ng>S<;){qS17SMUFHNQjQUI#Yoii;@kDscD0_*VBH#NwCt%c z15OfTFx2;R<0v$&H~B;dA3-odTs@G97!JvZ~x(v(|3YMc_t*BuXg0`g78A!_x8LRkcu7D66$##$xSf&!JZa6l zVb}(kn6z*fkc6U|973rX07SF($V4s4D5Ycoprd8OWROY06=x}EC@iFB3Q0c}qq#OV z5MeN=HXC37;WB7+FJ5jmVcXMwFqO?gt)$xxESI20voLaFGVFSOA~`*OvE2Ie&)xe^ z-t)eH{geOf^qJ*ID$jQrc+jP(UE1n)-~ImgJ^GnX-S^QyicB5myW=Ce2?knKy5o-? zrCj!7ajrlMp_b&R@~LTy8OF%Kfniq8^kY#MR1`F$s;G;*BqJw`Q`vxS0~m5AX}s-9 zV_CMTBWYu|g>mOzk1L^q$c6PR`YTMK4Yr6kj0YHQ5ig8{6GJbQJD^5(tmqxMB3Kr~ zJm7EQNl;5*7(s_O3RFsQQYZi!MgW{`qXX&1-2s9`nMq)!*~Q7ykf>v)+g@4sz0}h3 z^6&i8FF$Z}0AShMpBZ+vRT1V|5Q7t&yl*}E= zcUcg`kcDJe=W-yk1`sxyOQ%sb=<2N|7KWf_em24|^so*~a%h`Yb*5Q0!ZN74QL1H= zd~m+n?D9S{epiu|RdLiNe6DoJJ8+X>^8E6q-4jN|(<*2jnXv;{CIIE;90LTA5Y+d) zR5BLlP0@o^t6QrLy4`p@HdD+%FDQrII3KAoYHS{zNT zG?vX$7?+}XcQI|GSdG#UrnNwXDjRxyaXi>Pq2b z57ZEwh;>D&3ErO_g$LVc^PB?H1lCB*=<+(b7{Jb%BRZij$4nF4*+9dC-JW7GJ-%rfz-}|nMo)U5asb!JUoLx)PMCCVSx~UAx}G0)SJ;FhwdC8$3FUd(qTXG(8syizZu?Pc?B} zK>cEJHGx?u*@&Zr+zm=0SkdAvGDQtsxd2m<%i!WTQZ@@~vqWqV!3L^O;{bp?q19@w zZhArPsVAQJ&0qYFPb}33VZrFNL6n^b*MvcD|}&!>_eKYT$xPx6ki?@dT?CZuGF*xwHov^V#&(jdHuihuo<*wL3-Ng-rzb7eFLe z1S41lYN+;`?Lnu@FJsWEa*~5+#cV2>h?5*3Z;955Hg3RAFw%guFD!4ea~MNv*{O!r zSJ*ZuHa0NUNVfzUXVCKchDcDV$1#OD3ego~g~6Z5$qh_>4lp+qN6nWXk2@4#0B&=nTZ!}YlR7Kuf_lgTBI0;EuXQT9=%0|4Q|*0r@0oyHM1fXhVdz_%i=m;Ge!t9O6lH-G)N zFVy@oA*)L*|>OxRBx6CO2ZgfM5<)( zvUUPKl?Zr;1aBZSvY{V~7cyB)(l8daR?Fp8MUa|IBvL^FD>x%J>yDZRL2zZG1Pn$K z%u&0CMJShgOk+{XJ{%^4IDI|%3WMm%b_L#_@ki+xb4F&M0%(}EwpSUj7kq(JPc>mO zy*fGpOb-(A$qZjUs39hYiz`mD)m2#DqIh+^REE2UR62pwIr1XLK}8-ak@9K-cGS)q zci=rDQG{pT;4%RRZpg(%%Z@_Fh8z)c;yF?J)qIGWCo%X_rGSSJPzo^Jp8Q1Rf%5~v zD!tj}cPBc0A%GU=;HABVMQvpX7+k*PPrv_P{2$-*58nShfB!>2@cw`NL;vUl?|kq5_dIawu_ylB551?;>PL!;(U`{u z6<=d45!ENv*c>(1LlGHaMWz6Dz$tkwuOyVsvwW6-Rztuxp$V2{9DQEGh#g^97J?d5 z8;MZLI28fg#$bIFc^qm#;sYQYhW1II=nEOt(psDSPEguhJX@=|B7MhyURBKep9N z`F?`FscMCMVx}Gca$Ok(Ck=0taxlzivKY#hTAk;>olr=UZ{Z>qu>2wb!X>&4ID!nu z0#R7E5m5vkwV2BVu^2{KrO||?F?#N?q>ILK>6B^=1Z#-{#%??ouQof?dLxzaV3`_S z-QK_rjbim+9;~ENA#7a?9_8iLZLU?w+NnxHQjc`t*qFrAFktAI0OK7{Jj>4vv|O+o z@%U6B4gN?LGd3lx53LO!lZBfS?e_W?uWld*%pU6HtSM;$uqnnHU0+6urJ5yX0c0h% zEDy600(^T`oG-BN^~R*+z>El*+2x+6`4}AxYkZ*%1fbwd05jcS4N;WYvRXnk;rrde zu-@!|7Zd`kA*BG6pIV?m3?O8M^B_jVN?DAIY=V`+lZLT;2Cg_s;K89H^ZHt_NC9ZO zC_j>j6s8R3n`vE!%;~giT!b}?wX*do!k9Z-BsJKhXj zSn?3iP4Hv&Ag9vM{KP0=UBP;SGMKdNTSReh0ZU_eR5}l%fa%bZT!2{1J_cfpm$4-| ziJ(Dse53%ykda6%V!K_7)Yp)gnq7NK1DOJoifh5;bLBxm(vHF$$#D)e({e&03D zaZA~Z7Ul}h7#3{NX#DcZR=L`gibl%=Rto@Pqi2j}k?pDSWI7EEoQ5v7#HT4x3b|7k z#!v(hm3!JQ+bi#vI!G|GrUOjbJig$QZ2!8XD4RO=n85z7R(;cqZ~OC)f9jXt z_ap6AFH+ba@k5@nK~|MSF%WhFi=ohrBF(AMlB9k7lqfodNiG6uRY@Y#fk<)@0-MnT zM7E38@J0j>Lu?~*BOSpgX=eiyZ2;RFFc<#7P=}He+BRoEYB$MUKtMulBe4xefe{sw z#sW|qHZF~9m(UK#k9Yz}^tX*8+JYl8$J6#?HtcR}#fFLHjqTt3H^1i@@O%ei}Ydjx|N3R7zKYO(T_>`UN)IxZemR@6b+O2+IEfKW{5`<=~TZ1*TD&; zZpgYIn1Qbsk0yg)yVlyS)u0AHl}e;SJ{}7P41VF~*J=C@@c0j%!T=K?1s*m>N(3COvqn zVy+Z!D$B+Iz?5ST0VBoulE8MfRSbhn=yd2Oe16Rms)5c6X+CIe6aWa>?+;sTtjCEA zuqF+|db`a_F_JkIBr-u@jvPQGSdd^ro^Rspg6RR%44qj_0vxv#z|`(C^6V*m?ZE)H z7G5?~4Rk%^1)r=Mqh*Ql8}2k@v5&NzGp{MX2H= z;~g+K*x&Zx#>K^0S0p2dBQg@Nenf;=ai>(kE?OR~I2X4xN}{lB-vUjM$M_MinW^SiT7Wc)qk`D_SUy!BLtKa7Wz{+yTH805Hg+m}*2GM3Z8a2>{7R ziH_9och|R~@$@4PKlY!0{uiG{4WC5jy8_8=L$!wC}KU1OZKx0JH1N+p6 zx>mQVd^77%_Cl(&O~fdk3K+3wBVvzK3B-;ki6E2Q?|3|pr85dp%YlkSuyK}Qta&Ov z8m+>kCWSc5eKv8IN6oF}{)9u3~!TEv_lTk2Sf)k-%nqA>lZ)$g@5*@H(q@D z=}2Zi5*Epx#f@w0CN2Oo2{TqD>C|T-7TSqu*>M6*Fp@NF7&++>un6M{Yj2!MucAif zD9MG#g>LR8I~*FEF1LdK?aZ_o5|w1S=!RsKM+b15sYQG491NC<0dksIG>1j z3USfeXtkR?-Kzkgk&R9l3b1xEpZnp4q;stDJdMiTq*${tP88x>SDS`B|KhE*#+$m zCI_*OL~~(?j5MPO4dKA|56n#Gk|EyBET6Fl@2N1^-gD#sqbI^r>7bjp@JB>y#T!xnSgEd@u%csU)%>Kl;67 z6Zg2cvROWGXs%vsFRzq<)cG-1AjoI4d!|#<6NyZE*sQNCtuI|(y|A>lUaG^_LG@Tq zi9X_KVm@QcI_h}|mLxt1Vhn0fY&a_DXz<}s0ebc*X_9t?=Ql$(Z&4#yR;cyydr-b5+ z7=@C=6jTgA%jr^qp^rsw5R@7Xp0_~(JoPk820U9LBI|JqFz&a{mi6Wpajzc22dxcEOnq3KwBgQ679#-q{I;xHKm9OzZfU8iNG(^#4nk<+l8mYsV?zSNk z3B`=``ctzklSQf=r40sJ7DhU~Ua8uEqEVbqtBGPnWf8`eS4?yq!!8;JE*8yae9xm- z+3fV;`lS;57?r6^zz=A^>`?>5NQlLzA2d6iYO_J-l(I$lPEE}f3KN;k-pMI+WvB!z z-=y#7l1Z7LsBW-COZ(t~-T?j4*r~Tzh{DIpX=D{`-(G+>IdIJ1(LEeN!R2(v1k ztZi?K8=)))V1XkT=Tc-RX?I{Z{g~JSl!74K&JI|LYx%?hL8a_sg)lid4USTDASrty zHr8~+6$o)+am0|bl|!V`^%o5`QyEA#PUYM=1X?sYsMgw>m9Kr}!Qc7S-@Llk2zVk- z(vUZ0Qpn0Oj6z_c+KJKs(czV*pqIzyH%ty+y8&XgP(&J>F{w%YAli`PAo(YPTw;d=#M(=bj}Cw`eM%;)@E zc5ctaOJ09V{?KA_ve<1j%a^WHE-$xBl|iqMu@MG-hVS(C5jcHit<%xlpZLig90X*B zZ70s1+C)hNYMwC_47-nt54l>0FE&@qdKxz-7|7_LF+YY+j29nbu}dqPoNzeK0J8rI za5oBbZ!27yGD^py6oVJz1nlW1JK`lJ{vc&5u#s4#C1d4}>N?_P3D*ah#rL)z#i1hsLskPp%+i_EfJBH>~<>T z_oA4?$fPxWClncZ5f-+r)9p3e{OAWXhdeNaM`!1*SzIh+ax4VGlS6bemw~+l2J2He z*n#hXiN}Zcpf-A^PGU8k{?v`8e5A|t@xTb>wl>5(xv)Qb^0v=@C=01$1tUBJPv0GJ?` zvBhp2CG#=ax4^EHQR$)|vyyBMqp-zww9G6_wYC_dyCruSkl#@vO`I(QHAnQW?Ak_g z@pF6epjxr103)hYTU)hHeeAOz{k@OZyFrjlgBemV-Z*oS^-gP(!5G0X+nF&INR|Wz z+ubf&4?)Etz_6ev!PiQg{J5&{019Ju5RL%>;}nBG6w4hcMu8#Us1|x&xnARw3@Qdg zARUIqOuEzQ)LJb*oy9Cl6W3fi4d;$rFg82AcBi*@-^|;-^EF5cQbD89y7J70()r7c z^(`1X)t*n@!XjX#he15_6TFgJZLXDSv_0y&BjEwMYXZE1m#kJYk`$2yOK&*+8mqvXO36R=I4FqM33<56( z;{igR&?61=FvZOSj9bb0L8p~wBgRidnCvD!11N$Hkpr|JbE`iwMS2-FJ9NRkIPd@N z=z;)Q10`vhO_|40?IAMI;A|+8I5Hg|Y5=b|oj|AopSvHKE@mjd0Sb>tVe;VINeM(? znu17`W|Q-Va7K@kP|m(NM??HA0JSK1SSL;nnrLelECWb zDlY}7e>j?P2x+Vq|DqKr%uLuMp9OFrE74hid(j(Ml<6ak0q`t;gd7#LgV~)VVgzv@ zhT%~v1D1Kj0ssQUn30ijcA!S{C1D&=g7OX``Nruf%x6*)HhjbD{$l2mV zq~EJIn|fTAd|YKC!<6rFmD+CmUTojKneTY(D}L-pzT?1wdC;7F^1@fY_-J{%Mtbyc zQyqIF5g0Vtq=!Wn#t{~9=a)BmTf?YPL8E{&*|23m+IE(Nz$isDi$U854A!0Sz2foc zRDl;5Q82mDP|#W-HwLWMpuDVsoTdlym6f6wq*IYBR0fqA2ZdE!vkGF!>-%x!5<4c~ zk5TP%@hUGs=Kzr!*7DAwB`Ai`fD2dV!>AN=C9T1~X^c+qg z0BdU&%fI>{{tUC#h~iFHMHFQmbu&d-f8hCuYzl@f+GwF~4fagscwZya9RYgM_(?d( zhvfj@bk=A<7|K8rc1G~!$r47H5z@mz&lK_?fXLlm-;c$3`?$V2iP`n!zI`Va7P0IV zUs8bwDyy*}V23wk3_aaN$QvDh7*B+S6E`LH9slTm{>`6!he2lFs>cbMtMWX#K8 zEYEneYyeS?@{)>C4!WI~1%+{8%BI7pTqM{L07?=l-DML3ViUm_H)iEt^r8?7{mt;> zj0~f#vG~~7e)gMB|Msu_?h}tZ7o;aJ*wIaCV`R42x*UgUWnqL=%ewS2W=y6ZisTJ2 z{d%{HL~2XIqX$kE3f)e3yHuvmMF(y?t;Fo4G8yq#o-r`d_%lso1{kbhVsUS?R=1N( z;DN4C$Yio%ve9f}j%V3UFgQ)rz`i{*ufFr9cf9@8Z+gQW?RMuQfBdD@we8aS*4Bk3 zNK$X{Y&b16s?N!mVsmuUwdAM4vmsyMx3pHS^AUT_b*GSEn&Y@Xd4#Ie%mOaZ*u6EI+Sv4e3dKz0jSfM_a`J04LQ zA8FxS#QR}rqyW|@Mp|XE*dkVK!d-*;Kt9&U{@5T+EW*=w6oW|aR07onMl3fHg?8HA zKE#D@UvKdV3T)_Fr02$;f(FkIh^>Ld*-3?Xxul=)VjWDWz2R&jLxD|b0wY{vj5wqN z%u*iQ!n%8uXH01z{j-wHF_p~~QyC}*9T(;-LZpfHP4cMLk29i6L!L%M*-^mlt442J+W>B~xo@J2ui5}{EsC9Z6I z?TcUi$nXBi#zrg5=4tQj!wZr^l-x0_g$rLOgFTtC`?`t{L)`+;J{^JArVRWRO{CfG zphsc0b2O1?A(M^Az132QC+UHrUlqehl)w_4JBiK^_u4Tt%dk@M(~<8TNch!OtIV@_ zVn>@3o12>Kb-S>7;Ee3(#=h_G**|^5OOCzlj%$nA%r_rC^?U#Qv!DOMLr*<@zSrwL z{LN=Otqx}QdJCQjMm9~2Mm)hR6#a~(7x+Hhf~{J8W4o%JN=cp6l+gMmJ1zs(5p2gq zW?0Rdl@pLP9Q(s}%0U0xBdC1U~RMqc7%j8YOrL00VGbOh_o z7CIP)KD1VQ zX)cV-MwGa?0J(k3<_OpYb#x^;COZIPYI-DzfZ3U1NQ)6nOeQFX1Y^$sXv2;~EQ6AY z0~D?@NvZ?;ypEAbyS4eu=|B1XkA3Q6U+fQ)L70RrY$+`!v1fC#)et2=wkaA9?AVIf z@lWv)lA%Ppl_E{CKj09L4zQNQ;6uc+pnPM3nk6VLZu!7RRVMeR&;d zCzbP@_y;+Mp><0E51<4OEyfU6Mue$j=sf{B_|@RvOd;(djm6S3vAysYCnyjGoXuh^ zj5((Pp-9F-f~kqQO?P5MrGo{m4;l$$m-7JqK@dSoKAI*nvJfvyh9zFT)sA^_nMLD{ z9mgYpZOOc>wD_fLGkcg3hXO8@IcKZ6; zlKZc@`xBq};OoBa-~GrBpMC5xu6E(~1$mxJmTIvfBdbBttPO1W0ie!R1w~0kgi9R3 zD5j&OjVahlh(Tq~ZyG7Wg&hDh+N3LNN*hH-N#hKo+(KZ76qRcYui9acu>K=5%0d+D zC?xrg)3rCWVU#%Pp4z*=^>|{%kUB)DRzLfd2mafC_}zyeI_-yfk0*T1P^n$)+om8_ zYsS@t$jb(`W@UpqZtPje$jl(;m{cQMDq~G}Tm!AZghX#lCzIGvvz6^lP@x;BOGG=p zE_;boC-w1$2Wk_2npI)(z_4~oP+gdkO(p{`QEN1-tp-X522PQm@Q)o_yyn=RqbC+7 zrn1#)^VCz9o_zG&%GJ$IvprSFrg*y_&mqACSE}_Z%Uhe38vG&HgnGTBcHsuyp$zL` zFe-d(7K6d_An{76QfczMxkkT9W{=`3Xgb$`q}XaoQGi$!z_SiKqTZQgSgy6E3h87( z4@15b*^-pEu-NH1JNZD)VvoOGKma0W)^RsafnCD#5>SlC^(`j`JsS(WSuo4YGekfN z%d|$Tg(V@{nKAKI$2EF>w9JK7ITh__&;YvAEz<4|TkRf-4iY>O%u|F?gP9tJ$bn@k z;{H1TDs+rdDLZL{Aqp>M67amLjV`oRNb?c|lZ-K0@|#kMFk?!_tJ*|`_?d9h$sm%P zrSP!Rw}wM68c+B>1WpGboI^}VUB1GMFAKuJ$S0Gd6WeS)8a?(*M$EcFXefYTc5bw+ zXsDU-7(@A-S5s3nvp3zI+(+B@Q?I}47vB5#9{tkY^!u`VBiR|QdD&ie?<7UjUmDX! zfq^5Ma%0B#%OPZ*sCZZ8F9&E>i8RlvCGCHVUrYHnqgEC3pMz>z7z%+z`KRZ`k zSe&@#*nxhh_m!_b@zj$SRxWOI+g%juiF=Z-8V#W+S>Z&r(r7ii8{4&EAKuB3?-w9r z_5dqGGYTS6jQ2DaKD^*FEH^sK>t#Nu-j@^PTrFxt@*#_~A?sq^pHjtkWO4vNA(GDq zSf~45Y_6ye3LCIgQ0oV2dBRa91~I1?GrC%gqao-q+ltf*z)tzloC%*M3~6?91Gb7B#EJ(t7u&e7DBru~!83eo)nFC)!SwYCdJ|tpx1k}09C-!(57aaucx?Sy< zu~9C{uHhh6vHBE7YIdoLj$stR5$zX`7SjpP)f(NTAJ3+P{^*uH?6LHK+|5o0z0Zogk^cVu`(N!_wg9w?XcDi-%*A^f{m6B8qSa5%hR*lcl)8o}(8Wb>Ea*$f@3W1xERGlEGt+Z(H{PCFJo@ENeg0p*>-&ECjd$JqM}O3) z4I-JvNNxdcA%(L^37gbzo1y^qCj_mra2UDgM2>-B)f~X2o&Lip1CAbeI_}g26WP8D ztC@uSmd%oOl?SA~ZJ0%&ASakBNPDI-#i$e|jLF2)fo11W>0>!X$sPA>SCl0LxVg-T z_xi(9{q8^d_<#C^UyTM+nOp&~v9V~lVptbh6R~O4nrt+1Q2#(25o=9sP=^K3VUQHZ zTGl}Mu{b1+Y$8f;G~0|A6V-1jS3r?i_Nm^XOmAN@>;jRvhl*6K#5ck zE68f9dXd1Rhf%6F=O?qgRLIx#k(`<&A=?(CkJ{nn02De#7e!+S3gTK2g_&MR?Md0tAdmb zD}`Wka1SIhLlh<~69mY)S*tOQ%7ToX*a#$I6Emk}k4IyPL;@WAc$_D3c{VUwX*5`C zeo`Qj@_polC#XRn)25z}yo|B-L~>w6qx@b@j4yG4{;`Sza{%_Rf*f)Xf^Il$-~7T& zcjS-U@Z2*O{>}S-?EiY}TmJADeqs6CQY1MO$?cD%CL(-AGqeozXNuv$_S}s$qxN8Q z2Q2J}jnD;oa7a=xO$TzYOcuekXHm=bt-vJcaFo20QC*PACDs_by)_mCY!b#tMOYJ& z-1utFxUfBN}<>!)V&6Eh$~%fz82bz?S~ zc0_WbVjo}&0Rt2pkiEpAM_mLXi?S2N09ueu33?7%1)@XPG7eYKfe2$4D_l5DULvu) zvC$v)fn*;T#>!247>HTLO=YSU2dt`X8&B4=h0zD1Tte-gpV+@J1?=fdD@&I)wl`}n zt*91fXJELuD^&~xaCACjXqXMcscbIc`PocrlkXO#_-mzdA|7otdmTQq#SHubSYaMP zl?lCKHjVBVkH;=7Z|ftxpoG8W#yxi=R)8C7&#GWkv#LUtM2sng!=R8&u9mC0OfZ#8 z3pvUnTIF??TbH9X0GJXE!{G+~SK z3KRyp=X>G`E^_Cn5E7C-g;OEAgbjNM9QVKiPkn$2i(I`-br>lm!&1G4SxB*4iiYR>C^!xc#6*chKL`Fh5BX<-@l@_PLY!- zSTOFH1_=6|*XeZ8`C;SGpD|~^*Mq2_0k?EA1cO23nhinwu7GdinZR>%+hJ@BhhNcm2})-uKPVf4DD_?-_%j@j=n(NpKYIFsM}F()|Lr&K zz8lSw$xgs5KZ3Oy5z2}mrZ|igwx9+R4WDKvHL(mI2mxmC$VEaCh-M5aypaIi zzbEEQf>7x&%!MJkR;|_AELGs>!9>Ck!anlOJLM-Ya)l#_04=yZ8M}Yuf-DtI1UB17RluR(tk+0gFIjYZB^kr**oi1ZDciu6bd`%mud%KHb+Orvn0a`bfab=#TUebC+}SX$tbIl zV-*jZ0FfkqG?fe>Gat|9txO`vpDN*znOFqFb_B6a4rzYUpZ8j~+ATSe&7dx>b0-^FaP+bp8du*I{hG;f%)4TO%@{_%sr|oWkJ?)LjhE43#x(&JB=DB zhv`Q>VVuN>wFU!5pr3FfUQ8N?$3)7koslzUgaUOi(TajQO|~o#J#xfMNg7g216Je= zE7cC8RIvd<9IVh`#0$Fh-d8^S(NFxB-{{s#x4-)Gjha{7#Z2}u?SxW)a+tejSg7rz#&otvrmztn9cP% zogfIWZmdIC@C*_GL|(5{+P${EJ;XblR54V==>$>a_7h$znMm?WfstypRVp`Nr_uq? z9#(Ig^$MRyr%rgrZO`OXzuVoal+~rpfG~)*Kovqi!5jQ^1`GYJ(!i>W&yzHo*n?JX z4UgcbFwfz{^O+!>N@8Fm%ekv-{ho>wYXarA2x?|xt3AM%F)=i}VL(i$Ig-YD&5Ny< zYg73Y+#_g<5`zFa$d3~@M=WBBbGDb4Mz zBne4TQ8Hzo=y0=AVv~}HqH@ndM#@7WihvQ0%umxxyJ=zeBNiNi8_a~^Fr_nVjdoYH zHb%A~JPIPK11Zaj$BqOF8@&#Q7qcNcRV zH|i8qw6-(VA)~q`jTbibBr0w&2>k%f0P*4f_Io`H7|^7`1XjNA8?gjFGB?ljHR$vu_9gX>|GEG1 z(VzXUcm3=;-~O@x@T*Iw&kYm#NP0e!Ti}Oy;-RTYMnn@BA`DPhu31z^Vi2~5^V@*Le`Z4NcFcu1oxEYN?Ds&g+h(sK0P%%ju?MbgD z))9buVIh#-ytwkIU;DMM|Jf(t5#4yp&3E4Q`a{Q#qr2OLq!y;YYAv=pF>Eye!vq%U zrZFO*0cFAgQy0|5CWafx^G5voY_HLZld@M=wq~OkQ zXb-E+_I9&IS@hD!Oe!@~EUs^Dw!3`s8jUIUrY5Sc*=&0Qy0oZWtFU|=PJ#PU{cyV^j%7QI|2`i;zG)Z8P9^=8wlT;r?yxG9shghD5C znX8-SAn@lWb68!0Es{`m85)Wb|IiP;+d@Ey1sRGbyE62F;b~u^C6eoIKKzkQ@oqgR zt5Sm-1TTiQv5ZDY%SYD@_pm`N(baX8)+c}v4eall+x{#yaN;`8ojh$UzmW&8-C;2 z%UG1MY^H$}{WUh7%d%CR`l6dP-r0oeO=fZ)y0ft%A06GEM~sC^qt5Ri&+kE>F4b$u zRhv!Vi0mIHu0u3IK$q>e( zo$cDN+$;pCbUYYf;%zjCJ@h}FbdN_9L6|NSi*t)%Zen|F^NIVu`t?tK^6X=e(rZYi zGn2CsKNAh|{3s=qME$baSQCMc?0D*AR3nq9E9-TD9W4WlXiO}SX4wx!H)bthSwibD z&f?fVk2SyqBX+0RISAC+Myaq`(I^=b)^Z8ODDyey+=H{{NBs1u`@a79-~5fu%a;zH zIDYHxx1YG~y6KsjCmwmKTJ9zBQSHAp>Z@ufS?|AE-ufOxo*S&fon?3jFGjIXYS@e0Hi311U_t!SJ zhP*4FhjB4GIfdfdy6%0Zyh-cCn)N87cBrTbv$ z8PuD73@(<+#&v?j>U}?jFxJckE+Y<+VYkoMBclE^SmFqcC%hQ!G*V&iw##+;Xh=aO zkx*mIKuQ!+Ycwvbta*uWB&W(XK$(Lf++!^8C4mFvR~onxhgh}UgsY!R`p5Q8b6Cfs zE8DeNqjPYsAP-SlDK!E*s1RXoXWiNM1}3o@jcX0;qs!aPVkW@$)u%4v7)?GX+0gj0Cwzkb<$K!qA}5B&*61qJU~`2M5xS1waHPQ*a}FA&lqk|E-h!!@1=S*l9rUfh7P!X<@T#rnRe8D(xpi53@SLR{5MrrV9)mw*5F zzy8M`$>(yn-f_pt8*iMLoCLM+$De-c^wxGWo96{w=0y{X2dVg~!N3y-ri#BM3r_*q zZpg-$wbvT`Qau+57bfR#y#AIOZ+XeJH{Nvf?KjQspXUb^FiQRSf$Oe4a_sQq_dnEZ zwldkYRSk=SX1i6Y)zEQDl`__$JbTV30_qsGs7*eVQb(2)Y&41jJOaMwt(D7L)f#3> z^g7mnr`USi^%{H|Fo*F%>A5hZjfHoTNYtCHa;-KuG08em0?xnG9(y3a>ecFYU~`e! z>vra*CVIocLOGd)9N9a-lKI2>jM0!(OXT-lj}e2trx0=-O6kxwIW(0j~nYiXrZFfXNGe zA5{R8kpZ)yq~P@pevG}_>tzD(aA?m56l%g40u+MHL@JsBM2hPV} zRv;6V1t}g#iQ4W0%+`H@@N4$c4Al?wYF=1qyNtLe($^9|K7shd4CYyxU>aVGMP#hCngv7 z9iE?E%%}3bX1iIdL8~6WH_W>DL6FSmQ`zER7~fc4f9xyw-}fgUf9P|cJNMXQ<&Dkk z#FQ82#k&GCxuEkjL`r|I{cX;&Q4JN$V~Z+KU0}~6h?BYuySVU6TkHDR-b<2rkA|*);n&W znV$uEfK^W{8f4RtKl0SpMk8Nf_fvNuSau7JEui+=Q5{6EW5uv;>^IA`Zn=>h#22R) zuD|}4>uocPsKT({o0y-u?zS6GKm6p{>Uyq_<0W2j z91NGYHnX{0rB=i8b|RODH036SCf1JqAdyJZrC`lX4vE8%$49~ko3$#I!|;ZHM@?Yz zD$N$uC&sW!JN({b?+{=oN=1?tQUG=SnxMd1hI(rk7isTg9Ufb$@i zft}))Wb4fy94^p-8U_&ojtCky#=r(P^5V*Bt=ml`60&zJ!&r|Xnt|)=W1$D7Aq{*~ z5de176o*zFLi7fyMEv-^S(pRR!hw3~;>IEtz51pt!Q?jK$5l`*6f{uj;~;lZ9o;u* zs@Locrt`srPhV(a)gC8><1~z9Q(?}0I(cW9)A*H0F7q*=WqjV3qb3qN9I(d@G4%09 zt9@mCV_{}Gm*Q8c=-Jh4#awO*&H^|_(FJ4GW)mY~0_y_H80A-=`R!o74H4y#kMr`} zo=5;s48@}5rH#Ea^Y8oTKXK#hUNP);BYK`>?c#c~(PGPSwi-aw6O+?>7WNmjlkIAw zfkirczYkraG-?3mFP$soCuUOFiB`RH@##~K-hIy(|L2Fl_Q_AKU%ph?+)CvqQxkKM z1RTJ8Gzd{Uo;_s$U^9(%OC6XVET&2-%BEF_wNz(NRgIW2ZnPvMCQ9mIY!q-suqScc zFlzY(@+8O+1dfaLBQnQWJ!2O*dLR>FG?9JqPe1e7|MaU<+031Hz5c+VLvVTedg*4I zkIrL;NI&-Q6QzxME2@f6w(Q_AjVO((Qfb# zY}!PY&)lT34g^HE-#@imZQx%XrtS8p|{71R!sEqO{I_@lT)5~gn| zH#Hlk^PN`jxrZKo=<{EA@Kc}p#%Diw@#&{ge7_e>Pt3(a`GB5J_XdpYW(71Gn^(N3 zZ-oJ>mkWtt6y4QmqX1iJOs}x&W!-`ipmA^nc63}o;^IOWN*pXSqEpx%7|#|Q{N-@*Qke|j%0~Y#6&A8yI)tL)3IFj2ABC?6tB1VS&TJhOL1&J8pos-n zUQCb2`rU4AyHek%7Sj1U?s(Z7-umWS?|5mUFkPuN`TA~+FUmroc!;)JoqPe_Kb!{?I2P)n1}p*?zVYbd$~K(Y#pyz~+po8}$bf+Z{cy?s!5@Ux6D5G`!3Z= zrpfoEyEAvNet{p$B|YkYFf8*@hU?`}v6(e$j7}edT&rJLS@pxDvYS7E5^NMuUW{kB zz;K~~Rz4>;(%GBn39}jM?RLA@jSc%J_RbVCN!Va$@WOH_mGozdDRdZ$ZX&V-?ik}K zKSo)a!xB&uc(WbGpxnTf>Ycel>f*}Ah4rd#_E8!*42MZSF_DGUlZsU5?P?X%1Qn*& ztDxVH0J#t&S6M2a=)JVII$bPGX0!YzR2w^aBJm8KPCtwj3%E z%;Y}r&>8ScNuaTHF0CF16sD4R8@$%5Z+p*oz2p5qjq0#4^9XJTHmvRS(L z%yVD+KV!dyIA+*t*y4XGNch^(xUb_LW}ql3{PMhz=O z{UM|_9p?p%Q?V)0q70H;t?j}rSx1w>Q5(t5fq%H_slt=@J@Bc2|BDlT{B>`B^Zeo> z=wb4_Fi1@m{7jNfDhBZ|eC)x;O6&Dp!F)XlBhbjU?#8g@uVJg+++N@AH~Rbb9(u{k zUh%S5zv}okCsLVIwbEE!-I5ncwgd_*RZ!$eqg=%ph2n{4ZCMU_H3T_&>-G73?(zE{ zLbnK$;R@XFG#?KymCK9M(}}oO?{u2o7U*?9N&q*F?7;#+0eQe&i*XA3=rHW>yj6^0 z5}?L0p1O|mBdEXtk5N!=)ZtX_nVJ?4(ec1cpy!O0&+wx5lWbO9SPg=@ZhF&VEd#Ikpy3bMjuac(u{Jw6eKx zwwS>5U*~I+zy~>f2uG{Oo(XDV8K%i2Yw+y!`Yo(*VLjyCfGm~p(kWQIShq8PjSy1V zY4T7q1(A==DqUUMTrXF{R1##=p3*@e$tfS|3af`It3-)SM%Y^=Km?&;HO@$IQ|aqL zE65AKdTFDwzFj}QZxXCU{H>tI*bS1EIEum=?+~CEUfAkR=EJp8<(W&HexR4%IZB=y zn9A|tKK|GtqFePUrZwcl%vMaN1FZT-a=V5iQ<@KW%a>MG3c1{LzR=}2_nMt9>|Xca zo;@5G7<4>I!|$VK5|~)|m0sF5K4rlPq1om$MpT4M9)AdUvD$h$*69DepZW)Py!{Qs zc1MfN5lC^ELN_n1Z*P~A$)usAT32Ul^h_?dZ~uXrshMcEUtZsUSg@Wbm$k&-rdVWR zr=dJyCX+5qWDAptWTvuJIrsR}kKgkZSipxq|M~UHOSMwT^OKqBg(z3S*z7_uCQj2e zwXXohQAQdvBZNE${`*-p>< z^WXfgyOL6dvvxP^#{_w`qMsaF}*~y$g zS15gS_~vo=;FZmCX{{9csbj}azWg<>IezkFVPZn}MReNDP6^|u&Bw8wG=%XeV9#kc z>h(%>ZvUL0@T?pag1Yhv&Bfz~_8&U%d4MuT-n16N$-O0bQIW_w9;r`RjrtcXBkYT6xySsCW8RWLkwZiCv-74mr7-lNuCiK z*$vRbxIssHMn2YPHmBjJCW1mfK(|3E)JT?eWyD#^LS>%2w8l5P$D^3w121-HajM@Z zPk~V>gOx(y2|?yWZxT-iZ~%cxOj25+(@SfGbaFbMZg%>7cZuT>h1L6B5~^p2k1@uP z^?@bU)eL*?0vU$6bOOE^l3U$gsn&9>rPFu_BNOPL9pKPz7gtu`4r0DSZZYLSMX*Th z(Guxo$Zn!!>(xqYd5uWuS?H%+*G#(Sa?F4Tn5! zoJ;Y7EL#dqp?uhbj8?DTyNHgG$<5~TnA@wZ7W^-)+7Itpz_bj_ah&j7j7`jqnN$e5 z==}=d`thYNdUi*)FUBjdu~_-a`ed&7V?X!7Bez~ZY&K0@y8#$K^m~oYrPCMv5KA)} zajT8n^E3r*Sv(P+oSDA$wwn(eI0*Xf^{rN`<-zUKH>_xG*_hg!!qjo$DI~&VwlI;- zPsaSPUT&Oy?5T&p_@!@r?h6lp{tKrcex$>fkH><{gqNL;hACcjf&j?tT8hk!9|5?X zh=Nuf4h%*~Et@F>@kHRq02QU&*z+i29Nk|@F1CZ_n2ASnlb4@4_sL)W#dN#=x;MY6 zP%QTJi2|?)Cvs?17%yJLU;wf}O}{>IhSe)fJ^ZzAte?9&w`UQ2c!iSBG4ON*%}6|o z8Es=_qr6@&t;}y5u@$!9#4r1i<`!ag%9QNH#j|(MUX_Yu;s}Xjx61+t6%DHpt zTxxo8cG$Cy3?fw()ZPBX{PeXqU$=60>B9Mo(a?iELYLbrm-o)hV3IC38>kBegYN?K zl!w1&FxH2BqFSfT4-c71GA&XR{;kn5XgmFWA;o*?kroDg6W>N@d(Y$)>41bLl@TJM zyVQ993Z~$J9~&04xlGzmg+52VS_(8ImOjx2P|KyYtwyKI(ZZJpw+}B&W7>74iY1fRtCdWph_ZUK zcgC9a8r+0bCJh5e_k1vzou9epx|0VF92|BA>sMEsjiwjGvBD+&s79);tDIE99tPLO z$3iQeO=j}Ls9)YJEuB99;Ag+^)sO$_qhG$~{Nqn-UR_P)Cxc8eo|%jUN!m@m{lx_O zR_Q4sPi66FY7`CC$rOfFvPnXe>r(t%7hoPWoec?>I_eZiiw3Eom%9I>AN%?r{O+wc zTzBgoFGJ_#GwDe3V#%qzpA6~ZA*(SbM>2^|%s&3WLzkXD>v`!$wce~Zn)Q08$s3K( zrkg99we9-e{fA%r$~$j*=^cg12}r<~z|(Dz1h%6E#|~h#wv7v=BBJFBUCv14)MJld zbK|wX?=uyR&-yr7U|LeS%=It3#q0FWJ$;53TY_Y{R`p}ixrvExk2kuiPe$PB^dp0M zt6gce{CLdgcl(HEb4Fs@4fnBAD${f-U>OL<__;1W9?$Y4L72#+Ft3-_R#FLm^iiIS zbqb1x-ij42Tq3aR_PUER)2YzQgdWWy2v}297k^bY@V(W|%38UJo{jpJDpf4!CJSkf zTAB?RH44fdfg-UpG6XR6D3Jjh95j2~MyHLy;zV}u>;yU|=G9hv@bKv?`(}#Mg%pM?%T=Ap zL>V17yN#5*b_yqkMB_b<)GxXw8nD^wK5}{~MqiK0CoPF$li73t6TlpthcJz7H)@*U zqYxmMO!1~rR$dKkxnN!N2KkFC%dmPg6Gco6<$42}Dpkr0(=&F@Co=GacMlEI&85<` zb1Ij!D?6EwRR#uR+>Z}By^XWWuX^+AzVAan8YGj0R@=${Vt`T-$wY0VvUL7(u26JU zrM%HWzqhfvlAkDse7cUMwcEXVy$QFpP|P1aas23!qp^N;{mM$MTJg|M37&6;sNi6- zaSzohOq{irykI{F!%Q}nFJiGxerEOT>1M5&nV1PD_C$ho zB+&QjWoy(HV&W>K1_j13wj}l;mZ`l%5*V;JbFw7ukHKF+V@(d4;893vj%)AQfF`@Zcbxi&hHxibFR%o}XpvV@BOBXKo zdhG+(9OW4d`42|J7Qk%T>wB^IiCb@)DHhH@`gFb9O=r^UTbm2h@R)p^Mi_~e399XKHPeRs+itZca@j%_-YU;3(tMJiR7zmA(bKmpjivQcjFT(9VAz5q zduKUEuw0Xo21VjY9{v^PPJ4&3fc=N@D9=fpyRx22hO>n%#$dI{w{;;k{vn>%GgS(7 zo|^&9Hdx%&`Ke4uz%#pAl~@uO#r?(~jIP3h2~9Jn`J4&v?91KS6SKwb=H?ItrLT zujTW1HmlkRjZOnDL8}dudf>>RBZrUr5r1=ety(J6>*GuywyYfI6ZaLx zCnxfJ{jJuX0yDk@GQ-koX76M7eKp#MzWT1W%`NWB=5nn@6ExS}bkj>-dFO$nM?60P zV}x0X)o`U#QgPvqe1se8jP8OE970qZPlVOVTL@dh8qMbMeX~A{GLqT-nGs|<8dyHlg!DTiqPlmw2+ze| zT*mUbw|};XK~$~l+6)$IA9&BZl#{&;Id~+!@<$@=UccVxkP|()NH!IxJA=X5?v?9p zSTX2D@2QldNBhiRO*h=0TV82&yFPjV0SRa^nllrXKi;AogjmDVO;d?VBQ<~?C*^>B zY4y4oiCE!glksa0>;V;%qOqsWufYR7v3H6b3C0ybEtztt5f*QF0L!2tIw~r%5dri9 zpY7r2E;nJ*=>>t7N=4;z$qPeF6tu^Szoy_F*O~gl9U%ENeeh435#90mhk&(wFXw$ z3;XsRJ$5|w!u2bw^>PLNrq5U5D+_bzk3BmmFTzk{7RP6@k6v@_^xQ0_lb$|b%l=Mc@deGs=p`T*)ed6bQP0bdaEw@wL2q_ys+h%MfxUu!jU|iW7)KCu z`l*Ynn06pzJQlCk8Z(9T%tRi2RTAh=VVHw{0FAX{K(NM!03;Q{X&8=(U&11Hb!)nq zoy?|MJYUBu$3OT3-$T<&Jqt*URgFxpX&Ro9Q=iL>&p^Q!W!cj^ykq-DGX=OBd89#pG z;RVhcT>ZsPUEbWN)NeVuhZs>Z8v|~)gEKJX^S~NfY89XwVIuy`XD(IRm?T|OF`XYs zOXgD<@p|rgGUtJYK5TkiJeW)L#x5CZXS}wN5?$%*6Bz zN&^38t=eidrswwXG@+~&YC{z`$!!*5D|CBY_QK_#ncK7f&=IWQwpP~5n_FmBPxBxB zO`Q%KU~%5&=khzXCWch6+Kje`$yhp<6zSUuyUv#brF{B z&F+8hkw>pQaV|3Oij$K^PF!1@o`D*z_Zy8s`516<9@Vq8lb$UH2Z!)T5k?WZR6#1W zwtS^h+P?9nHzqR~jyEu|&A7;MvK{7?FrB>VWw!;9`0{fXy2C-CkT3I%vaqeLpPO*# z1(=EJoi;i!I%m>PG&>yx*yTnQB`r%(_n?AlYv2`5q|)p)u^2q5^)i;rt=Y*bXQ8Bj zSlD*23x>$kXf+pSriwW%UvwFlZ1p2ZessB51Rhzv%R6|`8GHR+tUoxsIHi(_Qbu-D zAtVm!K8lW|HKZbL2b0wwM$av;`Mx(-%s}Q+y$$;K2j6YJo?s+8^9$GR4%p{mwjR<&L2H99Qd z5F#NZiHUZA+VlR5*f*bD+HAC-ENRyzCWBxilM#X%2W&U$80qW+x(I|>tB}#Rp8+U< z77t;rg)c4B>gChfAmNp3b>K_2S~itjn3_i6u1WcsD>~tsFv)!EK^YwM z!&a+<3Qo<MAq`w7J3ri!ZVsdU3(1D<|Cm~1!NU;X$eKl7h{ zE!FS6`R#Atf9TNI#WV0yVVF;gC1R{Q0;U2*u~|nzzm3P|_MLv@vGRrWm%RLSxk7;? zu=)KSym&O0q}cgW9>)hj_TyqDKFNd?g3gBJag?6trPH~U<;y2;z9v&Fm^-4}1Xhv< z83x7CQrI87>DoOD^A{d_wo$M5eGlf$I+%JRGpS1Kw8&I%x2jEaDvn}N0V^spB%nMU z%_Q+vBsr{ehY>7FP}-Gs-NnL>4LKhLWN4pqqZ#w!?RLA6NzPB?;N3_-Q=|#ZGVq7T zP;a%?%S|`i#ADm#+KK&heC!HQ6ACb*=S~P22j(Xg)PnL|og6@wEs_)-E8uxy^LB?m|V z#UX%6VPm^|Wvi4(25QJr0btL1@IbOyG?NH;XOmnf1N8*eVU!PuPOtAi2r%fs^!PqK z%R!5Os!?$+Vx!#!^`<+M}3l zp>FjPNy{2Ixmf|N1cRX0>OA)4ul(7s|N7SHQ?GjUYhUt;SE4LCi)Vn$iFBCA>hWiC zVy#(eW5y7VM36BW$@Av+Uw-D<)n_gqJ9cBI%@4vfhy8l2zqGxX@q=XG(v5iY1Kxf6Z%Zy#$*ye6a{!xmS(4gKJ4BU>3NlA zbE{I?GdZc^xnurlq|$C-=(l-mSM<=rY%0`Qa{iDA6)>bq^NC;>^NTB+J@q&Yrberk zPx9$B*jSDq0#Yn9cZ^6%HZ@P$C;_8TX3!e>V&s!s+f~eMFjgYf{6lKyWh0_im)ADRE%-`Y z?x`h##*Wf4DlDqQTaIiWJG?8yfRzSk_#l^7OJ|q261ti+1J`SO>(`$K=<)B98;!e0raT05ZVaMZELeeUsRVX!)_7FJAC^Yh?IYo?+p z0rIi>$^ek66ys4<;Yy6-gLe+aC#PrU_U;?@yQ@nV8`W|mne>B@y#cf02*_X;5XBo0 zz0I{to#uL>SeTfeK7Q@B*WPf$iR(@tId<&e(Iarg_8mO9@8E&G2M*5dU6`1fjCA{} zXV08_t6NxH_+nC$f_nzO+Me5!+Uxl8k^q%2c)a=SRnv(+C&(i-d|l?dGw3- z#U|#@H@188nUin2{kAv1!kf%|>4ArG5kH^d^Flkh5CS_DF^=u1Mm~yuQje?)VrmKm zIBjBa1Bv8p)3yUqDmJPDKWCH5X0E^EmP90a;fZHE{eC=j&*xZgR_*LE z77A1cltDB_QVIsgDxq~$0DFEbwUA0u z>xUO-3t7E&$#IlAR3<8qBh>ZW<<%~i?<|HMOn-26ah9}_!wDn-v{!&KvF^xa%3?@) zMlo86cp`E7{MBgO+cU|PcDdT-{d!!bS|+KT%o$}lSoHJGmEjO8`9g*-DMhb^9V|84 zKvEc9r*ejj>tnX&pxYmuUAjsuEpG)?BI#IK(2zgxM1$2+UC2oyNNTftu4Axja1^So zCUW)ry(5d$GldLTqK8)--N(;f$!C+tcox91B{R22T$@UEJFrt|1f$4~x5=woa_|C)70#&^>Gs$qC)f$Q1^_D(u9(#kVnagqEV2ZpPZVVTNw5`>z6Oq zs};C-eu75-F9BH0X0y@ntiA2K-hRWax9&Z#KU>I$De5LnCh73yviU+`a(a4petu#9 z{sTu2A3kyX@Udevvsm@`^_7*&k3IU_*S~u9!LL`AuME0_ZmZYp4cpC5ZEJh;%JP{9 zzxmK-KJ&GYePZR*bJv|b`SMr48tZbpn!IIqTw#KrPSVR0jIpLikg1joC?4@*Sc}K{ z@!;%c^NaUBv=Q}YZaMnucf9sxuep78b_&_%7iOjo?D_aTU&#z&Q`uZkt4-quM)*;G zRGuq}{H@Pw?8rg1I7`(Llr$mb?X7e=IB@I`hbrV@D_DDts9dGEAN?^ldB*wRO(%~W zIka->+{XH5oKFO>Vl)_Wj51O(>TDWWbF;q?Mxt4rT!8?`OwFV*-C z0-7xCfXSy)0Z&ws0vH;{R&!~6bs}F#`d%0$YE4?bP7k_m9bMdu=?MJL-o^pmNTX7_ zdTI4-KlYwGzxyqGQ4Z%5fz{@P@Z#8Az#$Z*Q!8gKmA7hGZo{}_^SS5M%yCf!a}E_G z123i>a>YjVfJn+EkbEh-$__f!ay!{n-&dkk&5sIMX6yE{(VqpuNpypPJ$x1S90QOAf z3b2riMOU{fcYpKrryn}|?D^#zZn^RM-}}9{zx2k*B42zBC4drh)6De5zGM48@`bx$ z_-1oCtdhjZdNi4_-?$h6d(=_(PU_^?urOnm6SKQltCahL)-^Yt6wajMz}S&>R|v68w_0rPW^FuiJK0iDU;Ozm>2@MLfYsaHFXtHN{IFMYFDpr6&2a}ge zCKE9a!+*0@Yjs+46O&dgJ2_KnwV+vak$gINXknT+(6Dy$1;kjKnE|fiR;9MQRrR7A zTo?-&8ih=9ab^MvLcz4k+9ZT>?~G-!u^0trnTn7WI!$Ggo8`vU)h$1fSeVFyxn0e0 zR5&UZ4{U;Hq|xGeJw&phpW)-Tyse>JqwmU6(5Nz5$imiRCSHPF-P&H>D)}KFzeU+< zMDfIL40;+SnMlAP9w9^uhUy!paSiw=h6PW!(&}|#@{a78!fXTSdxPOq7go2b_1lgv zWYWPdtEckF(lF@2+&K_uN6Fn-lSUpz7q7M2Uw`tVr*EM-O>+-FE}c#UYzHxg@pYH{ z)gIVG53uI>WOCG2d<4DLY+PMmpUM~Ds=(K)H{0lYT|UxRJ+XJ6J<0^>;)K}M%geQD z>j(dT@4xoWmkb(u)a);VzdY4I;s*)%?aw^?R3Z$DlhZt938eKVl&!W=cVtKbfw3p4 zby-E2hXk6!93Ux`Elf?%MEc$O=6b*1_X2np?EPY~127ZqR(*5j)U7YQnUlp|39bb8 zE^a6*8i5^zGq`x*;Gtv34j(;w=ns5n<9;{m2Wz6k?skrt3zd)~Hr)eCbUp z2cT>SyQs>y93yoqq8(^^y+kT`-OFyC%;e8L`b-n6lN7({%#x7}89Bw-kx_#44olEkYwrX|&^=?j^HH!OS2KmJzfzPXbRA7Ioe>5hjrLA&RjyT&@ zDiC{8^S~WO3zvQ-903KBR#gB<2L7OF?4bkQTmuQCO@1kzwh@TH_cCFk)9bI5>nzY! z1Z%;#`yPlhMjd@@%hG!Lnp#hF4`u8(4O#W==(8fcw^{w|L$Eg(-hMfH;Fe7xM<2 zBZ@g3-YeF|LBNY+5D@rYm*0$c^v?&GJYK$F4TXUa;|+khCrn_GRr}=qPyEuy9=QK< z>&Dl=>4X2|{ont+Z##To?^tHK=WrZ&ojr!(iao-ePVeZ!eLw!8zkkoh0lFYZE^EY|j6G_prc)U_lDnFcN3K!_(c$II%}TQg zrx}iIDwR2P`6Az?%&Q6!*bBZRov)rwl=&6~bY@nSa>ZkC=S&&wU#xK~mEZ&ER%!Uo z2`{l;sxGfppjDy(e82>%V?{-%uBjR_!i=ga_{+Q~fhlm67UqiCbh6fLU)`!8A?Dh` zWkNq-KgSQEBg8xPh6DIM{J;Yw<}+&O&V7t^G?}qQb`(HEq;q_*3*~ylUL#5nXXYJ& zgd;b;NQ+_PKpsMXSR92Xpccl2#*vTr3ePj3m_2goBuvb?tDEFYYot8bv2)N?F~5OQ z+}>fav-rpiqD48PhUsJ?p9#%Z)sJ|H(CT(gUu=FfA38cq5do1L39Sw3#qA2d5AGb?#6Z)#R@RQlgaf z%*53E6b28*DBA=Y!+}*-jdV2CGf4>KWnWZh!}#p?_$^Srr59c<8Spl+W~cp3WAor$ zFZs6bf6J?W;M@1V{?^L=;!-|&D$;sl?c&9?rFsjl0KaSO$*n~$-%s|3UbR}4dj7Wn z+`biD+KWKcPX>u}a%><_yiv1{>9J5OLC!C4{`Q|g^q)Wb_*QD}dw%!_fARxA_KG`h z&SvZb>VF}iE;4_ycAJLpCw}V3?%lrf*yT%bg*2!*2s9{Y<Z{QE!i6YqM@cQ5#vOed1) z^oMPJ;U3moD-GIkn!iZQqgxWES0yI2jN&}%*qp7q{qBX$^=hj;uWyK zK!UAG@q=wc&-Y-lSGLL?@j$TGfdSP{ZVC-K;(T3AW-4+)jlIEzm32x#17q{0p8?{;!UT{C)4bH*UOV3_&VsUDA z1_soX^Va~BDh2mKYIxM2&<@#tEq`OM{2c*oc7pGo?0i7rKqfeb9F`i=XHX>zpF0R&<& z}9&!oM$2dCKg;v41C zW~Dk+DD*o$ezsz(+9@}t3dPsF_Ep!v^0wD}&$k~qdU)Z;{+R;{SVB`rs`*H;Zv{*K z8v*N%4h+E``O*W^dlvbGkTfHuu*xDMXQFjLfUds{N%T&&vl^9ci7Iz{y)Q4FzVo}^ z_>x<1Z1X(`e7_K!K?Ho?pP89De*DPwH(ht#P1hg0;dp-EOe^he3|p5PrIkv#(P~c5 zWDhLP1&~AyM8IE2@3`i~kszVRLjG5Pwg5|_>B-{B8%})s>kpLHwiXK$7(Vpx%t^K>gn#TcuTZ~` zd8A+mtVP_5!|Kf~%)nE_utXOlxh2|Wz<}a3D7GQSfKqJFLa^G+OcoBDIGjnQW~Qd^ zc>SH(R1(&?y1vyP^l4?F7p{57){fIUJwU|B21gcyAEJD8s@u&4VY}ah?^vpo<|n2> zfZnF}0rTVijb`(@!wWvgJ0v%j5(S{TBz(SdYNOoLYo zvto!SAZh@E!n;Hv<&a@vl`rO>JG<0E=Zwa54VN97#z3lM*CsFC>c|ThXsTj5!8@ym z(N3qgRc)h1<%sFeH6UF*<>RH;XD=?bdc8ytqCJIl4aA6Kv6^Dcq{9HK9@ZZP@)8Ds zU{Z; zGk@~+=QiT`H+;vN-|^13EH2uY$^O>?%*}zt1W+vGZ@BT=FF*F!g$q{>6{j#n&?Tr& zsf!8|Fqc(a#)21(b@x8+5$SfD^+u!F@cek8n1lI%Po3oFw?uEiTH#Mag#5y&!zw{3 zrV+I_;%J}&)}Ha=;vBkqeZ740_M2{h!<`5A?TdGMol>ofxxC$h>&M9rRz_LOrE-Rk zf3rR~MB2S>tJn2o7$5O+wTgZ+Stx)SCa>OVfudfoV~LhY=@T3#n)N+~*qN}pUfC#L z-K=1~L=x&AkH(wrHXNGcduMxG-ip@DFozyZGJcFwomO$mGx`Hq7*!pK6lRJ`SJt;m zwca2a|Hj4q;qMRV;7ChqD%_)O2h@NW)i+p1O1; z3U%_KG1r=6>)MnBfDRguM^lM}+-YICiHN@u21=nkR7$Pgq=iMXz3xj+>`U`Lm42MJ zarYlTd!-7iH&@sHMlMnC*j3`t5F~(&$&4<@Hj(H#m0f@jGAp%G+Lh$M^ihAAHq! z-gV@*8>SB~20?Pz?he~M^l`q+549slGPQ$XRGsHn>wg6x*f0`LCpRu$y?px8?7|`x zh@wy!=5}Zj>8yeJGH@u6t$`+1qi{31&>Fmv+q?JNvr{)8{qFDj4ov4r6_qHIU8H2i zAp?yFpb7|)%VqX1?78Onp&M?#aeDuut$zHG%UfT4>fGv91-|iQCK<>b`(HGF)=pyp z6JRhH6F#gSnh#7-*+jx?w%T8O=(&&F_iQIO`-8-|^IJff6haWp|{m}$p(lt_%ReG#>E;@K5$gcpJ1v>4B3_BnO!_;Ix zTg+`de{$#{!d2x0XSPAoF zL4hUQ>gL)+F2@%X4YA1OJN}^UseESd+yu;q3Lgnz0;%`4THUi()-f8W873hy)@rnl z?VYvfomeXSlYUkS=4O8EhC^K(6F>VSN)2J(ABMRsNS=A_V%+y(_1+<7q9%z8=HO2>K6QvweVKj5{ln|{?q~GnmRx~N*x9SqRy&(YT(fV6)W*kP z-1e-XX=DTzV@1)B_*ph#AzmU;YP6m@$9IdWTs4dSlbJM!rP>ZnuvxERmSgsAe}Khq zxfyncduQej9NK^LD_`=4cfakjG*-Qv+> z8$IvAvnvlhcd1^h=TbpF#Z$w7{R*>>v9#v_nwM8ti?!$qIJ@snZbu^!ZgYfkf--&}O-EaL?3aE`#+GQI^dZ(Aa5l zWgQb`t4kBJ3oPcR5~$bH&t8DN(s@0V$@;KEV$Wp;;_dFB(&*$;i8R)?^6fS%O(11g z?Q#^*az=GT-7l`JY}FbeUqUArkXSKiEy!L$?lI%R>Wz#NF|I-kDWi_cL8)NZpsztB z)^4?KKe4}%O`ZO1UnqbYX>htRuv+xSSCjgwC8)BX!M~c z&c_q5dK^2{Cx>h#mrC|#M$%98%Zx#gu~!_?D2mUfC&rO1?WDo**rhx#}nx!25+<3{`@zd`NR93Yo=%4 z^0sgPj&FbML?K5?XQ2Le0P_cI`dDHt`uJtFc=U#o$D*0!C%=5pV57YB?CCR)J#pc& zCs!VQx^e14a4?O1#dC-u2xI=>-XAIYL32%IjQNaG9u zXdO*{|0Aa(F~5(xu_W#wTO#fS{b6OTTv^}l*4jr7AAI%e?)>(5f9E@X^m}f9 zU@?+d7zFb@Z=vtcwj=pkFIR2_8~cX8MNfuRVUl_0>pl|EZ-1 zpFZ1acV=?QOqf8%zy7ipbR0VzJu!^uL^AQEho1ZIcRyK8OuzokZ+*?HUbb)F48&xQ zlORs0zYW0J0CpA=C$F5uqT8#R7oI%z#8)2r${&9E%H0q4A3fVYvy@q{&bK1Rz1%gK zsYCgx#dL8hmBB<5aD9iN2)X20yr9*2jUjruUM}3Q|KPPp-E)eNoYIeaI6&iy8G%=d z5i!XDJG0@LfIml{8EE?Fa-(?XS`LV|3;FA;?6TU!&kyywR%E#3>UUE!NlCUYsw2qUp@bW^2?ado2v z*UIxeEg^|Q`!rk4lZWBxHa;^bzvzY-51nqeUr6~nbv>-N`=x4&cgR2#J8eNU4>U`BbyDNp)m2QYP8cSd z5Q;hO1dM`&?+5l|j0ObKjF$z0q5VZYvFX}zwcVu68%Ell)(r>u%unP@*IqP!_R7YE zwN0e%oyzZz-}3FReEIG9d^(fz!_Y2Sm=o$;(Z3a_l&h;3t~~pV$G`s3&))yr zfAa9}ee(RD+*A6@L)mB67E6PZ!NiH&^xo{mL^8u6pz6Syqu*+*?5^C4hy>4dslHvj z;o#xxj`I#DR#C&m0@}#L!T|2Zd<-LEh4@3*$f*T}ErmPmP22cmxaqX4pAP4a9yoUU zO}PUwev`AAbP5h=Z`j(d_T;9)A%*JsNFr=PxinpzthJh0A-4bj%>4(PB*}Fih*wqm z^0upe_w?8uyR+Ue3_*|pK{y)mNRgDN(@~a`#J}{Hz5Cr!l#V)5(oysv2$BHd2oT<5 zv5WQI&+d5FJ?+c;%Bs5Wdy!RbrpN8hg8Di;D>BTB7cXACc#*c*%)~-d!)dq?AWOo? zj2-@@4&LKcET3B{nFgP7LmaXoGG8iVybq^h9bP+CT(fJ*oZ?=^l9Y;LtVD}pB4~|` zU@#PNUV8bY_N#yEL!{5LQdk0X<$S$bleeL%SH{Cw7R#-2y#<})SsdX~c9;;*XZ(T} z+MWh_jAkY;R$aOv-wcb+q6j@p^&BqdP=BD=YE7mS zGvk>KUtrI-Kb>DH9GzXlnm!v1?wcNQ#Rn8RimLZ7^@x0#Br%dpg~^ACL;&7$AP`I? z9)IrjMg{BqdeoXw<`2(S?7wK}gn@j^U3q?yLz+4J$ma-45MME9Vl(I5or1hEq_ z8hMWpjRHJ4TQ}mSGaQUg8sYJd5nFAVr;3 z-auZbW?qUvU`0cgW6hqM=hY0RN_*swc19xL+@W0ooBGE=y;`ibT3CYwFd{$`wogWe zZ2q3x?H)TbhpC4yk0Qezt5ZMT0okJ6<;#@#rhE_)=4ogd;-15f+(U4xVUSm)UT0Fz z*KW7dvCx5;(T?k)7^Z^7eC5Rxvzldu4DI0dQA$vu|GO5Frg>Td^v$e9u^-qL0oEqb z;q>!IPFoHA$A9eI@A=6e`>9|4**o8J|HQ%F@oWkV`Pwe`TycSbGIo8kn=pvpoUV#o zTxwm6$IkTxgysaDmmh!L=huU=_=Tg#v&B}}olYcdCE`I*63@T8xVo!HwOW1gp(h{t?AIUo-A_IL2cOS>=LP$f z3)?H&9xE{&PGEY727|iBPn}V}A%ej&;Ee*dJlCql;OiaO-Roe$(F`bx93D`fHRAoy zAZA0wUU=SyyjjgR`D;y2oz-HCPB=>QnQkuoSU@H$)K;w2Ups$37!F}zFyT^Qd0Od^Wuq}3$6ost&)AW+ z$BqaCE^)QlfJl(10Y5qH+`MO!D_r>|VXjnv?)WT53}SBFF&eZC&lY)*5D5!?uP)hn zdC<)em`ELA%p>rtEi*BeedXAhJKz1T_y5Y@9iANKbJ1V`#*Td=PwHI8*hw=tK;`1z zt4H89)I-0}x~S_9h!m|m_0q9Yp&Cu5F1&Vh+%-(~c@x&Gn83cjNuSFvlc7nvp;@*W z4B1ZDwqY;B76Rc&D3ORxXNPvChv5kZXA9>adgg_%e(#lspYGXaa$>{@^V_l@r0ksn zGysMVi%rWmjIHe5dRT@&Gd*_q-M6JCr(Zaqd+_Cxi_5uW*iM9PP*iLJ_yJv03%q=G z@w;a$cfRYr+h(>k8<;hHL9CHeVd}I1F_*9LGC1|>v9EvR)8F`wkDUGd!}hc1wv_@q z_2_gcJ`|2wrUmVQw4jI3D&Cp``C2;9^og~l$M8n$MY&?L9=UOPX8$f;!^JU&G#f2p zFPCfrC@B(^stzLi2ZLiTL=j3z*b^D4e^r5`N)+Gf%JmJCm;(V9Hld5&45t#)H|{-n z>%pBj>~L!>$MxrzSJ5MWLoZdTQ`uxTA>Wf!C9wy@PT>b`)`{7b8oVnUvO{SKU?{4M zdMXkg$t36rsah339JX}&2+=E{C1oW=z=|+<`HH7d2)t^)`coewWvYziV<~2IyRac$ z+oWD1ty*svDorVkteCW*zP#>07Q{h4zp%VeDB6yr7MK!GIwaiR<42W;3*cbwPSs!o zs2akAG=%CaJtajDO@_PjX<^<-*lf4smT~)mnJ&M%$!5a(J#*|_$FH?o?L*tLi6|_u z$VF9(fC2)8AnlwNl2)rDj{y|KLMu5ra{ByYH(>AIe}k{ylw`7e6yHEf6?>_RM|1A96?EY@#20J+vjG*ao zTzR%T;N$f?L$`xgDB?t7p>QmSJ;LC<-R3Pj9-%h`%^z59RN^;npWZLuic}_#I;PU` zqeAOy*^uh(y@&w@$Lli>vQuCpG{%TBt7x^u=9ynf#&~wy5J6&e=-|D#?7!vUPdE%SN~O;aylY}6Vq4HWpGA(8@g z*J*rVrCvUD2HrM08%rQCqH-w6aN?c}(4_DlV19RquWjIqraWqWFoH}nNPgs|yh@`9 zTZ`h&wi~kayAN&`$AJ~WM|kqJ)BL1OuQ!o~yTM0)q`8VJ#U#=raoG!5H4i9O$+2W+ zDWvzzpp%*!JwLa6{zBo7d++8g0@q~h6rJ^f0R|BaD6THbLu?s&ec;yu?P~Ltr(U$e z;o6zG?Pip60z?ru@T`KOT()C|W1(Qgfv+bK6q)BDD|lVW`~mc?u3-r}F_hUqIuXf|74{=-jv^I!i?_O<+N(b2JR z9J2*Yc)*WEoE%0z`V1TI0-OQC+cRjO@{a`BHh;_)s{=6VU3;mHtc# zuZueg3nWOE5RjU9S`I`k!-|A7c-*|hw4Vo6(n3i9d3pZ<*y-~AqdHf&a#~tV{_2nG zd#+MS)ke8iw=9d)RHyQnV3^JGm|}$7_N6%Hv_Nv)2=F4O3mL%P`}fkBU*-xRGszgSSslrj?Fp|nnli~UnUl_bAx4Dxu{gki)6;MWw3MH~%sUIS2s z@*{QG6n#++b%-DAm{aWswaf4Nr0b4uH#M4xM8bvD)lk=aZH#Qf;bzc#f=}m!FowMk zn<5uPrjiF>--_heThd<$VA-SF=AN19pSk1icl#5^{^Oti!O#ENOW%Jy2BTmbThw-q zNF^g5dfz*K<=6h{*d6cs!imZseecBwU!RNYyX)?Eyi?uj23=WLSkg6LBFWQvgBm>! zuNvo$pZ;(E%fC4D|9tM9#>n0@ABpej0n7oZp?G#YogGW1hZBiRG|W@xCS-~t`0sRK z@2ZP)tJw3_(OtnsNhDd&&h$~h59u6$&5#7^@EM- zvQB4&Fo!B#KR)3FMj&vw_RW^&^Y6U<;LrZ@&$$}EpaAKyEC(I5OY9>_^0RQMSO^Z0 zkY!Dz*XzO-HQSxjb1Pl~D-d=F$w#}{j{wM@K%y}eSrzXLr<+BSNnpjw)=C!c@yi#e zkXEmU`kGv62V}j27|*o9|3N-Xo-4&-({(jnqqSnuwfa5XTG!oDJ^AU17s)ReqtTQQ zs^nn@+=wky9MiON*+L1TeofcwZMRl$<4|am&v+;Z=QN<}i-k&~)uxSQHL@unsF+fm zk+e$cXFvj5<3*4$pASnp*S*TGRa^u`7zEV@AO@2XySu+Zc49=e%E~!<9omQ zn}7JLzdm>ByqD+Aq1ARD_}(MEPVYy5{DZ?cz3tIu-}A4ZT3KFRTv+|LL73(FjZ&E>$ z{38P@G!66E`9)qfkn@S$`X^qzLk1*?0r{6OY6cm@GR;WPuLs~D3r{pvDwpJ8fP3D{ zMzXyo?@cC83e3&>niV-8e5}QloMxCj*T)ngCG5z)&xf>5Su(H9NTqBfgR)a%?RW(j zbOICuYk_^Fu6l$5TAcYpsc9(w4hhaY+Llb`%dz1DiqkNik18vE3z zKli1td}C>)5RIn~-*nr#^9z6U$DgKlu@gARt`fQB)j$3hzw!9L{QbB0(tAe7&9Ifs z#)d{ySi@rJirST>!=wuhWRNOEEplP<7V?z>Uk!T=^<4?5q3P@LvUp!tC9qEVTfwW} z>lDRdAD3rseMertivGr()aM<_(8d^MSPKk~jn3za@ZH1|P%t7K{6qh#c34%!!w&r* zp`mOMBx{)FVxc^@n4_DhyfgwuNP~x@CzT4;n#mwsBEt%WDL&d@l$Yw|(A!|jU{eC{ zMCfMmQif+4ks?${oe^wGqt#q46m8QIyCjpTVptKx4iL9aqS#o_#+afv#f-8^UPAV~ zTThu!uZW090NFHJZn@R~e=0ZrC(<$K9i&libXE#AT0MYF0F=54@t2W<>XfjQ$x|`d z%MX>g8;Qc#YZdYZsq5+hO3W*b!lrr+VuHnhqXdrt%R0yKTRLWJY<_t2j#$8G&=<0N zhRg_3;;jQ)Yy?IoM`6%yN_0bIm`>6APT00*$a^!2@ z_;#z^J#grzbS52(#S)2xu4{MRb@!{U9{=kve#a|zb$H?7r+@Efeog=K3-6iUJ3Nw! zWn-z4WGE7Zd?*J|73}%!GR$75E4Se>8vn(WQoRZ-y`CKjS}?6GtoZt0?_*a`;&Mc& z18*CI);er`&v|JZap{g*1M*x-0~A%HQVDpVDgl?UJpNYa;Gu)Xdb8SWV3{K$Q^p{` zJx7aU8p)_5Tu_brjo|IdwN~fU+!F1QTy5}ppv1)o13aT4Va0$9Ml77W?RK}r?*ijk z6&?_fx)G%L1h8X|*15bzH;egEQyU909e+#t5_%kZER{>5TIVVPvN1D55-a!LGbma4 zLlY>QOqR?mOJZIf=Pbce+>td}ai~_U-t>ro0AFT@H3pxE>iPrcm-3*Zs+EQdJ^b);6T@6^4)%J}YwgBxNit8|NI*lDa0xxxdufYcB zet*#N$Aj3@3bUyw&IVk6py6=h;$h7fFu`HJ3dkPfjmE=RyA6-0Bk=Fges++z9AL8s z97&W?1a*W2*~{o`_}~lmh)2vNCJ!|;9b8~eZMNH#sVeXD$y>oKF`1pyv&(#^&dS@42}{x88-~0N^#D%DCpPvEHx|U8rz&tpx=aHv zg4^W>2Dgum{hizHnS6QiBR}!aKmDKou$V7;$yb4o|K%5kM<(L&xSB6JTxWLU@#NI> zwqP)*8wPArv)Ke!ygxY-IegQtAN|;0z4Y=iulyx2d-~je`-OkG`q6Lx%=QEO_iVRg z4kUwk>Yzvim9au)?nDr1cE9CZ?Ur(7FRR2~gHWynKGzZ8$CB6$9$o&ZTCSxcuOq!9 zU|sNfLHO~QQbW>k?5UaU7gln-I|QK3k(${WTA8-I@Es#s%qH6;N=2JtTh>asigm8H z_F_Sf8HPP&lz&3fIz7!aL&F(67SSxjRp(ORD|#FOusW&(eO*nNJo&HlEusvHW|I-2 zP2d2Y>T0p%pbx~pvV=JmOXw6GlWcooccQ9&MdbwQT zWrr(5)k5Pft(W3(so>x7yVUC>eFdO?L!;q?XTd^OUGSO!Z_hF8fM&t@myW|SaA+h6 zcLrf~hDu4L4;(SB-zj~r*rAx7H>lDz0a}hZ_U;>Q`1zeTHa_*>fB)b={_dx~0$0mR zzBC?x;<=Nj=XdSe-R3Jj)*vU?c>7edJY3$s!!!h=!GdZSc%_XC{-)X7T-OK z{zeYf^+**ZAe05bp^PmSLNPy|MU!h3s$#V~U|#GxQkYjygdw2k>nM}Q1HT__fYvFE zBVm5r$4G~rVLSY9|I2^4B>{kA0#4>%$thFsYnUQZ3Mp`dIMD}5;j&x?6uKy_GAL_)zIzv;FQM8;qF^*{ZspZb-j zzw?NfycH^y>SsUq^&4*3ug*RTHb@hU!E`2*DYxB3n^dIhx|5TW6O%Ll?f?Dgh4~c~ zIRI9xpZ?81dhFl+{)b|dH_vSE%2P?8D)J$4NLvS^%4wLrG7tqIF}_N%Rx8()$z!DY zxlRC4PDr|Da4E1(Cln(WZwiCJdXO`f(C2YLZ_E7B*K2t$2T_L&8P^@OTHChIwEcRc z3fDyC6te6`O3*Y7UDIbqGijgEYqaSi!N4gq=j*}AJvp~ht~KQho%lTi{_(3Q$;Ysa zpdH^fX2&B)@#}mDmrgiV$1rfr4FjUiqcIE*h?h8&sc5^sMoY{U_~ARmrDtJ(zVKHg6i7WoU-B_E4LDFCw0Abto#e*cZKK_kB@wWkuMqTgp zbhUWz`JA97UEuMsNj957Ek(D#aTo7mwA-C>tv(cs|LiSy-BZ%P`zycohyUdNJoVZM zFL@(A^H*OrtY{`Pgr%z&bx|8zt(IY!p^#IrubCl4&dlscrn3L-cRp4uR#hahbYby# ze(B#dKJ)O;?z?#?5pQ)pXOl8fD(FoIeQ)9-z+Y(8o0U@S&Gyyh;CH*-fJxWdivZq0 z4=5Jd5RSyHu?5*T*s^t$_)z`u=%^74VUeo^r$n2P!B1+p$}zsjvo zYTd?Hz%#H-NP19>wr{VNgJD-TF4dnMgojtY-*@-Y;yGpN2-!ro!C9~ zxBtyQc<+z>aI&lWS{)XJ(ggyVVZ3ts0^hVsW>}r{hzwY`c#a(!N`=x%7xP=4_nfhd z;40~w846;N3**+em(rzNMPm%`QAU~@^mx6_H{~)1X)>EKC5Y4m{-r{(T5G~1T6LHHb(7m1i-l<)WMdbxFUp}d{LL*=T?hEA;kb{hUL`_9af`SsxB?& znvK>Sd-nX?%z@UQKk(&W`|a~bPbo5(bwBZmzfJ{$-8%1H(oAFPu3-}cm1;GSNYraE zMxO5$FbvH3`MG)L%)(25_03Oy{u|GH=dn-x?7zFKY~8kVS4(Lv1utjqC~*mRJW|R2Cn#SKLJgNw(T+3&-P zM{{M{8j@)%3XD^QBy`}=!3!(JmfOZ4!(ih%I@GKNwBH{MhYN*bJ)g6}p?m(;dw=nt z{nFu?8Jmx!qIdkZ6Fj?+FM0ku8_@3ugnO8jLDP;$p&HFnRaMFaKQB>sn=QB1#=ur) zR#G$rOJ5ZOGA*~$ke44Ih094!b7YzP39+Soo+quOQqF_ShIl3_v3LcjE~1%S+R92? zm6s!^8G{4^AVYiGUos;vr6Cm5A-90P$j@j9AE=8J`G%5_<;BI)O3rfZNGe^fHrDB% z>PvMf1pqG*2P7_2fkQ6E&1JfrM{sPbRw=dHytn?c;HuWA`NiZRtE%G-gIsw*0L{a| z!ctdW<$rzP_rce*XwArZDB|!;sFy-0pBO^G+`&9oX#VBEe(3ewR;OI3E?rn%oLyZw zzp{9KWoa%~%2&|iN__$Nn|9EIL2TAqE6c@VsbU4KyJmJCI9Gl4*M8@Lk9{5;@x?EE z>&(}mEPe88Pyfb$f9>;MUO9P&Y6Oqi(EWyiKw#Ylzsm}T?NE?k@3c&8#k1#M`^4v7 z`mH}KeDl#=h3+^1(;s~7@BJUQ`Qke##@fC$H_cNxuN!zYh>`XXqE)=xq1Ei?G8DlZZy0qfp(>){mM`LxWw{xY1DKKZ!`=xtkEt=S#$VSEC(?ikqshWZg0)i&d6FVuAPbY;4Z?rr)eq)JEutt=m?55?^kWT- zdRUOnz_@E+<%4N~IhoDvbRwpH`@U^B77NKI+>rFl>$5lCb7yRPG`G0CdgkP4hBq{@ zYP8Gafg~A_2%2F9d9{=sjkIfxP&TFWW+*8a@Yiegr=LD@?>pXUT5>nM&{%^yq)!Ty zr}_Da#iktB3v30ijkH`ok#mJguFL~S9e@5v?x|xFp}1yf@pO#0y!Sy-<6m$!)Gh^- zhTgyrs@HhJt6Hk_jEQ_R7jPNhKq@R9ZLY{1E+;ZH>n%8atwt+=wVb7eg26G}Ir_j; z-}uJ&9{cVS!^O4%4a0Ky=*ih9o>@6^v^lqsJ92F0wWF)AA743oa^>Xd+^KWLbF-z{ zdACq*mWug8G0pbQeDT}b>~ba?kA$Q7N-T3G#fG58VP zQ-L)M@~p>}kqT?EFe!G}IeO$ZyVp#_qrHweIj90j%tfVHDVE}~Xnc5rF`Z68*T?qn z+P-7jm#bEDrE;qQb=fmD!py3SSPOJPx6{GghOvw_Yjq{(#G@LFqqs-N+O9XO_G>Pfp(`niWVyG_40LO? zI&4)clUXiR8LjM{f^gSAq6ud03JAafjs!9G=iy@-_nyt)eQM>76HB+gKD+<z? z$2=6Yo9*0kso8A30h0%)3MF_|Kvs;7a4dqg3DtYhn_F%dL-^jX0jhrPFTsh*NKvTG zi@c}`Io=$3F)(1eSf*x&M=mVqc^Zn37xWi*40TOI>vVnjmDMiK=W4u_4u+`N%AZlCVd8!tco%=VGEa3BmQq6)&6M6o^k;MSX5fF~0#@L=hK7gW+S( zznXvURV}X6Mwl9WyV!__D9lo*5q!3&8G>vVgyf#bCXORYJQ`bsJ3#XN?yF zd!1Gj>!ez~K=Z_<8C)uPNhd3y;`yMcZ83T9t%Ml{g*IpCX1lXoD8hVkK`TrV*fS(Y zP$3m5Kcp(TP?KsMvcx+iVLGHi1H2tkrUNmdWOu(dm5J^SzcZ@>7#fBDN+(5W|D zBmpoNuPP?P_KD-Cd~J7p+oT?jt`~h;>!P}nstyu3+Ann>1<>3<1;MV4~d<_j$Ptkkv z*9o$Wbz#n6vtSo6rD~dP*`{Uj9r5UO>0VD_P>N!q3j3(ejer^Ci6z54r^xBk4~tnU z*PcH!`{LR2tHlZ|Xv1w+p#gjztkddn#jFC@nyzdNcjV=`@)}Rn83=?-bIX~uu4SwsyZ<{`-A|Eun0^aDS7dSL~< z>sb)ylU&^S;p^2_^15lewMOC8`O3mdWq!GlE1^pRyw$_+*G;q6Zu7}$m?G3o$F5Ur zcAzaZLy$c?p9Yoa@~TUzTrE^)41McW+q7vdX~H$ zhIWVlG>FuE+C*4b$-~7@y|X8h`KSNxpWpX0??Z}VTFthL3@jm*7i@-tRwGKL3u?pM;aecz}#Z!LEBncTp}-0dNasqzn05DmEDrU z#khPmKjS9Po%MB$J0Y& zsnl>Xnh2Tlem(Rb8U*`_+A0GYhnl*t2prtS}${*dLj zb#(!AK$hkYejg0tW$5?gr7H#9UMLi_!?8lSDrO6iy%0geG3Zu{wOT&cbK5crQSy=z z!;s&RxaH}Y1V^W(kbGV@eogsw$uNxA zLDYue8n%qw0vF}mvLGsiA~@EDXLUEB-?U4j+f8NDbzi4gs>0$>t*$5hSTI_S5lMuT znRqN62}gKh14fYV9Cpl5%zGIpU+97{L*4Qtbf#ho z>2h5C3@lMDL19~h9URO$Y+;GFM{m%b>_lMs;eQ4&!cicR*V-%|rF2I>H zpsu*UYQ;h}mhK&XB*6#&d8t%yxg9i7@h7B#zGz5aHHT3U64thu1>9;4b3h%-;h`1Wq?AWyLC=S$46a3@2i|j?b7&Z-d|f1O3?)za9f|A_J=A*;e>>;tRtgqAWQk zMeLGwKnDVWS-hO#6ZG?|(LFXkwv;PMA1a20CWbQ>B8~%5H`*O8a>cMP$pgC-%-wSH z;gj>L?RE!+IWN)9tj|aPtM9#H2P@Hq--pp1=^Gg?IR~9eiRu&4m#X_l2 zu}ouVIGG(yrG{ea-Bunc67$pWCBky{2c6}Q>()}W%rlZ9YhA_xq%>Jqyh~rRn*_90 zeqHCM&S8d;0HRo~&d;x&I=i?e)?d^7s4kKSsf9ns1 zQ^j%EZ0*^p3D)U# zYc_VC&MTT6FBM?}~=dohuGcioTBA3aKl4u2wsBf&2nS}<;EJ+|B3?WHY!ytg- z%7@|}Sy2Xsk+0KkyBG5B`@oO<%)kEomgD&94L%IpcDdCX2~2k$CFWPA)715DtFgSa zjHq}flN}p_$0n+~HKe=(Gqq}U8qZd1_4w)PN)9n@y$KgE77mt+MVB|PV2pq^%E`7? z9Jq8fYf$WN1&`pB;8m^UD}r~-4bN;`4HpDE#BiLkgFEL-c^ty=dmjE zF2VCwK=DeUw!DxptdF$*sPyy!hu zpEz^+iDRc;J$qrfRB5^{7=tSCgBRk3v0pLxlaXjVj6+P4A#Hp9V4BFf>-rfqEC)_{~mP@APC=qC~g^y$&RHFVyVuvSVEuv!sdxNtz1(TmX}9pdzH%tAZSC57!?CjqGAs$n zBAiH2%nmmJ9W0fNXXsG{3vfsy)NQrgMx*6Xm)gLHG>ZAKNLg6TTc*_&{%E{}vbcOa z$4utM^kL&NMzXPX66^7eer%s=B6rY2{;3>@!fznZsx<>E)xY)2Kl`44{J(GxkrU4< zKX<)eEEekpG*IRdSz{G&iNj_fpUZ>1=Gf_x;bmIAflN@=s~OcvlOzT-gs|Jd>KGMK zYkBPJ!TZA^H)30@TBTO4(ll>|lq8`mf|Yqe4@yX~Z2)p!eiNQq5Sir!pCMOTHj&u^ zQqao>t6dE%iKGUkbQeAy?@!Yph9R1pnSHE@S$fL)OzjAJFrARskSIK}M zW+fPQpkXo7uGbpN`QnD21+%I{6{l24wg6abv$O?($wQNK?bexAb)nrTb=z3UM);{} z@o;*+a-q7qSXf#roL*RdY5u~a7tTGlH1~RWb){K{X`Y>5fe}Oom_Lv-Ej<`=;E<-W zyl68tl1QYZVAX)t5U$AB8v>eO2DGGZxxU_9yMe=cyQxPU9m^~vizW+jv}wB-lGzi4 zV0~T{kFW~B2EoxYFj!^%x0VkOAr7{S0h4E4#_(~hd1)xE1%}2(R|@D#8Tg2ztsxVz zpCL=ba;<|kNVUYJ6~Ux+?e5%u+s&sJ^VPabR#6-ssK}GIK~1vq6{93oh~97qjkIlq zutcplx-FPA@{MflGP#ZmUP!UtY(pIl(_)g46iPyo1jU+2QD&EaAt70DD91dXH&9uU zkqj(HDYwgwNYnTC{>?wU?{B}4>&j05@-g5Az&OOB7Q`q?OR8#!2TgwO8L6(D$qrZO zya*SRt12uU5~@K1nm(Ak4sTl-QRJ>2%ty|4mSbuYE$8L z*j%EYv;TYP4S7^ZU<7z^?eY`spq=Vh9tt@jov*`!H`(tD0`gG2BEU6A zkFU&N7p>cnianPj7;c7M>$weh_Ps8zUh({R53XOO+n#GwUnwp>v3mZ|m2*$z=3c9= zRyu84)8mF6)^wY9Hu~GGPPtfHS)Z;kzCKtL?_wR&}{m4`pJ~5`ogy!M27$v)4mO2s!0t-;H?%t58&Ysy|g+_|D>~ zZ_K{_%;K41qY~52UE$>2>4~?crf!dq+z?8Pn!&hc2H~!%iyD{$dp?*yn7q}c!peNU zUTLU72MM4C!!$w>Cy|cvPMvJRvQ4%2xh9|&Agi=)H9PKW_5AThDLpOJ3N%Fwc&5H_%0?51Do~%8@eSC4wZ5R zEf}fg7T4JU1h63+Cs*Av58ZU*@!3V_80{3*R+%E@r6LokDgIf21o*W+72|1muifp{ z8yNYREXDG%6i0w$fXnBH)uYR!44jgwkYzsPAk&H_w4bjz7V0Q1nITBtpsE^%NU?uX z7;(r`TgdI6p8m(b`Tv``agPsX9w}=W93jB(LnhKGUOOQVsDsrb6pMuBPMv=73lG#5 zR)$7LI=WSs?*T#(e5gg3Ap!ERnLIp*F2DBe9h0|Sw+6ZM+I>JCN|Q-~Z6OH>%ckn? zmlTjIFSv$&22a`wl2c{JrU(wUEiuTZ!gA;j@y1bxH$(DmMGYb|!%k{)DBq~Atri1t z0o&@E0bom&lMdU0^Z*b*rBLM!bUnUR<#Jj33}KHdF}7e3u_?0)K-#uH5Yx;FCvr=2 z_`dYiZSk>5CswPqA3r<$?Q(9n&RwJH7FzY= z`Nd~1oI00V(tEyJlVd+Lw)5_xZ3hw~uaGeMs)4)^5ezO!RvL}AzdJNCBq@kc+eJY2YV$xg zWE-Ggw*M=cK3dwOX@U7XAk451~$H`{=}Kv6e4awE*8$EFPn$w|EdeBg z=Lw{Gl4S;(p@2+`Frw|n!oBz2@yoyYFA@{OzQKt_4;zonW4Z*~1vEiGd*-R*Igrdvc*2%(h zi{DQ1pjgEIGHnGEalq8HLaqGD{F!6R=d4cW{-LQ4P3`-U(OuiZ$)IjRQ#DJo!nPB( zEet-}G%Q2sDMn2=GWbTKU`*8&E&mdVAOG) zD|9xYA4g{`5=xH@&n~R+o;H9Cvr#Z1j%{~ZjX)>@7phTE->%ufk6+iTi>vNxadP*r zld}uFagX5QPpLz{CW$~8LyxOXEGbni{(D@LVtFgZi<`0~N^Uqt*7@aC*hIOpnfxK0 zc7Wjk`T?$z7mq!Y_$we4#17_jg2crD1On|wODi@%{IehYx&QzFY6op!eefBCb@>6Q zi2>M3U5_Udy&j()6Mo4mer?-o*Xo%)Q+wZkPyYOTC)ZjjRmgzC1|beI zbY>+ADZJq}8nSaMn_oCCr4&Eht<|y?05;Y*FnJ=RHEhiFMgV%I&b#D2TC%@9SrqB| zruS?w^3j~mfHN8{a(7icp<~-Ew^FP@V7w#m3Vz-is9pfHZLsyRUVaFwIK$^3H-k4i z@v&fJTV~Yl`SRtm;*pvpKRCL|>M_IB8}*&R*iTL#{LzUUc1ANWcABXo>1T@J_sXLG_1x0~(Aa6FYw^NiJ6=OBGOm9+#9RPT!-H$i3a*0yp=?utdO z0<@u5yo0aP9h;mglxtj$0a$&aHM~~ewJjsi=~NnRI~c0vm&DdHhwL#%1FcGJ?!{vh zx7~2-y|*7bw*VcYK)oqpFu>3lpnrsgh0moz=xvI~Cjep|`=2S<1ueF~8T5*bNA> z9UG}L22dR!8;km*A%~CR%8|EI<O^lG`*YPrxkDwIcLBiJjFO`hMo_w71CT@|?u+U;$-cfzz)t5}nX<$&SqV!eoU zo8jnz)uokSDqGJjclk{yuW49}qSMbmb0ocI+(<=s@7>)oo%!Xw_Yw^d5kg`TAS9i1RmTfS zijo8bG@X793%PvD_<+CDXb;EY|M=H`W%qrz`sz(iVk|8bE(JvnRH2Fd#bO>lEz4j~ z1ufGG_%6)OsoMA5br`PcV7*2t+KNfVnu=kN^mx>d5%x*eHjKimdJtOWR8S#hr$>KAYwilPW{;us9bd}H*`a{6U!!3+s9X{d}j#>Dj*g)4Biv;GIcCK~wQKo6gbG2}z5<{a&I87rH89tdiIW#gcG(4GM zV3H5&B7Sr{Ju;R`@vEqGU16c}o#vujKi{ezYn10&HE`Mu1m+6)cAf7vXw=k;!oB{y zBG59FikUVv*zH0=bak(ZxfWijT|s1csPft zRqjIU!D1~t4rHYFuM*t$^Yypy(3+!NPHd}{py)7QiwwH^{f|%5(2!lQI?`ot1#Tf+8%wky0FL@rrl1Dju@dxu2c~VIRNr|hl)W#znv1~4toiJ zayV$WoANQu^^jBofqu)k07wo@9x%wbF3!WHX>6_Tk}n!KT%1JR37fWYmb6-$QG!-?UE%*bR0OTuI(7LA9( z(V!jTi(XVM1WRK=4Dcn1u#b)vkA+5tliR0;caLYM6N#j5JAU2vYfeBj1AP1&R;jcc zDKrvP2skmeQ7#qra6F(JmDL3`-Z8=#Upv+7bw&>FL`RZHr*qpKx1L)m$m5JMebds& zCiFzhlyxFu7%|n*9`v9lUrtf^);e00q1I^3!qt>-53?-NcqyU_;`kA@Wk&MNV!V^i zGkJX=7D_JVyi2#(8K!prskyKI##cZ6zkmAkzy7($|MaobkDMx=&(p5j=A~^P;(Gy| zS4SuxK*YprExj8dQfX96^7|VW4!QPwG;5F0=7%LDP)WakjiUvnUlRGA|W1(<&*UVAVxh0x~!CNht3(KWutp)o67B1%Y zQgB_Dcb{l}c%Y$Ja6=dNsd$IbX=*tm`n`X(;A0*#-ed7lC}PvOc%y)ekaog_3(L(? z8Dza!vZc0l@FEoZ*e=Sj28o9)rlW_o?SSlc1*Er`vXUo3Mbfm1sj0=~9D1D$lWX)P z7jTJ4xLhp4OxUqlEw_vXg&(8)^jvv4KXKm8fHKE4Q ziZHK{K=ryGwnb35bZ84l!G4{taeqc*9&3}Grxz+9Q5*0~`di6C03MV1_@ST4& z0!$VtDy$dFT3T4BvcxK*33&%9rJ`H*_lidDMDg37{_^Ml>!-i^+h6_sfBE!FUw_hV zwSDHM)5B}vT~i!P!UgO4M(L@X& zDZNn0fz>M&irz^INhe564p{vl7U+jbpbunG6|c_-sL1OGOfRO+yO-sN-GLAp$InG| zx80e8yXv;T-fqzs!4Tjw$Kz>JZa@i#iUF3Na4eV^Nn|H7LnFyZA`DAM zU0^2eRM~3<%AqXpjKjd``4fgUW;!!gWX1@OTM>AqrBxmFpox(0e$j zCj18zY&)>ptZ5@CGiaySIaOvWVO$xY00Pi_ETS>TzX?(FB2KVbs#Qv5D&b~caICgI z){ao40F6L$zhZu42820Q39fCi#_}T9=eZt0B?EVFBXRGb?T$@OG<*Jrx`Tq;A~TnS zi5RS2q0?vv6GM&SN~hhZEfrQyoS(d7FIK<(S1>SZz_D*Qxc~LD3+g^Yb||_`f&_=5 zw;`@CzFx1|?C@lrB7=%W<7m)u-0hy9U$GqrQId{5xdTw1AG}h>JYh!*O?W>7RhMco zs#gpNeHhqEyQJxQB$&t~CK9Raq5BRVyz4+Fk$&y_uYCGH{@J;gPWXZj4bw$XL)7D6 z6kgRC3k7MO8Vx1l?R$4E7c0CSr=OMFc!7S9El`kN7t4kyHHsjWhyxkB#ZnQrmU%Y8 zGi?JRfP~kZya6`Fu^KOU{ov<0X@ifBvk9QjDlV>AnCx`2qeEIcQf|omxMip_ejPSN z3?#|dNd?VlGBPxlOl1?{SjdF61zoXpYeIb!05`QtV`aVo)5b&LrQ_rKTH;o4wN--- zpr(4Yi8|3Bsr8Z-L!Uc*IbW~Yaf7A_V?=AVDLXWjJFk%lvo$1qNwSxPXr_D!DV~Xe z?KesXof+ts>hfl{=8ZUZ>kl#Utfhu3oOtLUntIL;}-D6K2$dZWjXr#j*ku zI8Q6^SVfEA)z$}E7YdFX+ObqEDw{$F8u{fwZ5MNi@`#7GEtfLcw~TxfZrzqZBkJYG z%0j_)H@^rA%9OD~%Qar02aokyqh4uX#SQn9CyZ4C6)$~`kkqU-Tg_IvT&va_aVH3a z*=f0(&IzjQYt?ZmaC^f|1A8b7*#yH*EEN@EZv-0TU22w!r8Or&akiP>#;CO;@ZaAs zRv9n7i|)JL7csT~uQP~6BQ{ioD9thxne=MDh@}Hrf~YyHG1|0Fs{y-b#S*3yT0U`X zX#Z4bEX_MT6i7*0((5ILGh^FlPR!1e2%|t+u0g2USTpp3rw;jg2^`exSWU`@u9<_n z%XKUDzo!QRr!Fk|b%RV}#U~O&0OcTjF@mIz)h)2WO+b(Y8G|NZ^wGqEDk+c!>`|bt zcPfp1r_-tSR>rqa@Xmgq(}AL=vm>|McGv00UjNd6|9Gq3;6qmffC%`J`jqKn9C+&a zY};&>OI0ickim5m>0~ICuC4p}J!{5JTH#3qAp0U|Mq}I{iOj2WIcS;g_m@jhxW4g4 ztTaM4Kv^FZ#!)};Cc&2Vx69z-JP4xs=zb`)*KkCw%OI^|0}-~&nSDEFt3^-{F)+WV z!eHABq@ti?WUZ3aae41;KqDNjjZf$zo0{;dH=t2(d05pvAk_8ays z=8AlGVc+$@pRVba=5Mvz@Q>O}%?$Zs;|Xb;W6Apzp z%~C*0l+3{xfWL|r$+HGTio{j^s{{v0pYqjXeJL=A{xjrSzG6&)a_I9RtU--NrpDSK zz0KD*c_~+flBOajf$Igb3PS^vx3XBkbhz>Qy9e}j!gA2}g;re|rB>6emTFDtYs+=p zoHh9=4Fp>4dbLqptrYW>RGZF*It{ z_bd+-2VtIugTZUG`7##dV!Q&MhwH*`np)kWR3P;GV*k% z-yaRyxqO~y3RGs+iEIeqUlmuh2VvP%U4V)npdY<8Sny3?P#jH$bBe{qpn(V|rqreY zw|a8eOoXe=CZvQO^5UEGq5FnNt?1EoL>I+JTvk=gX~+5+kK{BZYLyj^r45ef$tBST-7 zqTZsiZxqyfkb`rO9EwAE*W`b7Kz76DFRv86<4XY?Ze~(N^*8TVp2SdB3)wKq_*Q~? zwUufys?&+a;)WA~V<9r;D1zkCvyq^4{D~JdN1wdwW{mXO%2uwfLbq$jqtm-~9zE+V zaw#%6k2HTUf@-nJSQ@Tc!)O zli2~cY?-Q0;t*tlN@TWPJR0N;F`fPgV%UGkuUf}UQoY1@bo#}&#HErvBG(D11@0a+ zfOD2or#@rrw{ABQi`ECXFE4LE*vtyL2|XW)htt`(p=%>fwApbR zjpnhH3y&as0*8r_V1fSL)RkTt0Yz$lPwfzB(T= zZRiR9)OjC>ye?m`#JtN6L``co54z*c_X{-+L&>tucsi=;xq2YKq3QKvS!{yZE{#iN z@nYm`l!XyA7y)lRpo*vrny9d@Uaas!$wVxjSy@@t;6GuUVqnS5Bq7Ue1>DTdJI!d+ z49Cg~7cio!$y=h+x&5Boj?XREIe+6A66Sy+H3aC{bLkU6AJiIcp3tR5L?-bJnd-MK ztz50HluB}^e!qw41PQ~^X$Zg-idrVe3at<0rE&dMajelRgi#b0xUqKOg-z1~uI47k z(i1mMPTjn1`sV5Bo2SP1kHIcU+xaG-?#eAoO zNp~}^=qB5-GNXyqPz)9eRxD!%&*qjM>E`C{+}--=ceZ}w?WOnJx$@4#%kR4R?7e$m zziINB9q|X!-ESDBueX-IQJec#Y4-E;uefRB zpwVo$u%L8*qmI0BK)h&3I2y#Jme^Mbuwe!?7e48l`*0O3sphQ@;0FOZdi|5sKQQpd zy#Y7tfVLTWJeA^Wfawx5iv8W~Suj4PupZDtLqm;xzFn;-tG9uKI%vbi*%r-a&s|ue z{!maNEdIi>(NptvdfG4l*t_%Pmb|ow)rcYDs{~-i5>fm4*G?~$YFJAmnt$vu)}Z#J z#yh3`=~%Q>tx`{A#H^VDR*XNsLfO_WN$W>*le}Q2)VTXy_e>q!MR!ylcyuCmG!qTR zgF4?5%+Cgj`Rl;`PRwkdJ96svC!U?WVS78jSS^->m^81~Gju=J4vV?sO2fVFZTGTomhsw?FLqBXjU|)8sGLI(PzZ#ga>WL` zDWHyOxxTtkKwr~XZv;9n6me3+G21dR7z!(;Mx{O*4p=|;qnY=-EqljJ>8bJL)IWAnz{2_>u#FgA@=BB4BZ9jHD-4w47ey*bU zx-9H+G*G^2>qY&bz;0CzmW;dgfUHZax!L2#c1(?TTUirGv`MB#0qr zTZY?gxb&`NzLG4=%sRN|#?C^#91S3i^1_$G)#Q1@K(}aeo2c~9r4Y`<>m9zbSo+P2 z1Ry1>4zI;2c_To*wF*pL4qY$3hKju;0A?;2vQk5FUEWn$E!UdW=If=U!rKpJ@4U&5 z$9m0H2V1MvYqv)-iEZQAZDZM)iIHtnV>8<(hDL@W$wVlbbmFnt$S@j+wL-)W_Dt&w zr(XU3`ID58yy*yyZ8qA?dYktW$U4Jg1AD5{Mz-DrK*}_AtaG7BUeuKUR`fui%?mPo z*)^j?=>#g|9b6752>mtXw&d&6lxqQNm$9=EgSLudgbdXC^8Ye=!akFjtsuIOv2G=~}pN ziHLJ<9`k97PphB+cn}3pLqaSB^BYIGjsfWjt69*@Ur_=D`umHh2Wc!{Qw$1EqRJeM_(v_rzA|?PB%?Kpb zXz&~jMa&BvW7Crh`O-k#Y%Z^nD>kGcQoKYSF@7DuhU3^!6D)$HjAT`LHslfbETKuTX0xeACGY<`!`*752ald@;>Ch=Dv?Pi;18OnVOeG*6ilb$)03m)BSV2+ zmtTEqwI~W*Yqi@^Cp3~AdVJ~pUmbm+=C)0Zw^&0Y?Y7&fH{CXeh9`vU*?O;O%6kol z`=8Rk3IzOt4i@%pOub$Vv4J-nT#8pFF%4se7cnlC?X3jrluq0NJzpZ3==cNW!Gl$h zO0O5RZCJf(nKx$YL3U?#dAVD!Y#yS3is*Ke+4RuV#EEkk_@pF>2qhWR6g7OkdfoeG z0))ZJgjh6a+NSo>iCGP+i2?CJ2)UqO;vEMaCv4kpr>**p+|n*G3;w+VJzl^iZP++2 zSk>l-XRn@!3x-3cWAOwb+4GVWgL1Nt-d`YSrT2_X9GHkCU>|#}W-C2B5{bn-9kV%-XYqNCGYMg}Wa?%eYzY~XjS`Vod)#_V$Pq=v<{*P*8gM0Z zIrTa4es%_AFTZ_|ac)fFl0XWa_)BQ& z^#FM5xSiZ`vEAb72*yY}WskpZPdBwxHm=J@3t)`O%as$W%g+=Sw!Qad{9B-deJSkOp(~#cwdK_$rqCxD{;T6GV@=k0h@WvuI8f=@7``0|tgK;OT?EG%fvHWg_x8I_ariIeOZmn7`^oRCl&~Es2j<3HqrwLsXfqc%j}A=FVB*p9@Ee=343lScOh4FoSpkO>nSCyM)M53rz0c`2ImKsW!mWh=e@3~tny}C5_$n5dN zp}onyyLzp)%XxmyABlvKUnGslHNFu6t%$(!b1Y~GV$dpR3e6t1t~Zg&>Q3n6uRZYz&fp$>B-Ck{m_WPs=Fq9MaJv?HhI-3_N%CBz-AfaLXs96RDT zAXme}+v`lyRfYOh@R;h11H_2EV@Ao&|F)YQ&W55Pez*mkfghEDKe90f0nqNjyy}jT zyZP?fj~G>ojvjQc2ATuM|phEdqIwS#jcl)|Js7 zWXyX!vU;rg1A$1$KJnxW%TK(DwKG*mE&9At>uCK?2rx-sPxTF3wQ+-0=mjGoE$U!M z;YeC9&3{WFm6r;YN|8^_aBWS9$!Y;xp#CmfUoxkbxpC)*HXL%4Y?-J>J501?#5i@cIF;^ z*$x9SSQ3S8I7bS1nX)^~QHE9DSv_Y8ZCtz|N7I4)pq8zoQcS{kCPnFHjo05ne-( z1XY2jfLRieA-{Iei5;>N7FD8$xie&1+p-hStuB80wP&hs%LsT+Kw_EEYCyv;ru=3B zYul*vJiT{(C9ox6gBzuHwcyZ@!g|1O{Y_lN*a*I~d7XCowLrVtIR3yhMlyKlNAGT8 z1@F3IH&m`b&@$@vhNwk1V3?82NTXP&=T~_n>ZQ=@-gW<7M`xFs&5r0jXwmGc%booh zO>7oaC+J`uXTE-BDPL(=X8$%l>Lis*z!d=yw(WQ@h(fSj%?|JL8fXP78bF{=qEV^U3Z+il1u0TPG(17rJ6J};@Hu46OhuxT!&qg* z9`QjIX$lDN@~__)w#{m_%DTt}+qP}*o?MA<{bd9QVpAqqWl@ph3nM|q&1%7<@lKs-+a8bT;Q8f+1NJ$5&hcsR-xye*JBIUZxjy%3tumkiIv-R zo>ln)!0)Tqn#EkD>plGMF{64Ldvtug)~J+fTE~B(R{ZNTFD-Z5BZ+LG+njm-4{M_F z%!YjU3(!QW$Sr|I3c_f0SPc+&t&ttKyBNrVp<8xj#zq5{oiCPDf5}N^UeG8O`H;Aj4LF(Mj@zy-FDd0+!^T6a-mR8e zv&*ZR*JSLK)F47N&}6!V>4}Fl%xo{8n$s*p%mZnWn)HmYNn3>@*c_dYeA31g)NJ8riX|*CdJ4v_L2t)^xp^D^^zX9l1xJlwkPaTZQ<7 zAkye`HOt}o>_DL2fa(Z!Y+~0UK|8;=j006U62_+{^VNnt$}Sa2mC6h&$gzaH5}>0@ z9)oZYVo|5UJL8*?so`B8xG%PS^xUH_p8Nju?OK!Hdtak;39N7WWdJ%?B=rVBA#O=o z#MbNTAv-lSQf$fR3*KUYi&ni|%2!g+dWkJ{nra59@K zy0I|KGXjAk*8i;U9b%U^pO*0Ptmzv04KF_U7b?6O0Xr$exdPDO*N2};MQ3{Z<7@H z7hrn+f#0CFHNX}jyp?Z#qJzvVRAEmeu|CyYutY~F!Ht9GKL03AYT zQMVfn2TKLG8uE$`zb|um=Z+8D6L8EE-+W^E#S_fSGfkI;SI1R=Y+QZrs{`msFI~Ke z54|tCbI*{ z1piePQb>%dawd7nRROuXz5rCvGR{{K?psUqE62a`XzA=C4d3NXH%Mhy z4|0B;pqd5FFGaK4ON|Uw{Fq<1cmVb~!gaeC?MEX8eKkCqMuC^X*;-6Ra8w0B8)t3gr8$I~O%W z2!&kvnjAd9CaQ2ZGDoZOne&n`LHi4m} zQo!rfuIiWuS=U)2aqtV2$ z8FZ47m}4c5otx*H4XLX2^z|^c(yQ^Cx)!p`N~3k;^t=uKpW@>^abCh$q4UVwM%p(H;B-tz^6Hk>#vMK?j}#;O*RTL|`MB;7Rv zrSl7|a*dWn9xTPA2ZDxa6e~3;Ll)H~T`Ws7BdP4@wlDvWzk2dd|Jqls1;P+Tc5$^R zUa1gg8_261ueB6>iMJ;aeFFdmwJoDvt=7s_&+0Lj=Zc)6#P%P*JAHV^g=b$s{jI0! z%Xz*Z;WD;wfPRfXKn#4^i{N&L#)n;7B=vg%e-7a5NZ+563fYh`!s~6_1Qie`|;yi+tGPFYS zXT&00WJzA^48MQc3w|oFnsOyTw|c!&zTB)`;~719J(3j;8qltRvR)F%(9eUGn*EpP{f)yiTIK4ouRe~z zj`!Sd1nq&zBYM76cBtBDwY}E>LsVU8h1+bvPnR5wby7oc2CIt;y^c$TMnid~BXIVy z*Wl&FQ^Ub<7&Dw@n>XEf<143U#S>B%2F2x4KGz66U)VA*!Jat3yjreey}&H}0kUQp z=qm)`!JuQBh=cNVI&QtyFbqR1q)1xng3?SdL)Q>F=`sl=*bAmH56oVt6Hg{I&O*Za z#T%>THC!zg3QuH1nPekhu3T8=B@0vv%fc%#cCFq-wW<~bVEAm?#DqFDF>%}d?>zR@ z$F3z5dtBKg-*|H)oZY@%IZlXc5Vl@ zHo1Fh*H7GMXQIcy`Q*6=o^_io-T}|az@xDlUhA%eJ`2|a(q?7!FNWVYG@h-rTGgg{ zB;dpuxF z8$ql}R^UbO3%k6|Hf1S^sx_vKTw0n{P=L3Wr|eyBYRS-KGq zg(=Qn7d*E+ZmrRRugA>zmnMjci6IfwB8OfQqUcHW_zWBy(C%bMv+y(JdYZt?+TV}| zn;~EI?{=}Gj80~;FVD%xqWHa3Uc75yx=<9vqQNF&Bw&Wi7xH#6c-!0F9tmYX_ZuHw zeEC$fi>ZY->jUd5;0R<(y#un3WJG$&lA@bfd1=jNQwc=v*5JAUT^qUM!0w-V8~pR5 zfBoR{%ct0{@Jz*kdf7luVSU+t+!nY@($zx|QF}7uwZPl3<3kSJr@!>z{J9HlIrAl1 zuQS}1%eR`ev4*BQ4Pa-QW+oF4ry|eh=KkopN4|6ZWF(rHPLFBwB?k?4DO?cAA3 zKe;$NcK59?ILg1HK%u6vc>!nvzf44OXdpXFbsC7{Pofm4=}bX!%+pW;%Q0igNFo!9 zXQJ_RWLG*hY6fdvH`n2iLos+4mY-++?#oQwmYq4hl>5kI4}bdkr%x^~!Fw=y^C#b0 zBsS=(fU3*IYHqoB^+g6i3)>iUmU?>R5*?(Hm?{|%z^cfUb7a?EaDxpZL)!M#$&y9E7yK-zLm#@}%!I%6ffSG|m#z^)7|NF;;>KDunkWyha-_L## zz@FQ-qM@1h+%@&CTk@yQAN$hxD+{YMd|VlkvX^rc2GOWdZ3D2-B}!cz))UumTKkeQr{-PIJnRjY;C?CS<^Jfvf{CDAYwkgeC~IjeCX@PUem4M z&f&?Z6KZx`)9=4ybo5<2w`anUbIVIB@zBJ+Js<&rp!;C##O(Dn%@0436-fI$HT3r% zA7@ZSGT!se{5}n3Voq`>mPm!ev0x+?iX4zj*e^KYsk7Zy!5ya&@8EY6p6Lm_ICj!IKoa1pNL|p|ZMIfTohIYe&}z zm=X2Fx@g6w4Gr@e%AjoG=w0g3*B=;6qgAOL|I#DPQgzpd?hTI*`C2XV>9O7C89(SB z!-%Jn%d2^M^Riadfq=itYZodTGWLQ)BanD?aW;Q^`I%3BueMUiZri5m7^A+_a4fqs zYbC>c?5yqHaqF!|=aw4nh6~3?%nRQjkG=}qyc+uQiSt-|=!Ts2l(i@!oTeDH#-NRZw~-_?`CvPr#+ zKu$-UwE;yEh4N~K9?T}qNDxj#ES>b5wpy2w5BX*g235$h8ZEwg1yo@8Y$trj+umUs zkxH#buEdB#s8R=7EG?4E$|5Q=3@NB4aJ=x1%FgQIGLu!YErChQZKG><{lwdn`=-u) z|M~L|Kkvdrw0IqcjqSH%4Jrm3tM3!PINKXTp9p`^jim2!&tTAAIC=ih|H*H5zw*-F z=up_U=kj?k`T7BBChj~>slYdnMuM?Ou;^=ld-m8LJoE5(PaL!D@b=-!cqq!O-R_Q1 z^gY{m9G)0OKcYLHU6{?>e9(#Uu|=o@fKHK}2Cq%m;HXM1YC;urh`AQP0aDo6!UiWs z$%84eXX@&c%1C7gOUcnhY&;sRxSdMJ^^{ov)}bwlfUz%>ygNI6U}&lru%Dcr{p?FG zeDvu@KlkD@&zw6on_tD!#|A@WTIg;5C7bo8jfbs2G+uv@Mg`k=0`%A6AE03%1;C)7$KD;_QVb z^a#uaZ4x{^$Hc6wm+SQ-XXb4uNVOwjstX4?*^`K#FJjvf%f>u~W07sIQm->8w;xMR z1yxkuWJj~X{IniQ3%SscJ$zT)u!D{?8>I#Wz*&C-Fq6YYSGpoQ0!diLhC}dmBjK=V zTh&?}nkJ^o&+{$a9$yp^)uQPbujyhabzIG_#bZOcVj05g*Q7Qw+Gk#3R7H$rG|&HZ z`MUi?EL2!plC&$q?SRAd{vEr1;{Jf8pZxmctFN75ya6G|7*Z7~4%87N)Q@b6r$L4{ z4kb(pvWh-HKjggh&{LoMhyVA~x%$rZ2&5M=tkp{S%~p6Zq(Pb%h=hW6$U0Xme)i}K zAARZZ7nbIuk@$|`$xJAk*3B6s6!vSAPWZm<+lJy%xbIM*LZg1N*V=a1tvzuP#n=(h zCd{Lz!N;OSNMN7QlE}FVLtYLr&+-RrQohB9is`q5K{x_($yiC7fRbSDpGhT6Es*c< zOtFerzyZ`0zQmAb9SkOJPYfT-j1MQXJ;OOuseJRq(Z6{5iH|<{$md>o=DFE3g+>k3 zEG)?TH=YrGe=HS|Hz{b;sB4rm_-XaJkz~|k`BIw)jJyDE+k(^kHwAendiKHRXP(B zd~PmR3_3RHdO#)Eu~x8#{-dLZm8NtT>+ks*Z9X&(eN)nwo|GUt;|uF$qJdU=Wjg9& ztzx2nx%TiqLV{ebz#F|c;@zql~_XU{+W7cW13x>_Dh4euVB*cnRhHp4eN ziJP2cOw*wudxnP`$K-kh1IO<_xj66JKAy;?$vx3GdtAoC>BsUGjgo0s-&=be;qh_cNLd509r~$uO2}V*7-< zt3%yw1ta0BPzgF4G!+=FqQgIEpia}M=Ss)E@KC$a*!|)A!xKZkX4~^!)&mP8MskRW zbZG<=$%O0km#Z~Mj7uXvci^v8%Blp0PqWy3_OlN!on6&TQ@LTuvG~aT@!)8jZ_9Hx?&PVbh6N zLFpst5w}jK+j2X6(W7wOmoA7&mHZd|1U>x25o3ZhO#V8ZPB3K0(s8yNbV(XYDYihW zB`t*2SsNY!tVw=J0#+|znZ1r1iN)mc45?LC;~*Ic+Le4!O9sd8+!;!TX|{N$ajaZz ziLNoPSB1vFTI z3$6N4I6Rh!x#&LuSb8bHJbCL)x^7aPl=B8ikSBaJXs`EnEW}`O$s5- z^jLMgaoS3-FAdp)KW$C+C)ec93g9ii|}O#G#@C)xp|C zZq!uVAtumhx3S6aV2o!aSyaj}itmnRH>hLU6|8J&)Yvm_&$b;a?08m>1;yS`1w0XO zmBPFE6g8DW!T_=bFxOi!pXt%zdZQ&Il*uC^;b5gu=v1oqaD42}U6D-G?X=^ul-n`X z`&vm)$gn~jfK$Y>?etB(c^HgJjmXvRbU?GyZoy&;2iJlQ7rgNu6Ep9*Lkn4_zWdDL z^G8WvlwSHrwym+Q)z<_zum8hFa^Z0{k*v2}~%5b}Um5;iP< z*SA{cz1+vOdi|vXcMg3(x-H9$Yrta1nr@sDp?)dqc_uZAgafh7h z*&s#&O~3|Ih*UO5jdzKKpJAApv60nWo<<0*?sYBG;429<SZN|_c zH!S1oW)ce*gQZn>DmifL@v2tD@$2R-H{SH}>GP!L_5wD)4C+5}>O!UIn*7W*hlese z0-oeY7$YMY3^I+U{Ye^{)N=XRDJ9wdZf)R73>8h<1J&l!7z`i@N{K<$>6w@W3=;;1 zYz|6#kYjl1=)yIs2&~J8x!rbpZ8tMIQmI2rF>EO{0M0@z9Bfs}4Z5{GD-|BQb4NHG zi3TG*pT1hasOG33F)%8lLGi%CvZVDYP(8sx#QY)0YS-#Deh&QFjRHuyu4d{Zx9y#N z*Dduz<>;3lE*wAatwa<&sUfh@4qiMuuNG*F$d&|p{z&lr>!<$cAN|MC6NPu}KLokM zVTX;dgBCwgg0)*9Ux^?CGiK&ns7MMKcEWldjbYaEZH64k^kx}_~>?hhW9>C~H3=bOh z#_LCq7K-^JM~<94c@pbMX))=59fT2NztSY}&h}n7*xc&TTJ$o;SSA!g0Lkm+U||?o zI_jl@tT9g82cE$#?D!!kaVVG=GlKBs+kAA~7q*?@SZXpoX4}zIh4Np&`pW-!^ubR( z_vBM&PL}F5XjCSXNTs4+csH%KojE6&f&QatkX`Er3t)|3KrPhy1id_;QcuqG+!l2f=K6r{a#w-+& zO9QtRb7nP5lBWNUP`FL%$ZUAku^yy6sjnm1<$l)^%wiQBK@F!!TO4Y7JHo zK1a7}CSmw?CPosr5z3dVe5?n?j^{muUqCr`!Z3-jAsA}31Y*2>-A*qYa{Qfkxlnu~ zR!;$)?YdSxJpIGBjoz_u>9sQ_zxqUNG4C@?xw}QU9~e7eaJXK?R|^P}rBti@;o!>; zJn`{=^q=o&hws?62g@b2SmiQIoqZukam!gLmoUX%Ykf3B{(#$PA31aG&z^krW6wS| zTQ1%;JoC4v58j&`pD-N5$B9oFJFkoY6~P~9`nuawDR@cJ3yg$weWH|~xapvnHL-Qr zWC6fGX_K@OjSMWUtYn8WHy^(7wp(sKbLMO=mlMOMTF8R<0c9Z-&<(?kM~k)E)@}6r z5}_bWb9>VYw#IzX(5tr@-&s;l( zm5nCHQ^V0v;&id{1(?4_zV~~NJn-Pj*9+ZdED;W4I=Eyv``g`4L+d#qM~>L~wM~JM z*f2?Jyn%l$;jM?Rbz1JZ2cDgO?)Axc-ZXaqAx83i{Urd_I&E)xtCWF~>5*7``?eiN&(2{==2?a#r{^xaBlKcTBjRH#F>OT1`Y22s(?IwA%_40r0N|>d@o>F-B!bf z1I+hAi{mL5SFmW-b;H+j;Q|OVka8Ez7`|)g%-$PT@+GRjpU(wTb-@4!qBMn#2VJ@r za!VnHi`u$w2NmhQUKzeO4f&e@`0KdQ>5*L@xHr0ep)u*1z&o+8|X&^`DCgHOs z{^KW3AA9*IZ^+mLvMj@r8+@(+SGb$7iQx4D$eMa(cKP@hz7M{4|K!_vJKkknJOw1G ziyKr_*&~WO3Amj|GJyumO}KsxPgBQewnnG7S+o3Ol0c0#bz;2 zPQ1Z7sG9l=&pZ&e5qbBmx1E?>YP8#dmfLyewKKLOFYlMym29X_N=&_8)Uj;dnM}xt zWCB*(^#%+I>QN=u{YXI&^O9&g{ee!vk3}wwjjR`G13SJ%Cdmv+K+;|>ph75(&hzLF zur4zetG3l?x1FG4M0u(bfZy)_D*u0I~!_l{d~rE04sLhsMz0J&zX zLBKPBUIHtUd7VZCCc9HA6hsnl4j?9%N;3y{?)u<8VEpJ;9$9+sD7oT=j?K*`I~PZ8 z3DquIZvm*8<`;kGFCPDmKmYK~gCj5vQtu{U(Fb=Pt&EvAG^5t!qkESJGQbpRzCf*9 zf8zCHA9?)yUpxLv+zS50%#H6H*)eQ|+-{ebhBq08i-6R6#~qGEc}qt>D^`-Hb1T7Z z6R}JR+J?G3gVYDAW@b@a9HKwOV)DKOj1j&hf)Zmo+aYa1ew5O&#MQJ|Hj``A(bb>< z7Hj23rC6<1>eX_sl&`egZqTwoQ_}lDH6%j7k&GpI8w#Dii&{vUavCrcFm_szo1El! zGh)lD%XyZo2lK}=mSMpB?aEG0X2xqi{h8H;FP?wx;e}Hti_3Ml4GCcL%%3!J*a&{% z|N6*_4?OM<1=o~8n37F^5y{ob4+NMPy1fgJy>j8{BO~|hpZK9$crJJSbG4Vk+I5V< z=A|&u=_E2~=xwD^L*o!(8D;=l9I{3aPNesY25f`p6!`f=$4L#lttLO5w$|#tWCj4A zf!_9Q({?C2ySNfKb7AGoVm=ZM@@4!2l#rS{bAxqY%n7r*<)8d9kx$?@I~`aSb_cUb zZss5X^}`MWC$w;gLn+!kI9PIXFrATj3KkuWT-RoX28TRr&HZ|;=gy;tW-tPenLMbBlmt^$Tpg_ zI$L~Q0NT)R$C`Y{%`@-5t$1PSwJ(0ZcygAja_^pu0oW%SV=e;h9WM=eM}%QuvHutU z_P?L}qp$ze!CNDt(7?-E4=RwZ85XTxP&aMO$XBW|#wk&lgsg3c00X4~qk?23QLvfxO5qsx5j!VLKr!J&c8r&4aC=Y+o>-!}i@A zOio*2c+?!Qtd@WB?yH_2&@$oJSYkL4OXoEIGv%dk&!2c~;q>`(zR_`!3iDU*wBy0h z-GQM`{PW*_;d?NAe3Y0C0~nAnHl61?CH5k)8P^FQW$5*#{Mqk4+x7Rh|M=ap8F^dO zCFHOH;G)Av*Vp)gJSb3zN{aWo;Z)LeoJtK!i0H0qLOXq#z1iS+ilRd{7Nr0~*%A2e zwWYb9dI6sz=@Aw&V_0L|X6lv`-n(bt%O}nT9((zOVcE3M@^vv}gmEFguD#k8Qowq?dM>3pdS?$kWm#he=OMZ=+$x%my9?YgmaDmFYKubh%<&?+uw z5#&bWEF4g@oRz)mICRLfKOC|v#gfOs^#XLob)9Tt=LhZ`xoyw<3&&1;<&o-!N7)q6 z;C{bu0(je`a5yqex6%CLfAH&-uRZ(IH{WhqrrV#}wuI%-qld|h8rD*|IOxkwK)1rb z%jZhpdFhoued>{?=g!;^8-jm#b85`ev=%RYUXyVAjczw=TS40z6hzmQTFvD^cYN>e zp4;&UG_iOzwbD!ICoy_rh&WeuyTjR`R*H}W7+HwWP95d3=}Z9 zR?@m|Cq9~OgzZwDZ@6n=J>TZF2Xr_ki4N)TLk9G;RQHn-^;yk}qUT_OwZqzCwHuD9 zo4U3JMl)8n@cVACqc=OLabD|C_pU0VDtS1)c46Scb}$}I8sW%-uk(1}!h`cCo?1G4 zp;oGa#cpRLk$78Z?BoCZw_bek34d5TJ`o5v{6jwab()Va1A5ur)gz}DUp|pOuxDp70%gant|ZQXar9m~a9;N<*jI2`PVf_Rzbhem+GUMv*UH68s+>5@ML zzyz#b1GAKhL(z+qadtwC}_?fKh<2x({*BgiYX8drACGqSMvchi&nW`1^E+zBkBN! zKzhHR;uoVDm9+$Qx`fE1_NaP z%Fqi6$HKW|RZG?X@r(b?d13a0x7?2TAN?g6E(yz)Q+vK%*szP$I;M|7_bOm*Xlh!a zQ2F``FTlThZF&AsYV1QZ2lpn1A@yswcLZ3+U`|CsQnd%o?_aG}+-wSy8GD(EgN+&R ztDHU_ib|?tuux;;qa(w^ciev4zP)>3vqTCWKWvrUbqtfoJ7c=tXgcLjL|02C9MWwi z>ojGA6p{+ofH12S{THJrBSOf6Vrn=ZiSx2Ab^8*a?d$cTnz7G`9S$Z(bO%C{+d9^Y za4?XOo~aq(U^pF1A0C>F8}`}q>XE|2NHB)f;dt`xq4B?f$M@jlFnoQv2|ILw*Qv^N zhg8ul*A`zm(Q)0$cN`8+Wv|x78vqU5WFl1<(lzwz(&}TM`u2sFW0LDl)0$6uMv}?8O)QbYW@DaCEw<>`(JD<6nFH!sD-W z+HGFsrR0^nx2|`UC_Enf0o$w=ihuBT|NZc}%8wqtnNG}=OdeW|(Mvz5*Gt+#%(Lpf z`~YMC(_rcPO1b>y7hm|3Cmue%x^h=`+xw>W?Tlr>fO^nJ$XqRCXfpsq0HYJ-dQB1p zXd$Xd?%IZB4hXAtt?CVeED2kDe+BpzPaNY>(}#z%p%7yBip3-E*;15ASFzS_kjE97@M0L^rVaowfF`6e(J0@K%fbUtnaJQ8sM&sB zB4F;fVmCR72|ehj^LLmc0|)|x7+HtBZ<`8oY9Z} z>Tf;!okxA4AcrK`;a%G6_}U6=;2VWVpmJfQcy2y6Gct7Zt^mgG;6m+s?k^8aNb01X zw+Y0HKmXLLkA3>PhR+$9nTf>Gg<@H}Z#E3`l6?Lg+4|zg2AOGkFgpeXs4UL*`tOwA z3}^^kV9ceuaoeGr0+C12eie0257`X^^O;V*+1<#ha!ZvK$2WR|Qe)fB>Lq4FdKEDczbW`=@x zHMiPrx3=c(x&W-WZQVA)Tzy|*_j)uUg0c=@H{Y%nB-Jy~K$cpEiFZfsQ0wS`mX z|NGziSKF7`KXl{acIPsePd5OXeAEoM5Ly=!;Xk*!`q^in`pBaX&8_6_ z9hrIW)V|3`0#wD`T@@%~)zt!zcg$GbZpgN53qJcACG^_4ZY#TIC;LL_Id&?*W^$8W zk`pXc0aD}%39%m{Aw-iBpcWFO?}ufiXNP!{9NxEUu2x2Sv9zZtlmaNH7!xHT9Tlq@ zaB*W*GHVG05}8;u5oXzbUfZ@}sR-X^1-ETDF*KISj-@iAsYEs&ia065+GodZ38nTs z@nI95HU{5%^VdTLFoV?~W}|c{Wb1r02$HcNAB`t}C^GS>fA-r?eeHWbb&d~B&=ouD zum#I+2!4O3)h^Gkg2VLwZBAAmBwgdw`@J&2AZ!z6Ak{xak8g|0m!AHs2TnYBbbM;3 z6N(~ja{E-JR(IVNy=k7S^t)YGrhFm78l{t=KZ&#%j@Fjvo8^L1i7kL4fk3y_y7AzC z`5*vzA53HG_=ndYv28={o~NN=Ii|83_*%UtKbOo{)pYu4k|+S9OyZ&3twI9G-A_d% zd>2#47#0)N2YK<1RE1uFjX=^MldSmLje2@0)AMWf{zDh23ues;n$23ZU9V^N%rwfC zRdto1+Z~x0Yj*sla!r=sQY~r{uV9M`y}Ae(N6R!C#j@M(_>^ScIzThrww;V_`_Vfl z-gYQ|>cY`4JzP9>!DkrW$3PU+FZO6RBC+X#)!BvZyJq(6*w$)Z%L{w`-dme=f4~eF z^?Ix8c3xkc|BELd{mfHO)XR+@9^L&T6MII2QMcQ{w!Y^s1rE|Kz4lc(o z$t*7e@C3pe0{WnZSaJLuaYY)tIX9QTxQ{amf zZUdOXO9eS7v0JYjmgz*I%|=7apty9Mu46l}?xkG8uj|>}+nSa7%JH+%9t%@&BwDT2 z*#zO75NbkP2(N+7#xYpxbh>uP>Qrh^fBZY8*(INDdQyJtAj^Ts_|UEo-#2u4=Y{89 zKk=1Esux!1^zmAUCr@vqRp7f`_uYH*PyhD6sQ=L3mkUd^THV;Q_uV(LJz+V#ID4hVGC*=b7aqMHO@_1M>C9*{nh2$a z;_-BZ9fTZ`4gD1k*>dCo`hBjH*CvOgHUTOMMT2}IEfs-&VjKkh+BQ3KIGVmYK6EIO*zQCk@^u=v1ANH_ zd#A(wwqXCXPOqDZ$KR9P@vZ;x#}9tytG;M(Yi(T5qJk%=D*rT5iil zZ_zYrTBTH^3Q!#D`KPT3k4!+MT;z88i(GKEaYNrrd{^D^#QOl508mfZ?}!gsR*>r{ ziSAb;zy3#GJ2Bp~3Qcjdck~u8_tV5-Pc9*BxcoK&v4E;T~(+P$htf!DJ4wvWx zYXJJH+CScmK}HxO)TC+f<^qym$ogWg-PueMe?v;5LuK5+CKPq_7#59^M%8dyzqdx>3> zdp>-Bbb9#g!_S}k<`eamA`KrOUxCDBL(@e^z;dtFxZ(C2vmd(mX}54Z-W--ropuyUx=mU>eX#l;yvRx+?W}+b$#>2iuK`*U{CgXwr#?f$xftU>EQUF zr+ALW@5fp%fpIRpASYIB$T^^fXei0)<>iqBH>j%?{hsiW5$ZQYI&X05juh0^2hSuU z2bVJV?RGje8N3gM#bLvOv1oMX^qKq$WQ(dGAVd%Bq?j3@qX2sa0Z5Rk61Ws#>$#2r z2kY3m7)XWVhD9+{>~NOs2; z|IP1x^CN%7_wR0C`qH?3Hkn_V`Eq%26$)m>! z{OtGip1J$*VJ%>lONGQlVq(|09!V%#`G3?vze)6C*@h=iZ9WmR{#j+xb>8b-|o?I&Al++N#WU;_JfRoP{ z9HFB;;-H6603D1O6=AG0IKsNN<4`j^W$goHRRrTumFzFZAP%}|7~M9XY8alH$QQ~K zk?I=QS7dYDQZCO+8Jt~xWBYfu8jbwXGo#z4mU6|l%V+&xHduH@6bTI?1Y$|~-f5p1 zNJP_1Pn~@7kH0$q!ZF@k$J^`PN`M)Dx?htE9dEN!(UaeK^7OZ#Y8EQI$gActc815Q z&ocZWYscYzxBtTXPo~W89zBAk96ULdND1{bu7O6$k4Y6yM9L2R@c5qX(G0b1qrIb0 zD3XiI6A&84e0n$m|1Oq@AWS);xFR5Q;N!rzVqDMX1TD;<>&WvvpBGHu=~>D$7PlW`X2wyDoCV@SzM1A)-6o%$^+=ntaayNzn^rysA?;TBC`> zfe^eO!Ion1ntT;dx%iQXOf-cBuWfQRf;+*xWK{k5Ur!2QRV5>7_`2O_DD?h`y$}6A zfBE&_`=l(*F5>Cxm?2PB*V@%a?)dpewHg{uSn&|Wa`hB02f2D{=3hqIxvsZlC(+`-JPhl1fmq6|NVHU$bE;J0WlY8io18HwBJOuJHs;gdXD zaH~2OE_*<(m8v-Al+n(BZRkPXy(Jl?Ch8Eh1>>G~GVyvJBatMe7*?vJZX1!=g6R|% zy8)3MW});DhCag)<0U6AMnK^zhWR6kt%533fAhcqRn@e*m_XnPrPI}VgW5(eY4WgH zhTf>wJ`|wHwXGQnA*S`{WtNMxbu#TQ5SW3qNd#0BL-@SHp^|RxN6}o*Wsm zy4I1;KlaSWzEPT8=7LvQpSKR+&TVU^F?z@T-5l3e>URt!^nW_m%wRQa_BGnDgGD0+4UaSyV4TQ1*pkdjj zyhkJ~#)a_G)`1Gd8Hoy`+(0jZ=Xv~##k_ws6CcUSCkFtUHdQ6cc!mjo=p^q}JV}+7Y0TaU!?GM<4p+*Ot%D!E7nASAde- zdhl6`Ztk_St4GgaT8(WR2t08m_!nk4^S;L_EO3uRO4ic+zGJy>{pe>5KVe z7x%jG?PZkqB}Yw^Bcv-RyR|jeN@3B$8#|hfRCcHbKc#>F3YrAYL$+BgnuXW+)OZ2A8HGa3_+M(dk=tOh2_{8sj z>D9k}s9CDf_6gCq5Mb7Ijj%KMwwrdm|DLX|d-SW1oO|dwel`=m=9ze!5N9arOsB1M z_|6}G+nqoE!3T=--+J{W2!W3~5UR0j8=A|(zb0K)C6_&sx(2RQFNTrR0cnzIPz6l0n^kksKRjD zmYyAon3i6zHDv4{yVn@-$S1)khL+1Eh>Z3_NJ&w^(^&9|Mssl6C*qyaxow`>i9)q8@#Iu zrLzmOkH6CO_cDif1V{KF;MPSHE}gP9OtZ0+d-3xR&AxE@hMNvf?B3pVJE8G}H5@K4 ztqf-}x^4R7L0+j-l)K$XJb?v@gwblvbz73K6}sJUb|hfh_1sdcScG(hzri*D!!SD%pvgTcbms;{G- zrDt0yNu z-7#zoM|SMp^`T$>g{9HxpFjP`O1Wg~Ci{l{vbG^V9l?!^!`^RJ{;gUDQNfJ)O2o*-9*bIqcQ1^d!0E542R}QeXqTAVNF} zg>AmYGahWiN0zV2uz-|7yG+L!z3IT&;wq1Mu8E0iniJ5M^nx5&q^*v*_x{&1ym^3S zkh5$(k_b5=yI(t)9#qYCW0h`dTC3fD`rOISpL%)emXY`U(ZBko-}zUQhjug16*^!e zVDC($zEV8@&4P)8rR-wU`Gy+`YKA`h*o)79>bsFp?8f_UHAA7c7KrT} zHR8_PD>o`_-qq@&f8#FYR& zf;Z&C*S;)}2Y)cI#dD*WMOWys zi=Ls3SIjiDaF92gI<|&B;&+9poa|3^-VF2D$nKp>d}~yPMvuzNl8OY|HsJ z6`g&n(Brk*aMX#!g5rA9*=3`#vhn-TYn5jGv9rhj`uuAP(}@rL=CA&vKlu0i?zxFy zrQjRuE{pa32!f{3t~TZ#ed)r}N5a$D@%s)r>1eObi;kOHM{%yhRW=?~SY~x$^~FE` z+VYb}_uq72YR~p&r)Q+Y(dl%+2%LWU)pRr(O(%RYXU)q~=yua1BdvC)*=V8ddO+)3 z+SdcW0mBTBOkfREUB1wR$z~_52f7%0M#_K(AXb1!?DnV?wB+6&K6=Yr?G!H*Iy$~s zt9sv2g9{+Vl!z298VUM=biw&$HYzFANwf^W5L9ni_VJaX7?UWfHvFrKptV#;-Ymc& zeHkD>?5k<>+f$GT6eW=?S8EsyNaU{9GYzAhTXkXeJRx{LU@0rteEY{Tve}aUgwBmk z7OqJQ!w_Q{tK4wdE?3L2=teA<7*9hr#()>cj`n&=wlyFV)iaFQyMLOp*=%r4D8*<>gi@#79^N_APRCX&6^Uk# z3vm);Jyd89J%~nB6#vYlvR$=st`*=912Ga0$>m`5A*_U!uT>vBbM#9K$4k3Lf9QYx z*}wlA|Ln&1-c45OO>g*I5y*zk(0iTk(zCCh{^paKZA`!Ww#2RpI`vzQxPb_+38n#w zo%!A~uYTg&Nh@^d-dk+Ac!uUoB&}o^yq9p^^A zHJ~PUb&|wdpUbofJ{jc|07d#4w0BIC2tLujH({P00tw_e9`NpZU#(>Lr{E|lHDDN>{>&d4m;ln{xDfrtHv)^}aE z6N`nK^;)ab@`bFPfzhi)hht+0C&u@W$A==i;g2MfQ@eKiEAF#@_KnAW{|hUxpZ6~E zZf4h2oT2#K3rEj9`XW{?(z<{Vu@n2p!`o9cySM$^Klmlz-sz7% z_xOp0c}pI^U>l+KyyxDdckSr4uB4iD^q|8=z_JZpeH3MYp6_fapV_`m=Nq;~TM!AY zT*nWhsd@dRi@Q~PIAoGfp7OxQG@$lmQ2YGqxfXHm6e8)b`)O&n3_UbzRin%cIEi-@O{PQ3CTIJPq2W~$! zv3na#hd&XrvQaLd{rZTZ656R3TAGLVvta@B__sn?5GwhbeV2vIvxvA+KK0+nhFOBgP25zCUyBAP;F zVIEowv9mPRVl9-tpiKldI*#h3uslI4psc0Q1MOB3VBq5J>}T-+^NeK+Jg^p@MH}C~ zy0ljV_nQV4@Ex3Vf4n%<;wXq@M^no+QipL|pPq*hd zLAO?E)a1PYA=_tz0j})BL(!3a6BGL;QX?@tXr)F*CU@-YtTdkaldnGYk*^d^E&4Qr zI@fRaTLlQsZEKb}e0a~!_uQG>HCei_eCClCif0$lCM=M`GegM(XEU@F-m?pak&sD630=N!=b?F3c5{ZEkvPI$VQ=o*NqIHAL*Q!31iz3#R<4xew9JACp< z5tS6u;2MR$2;rCaFYq3hennE6wY?<(Cng_^4xBHneC^~b->WZ1?m6`SU;4TG-~RTA zU6Z4CYzvLWudQ+zBSWt(Lte`&O!t-8X8e)lr6;0F|ExFAXwNNmg zvAcLUNetq#!o{Mg+k&@O<;a7R6tes>S+TShaMGdd_UyzBqnU|BI3CVUPK?j&XkI8j z{`-IZ%%6U(cy8IJ!SB1edkfwSC_Ubx7M&a#zxzOX|F**H;@QVvsx9Rq3Uer$zHurx z7Tz3Z{3EAk4RJKjK!WR*v|Qq0)Q&LZ=e6z()=Gh{?MPk`b^@^ zLm&G4zi`ie_lAR^@OXUu&K(XGi4>;FekGvArrs=8&VBcp^N+j`+c~!LgZDS79#Zs*X)Uzk4c< z4hG=msh9U7h7Dx5drg=A?^T;MSQ&(HM3U4q2JtWX=*ywExTL1yA(lpw7M8L_UZt#5 zP8L;QVF|A{c`C+TyN{SyAMV4?lZ?Ke+k#exqERCpZns*h9#}DqE>jN_mX>Mtn7hxZ z>jqP)gH^j%{MylRW!BkBlvSWjWGp*WDi;60-rh6H zk|aA1d--14=WTh@)m827%=Gx3^=<|`YXQ*!6d@hy=uqYte@I8t0SHQm`RBdS_ua^6s=B&oW|!2htbCCXH*VaxapT5~%*aR+0y3rIT$ZRL;8za5vuT-nW=Xc{mzryakKY^ap#yw? zVd>HS$k0@O|Au6|KQ^*ya(H}W{^G*H|M1MQAHJNsschdTdujaF1o4_u5{W7@T4ug)H=;OOOGbR>xHjZsgz}e(%NI;9RXd` zXFGw^5JK(c$||ANWR;~!VS+%}b;>aD_USRdAJWIQSS)H6Yz~D>57Wne{c3gYp9}>0 zK1fnrD_p1$AJwWzQAKh6T1}bpaz!-M5SdvY4Z|j1sF0jOq|Kplra)`eo9>tf=tQpu zAACL8Lk1>N^ZR3ced$bA^NF2?i`nG!h8({Lx60~~WWCluHdch!Bji;f0@AyXUq~>4 z^lyezYVl}u#$!^G!pCIHq^fo_j{orG?2S3Dt%Ldd&kf+V-q3Ax=z*O>5AT>gGktUaY1rJ**5QHe!|;WI!Qi)l z`)}>|&X-@$T|YQ`8I_lZ?Vk={?YSIpJ%CWD2hd;q@wOb|Tv_3#-fZ5=XZxlmC{2o# z(XKAIsMIN_tPoL6(*|iU5jTK(9a6WD+E6GIFk%@dKl=*^2W_FiyRn?))*F-e?#_nH zY^@9zRF$njtP4paj1XF%R|vIHsQAAgh<|4ktJT-fpZX`ieEIi}yz_Kv@oGS?$=22( z9bQok6T_i<#*$kHSw}L}!vV{e>h}Vl7(A0R7d$`d#WABOh>Ck~1>_W2zla~lbBE$Wy z;3rtgj}m>pK$tUJ7u9o)nHYkLDJl4n!g%HW zBCGnv4?|!VdUiL!7y{qZSFe8vOwt1@5Xq99^ z5L=1RNfvO~0bA0aV8mpHVay7%b93~OSzU#qdHg1nKm;H$ZJ^~tC-YlQB9wyPx2dmx zEHykeF+4s|xt=-p=Pw`o>zBA042BcFS+P3ve{!HmYk|SU<|jW>%;&GXa}*`Uc8;bd zQfQGzt$y$Q`@ZuJ{;P%2&~ukhEEjX8Joj|-ej-52vTI34vIevS1P@5`uHEb{nGz+`oJr- z%wpJX+1w)mjwiSa7)C4{9@sq+pX`^LCvIN1_+II%Ff5VJo1LDy_}qKx%d>-z?i~O6 z15Ps1s?_dw3$GVGNxkGLZD}cU>PK%}e(uAe{=unxcIw414XYY@5R?Yf2si#N(5gG}gcV7^S8rWpT+fnAV|3|oa%dzcLEFo@5RvHj7xBTo6UG4-t_AEVhO#lU5esQfU?04E5iE7FyDmt*l1donO#^Q zZ!Q3j+Ze&L!9nU2L_koCBb-6dX!*QWJQ$xy4Q%ck*wD9O+olbhx9I7{#h<@(!>%px^L=%61A8tNv!F|Y!n7)0 z9ReB`hVov4u*RZ#5&EKT+F1 zwr3(T)lbE684~_PnnYx06JC+i&`Yz+S6=>T?!<-Up2^8?J`x;Bq0e*G?k506dmV83 z5del|)GM{iuOB%67cZIl`qq7W!--g<3TK^n&Oil!-jJ=s(GzOu7jq{s)zkT*sWDI3 z(yZ0f8pV9?K~QbL#s7So!B1VwnvA=HjACBH3J#8d8E!n)lv{xnC}j6WnRInj1E#?+ zLbm$q5?dXTr097`LedPae5uI0WaNmKYIcCISV2bOf`7uBsGYo>0b-;>wrLKVO*(-d zFFgV=2QIJ`r5OH8EVZ%KD&74a1mCiNIyb5n@nRao8z(R{pzFHI>uLJ^{(L4~FBZEa zj4BmQfo=N}NjL(mG|QKoOS$R*2%@MQ5@mrthI_x?t`zc~5+9+Elmhe^Q`a1e_3c(n z*vBws8Qk{~rV}RFtNB7UroHhE@zhvi!}g6^_wI`6fom@vIQXZ}T;G49UX~54F!TM- z2eSHX>hXsfp2p=j4|&7>{ypQC!|xojXEz!TJo50j|GU3GHxhjQ%E|eHy3^OK)Lj7H z5QYZTkRm)4a798wEx?^iD?i4C~UAJAJR6yyal-_7I;OzT0HmepuYukw%2K=8L+1|v$uqf= z*Cw}Z8JgSx1|So03fKcsL7(5yV?i06Jka^fwYlu&*^#MnF7x8F{SydHanfp<_~K=X9J&B2zT0m?`|D zGUY0uZgSHBc3U<)Q-ur^oejW4l$FhaKE;MZQF1ACc`d{VRoE%GdqPJw9Z}Q|K*b;@ zjpLm?Tkr-o=Syi-(r)p~;+k&A*Oe$EknubIDhyk`z=B**9j2w(*3iburIid4keS>9 zpq1@`dhXrm?f5+rP7DBr?WRy(h?%Jr zqZ>ydB)Md|m=q}u0hNb@T$)58f(kOM4!^@)y4{2}b2GGes~@kyFtE`v_(TJK5i|iU z3a1D>LmMQDy*Xd1pnmZ6M4yR^j7Y_=Jd*%250ykAa3tiJ`o#yd(rn1X8+>ffYO&h> zgeBsb=mMy!)>72LF(mX6z4USLV=5lS3S@W zf?i+W(7<9ktE{sy(@k{iN3+j^0or%?GL1mMu2w3AbVkE40*&nGEPf5H;PcQp;6e!D z7lR=tZVuw14T7lv(!|L&G)%aHrs1~|L#dq)?%A<(TkHDD$-jQ(#7|yXp1w{@PJ4U# z|4#&D-n03ek5!7rYag5pZyHREBsw>M;PjzK?R)sa-}(ptb$QF+GqYzdrsoX|=69R$ zQWexJRSC`&g8C5wi!mCyuU3Ti4@;|Yx`bZ^?Szj5 zQ`UREb>ZwE(7!u!P_O1NpXDm;uI?y+@CX!~rfb?@GS2OuIyD5eYe1nGdiKifh3DU^ z6w4FeczE!UUFZ(-h;}v6y8;N4_PSL88EBnll$JB6fA+??pS&40{Zo5(1R@d4)zpnP zh|24Oz2h$YY@M(Le8ziy^?dQh!883s15PyD3OQ8%JC?K_G@DK+h~BN-|GQ;_5Zg5- z%Z3^3ACcwCGtE+2mY{Y4@}r7|9KWNR$R~=$Mn`SLY)L`*@oL3VQM?*eI^)$efSrbV zE@{fAWdjK*wXgsMFcwMDoVbGJ*0f@=SSi;8iJSt5XuT$njKD>2^1%}?d%;C#27aB@ z2VakiS6~GF&gj-Hi;F8Pn%VfZ0j=4D=RzLbd_oSF%|<+xDpHNxW2pc$f)m6EK6sWX z8-8Hpn`m!;zyi^HHtVT2TBrqi7JgVwjdw2i=t?my#4ypoVd`GGA%fWp$PO98LkwC? z+i1XSM#Ed~-MM$)-e}!>@fW{5`2AUIYEUI} z_g7k`4X~lh#X>P2iVqK928kT7ZO8)@Wf25dG>R(5D#*;r$h!j=hF3AY zIQOsKef^&u|KL4ODGLV^tgxG`0#P%r5HL*(b{>_7)f*iipr7S}%E6*FosXWcy?JQ% z*!iK)>>T^r{Z=ISY3-d0pn9jOSZ1SIn||e^BY*Z{Yp$?y=ZXPa#hD|pg2+IX44Mvo4;Iv3!Pv*ZGx*7 z3e+VcSZL>H1qX+9(=IN|RaaJo({?US!=Wf%Uo4=uOI2(z(A7#NXpLrTrI5EwwKtIq zz!NeOfq4EB8_i5J2{lDJQK+v7Ku|DCC|mQwLGu-|`6?_Cv87l5{V9P?830hAS#hrf zR$ZVddZ3LuzY7QO`35(PXL31_1p6IQ(LoEj+-kZ4wfex=sAf6v1>G6|$n~1?IJ&C= z9-&5q9;Mc5caq zw@mK)?1LNn2eOAR9s1*^PyYP%rAzY7BbvXC8vWYPXu=+B{l+6JvvaeTuaE2))lE9} zZmKwa(7f$iwgk40|4nJ;-(5cR_Uy${t;&6nSNnZZX9!6NOSFI?Ui8Qx3Ej4URBkRU zMmJ434!_evaw@mruwAH02t##NH%wav6#&C;8|Z%SbsOND=W+$Un@D9_#jS#9#2Ffl z!Zir@C;i(dZspRb)T)AT;a+QvdV@PGd@_K&gN69{@x%Y!!OP z=B{BFW;`)4x?yYo(1g$DgUVRCkx0hYR1?zGOuf94Klj|b@F6#S`?1i50Y0+8sQ>9< z4JR%jmdkRzvjlC(1%r5kxS+;}8TBTZ3?tT|v8M}^ht$|j{jKu6js#eGqR~9-w zn*amV^fZH(6EtlgqM<>TgR=`V?USh;rf0k}!uC=Pz<-)B(BKJFW#T4bs3yqp<_>8= zX{l$@4b;}SvZsMhE949O=n+SCiB={LXfB6hwMfv@RL+zezZQ7^)Tg5{=<5M$wZ4&& zhEGR7MHW!S;Axr0(ye(R*99;QMG2>pW-zpz&VdT+s@Nc?;`xutKr0cJJ64ber*E)4 z`Aim6nx$H+SP`SB=p#`cYp9lH1f|p}RZ$Dg)-fxAc-C((MFR)s0)DdM~ zzw5!hd+ys4C^RoU{obKJdHTwGM+ysR`h7S)<}U9igJ#QTSzDiYWN~J0Wqx63YS87R z4ZLbL1BO*{tP?@cpJy-s;iW?#+`3e*)Am6nT|8pS8g$iU?P#P!HQE>MuM5rAl}ce? z`(~O@Q78qd7H`fnMigE~6O8!85tEF68ByIVKCd?*`%0~Wdc9F7RdiXlLW1i7GL8(w zEeZ7P-g>Q+Q$`u3x&>1&SO~7*=6n*X2Z1=caen^RKY9D*e?NWvLcrJXTh#SV^#rI; z&8B7f`v*6SPHgWV+87ANblt*8jw(iMJJFZq9Mi3$@L(9Z>vI=h`Y^S3YV51`!-3#r z=vM-%qzd)`MpMIBK7Z}-pFel)wIhQAL*v^v>2Uh^@S1nmC75a z@HYqFX-@$_9I)MEex?} zUUGt?1#F{IETYG1^?EB;Zm<8819?FX?w-tNAqLhSwi_IxV^cHG5F(CVSbfDy5V86B zi>B#=#@Rvt#P+FsAGvRQaHxFh#;G5?!WV!}T&VGjMezQ9?Y;b3Ej?gwdHkW7>o+RJ zTyiL(Y`qKMR@35vfPoQC({lm)fL;I7mFYjaeCSTOa%%-A1QHEAtOEQr(k7@es^`^Jwa=BK;IB4(%b47AJ zuqGd^Qt!K_2|AY5md$qEXjyUYH z9We+%Fc7a{I{m{N#y0Lqq=rq?k;n#2yU)u{$|OUj}t{Gl)((V`THK>7$W@(w9Y9&hBa ziJ>PZ6;)Eb#p?^pS7!z`U>2oo{Bj#|fl1ZP+s8W46DvUw_FC|Fjat1X_pw%Qz}JCw zBOA>?YQSgOm3+EdYVWxz;0>5&*mlHpi3CtJv3ssGgdB|eQkt*w($-29>CXucyDb$I z8c4U0vs-E;yM?GfK{DY`mk7e_HN`b-iI%H=A|<&wR#yU%^(OC~-3cIgp8=caZaN5) z>URS1SSFK2(7=BhY3(ZjmH1js}%CYZ)UpkfS}$!GOcP z>E#B8r&?>}%joN?N`OztJL@9ZR;ykpc`7o=g%60yFG!)Nbvf#S6buPLr5vke>hP9Z zUM(@0+H&uXy$|e7S%LI{3#Wec+LgBstz5pzM>-HZEFjePR{-!6HY1Pnve$~B zHyQ{)6{G;_5*i0Vw_K%MvMEKjkTWcP#S!ten$l+(7L!Fyg2g}ryj;1$wd&CvF434A zn#qXPg1M$>NWtqVWb-aVyoG+4tZqrrc5TU!eGF} z2$svL%T*xw@&5irZnOt;EDH>|#!#h#eLmPh$8R#8VH`k&Xu{!8W*Jtm;SK?X3YQjk z_?I|-sgJ8zTHvr=t~T-|QpMy~CIS>lXP{nNGhBD0MAbCzqHXJ5$AIl?v>KqPrdNYg*OjRzjb`!Opn#!p|m90Hh~VO|c?4iK8LZeTF9Aw^|35SJFPU&C8ty;!+XA_u%)w zJY7svV*x6{EafWNg8wrRa2x739vSP@WP7u z+xiB^e1-wD(kWd53@$PvE)|Vf0b4o~7rte0%um02Wb!NfLSqB)@)Yu~0OY%;KI%o< zD{mh<_(x9{F3e4A-P%7khSHmS=@^Vjg8w<`674%9}r8dzbUOqnZXuZ$hy8xUu?Vw`n4Xy6+$NF)dUzu}n ze-RVYTYo?t6qZ1xqDd43#Z;m|)ykDpzEH9)3(7A9IgF#7AP3&(BOXU#X*vFaHO^vz z;*}LEn49s*F&i71RcZ2eZY#5tMvRmRI=~@0b?O3>Jgsttucir0w}Tfw9Jak&cCkIJ ziCsHaGC8#`5cDkI*ws?0Rh3;*dO)sPiBu|IuGRQ$4MdR*R8H7of0rAEQgcKz9y405 z$&5sT#az1S?)gQ$R<^{MIOQOK3aeEtP!@1G{45$>K`(z<+$>%yS>s^OaBiz*otqRu7F1On&*k z8`BppKlGd9A}SAkcTCeS>pBGyC$W8OP;Wk9o$`BrR+{@zYNA|h^Ep4qXpAx8M<|cZHpEbS47Dm zjJsJqfC}&Y%)Z80B3md>FBJo;`ES&lWeme^iVL=`&*!q=Kl0(hgk9Y^Ia|!vt5sTR z<^-2g0Z-E(2#<_!86MeWJ3;a9RtW|bLk=-6Ug%CT9x?q6G#CS3X*qZL<@Y8&yE{BF z*n&O!Re@Z0ILAoi)n<>J+y948Eqr)>baY~5)1=%-MeI&=G*te3hUTFp?dRH>{A_LFf&y0f@C+ zYt`!hVB9bRmHbMjoL4#o0RJ6}jT4KN_;w6^H&3BhsW$6;-Aa&Pu9!w`W1(mu(x@<#&J?(1W%|YeyHhEl8OflOl%j)hDDlap4X>2_WILX zKrUO5QHR^syHV?aOBMiq7RlCp1XLVoG(CX#8qs!nm*l3^^c8i*b)lI*zi!SwV-;HsGkmmAG#ZE{7nd^RnbIUP!ZQsV z-#3SXGm!(grsm#I6{lL>q)O07|V(F6L4W5*KPCdPMft5>S9g89Ye!#{h~-}H}eoC+D% z`+xN8`Bx5d4`*ezJ{C}s4q~O2+Oui$;T>}~uZRx|5hcIMcNt-|~M_w)I5rO+d}RD#UeAdHOk|Hl33>eKpXiA8dVex6o?HXu9R79G^%W6xlc~2)GQZ7 zljTrR2&MBm!_-9}q(WrTIMg2?dQU2%hk`)8WG5zRc4Q&w_6r8Quzk3MM=Wzv+4-dh z$U;vAsR+Uctllbzs0&_`i`N?+x4+r+g@Vc9;l-t8Fv)_wKG^&8;*y6iJ1T}0Wpb+f zomgLLIh|#@5}m26nFi~|_s>XEs>nnwsPy z9dY+e0|SH;^e>#fBD=`6xUPlno*<%L>fC5(w?Er;K^mzpkF!}NIO^W>r_Sj8vCR+P zTd&qI0+(|6!%w|xm90=PRiTK#WhT}hf>*z1ugg>kZd<+n$2d&ZSzjxcleN(q) zuVP#QleTTg_=z~-Kvh!nIQ~$we`IiEV>~hB^BGW3N?Fq?0sEZa_t(o;fA7QB{@)MZ zK07yq&Y<2>P=HP}m&{|;Rc;mBIQZ~KxnrVSB>cwAD64R zRRCs|SF*Ov$D_Q3eH$Q$98xd|kiyj7?Ve5j*rH~(x09= za%J=Aj_*Dh>+74oaQ@`UQ?w0K38<3?-f=uRI5<4%4+J5@4u@2*E=bMgAS0--Y{wFb zg`hbnU;UuosBQb&LtOIdveRYelLKD^_vx9-3x~e{;=w<8UR$Yc+_ob&&<_y-#7d(F zcy&`Z{H7iD2V(&{1dr2b)N7Rr_a%bS z1b0G5xzg(}-CRp^y)1kqpdy|)cxbhpP|UD{e3Dztq5DIXI1nMDq#_7ScF9oov`gM% zsaPymOatBuF$9&W;WiMxJdPjY911c138scI4OB5dlmb*ajF8@g3(Zr^7bVkry!Qgp zJ$zz?R$mX9_w_s)Z?Uyi3d-I;I#MW=*;L4(c`To=1lO|j4H2OVbY}4S;{AQOQduo7 zP$kgjc`$}yF6$Ci_yE+PUT>NvCVrm8V5(88Upjq3jfAXxq2kFF<<_Rk$DtEbT966E zBGq&ue^Xpes2~iVI890{ZUN9gHDq)_Du84dU|LLGV!Cv7`bySQ-}Z%voAsv8G#bsu z(dS;b%4R&CQWgpxzUB9C-nDc3wL|az`BNUTlYhVR=pdEey1+zs>%gYOMs zz6wdvl{XC|**7vUv>_Bu*iI;#=pPsw4+O)k44(?|j$74lT?*+xT)F;xAHDJKj(m7> z?k3{Z5??Tj~Mwld}lEZNEbc5eHPHZ!I$)3$S;ZX=JZ09r?@GKK#R{YPYhJJ9Z3AjA0~}o7O}@H};ucGh{hY ze=r{ONBll`ZEPeKTVq!u5*MsK5 z9;ySwmUwU1-rGxnl*%3R1Kk(9+|X8^Up^hC<`$PCFs($ZC+i+NbtWyh z5CT~Tu2i7bY?ar)wdaNV;Dyzz(PSu6wfcr#J1UJPJag7k^ZFfo1@n%kyRv*0w3>tC z2Ek?P{y z-1UW9yC44?x;q*Ht$FnMH?_1U9!G@&b7_uMnLfBN}<_Gi^%g}3=W z7FbHVQP5txK7Q}kiTftf=>@~IZJ*C%n|XqvX#dd0a3sN=!NHi%eJneW>K{)e1`XX* zRtagal8u0U#jn3n&-~@$wLd=o(V=UXF`=?F-%`Em?@vulZ2aJz_qcL}g|px`3vQJe z$7mPSn9MltNeEwGtyNTFTm^+fF<&UF_obkgZfp;TVuE>|a0xWk8r#3{z_LZBo{?zv zp3*T}ueBP_Tsia0kayE>J=s68pVfA!%yFiQ=oI4;D3I&K-dJ_4?9{~cb*0VDUm2xFD z+~0BxFI2kI3SCYSv*uV0#JoejRADeB4emPSMgoAYa&)_o091%;wjpmRh$&tt+J|0H z&Mr0UT;`$HRf*Ku_{;@~iwWdE(pGY5SaA-c?D2@@mWtFjbXyJt%p#2{=$O00zR_y1 z58y{k9%%|~+EK<4mugfj6k8=&CDBFooI?n@&|4YF(nP22jcfxq#fF_il{&*|qmddM zM0YLZi_mtk777KIXK%^w3uF;7U1&6u1AX~&tyHWEyVBn52`v~tijRdt7!0TmQmgYj z)^IV>OG~K8)YhqdI(u`P53umZyO1jdPYG@|NJ$a!Y#fgEv4K?f#(ZUgyU%kCrz~M1 zb@VQ>Bn7#@T-rz@3b~*yp`#EFMm#S@i~PCs=eB+6VJ8#>d9Ud^{=%E(tJzp2Rj<{+ zKx#5IvU?=b7h%(|Keu+=dvE1N_NV{*zsbzZd-OYRebFwz3t+(Ho>v?8ZXVt>qzCk5 zIAZI*KqLX{W|}tHM~k8)0bD{cBADzAjs=2Ibbk6R=sPV9c45AhUrI&lpMUU0qw+^5 z4!nKg%)F-&>PwA}j?UklJAdw+`#zb_lK^`;8($)Y8;KS@Wmt-9Z?ZyM7o!cOQn?P( zPaj|Wl-mFd3n+3@sKAy7_u5-Vvc-a{{_xhBYrDtxeD@oHV6X{g(7fex zY5&0k=u-#-Y$p&;4Fy6G^16nnE~r{|c?PZu@N>aU?ds`^yTATWY;?d=mU#?%ip$I= z0Lakd7c(xraNwQ)=O>j?e&6ptzVGk-hBXkbRV#`mNLROXCt^qXBjJIl9Sis{Jc~>? z#0y9_*Q#Z1<1RH*46v)hd8uZL%X5o;!vo%c#n;g~H6Wks9tzqO26W=q1woX?;X~xx z$h7IW0r!rcJaH8yveWd3l7=0qm2;*1imCx^0#n6^qh83(9JETvUeDx;mT8eD{)x#% zSH~d{W>vsaK}+uD0hi`fklhxSlITH63(LRHTPc^zg`zCrL*i;s*;YxXMLWXvD{e#w zxZwjh=d!xC)q{50R-}I*&qryjl;7{9=jUWipGp@=k`ElsXgr3lQ$o{9sw$PEzhVO? zmoP+xOZrf#m~9$`d=>;D$*FCdmKRoTU7tZ1;%QYHEf_xT7cFIgE*CUuw%pdU;X-rhhDeuxY@7o7sQ% z{eSzjt8X2S3`Vzq>$Bm3KFB$?ZM4)VfxclGfoLE)7!41{tXRNf@qsn@Si>)GO~UP= z9pt-CB6o>qE8n_48%xIRXs{Ks*~vR@2LN<>4;MQ8ccTb*s+Q6&3ZuiG|TWL3YxC(N%^NN$ei10Rk+N{kLANRf=V||4ZpE07HJ{3{VMtR=`Pn z7f%4Z83sJBhI;6(Qej>lXMD%D#ib>Q;6mk6He0XDgJ23$z~!wO4o8BCWQKe2@ml_1 zD`?u&3SmKOgM@HGjd(RH z&ZlC7@JlhV9ojJ*+t}B_M8mQ4h(EP!Z1};+Kq3g}79hdjD` zDr_xuIp_k|^XahK=tzMiW^7@87?hcT>^3jiQ$oVE`_s~OBOL9ECk8CbhQa{Q*)R^B zICd<(yxccFw);1~Ir-T~(Q5U2eQI**){WV#m#@iJqUn)?48f&L1EnIi%|*s%+U#D3bICLn4>EK)aYWbh$>L(Ha>W?4KO*)Z`^} z9GIDjUb#4T0KVnz^)8;ia^R1iKKJbV;b3Iby}J|9)XgJj`Rv&6!E^NW`OTm&KAMP( z#9{B?gfr(V!XjS@V1P%fQKsTnOT(}yU|pv)~}1tEkTl3P`JVr60!1@pxaT&Xvg3dYn$|x$lFOH5^4M~0qgAbyOS0b- zaKJCfC=sZPw4$HA8 zH*dUo^+t{_10Y|MclRzK=n2}I!KPtGpEo#`9DZbTY&;29 zrCzI!Zrph9Jr6$pfBx~YSKjdWWcTb|KqksZ9SF+-z}d0*uA9dLcaT^9Dk(SaJxafPIEH_>Gy_*>e}pap^xlC?aY_-_RN#89Vslesm|&Q2Egm zpeVF)A zMl64%Q7)A-ixfQ*aL8&BVN}te>ya(wbYNdrKUMHj3d!qDq!Q_DL6uJ);n1NgxW+^N$u@v7vcp(2 z6b@8Mg=$4vQcQar{(yhO)Wp^4tHo@AeGC)fT#2vf(p})I8aTBYt-+0>vuCf=7qc{l zw%myqaZ2^25IOZq!|OA$ODk7yUf=Px&+3@8>Q?5~%<1RfO$7&d(@OIU?imYj9)KQq z7>ems-qm?|1dXw>T)Hf)%=dSh{6 zf%{yzk{5eNf)tSgg)jNg31RgxXHe}fNh+I5)w8^kwcJVu&FB(e2ZR+2=a>?58(EI{bm%a{fE}pU7iQ;EC?ewL zI+d=McSmw<5Coykz$XCFzgElVb;59;+i-h9kP{!>N|-rR0XTsGpZ_|MJ}_QPFUUI{ z(0NI6$v_aWAG;&LGb3AJlNJPGswB7g%Fn6OHZX%m39`E-NJNnq(aDYaU1eAEhu z(rGR~HVobJc^7AHbvrqEQDu>-{(+%#9bK=%QaoCN&ktBLL88Y>BvzO;Zq_k=G(#bO ztyaeP!Riak@H#@_@aV+Ym5Z0l#S(ip3}3e7fs2ZOc(s^lM3OPvv2PutyQfw>2|wgU z(IIpKNbve<)$*y6C%1gzp4~H_|V+^l5N{?`~txUY-KM4cK{b*wc$gB*w)Zz zQ}YC)K?@ook;vfXBP1hg`zJxwPN=*fE8_sj9 znN7>40JLar;$0v)H>d!_>N3gg1r!TCF^p!d#s!K!Sv1oKa~G)`7l-jVs&{E-1||b2 zZcV`m4-y#|8LqaxIn1~ z0o3Ysldq7|-vOvd0Mdzr?2w>@)g-r_&jr)5zV=W4$NRqXm7dp^LHPdSp$CM8WMK|pb@ie_{ci!ofo}H^VnSb?XX=GKy6$d zTML?@V;DR2lQ(l`XGf+c4clUcP@8(gw9VvXe{#>bvt=;4eK-<{-`IbyQecmZ4D`1G z7N$P!2c!IV1LOw-J!wN6m>F{)_T(4Jv<#u6|_ZC_|GJOU*}LqaJDM#+`~FKC_}LdwrO- zaSfd$-w}WeK&dp29`3&ayWRtuSLfUKaKQMkPY<*_<2$xzGFeqE%QTAF94)#cD2xk` zY&aHed3>2%0oRZNU$zy0845(dPPzuzX9uAt$n`5az=s(Yx}4G&MGcd+M!YW>OT?~C zUj-r77gMl2_u!Ku2or>6EEzW}bN1vkC%7Ii z_HN~RE)q_{!uIbOkM9`aC?_&i*?IyBa4Di|G_6E%tDZh=+a;P zum7T6X?P4-r6suTu?A3t&lgC=L+Fsb$*YZ=`k_h*NWrR3{C5JOP&DZ{!KLNpQ>RbK zN;;Y>KJp@0R_z2zafR&QOta`V8!WAA@(s91#S z?HY)3rCKgkOcPmD6LonOnrifBxol)nk`C}1vexxLD2R@6-`=U4m(Sm`XUDc3TTRP| zM1%1}BpeMt_v}jx3u)W&TTZ~V)b^Pl1L9tEib8;4mpxYpG>iB3!qQz-gyOxE%LU%Z zn^`#igIBd|ePH7_h&Y1kPmqWc23=z zyG0MKM>N8U`d1N@0GDqyo0yrw4TaTMSzPWL8RRn%V54WqD$7p{F4=ZnI+u3@bZXuh z(sh5RJ;QaS)C26ABC8JLJhyAZpC(2WOmgW;BY{;0z-}{_;6V7zRyvzAEUt77*bZiU z%AyOh!oZm^N(Du3qBk-wBZ2`kC+Y@6ta3N3#)#ghSCt zt^mgklIZjT2u0+=svv+kCSoQF!v~{hTSl=YUtc5dQgs2?qtswOrffH_-oPa*3*{(R z+r;=cI|(4|K;_1b#hJsXA}nlytZtj*`X_Ov63QZU%O4)l3vPvN8wGunv)UpJfM6o<5n$WDG8|0I(U+!A3^LP8>Or%VaR5 z@WvDKhyc0ii#HUubzMDGQjt(1-;Eoy*RIWM7#~5SJp26XoR>((Vxd@T@GTmkg9+sZ zlAdtF%+ymfCp~xk3PlC%6K;^6mS*bprCT?@_07kjW~K%A5w_I4cJ2C0FTEa##4vu? zP5>ncSKW*XZjS*d+t)FFES~p@;a%{&tto-a@fZs#XlkLB6o3{!^^RtV*m(&H7 zK@K-Byv0ZiRp{}}3x(uVhJonM&e+h)X|gzzWw=D(a- zm>saW*FvLNDV1QEqkVBDDYP*_t2H>!rPS2Hta4UAcLKqb)A~S_@z#n(9MBEZZ(EL^ zb&;eV5KefgL5r&5#`DzW0fN;n$BCu9UJQ!71IUR44zvJ%(WcpA0XhI3v<<^CjVfOZ zpdi$3E$Sw&SQ37y0;>A$>WY-98XU>Q)`^gaK`NjuSgk@apUtGv$z5CFLN~Muz#BiL z%?C!UVvV1<>;U@=Zy`6UtF2z65gHsEoSK@SUqFZPJ5C{!DPWS@wR!^hrMSEUqazDT znVLKlK~LxvnN(H|{7Y?t<@IUda3GsmX8l~;ZUFf~W^iPvUav3S0t2FjJtP6c8^>oZ zU2l~tB2WSX)hfUDh8optb#(rXpWPQ37zDvmcID&?@5G!GdcQvz8hT)o4~6-3_ztkT ztW|(anC&KmLl1B2+cE6bwFe*jY{H8F$^Y-U105rG z2WZn16(gCJVOrrx{NSNOu|y~o44~r5@L~Adym|AvQ)kL$c}%3TNo%RD9|~I16e3Sd zU0{eEyYmg)(UHMha|Efr)j~yaO&QPz}6vtk%~?tnwaQ3R5{I7bh1A&GMG7k zYw0?sAeuiM3ylrjymp=4N^r>y>aXxcy!hcl4xfg(ZMj&Eq++7Ul0s}5H)`sm)#_U8 z4i8G#J=Ow>5aios-3yvlE*2Y=TBF{K4D|c_emV{7Py?na2qBf)VGa>JMQEB6NlE7i z2tFC14lta~XM84C#{~J>CBKn|%CR=&l0wnwFDTa8k}9(>#CTkhOlJUfc_A`SGO(A+ zMNBM8dHj~?!O;={tA|A)*3Am4hPZo(s?=6ZazW1Lezf0>QGlYo-mz_4m(p3TZ83~G zeAt5P>xt^4PKs?p-^fs*SgCPbLnD$nS>O#!S#?M|F6}K{98+9`9LLIKSA=U}2BbjN zr%XK~07Iigm0~Holx8+5Qvn9gM1K<9eBtICYJeC?(JIA?kMG!dP8~iP-#Ia~eH+(b z)~m;#eZwwWmf`5OKK#H&Jz(?AT;Qpr1FDF2DR%>|b2bvY$3`BW^2eR~9(ibNWb*s} z@SiUoKgTyoz|mSdF6m$-pi^k8%Ru#5!wz&)F;ptu>k&2r%}_WtJGXG`#PPlN?MU?{ zEO>qV;+8%(HXL-ElP6AM7RkC%!;~Ho_?>TqH#882GXsAaz2fHVigJurR_7h5kG}r(uY|)v;Lzx38tmNj&%T_^ zSK#QuC}=Y1y4YPnjEd|82+HuSHhDc^P;WGB(??r_Ax)gM&fJPqBHefDnYYu&uk3pG zKGY74XgX$e(?DeJ246}HB@XdmRThFOtJ(4e%+!t%NAq9#;JDlbZ;tHRx{}S5@~dyN zp#JVbVm{LdM#6<$0kyXLeiW8V&gN{}!T=Hr1Zxer z&zRx1DKod|1)4`SAaB$mM%+HcAQgTPWQ-V^7IlcS;Fn}*Jo1HnC>$ylihKTC-Bk!)61&;v?7-ex1e8+zFM*iH*-H+Ulq7m!F z1CgC0)>MCY-5k#nPz}&qM57s=NG3N76|StzU7SWyrazR}Gvdf&i-Ll0kLA z`w0h&g#vtPUZ_av`b1-OjKDWM-cU=Giaa3N3xeNGw#cURH!FsbAP9;5RUqZJw z_>oY%K%piVYzh~t3+)KLz1o86(o~Ue#7m7mg;ELr4u(+E#3*8-`D*nV4TLK}ss{5@ z?-)=eG9&`0c1jybTS+wOO0uAV63l3|S_y?Cm0D$CmOC$T^@dBM7jEO;()mmS+7GLz z+86-iA^R~j`F_}HXf)#eDKiqu<+6rh1Om?Nm8+!MOIU>)jc7dXkHqH}(`*_>(X2}& ztpQ4_j%k0B-b9^uxY{_75AabJDkKpR2V|e_OQaI{bf!_RDiJD4!pBJT_rXQYEvG3X z&08y1;Qd`XcfM$8JHGN5>ICC(^~kaLqn8u0K|USc)E9+{ci+7EgaFy9wvek{03#Ts z!ghT3SZc@6Ltl7g@7@Rg>i7QL%m+tdVAzJ8Jni3TD$a=jEBEohirxW0FCI@_y?W!d z*WQf9!#I+uSRxU%Epx;8SirK*oj!|JQzb##HEvu;@cX&Vm+IX(2ZI6lTu(jo;?vK) zeg6XwCE~GC5guM0PG2|_sZ?M(;jpj62ZowD+~_)JOEN2nhQp7G3@_uSfAh>YzxB8d z?@~}O!uou^mtK4|m#0 zCBq2^l~53I?lgU?6^X}i$+;Bh_mY=%0*38MUG_WaiCh=%p4tmuZwXef+R!W`IWpo- z+X=T-uoqSfyj`5C2>FEEWL%?LredKUzU7rAP1i9CjaZKE)oKlRHSOfK-D8m56d7^w z)*#|=0!2<|C^H3|5im1LQUjta`N?H0%w9~hTC2@npMm?vW#64lE(rH3QrKlPK>^u;I0spNlSCBv~{7YVj5YcE_!60nV zN;<9L@Xz62hGW6#902wfI0=s5u2;)&Bx%?|4QUW2JOZ2VvA*?3=C~+ zcvu4zn_Hez8%R=Jb^!G^Ogk8g{NiWNt)!O&A)EUM@Chwf7w+D(^XS1NTwtXp6RlPm zol44tuO}Po;liC@3nokp-hT?>0$aw-zGBre-LA?;+nlQ1b6KsY1|q`*(@aGgr6PIu4E!jF)Va!uaST~lqZ zcYMpH#g#PQ7<260(t=A+63IP6$OM@h`tZa!_aI<7lFCG~DQ60c0r^KQ8qH=X=*Ki9 zm*dM-l0m@d^@bhpE`>0%k!@zN9S7b)sZeZ}4WR#?8tTtyawpw2r%wc^7#b}e3~cWE%(uVr#jk(u zZ~n>mFTL>r_k31uOyEyA6}MfZqYAhKu$y&KrH@mrj6q%n2*%>6^XD(U^y2FnLL9%P ztEOx;rluxgQKm0m!n8xOYGv*kMb$S9oiA3ie2|kLPb(4*`u#SSk+nSV#4F`mwc1Q3 z6Xi+?BR9)e8M*-b%5Q|z=(XpZCte!J}=De(@#BLEH`*_ z8a_O4$g)O~OVwyCNOk~iB!Al={u}eMOaWz?eDzu=8iqMyO%#~Mi5K1}Oy9cyi;u7j z-KUQvyhBmm5LY--xKu#!T~OCOQ6LXY!fwoYN{v^>ASffne( zCi^lg$5BPMbbmNdDwbSYEL4hHRRH_5r&Qs+mv+?0K&OJY0p(M#XBQUg%|>i+z-OuL z8rQ?`;eep($Ux5-AVvr!LSz)UjF$A{&?<#;sa&dHieVXs-{KxqC7CwLmMcJ!1`oGhuv*~5Nx1a!x(`ae|i{E*n0NiK*Qf!B>C19qY=#vmPqqhP9|J>D^ z=gyyVHjnIn@{2mBby}s6Kl=06oQh*Rfkv$!o9qjX${Mau1VX>f{T%^p^d5}iMg!i# z@V;+-_KEL3`SXANmlt1o*Tc=Ufgo8t9=>C58MGN6UjP6&T{Kll2Sg@;U@-ENA3vQ= zXH83Y{H7rfWMSIw*}MDjM+YfFwmxRKO*P4d^}r+-Y9-#dN<`~58|Wgu4ej2oLlZep zz^A5WB*IfK0D-wWPX@tU56*K>ztW%T+p}k9rRwf(Z(G*IiPijrEmrm+(vM1RHNx1ipD1fS}XNyM^DKp?Hj#k`?d4atb)rBnp=fQ8MFFWUm~-T z?vz8!_3BHR7R2x&am}G%9ro6TW~GvWAvW~>$&Dh74vD(}T2Kn;lp-96N`Kp^1wonjIGJF~02 z9iY38hIG|a37!G`V>lxrRPT9jX7DP+Z9hJ0)gEL z9xNS0_YlJ;z|O2nXFcSnrMDV}?C!}V%e;E<#O#st4}Ih&5c2v#qCbkYnBgxrg)1}NZqEi#&9>2M8W5z2ZF8`Ffr*gGC{z#}$D6s>m((ubE zkbBh&8b*>rg)7pS*mHnqB`-O-fXLpX1DNPnt1CBVoNy>UJOsawH0}-{&Q=#ZoM^K^ zQ_4n(jOPW68qTyOtR8!QV>!FTC6``b*zX{o^EkeXhAiUna#aQw^no02zkq_g)keZB z6c+XNG1gU#;A#7n~hq zyT1LEffG?F>SUmRAS3UC$v^b`~$lteZ*ogS=wmOd>tSSE10Jv612UPHOdL3>t zuZ&nzpS$~lnm)`&2 zux|1-c=6Xb^+rK%9+bZZ5Q9l0)DD&5zEtuta#%o|eFpqKB@+^n0BJRwCg#zWyw7Xu zix;n6`smaHk3NVjo{;SwiF;rW*<}Uz+b#W$Kt4JlIn`T%!DxKLfG@9IK5(2-ns>tk zyRTin2H#g+E|okuDc1;nHX4CNp+g{JwgT0Nw{xIj;O8E|;_pux7`%V)AQvK?UMNd#!7<0OZM z)0v!G6;_)i@KUOWYNFrbw}EL?olkEfk>K*u0<0i&D1dFMHlVWnGKNr5(F&w9@KudU ztC_J|_0d>r-?siOQ&e=83S<*j@-NTZ~wQybM&PT&b;szJwD7mZ7UQC=#2(?KBsIr!)cL#s@<9@ zuL3f|1H)-Kl6@ymoOKT)F5d&95eRp-IZQinz=cH0+0=pTxDfo8DSI2 zF!IY;+KC~YV8#?_bW}L_)k+zWoXM^Rj9W62l3Q}#7Szge`i$r9Sx#_*Z6w+)fX~4o^(r#G%jtOJn=mFF`mj|c47)Uz&i$81WUMJ+o zs8dO2&%ASF&;9rLgZ@_7(uQL4h(lq2dg!tX3S4Or-_jq6BoI&9yhel}$8xcxc2wq4Penli!!$Z>7+GLV$SV^tf27-4 zsB$_9pHtr16envvU$0(|4-SO-`g56FC=^`840qK&1z?w&hfaw3>d3@~<(0G)EOlTV z>1MEGxrWh0t)QLKi?moQl20%5R-LLj0M(PHjhKmG+Rpp}NClI%YBf_TWE@X(V=BC3 zB0fG0H%DsC=k(`)`9b=`rLojVC=&I;AuxS*$nM)d4&wlz$t?J(Nq+VTCr4#ecyFV1jyX%<|fiA)<=r!zjB8}byK##Ap zdRYN;w9j`3&AW8thT)iFyLQqUR}}9K#G!zC4;Cf{PH~Gfd^kiRN|P&#Y1| z+m2nXREzln`x1qzvJ1BWUbPJ$xS?f{NSG(Tr8yP{lX4Zj^Jaw4M?2)2GxF9w8g(-f zAKpAQduuL{h|OQQ(&G0$RpSY|VjE$vHZ(e1D3wqbw==Q2GBn^Cl7QlJ13@nuLM?i* zZL3ts*7(f|Aq9Xesx@KKl#L-lm0m!(Qkl&x%{Gdjss8BBje%5LJ+;75&gHKjK7RIv zUq-6lEt@wRmgUto%QozQmE4f>_eW)RuXq&@e%rtXaf1q^iQKRVzy%hil5Ril06=%l zR@5IzML+xHFO;t?uAH96>^BsPIP_g$cVP0+&(YZp9y;cfHe%eqAwUTdltif{ye|d~ zV4U(`Te{DTC;AT`I{Nz-4a$KeWSCZI5ShVd=y74}beRPgK&d~#qPd%T# zHGOGd(_}cASgZW&0$N;61HgvMl?pIQ4vFEEk}8L>4y{51mn#%Z(+XI&rJnzLTGa-6 zuhdvsJ1`_pkI>^E6`9r^7=q@KcdOApv4Bds1Tz;8M=>-op077>ohLMMWp0Uhw4jOx zz$GK#MslM%DT#@gWWe1+Cn#W&%MXEL6vZ?XiY&OdLA^e)YiByoj~`_h7wT2@*&tO4 z9Rv5WR_hxcZu#^YKlGyj2|QST@W@#Uy;AlWaaC-`!km`-O(|J32kKU5V;j0J8h}FQ z3i;`o>obkKwRvRp(Y>+ZL39!h79MYQaq04bqc`3=T0V2#UuyLa4Z?CmLMYbH|m{Alv~E8SmzC=>-NVh*asRq_jfeSgqdt`OltppP@_1$S^S2 zH#NE8(EdZPuFy3&Xo64a+BQc}Qov7JedOduLzIC423oCLE`c~B+kn>V#Gw5-oJr1K z{OtLyTQ`r6j?~+_WSR!1*ss3)PB0V)%{4+)mX1CzZ9lzTG%iB8?lt}E0(1kGPi|}a zmAIO<8YaU=s}-^XBNJn-h@+(<U2yd@m?!>d<|KbUHmh zKXK1qGZ>VY=ROuzGoY9zSL#yE5+_Z9WEob|*({6-+AHMP&;V#Wh*Y@E3mM@F8j2t2 z2hAP;Ir)Pok-R^Ez{u03?p3Sy(xKh&yz`~(f5HtD#$@r*_qP0%!M0Q zW*hnF-c1va-j^5~Mc+UIgu8s>#+ldOn|bF*FkPKU4u+i|+$LlOz?i^YfTI^khP{4y z4Tu1`N*Z!SP!el{k_><>%b}1N*@MR`h)>B@1@3Tk@hNRjJODR0YzIB_nUI5~gVp2Q z%>_Qzbe~b8=hN_U*M8BlHi&L0avsBgn#mJPDF?NN$%w~O@4fTEv7;w>cTXjVKpy+d zL(}KZXS1AMVX%>Sf@7ml@`^D36|_T?2d$D19#y$qUgPUQSumT1l7lPEJ5d2dE-$4I ze022N-+scqqbGpcJp0T`3rl&+w!xJWtpe1Wo21gjF-VV3Sqn~dsI+RAHslOZh?VmIxScPBt0>gYlzYE`Uz1(~U`buGTRAMRfE^5Wu^tKh{S zO@zk=uAiS)EB}Gd3i0I@j}!Dm{`qV{D%Ighq>O6-JwC)skEeUYXwH(Phbe)$4BQ>O z-kFORL&?O*wyh*cns*0{H`5hb2Onpag-gXB&J2jpEc~HjE19&0<~0mhJ#yIM1L#VX zE8~d{Tm+clR+1;F2LC~sdzwi)51eRJXDv8 z$AP9MVd5)5But5VDugi1pJ|{gVus7FgF|tAI-k`*8e4rg)&xOLK805qIbMbiwM>tmthh^$uWmZ5+89dl)Q!Q+)X z&2ozeLa|gh`!s_6%M(V(+ZOBMUVE{UT9?Z4SjzrtU zgIdsmZhO+zpvOyR6%Fa$xrg~f6QCK`5HNgV_xv2>x>UiiQbf9VkcRC9(2J-yB7E=@ zjwXtw@{j)J7x2*}k{s6S_3??Zk>P=3hmOMT)M^yF;B);7=Ga7HpHp!Rs+>GpEqI@S zV4zYdSKH5j70~L*eMP7vDgi*`PyXiVZQHhtj*qxjuf>NLvoo_VJpV={ngmyjYy&tn zc-xMnAe=U|yHrIKSQXz!b3^L^Qh^8z-WkBWvQf1#iEjElQNNZ9x}-iifKcb?!s=@k zROd!3&>syC$8C>u`NQMzr0MS6w{vk}v79gPPNGyt^%4yDj^A0DUqGWv<~C5?D!^$b zeJ+Sq+Jh$sRlBQ-wvq1wt=9FkXJGPTgF|dn{& z;*xCM&}mnv{mW1{+=fofnxxw?35e|+9q5fzM;jnO z^y*}YD-#<{OSAQ61G-NsLHM*?()S4}j4o`Vm%xK#_O7VqA7bY6>>#FhVia&Yv9-7!z1>iP5_xVRo96eetmC+LIJ9}KoY+2p?U#KGL!YzZpu*#uOs8TMK z;NbTFA8_#b7^?PWAqp=vItJX~b*jJk^SP6t+G3YHB zI#+J<^(;kWHLQy1!JuUD(~e=|sLCr)@$J+#5uIZlkOUF9H)Mn9U?^n4P#~pkhk zAA^(FXsbAig}aA>#k~UvpKizvfRAV-(rDC+#j2FzLaoA0fPn-e@KzD?vmf)(?da%G zy}kYkc4&Tn;i;d$6pi=wh>?Iys2l3Yy32uN9IRglu_uSfWEC)0I*)r$WWHv#5==%s zFnJxt|MkI@L@x-JihiRR8jAW;A-^|p_24Px?v3u*zP!9#OlN8M$R%49fp~wSSSVt? z;_}}C$X^{QjJBnJf&y08VI59x16`lFI34XDNR4l3FLnMHAX>erZQW4EjHoMh0l9*8 zxma9T_QK{_h9j%SG_46;DRbi{nno&+m^`;}c+Cj8P!xegYQ$58$ZyNrLf6RTG8}LH zLEb6ke8S6VrrZT#AJ>gip;XTm)xg5cETG+86=g$nIqc-BbwhcQX z5187iLO}8gRH~!fxBHVR^rj;B?W#k|SV~(Qw0gj8wuXj=OC^i~HOa{nG5C7EZde9} zWK(YKaj{o}3t1wO(A?~;<42FAZO`P_AKm%&FTgWLmjSKx%&k+eynW_{w|uwK+eSBR z-Z&Wy2FYjJ-Vs}mdwiPZSPsHmYR-X;K*Q&@6uSs7ae`kA@OOtrFogu7!R9m!)0Xdw@!eY_ zLM$*Pkyzr@SKm5&=7Pm-mL(GuMbjR8?4d*Z57zhvT;z3Y2k%=RE{W=`0$w9Kw9ert zzA$Iy3Q?5?;P)hj5e#M+2hs&7!quhu z>C5N|Rv_HJee&vsi_%A=U&z9>a4b?OSKy{Fz875j?SLHYSWs;Iu(3KAcLNBwS*gxm zIKSn=2hlKY?A-yhxlnAiyigP(RIvaix(MK##--J2tYovgZ3YZX7hs757Z#>gqn+|{ z9B%W=W>xwn4NTjvx*c3R;vq#6*%MHJOmkP#>3BRUvD7jg<#N&BCmPtan9X7GkxOT| z=d~g)sO>{|WhOE~U(cQ1h*05ugdEPfiZ#Bj57xU|>$Y)X@c8(j;JXfZ=mY%-R^$)+9N@ z|ANNA8FT_6b*qROF_6VliwjH7KlchUD@p(utzEl!z}lTXeI7XUu|+Z#XPNXzZWEIz z40ME#aRXqp-fZS_+?roOwaz<1;NCJhy?yTKS9b5&IRZzo?MUjnzPPyb+_SHRqe&^s zts^LdF}ShPIvl11y$!eVu}%y?BAJzPV#UEOh5>JjUy>4x|J zFS<2=F2lF8+o}a%pmV9rRfiDumHvM=pR3lYj%7t``N)$r1$3p>tjkb_e4=|CuVLnd zScf8sa-4N3<520MlpvlfWMPXUfv`jXvk4a(_7uK?BA~(ZDi&7emuS31lq^D-QwfqN zsY?W^hl4(&Tq9um_)Mcz#q0oh{9sVGhPOehwRPWpxk9;=PUq5Tv3iVEi3G0?K43JN z>>nOZ!z{Yv8971qxgojS*tJYAdRn>Sy^%FrV>|Bqo&RF*lV6YY^&@}1TAVp^_VCYM zo_YVs;K0D%Cq6&2XS)##)iGhd&E6@1jH_j`&9^VfkJ1!OZ_$}qG_PE6#ovbZMQ@Fn zyK~(}SVQJl0F@oB2wNNv=m9$%4)U#jS2b`@GE%gANDlgFaE>j<4^LUxVg^Nyt}^<$ z*XQ_ymgT3efkdli`-8DW@`dML#_W=h2$)CWZTrCo@BQT)??5@59Q;TGjbdAJ9{{|G z8UmOFKe!ZyLq?d(a=DUiTRn_E^_uJ$ByYcE(%JXlJ@EJwU#_$N2xuP5HeY}B?dvxd zL;N}ykWm*Nplg_xdN#${NPXJS8}0#DBs~XEDX$Jb?`+hnWxdsKf}iMHYc8-3aJS_^ zcoj2ug$^PD&88l(!lQA=^cQYs<}Y%?QNs=l?$~tg{IuImaI{)J(+I_*%jm7^SiK&a zZRq;o?WQ601lNMsd;QGmk*!qmAI=ob)v^SHI0f=?odSXx<$Mk1Ku(ixOKP=UI&ng%yX z=P>ERgtuJFWpcE71$u! z_uId@{VSgf#FNNcE#@vCJbd`aFD~srGagCp-myD1IKYWOwdS!6?zndc#xS&0%N0)W zIcp$Cj8xNG#af5K9!^CpO7bdR(p*6Sa487txEpkkI>#E2m=0moBI5UsrJ{q$dMQsX zC_u!rNqP_AkpCDfbW9`cfM7B~2=TVJ*iCdR!ygFa%p{p7#NvH3GxN_s`zj2UATwLJ zTz>GOeYs5L;)P2PtmrCBz$8~B2eMEY>ZD3>v$Z^azaIl|p}>zkOC&dFslj%lt@+6( z3%cd3tl;Js?~%X>La_h zl z1%ybEwQ#A6wIf9ZM1(#SFaxaB;^9bpoguP&OO=Xk*<30B0?3ZpilKMu>_tNtxar#{Z=H5yhTF}Y{=^1{;W^kpeR3R83dgG^ZT7Q-+1@ZrI|=H(ba46(9&f$0ry&A_rh%v z>w;8N{kq)DhVu5Q26$=(5U@-3&Q_frw=|<(cgK#mk&+n*PBZQ&-{c$?(q%m z_9v@p58RfaQ*#Ag?~Su(`zI!Rw&UKuUxTm)K#y)v+dX$dv;crq2G-_huPW7wnD9X< zLY5`H4UIrEQ3~TlbT2<=(S2qLZ0Z6t;D^SJY9}##pn;KEgo5-IS0{o*gv+LYgV{4Xhj6ey zR4Tha`&dKMW-eb*WQpt+%leR7y)m_IJ0?GH!BBsnSf5fwt2lk(`yRRP?|g6bXCJmh zyi=K9nm_&8JEwm7^pPL`wYOZ@dhgy)BqBSu@kWD&_K-eCz5_NXuWbSXO0AU3mO@}H zg(EnYQf?3QTy}WoSwcK1>TR_4?`lA-I#yq;Ib7(5Rsp2s@rIM}W~C&~nhZy6AZzZG zqQz^BahMWf8cVOApz6juS&$a5y>E6D=KNc4z9ZiZA~MLi`#B?PSmnr@5&h#SDt;6`|T<#H)sEMw?GQnltjKo5rkFF*hK;NZZf z%@YmxSqFR$Z?RZ<{@GU|u|D3BWR2M^SZ@t;FN-=aKx`M7lU?EyfMA0$>0Asj*uw0p zQnC!674W-ww*&BPdtv(8+kf-I^ofh1fq{FU{OZGh`gjYd9~UwdnhntK}{j?rD6P}i$Ka3F$GI$g|W2Pdcad{V{V9l*3~rbyz7JjE#i z_j)x6xk3ef%gZY*ua~>n+BQ{$nm`?{!^H*BCbya5G)+yuQ^_tL%UB&`eeItG)`ZCkILJ_QTtlI2-ILu$K?i4^su0Nd@I#fGe=ag=?{b) zf9OX){CS~J;KV?n(Wnm$^i54|eB;%()o29Z3LlfMu~2s9BH#)Q@s@2>Yt>4nR^Z2! zVLj_;DY%H3z`gy(d*Axb6TNql-~@d1;ek`9E~f^DVK3F%1H?noxSO&eYh_lK)KlNP zfym0`sVyt~(9b}Rs8uSCX>vp3b*(4rYv_lce)WTA-rV%)1E2ey?`(Pa-sIR&C=qjl z0Vfp1IF#t?pNtIed-&1GefPZmlNS#@^$NGbUY|7)4$ES!^-@0000 + + + + + + + + + + + + React App + + + +

+ + + diff --git a/react_app/src/App.js b/react_app/src/App.js new file mode 100644 index 0000000..392c534 --- /dev/null +++ b/react_app/src/App.js @@ -0,0 +1,241 @@ +import * as React from 'react'; +import { createBrowserRouter, RouterProvider, } from "react-router-dom"; + +import AppBar from '@mui/material/AppBar'; +import Link from '@mui/material/Link'; +import Box from '@mui/material/Box'; +import Toolbar from '@mui/material/Toolbar'; +import Typography from '@mui/material/Typography'; +import Drawer from '@mui/material/Drawer'; +import List from '@mui/material/List'; +import ListItemButton from '@mui/material/ListItemButton'; +import ListItemIcon from '@mui/material/ListItemIcon'; +import ListItemText from '@mui/material/ListItemText'; +import InboxIcon from '@mui/icons-material/Inbox'; +import SettingsIcon from '@mui/icons-material/Settings'; +import { Button, Divider, Avatar } from '@mui/material'; +import { createTheme, ThemeProvider } from '@mui/material/styles'; +import PianoIcon from '@mui/icons-material/Piano'; + +import PianoTrans from './PianoTrans'; +import VocalTrans from './VocalTrans'; +// import sena from '../public/sena.png' + +const drawerWidth = 240; +const theme = createTheme({ + // typography: { + // color: '#626567', + // }, + palette: { + primary: { + main: '#B0DAFF', + light: '#EEFAFF' + }, + contentBgColor: '#F2F4F7', + globalTextColor: '#393E46', + sideBarIconColor: { main: '#B0DAFF' } + }, + components: { + MuiListItemButton: { + styleOverrides: { + root: ({ ownerState, theme }) => ({ + ":hover": { + backgroundColor: theme.palette.primary.light, + // color: theme.palette.primary.dark, + + ".MuiListItemIcon-root": { + // color: theme.palette.primary.light + } + }, + "&.Mui-selected": { + "&:hover": { + backgroundColor: theme.palette.primary.light, + }, + backgroundColor: theme.palette.primary.light, + // color: theme.palette.primary.main, + + ".MuiListItemIcon-root": { + // color: theme.palette.primary.light, + } + }, + borderRadius: 12 + }) + }, + }, + MuiAppBar: { + styleOverrides: { + root: ({ ownerState, theme }) => ({ + position: 'static', + backgroundColor: '#ffffff', + boxShadow: 'none' + }) + } + }, + MuiDrawer: { + styleOverrides: { + root: ({ ownerState, theme }) => ({ + width: drawerWidth, + flexShrink: 0, + '.MuiDrawer-paper': { + borderRight: 0, + width: drawerWidth, + height: `calc(-64px + 100vh)`, + boxSizing: 'border-box', + position: 'relative', + padding: 16 + }, + }) + } + }, + MuiTypography: { + styleOverrides: { + root: ({ ownerState, theme }) => ({ + color: theme.palette.globalTextColor + }) + } + }, + MuiDivider: { + styleOverrides: { + root: ({ ownerState, theme }) => ({ + margin: '8px 0px' + }) + } + } + } +}); + +function MyAppBar() { + return ( + + + + + + MoeMusicTranscription + + + + + + + + ); +} + +function SideBar() { + + const [selectedIndex, setSelectedIndex] = React.useState(0); + + const handleListItemClick = (event, index) => { + setSelectedIndex(index); + }; + return ( + + Transcriber + + + {/* */} + handleListItemClick(event, 0)} + > + + + + + + {/* */} + {/* */} + handleListItemClick(event, 1)} + > + + + + + + {/* */} + + + + Tools + + handleListItemClick(event, 2)} + > + + + + + + handleListItemClick(event, 3)} + > + + + + + + + + Other + + handleListItemClick(event, 4)} + > + + + + + + + + ) + +} +function Layout({ children }) { + return ( + + {children} + ) + + +} +function App() { + const router = createBrowserRouter([ + { + path: "/", + element: , + }, + { + path: "/vocalTrans", + element: , + }, + ]); + return ( + + + + + + + + ) +} +export default App; diff --git a/react_app/src/PianoTrans.js b/react_app/src/PianoTrans.js new file mode 100644 index 0000000..497c23c --- /dev/null +++ b/react_app/src/PianoTrans.js @@ -0,0 +1,411 @@ +import Box from '@mui/material/Box'; +import Typography from '@mui/material/Typography'; +import UploadFileIcon from '@mui/icons-material/UploadFile'; +import TuneIcon from '@mui/icons-material/Tune'; +import SaveAltIcon from '@mui/icons-material/SaveAlt'; +import Autocomplete from '@mui/material/Autocomplete'; +import { Button, TextField } from '@mui/material' +import LoadingButton from '@mui/lab/LoadingButton'; +import Alert from '@mui/material/Alert'; +import Radio from '@mui/material/Radio'; +import DirectionsRunIcon from '@mui/icons-material/DirectionsRun'; +import DownloadIcon from '@mui/icons-material/Download'; +import * as React from 'react'; +import { useRef, useEffect, useState } from 'react'; + +import Slider from '@mui/material/Slider'; +import MuiInput from '@mui/material/Input'; + +const backendUrl = 'http://127.0.0.1:8000/'; +// const backendUrl = ''; + +function InferAlert(props) { + //props.inferState:finish|backendError|none|missingParam + switch (props.inferState) { + case 'finish': + return Your inference task has been completed, click to download the result! + case 'backendError': + return Backend Error + case 'missingParam': + return Missing required parameters + default: + return null + } +} +function ModelSelector(props) { + // props.setStateAction: React.SetStateAction + const [modelOptions, setModelOptions] = useState(null); + const [isLoading, setIsLoading] = useState(true); + + useEffect(() => { + fetch(`${backendUrl}hppnet_models`) + .then(response => response.json()) + .then(data => { + setModelOptions(data['models']); + console.log(data['models']); + setIsLoading(false); + }) + .catch(error => { + console.error('Error:', error); + setIsLoading(false); + }); + }, []); + + if (isLoading) { + return Loading...; + } + // props.setStateAction(modelOptions[0]) + return ( + } + onChange={(event, newValue) => { + props.setStateAction(newValue); + }} + /> + ); +} +function FileUploader(props) { + const fileInputRef = useRef(null); + function handleButtonClick() { + fileInputRef.current.click(); + } + function handleFileChange(event) { + const file = event.target.files[0]; + if (file) { + const formData = new FormData(); + formData.append('file', file); + + fetch(`${backendUrl}uploadfile`, { + method: 'POST', + body: formData + }) + .then(response => { + if (response.ok) { + props.setStateAction(true) + } + }) + .catch(error => { + console.error(error); + }); + } + } + + return ( + + + + + + ); +} + +const PianoTrans = () => { + // const modelOptions = ['model-142000-mestro-maps_mus-my-f0.912n0.973.pt', 'model-192000-f0.919 n0.974-piano_only.pt']; + const [filePath, setFilePath] = useState(null); + const [modelName, setModelName] = useState(''); + const [deviceSelectedValue, setDeviceSelectedValue] = useState('gpu'); + const [onsetValue, setOnsetValue] = useState(0.5); + const [frameValue, setFrameValue] = useState(0.5); + const [gpuID, setgpuID] = useState(0); + + const [isFileUpload, setIsFileUpload] = useState(false); + const [inferState, setInferState] = useState(null); + const [infering, setInfering] = useState(false) + const [isInferNotFin, setIsInferNotFin] = useState(true) + const inferResultLinkRef = useRef(null) + + const handleInferResultDownload = () => { + inferResultLinkRef.current.click() + } + const handleDeviceChange = (event) => { + // console.log(event.target.value) + setDeviceSelectedValue(event.target.value); + }; + const handleOnsetSliderChange = (event, newValue) => { + setOnsetValue(newValue); + }; + + const handleOnsetInputChange = (event) => { + setOnsetValue(event.target.value === '' ? '' : Number(event.target.value)); + }; + + const handleFrameSliderChange = (event, newValue) => { + setFrameValue(newValue); + }; + + const handleFrameInputChange = (event) => { + setFrameValue(event.target.value === '' ? '' : Number(event.target.value)); + }; + const handleGPUIDChange = (event) => { + setgpuID(event.target.value === '' ? '' : Number(event.target.value)); + }; + const handlefilePathChange = (event) => { + setFilePath(event.target.value); + + // console.log(event.target.value) + // console.log(filePath) + } + const handleOnsetBlur = () => { + if (onsetValue < 0) { + setOnsetValue(0); + } else if (onsetValue > 1) { + setOnsetValue(1); + } + }; + const handleFrameBlur = () => { + if (frameValue < 0) { + setFrameValue(0); + } else if (frameValue > 1) { + setFrameValue(1); + } + }; + const handleInferClick = () => { + if (filePath || isFileUpload) { + setInferState(null) + setInfering(true) + } else { + setInferState('missingParam') + } + console.log(inferState) + let inferTask = { + "file_path": filePath, + "model_name": modelName, + "device": deviceSelectedValue, + "onset_t": onsetValue, + "frame_t": frameValue, + "gpu_id": gpuID + } + console.log(inferTask) + fetch(`${backendUrl}infer_hppnet`, { + method: 'POST', + responseType: 'blob', + headers: { + 'Content-Type': 'application/json', + }, + body: JSON.stringify(inferTask) + }) + .then(response => { + if (response.ok) { + console.log('infer success') + return response.blob() + + } else { + setInferState('backendError') + console.log('be') + return null + }; + }) + .then((blob) => { + if (blob){ + const url = window.URL.createObjectURL(new Blob([blob]),); + const link = document.createElement('a'); + link.href = url; + link.download = 'result.mid'; + inferResultLinkRef.current = link + console.log(link) + console.log(inferResultLinkRef) + setInfering(false) + setIsInferNotFin(false) + setInferState('finish') + } + + }) + .catch(error => { + console.error('Error:', error); + }); + + } + return ( + + + File Input: + + + Enter the local file path or upload a file. + + + + + + + + + + + Model Config: + + + + Model: + + + + + Device: + + + CPU + + GPU + + GPU ID + + + + + + + OnsetThreshold: + + + + + + + FrameThreshold: + + + + + + + + + + + + + + Infer&Download: + + + + + } + loadingPosition="start" + > + Run Infer + + + + + + ); +} + +export default PianoTrans; \ No newline at end of file diff --git a/react_app/src/VocalTrans.js b/react_app/src/VocalTrans.js new file mode 100644 index 0000000..a465706 --- /dev/null +++ b/react_app/src/VocalTrans.js @@ -0,0 +1,22 @@ +import Typography from '@mui/material/Typography'; +import Box from '@mui/material/Box'; + + +const VocalTrans = () => { + return ( + + Test + + ); +} + +export default VocalTrans; \ No newline at end of file diff --git a/react_app/src/index.css b/react_app/src/index.css new file mode 100644 index 0000000..ec2585e --- /dev/null +++ b/react_app/src/index.css @@ -0,0 +1,13 @@ +body { + margin: 0; + font-family: -apple-system, BlinkMacSystemFont, 'Segoe UI', 'Roboto', 'Oxygen', + 'Ubuntu', 'Cantarell', 'Fira Sans', 'Droid Sans', 'Helvetica Neue', + sans-serif; + -webkit-font-smoothing: antialiased; + -moz-osx-font-smoothing: grayscale; +} + +code { + font-family: source-code-pro, Menlo, Monaco, Consolas, 'Courier New', + monospace; +} diff --git a/react_app/src/index.js b/react_app/src/index.js new file mode 100644 index 0000000..26c9380 --- /dev/null +++ b/react_app/src/index.js @@ -0,0 +1,14 @@ +import React from 'react'; +import ReactDOM from 'react-dom/client'; +import './index.css'; +import App from './App'; + + +const root = ReactDOM.createRoot(document.getElementById('root')); +root.render( + + + +); + +

VwW0_zJROvx)rKAkKK*qcpeqTHm@AdR~To$2hD)q{@ zU)DRyu?KcRLwd)*jnt|;tbZi1YZwY_jbmo=fDt3C3Sdm;XMcM)n@LE8d_zP5T2)5j zh!*jc41i+<}@z-m?yjsGSOvVEE zD)uT(w1RBCa?HL!GM|fQ2ZaJuvTNeLnW_xS)1Hh+XTnBkxmxdAEi*d8hvyPQjpd6C1}7J1BhkoS zp*-l@337EtOK&qow9y-eSmILgC_z2ZQ>D^~1ofShTkqcwS=0jSbS*&L4&cToKK|V8 zd+Wq8J-}{Z0Xg_|KaZJ7v+zSa(DCtf0mr0mu9=!k;pr?omUe~|2jA0{yjTE^qIaDwSF?77pR=;RontHdOaU0Z0stm7`5IlzapcM-oI5 zCS_9#BKaNGnr-9_MlH^d*Xu288N?g119+J8P?XEW;BK?o0Sh*IW@F6CKY{U^!JH2%bTy;50$FUnoH%!bBJ?4T55=RCDqAPqxxvq`? zcBVs04E=~BGDqCv*K@k6!EjK|lgo4YlD>*c4pt9h8tpDVi)$ttwXld)YB3^hlw@G4 zrp?%+KcN;_W2gl$tb;&hqwO%|iqur|qXK1*K&7@F z&GQX$Td-C%VFIGja5AP_f2fQFoEXdQ?3Jm6hDe?~rfC}`hd4e&YAiOoEu&oPw)?eu zYi269xur-7B1DMMNXMAEXRlpKrBZ8~J4`f8=yeB-OQ?+pPD{YqXy{cs&1zLww3uKp zAl*>O!j?`E>M|Pa<=A-c!i7_J?{BcG$>Zq{Xq!&OHa50`imoL2(^KP%3-h>p@o0oa z5HzgN!#;8iRk9B-K>^YMZ)5?)OfqQBkrbC4NPs-I_xbB}x>PtaGo1^Df-CELc2?&A zgh_4e7tC&#OzXuWjk^2pnje8UcXFoIs5R|jB>JhgdK<-7JQ6rL8D}gGkNpdk2$gZC zuEVT7TA+wQH&L5?&|~aGb|=Ld8vJ89 zjl~{*0vB*t431*AO<*Mf?>+`iokpuiEEty86Tg<^fC?e|J3Z*BhC@4jy91f6&m-4JM_8oEsg zxwJHi#1c3+S_D=`rN-jwvbXAF*z8-=hhRj#ezZ}O1~3HIpxv?+YoLqo6Jx2Je9>wS z&!1k}&6iLP_e`!ebB(P>+XJaYtkcu=)BR!vJhe)5ZYsCCyH_Zcb$-`5ak`kNQ77ZE zkALjhJNGu^YgibN~F>Hd{gTVKVcIt={i^G~m??=@R(94n|mNRU_?hGV%WSPs<2v`kM%wtHHJ zpx-DYt=ZG&Z`o1`KSJT~+}y;<`u+h154^b;0rWEbWHc5DRVp33BZvn6^QRV?O52Gdo3d46ov24uH1@ib z=Fe)V54YDPB0!ncp_IC*R7|gx^#@vwj;^{=76{-2s)Elym5ENIqN*otRMF?3zw+H|M5ZImWge+1oC3#1 zgwjUngHBxrwI^6vclYxp*XGpne6iYS5%0<=aCzd0?d^}vuh*a=JY%_Rsn!@uk9>I8 z{Z6M?tl)#Ft$5vod!+r8~Qed*?K z;`I|sB|>REe2q^%H#eKfWOlX-xOPh6w!jeMi zHKaqG4M@gthml@#Sh&wDO(xLgHdOw91=q&$s6HwJyn}+ zotUz_qsVKvdjwvQkWObwX6-h9xY|Zb2ZLxN+HN+lfA4LZ7p7I>Ws#QaLvn4%|M1|f zo_#{ixZu!fuPz{1hw5iIsFo{8J*zr|Lq!`W96B`FHbxUNGsz-P4U|K|96iJ5_@m+x zAgRuHb~<_^G1lJ-U4?^c4z;h=Xvggmq*dX^+pHdVZR1FlB_PTMq+vuZy5m#?+q|+J zU?0J#z5@-zHlfo{)KY0(paAH&-RU?TkaDV2{aV6po`V^WM4Zh7g{>3%)ZwY+g}e8+ z89u_A&{HBqM#thzCG|mTM8r3&Hd`J#8=TQ7hLfZ7SfcAd*ClKuRLfOU0>4pj$Pk+Z zLLZIkB~&CCMXlNt`95DH9>wvb6fK`0k0oPv2}ZYe>k-{gUc2~D{>`^mH}(~$7(YeP zA(t6P4<;<1n2N>1rDDT0RwNlI>Rh!{ag?x9HkEr|HQhigp%JhR1_3?Thh=bg?fEjP zM6IDX8kLyHWrCqdxmtr)HYsW-L^4dius-F2f%4;S>*|4pe%pDhS!sQj@V5WYe)-q_ z{{Q@s{{H{;5C32PY4Ax#^;u!A%6*Ad)7tw9#-X^9tnT*d&q^s3hrPaT?Q|97A>Dz~~NE8nN${BLC(ts8EgoUGqz*d44L;)OW6Jukq zzw+I7yRDN8;+Qd;VKC{Ed#REdx}P5$oYjL@Vx8M-1B@Oa9$DFPp@8}_g&aUl$9=Iy zCDJ#3@Jm>a<%T+gCmLN9+vBy2xGm63YSpsS1cD)>9d z7Z~;t1BA?p$Y?WQP1HKeTFpdXi%!eGG%9H{ayTaU8q$J z{xw$NV3Rc_ap1 zp@~sb0TdjtQI9N`O;Zc&*>B@HbxXIm9qEm4}G<&z42dHa#3hK6$5vp zq2PjUWRY8kG(f=O%*3g=>3{G`zel77@w7C|^q?-4&~2!_bRxdAJdIOOt~4!_5hdcv z(HYUjMjL=35b+uU*1^#$B{|&eln9fB%iOcelwizd5~v4?gq)4%GPBbYn>z*Sq9F98 zfED*`Fle;eYg@bT+`RkFtvhSm+dKLE|M8o@ee3?cw{P8ju(7$hyXO!3?mbw2``zpJ zR#sM4*KXf?aO3?u@4ol`Ti0)XGRVi0lx>Uay03R^{c9GW|A8wRsROprI5<#}fA4@?D{y}z5M#S*Kgln-Q3wLlsermLzx^Of9C3?NI1GQJ9Bzz>BQpf`I9IAuYcn&|L1@6 zum5L%{V)Bef9>c0=3o4Cf9cQsiJ$x9KlP`6`X~P6PyOiWlS{2;H=9l&_1#{l)~N62 z3md!Jx7SwhuB>hB?5u8VK}mV9fYBm?kO$~S$dDmA;E(3A!EmtG>&?zgjgOCQZ|$S= zy4kbaAIqkywOYF^f672#ICDSC{sdYUZRSo7?htEjG&Z@hB$ z*OkgEB(#Tnpd@dJwgzb4B@ZP^dJh5OMLAEQ)|2w*#$xTT%Rhv0VDqZ@q*; z!O%*w*igHU5ep=+-?0`!s?1WcD>M)g%-jauCS z5i1pSGlG*2>z!F=Nt>UWj>h7*S9Wpi8C00D_Xm|~v);tX7dD3w$*4D)^sWrGClA}D zPB?^IoI=CPzxJx-aoH+SO%+XY`89ncGa4ht(u=72-627))sVX{_3mI~D2?1{x%qm8eG9mKPH{heF)*Ei{Td@OtB z#KO~;&OHCrg)3)IkLR*K{Ucxb^MC56GwF0P7M~i+EYD5DhLdx%m#<#Dbm7d^3um8y z=E@g7_2O5*^tqq@kuUz#SAY0V{Nz{s!{F)p`HQDdTsV31-15?ixw+}wSSEo7=POkz zx9+cO<%=(U-TeeJh)@7~4y>71XL9tNW)Z_+6Z#P56RsY{#NdIDFH+#RG- z$$q!Hv%9ZLA_k1*(xo%4R)1%^p!=2WsvY(b78z%>87NjTZozhbU34oR)3NPk{dHwS zCdSunC_HDaI(K@ZT&Wk!b*J(I$NA#`R@Rb4QunX4bwh4|<};J&iHUTx)hIRabVt*~ z)H&N=U}B;jitinZk^oC4(-sMb>6cPMhjO(Q(*t-ST&w|xzKCAzXdm8@vJEoH)cyDG z>~3xALKW?0R&>f$5{0lyuB@Gy@B;(92|BwrvTgz)gn1&y*kJ#~Vr62?dx>#h4=47N zqyz$NLd>*DzvS78NJy1YBhzTsWT=JB7Zup+5*a33xr2yaOeR}S#eEeGd2y zhr=MD2Qwo;S6_Sk{vW)2Jrrk!L&04eI2-ZfvU=BTxf1fpJ>VH4SE;PNC+gQ0omL%j~xrV#Z&Vak;n%8&3YFHAEj z4>ot!Hg_>7rX{`T3ctTqcu<;oBnVp;R(4Jw0hxa);?e4Ci!Z zT@Nk5v2GWQ>$ch*xxf6^YNt-l$K&xrsgjJxz>rNPXD7!_&d;4cv3TXo$xEkBo?BWv zxiFhcr^?m(FaPqd{++-5-~JE(&;S0Lzy4dh_wEr~Kr;i1WKy_$7@gB+PxOYvagDq{-(O*bL=ifFVj2PiZ2pXiczL?$EbckJ!c}MQjB7f^ z-nlH|{boz@0|7IW8RTJitLUM!s>i|dL880aqew-IHCU6RH`Je9o+;O=giK|7E3JA3 zT!(g`$<+)abdmYbM40)*xV~8@h7!B$ZV=hy;_`!jWnALhy+h46iP%Q zZ@vD89$;Wzwb@e!)HVOfu>B#yR)3K%G)g-#Likr&yj2IKLNS>zRq?J)l56$VR@KeF zlZ(e5J=J9~JH#iUYy$R`9%p>2mdJFN; z5TU|#M5*RqsPrT1G+2_tqI&$g%~565R8ckA^d${Roi2|y8+tklBNDa`7^$B16$$xg zauQGS@H#OH=)(`aaOG>i_q`i;*70H8oXVtH52W-$rd|(IlTIb7b$ypwB#AQDzoWpB zLNP*dKt-43?6FuSu`#0KJm$0Lz^p`@AO?umwQH9P#YU-ILnJrrjN=!y)8!9nqtv#G8x@3RCEiMtmZ>t7~QXLm`Frn z5kaowNw3$tbb5X`&_ff2noc#CmuFL}PVHyJJ*3{{^AiY!5NOhHOj_>?RBL+wO*$Ee zJ|@Yvc3a#oI>BRFQ#qH;yz|Ce?PeQ^avq=N5)+|$JrE{l{K)sTiwi~)lmy2 z(e6gQjg4cBwo0g3JQmT%B%w|%-TiVV<2Lp5K>s5$`DfsiIa)L(Lvwft0ZcmNMq;=i z@)Gy^8dP_4yqE!B6A`+a=>4O0n5n{1syFERYeevqqfBtLV-rXyrT{bR} z!_In!bcLcza}%vjPtWg|n=JmCt#^zvUOT(ZueCl%D6N0!==JoyT@(gt5F>PsTBOHw zsl9v=xuUy7Ja+lqsdA-B9H3J`5=`T_btinj0T}S68+tlturN16{L$<7gZ|*ucxH8d zhowv=-y$rrNCOhk`?aUeH`|>?qh;%!v&g0+^{-B%I&Pr^d1uE}s9wS3dVw z|Jq;p%YXULKmGKT&8^+v{oQYT?bm+u?e}gLilt${ckS8BrBYo_;Yfe`sdT(nt%2Nn z6OcPGo;!7N`R1)v`TrOm{8_0Gy=g>l2PY4#7PMNP@x|uXMV&SjQA?4&qUrNTBcYk8 zv7P-=v(c8-^G4~wrEQ)Jh(DsSaI47_O3j%nInC)PesHBpfUXuGabPXPIDjcZ{gtHD zcI{3#5YkhdIwR2^5X}&HMZ*y&(?`P{K&NgyPq1dTbpw~An;;mQ{k>OTL!_h-w%62} zHbN9IqW1>_5$;ll1F$|VM@KF}PxWFkm5STitS1&lfU(=Uc7%x@NuC)#?UBI#P(mhZ z5Ankq2TePxhiV{FcoUjn8=w$NVEGYp+7WtCGXndh_trC;nHBxfOeuLAMnAY|s0|=U z)Yl<24!_;DqWcMsg8DFnrGo?HZj&q;O1*nhH%YMvCp0G$@pL9Fi!N1V+N{#h-|Ome zCDh$yPF7DuIO$Xc%v%7lot$9tpMU@ECbY%unG;lt6|Gci5Z6$TZsA8f5k>J>pKZc5 zPzOe}M8Pc;bmdN#nhg{|UU$kOsT{lkWtnx7gBjH;RnXyjO>f+!RY;MQZdo@*NHHKb z6Aw?MqvWIB_^_Q`|J=#>6LZu5_+NdUNfFnq7k;dbh-PI#ZKfx(m0DXA8c|+kAf%&B zREtbyLzD_hv*`yGu+*WR=4z>zk=Ns!p3D{sr5-lX-dl5Gady8{H3v#yL9&dpBE&&{lF?jbg2Cq%U> zy8}_B?*;B|?`bLsf4cIja^u-&U%2*DKl9^1{gXd@?U}2?VBnqGcfbD9E0snK39nRY z@Z4q=Uo*J9y@OF!e+EqNv(H}L-7OPjn|aj`s0guy0a?J4nrsBfS7^tI7 zUF+D((B=-091%F+ncLBTA)wk;<--BCM7C8r(CPHsZ4n109O9)%qEXX&tyCtCq7?_H zY47KN3dW&;+7K}c{>jAK494^ToIqp0vf^{+PV5yb)oM#;udNJ*Rw`}XQt$8$hv=fk z8uk@kDFqIgGkCTha?(h?_bfX-)Z*|HQJ&rAw2+3 z1>w`+wfBuB!?|RL5D8mPPP^NE{_^R-An?zA{UsZawP1LfQkNmWENd@~E0yaKQV}i+ zt*TX#8Dvj=lOX%`5DAYSGQ-4T@$AI2GQnwhhM8m>C&`^^fTV@FDH>O54O%JI@R*^U ze$4fVMMCYiy+l43oSvG@7t1i58Emy%4V^%MS9&Nis*bEQ-tt{v~0u z-L-dU^$2(u7G~0!%*MuEB&21Du3!aY8IfheW=t|#*~Czl+FeYd(T-J>Y4-V9JnW9c z;n-NJGwAEl3i}AR@L9X#djajR$qc1g@6emTKRmrO-DoygA*L4FN<0Cn;ASFGuxhciwz`H4JClb^ zkv>W#MHbU*jejuk*iB0}GzW&yB-J~_67^7e0&jB_>@1sBVYL*2wno`>k2bT**uJhT zphVGdxv3bjORruK(F`LQv-gWRVF6b;;Zf>@aDh zrf%tCc%n+-m4{5AAH|BXXwNsebm27K?(TjGUDAmtos0F}yezQjc=jIFfP>9?wC=n!LVj;S4RDUVY_@` z)Y{y#(^QWoBa^yiWYFp$@fz0`Uc7qy{`SB6cdyzV&jZ#j^`qg5j-h`QZ`3RtdP@!bx#NE0@)~=`NeBWSdA{URx_X=g| z;AzlYl#5fsBtGKXS|s7RyLkT8UcRCmu+xcXIJma4V=o-iivzU8sJZF^G&y_b1kpjE zSk@C%B16%oqlW>&eZ0s{3+~aSm??g0TV7pa$vYyYo+3Be{ zbXTGO6;wDd`N<9)S_6bgV&uGq+Qs3k=BdvL>~UO+R6mSf6?2G{qI5j)^m95Gr*4{--N0p9>mRmg{0J;Ync5^W-n%@M*L zdxvj_jA86_y~6TGY<1kxjtOKe46oPgxwoz8Ev~HHx?-UB3u#Hz_|*#q@Q#(=CK+_r ztp+P@3ctFx1UuuH>hZ4&ukNauIEn099OKpsD<6R!SbHlHG7>U*eZ|Od+}(@iM7IyWK_pwEP_a!X?`WpCt)hgwr~8e{B(wd3t=#CRJ5zZ<7mk)7fYy9%;0?kP2#4;`1N5{99jt^S8e77NwFyBtzt@ z4PE#9I*q+BH(4mzC(2AVRLyD_U34THY;+l!!XaaY7&Pj7Fca;7FEV`CAiEYx-Dp%V zz1Q0lOnI2mv9Vma+6aV1hWOAQNrfG;4slWGt76#KHwup~k_ZX$C^oRQ`cIIwVEh^fK-fcqt#{=r$0?RLg*2yf5w%HCzxYg z3dx1uP}NT-Q|k{_w>LK>^Ptm&n$u@|a8jrKe-Q8pKLqc<#-PDVP{Ca;mKdbF{7ebT zFD7d!nkuT=raL60ibf6QL4Qb~4ewFXz(Y0qrxN}bITmUmKYF7XdS0*UZf)0=Oo^Sf zv%SF7M!)>guNdG8*}DU2x?CZb%|s|j_oV9(&k<0|QNn(-K%p|__EcP6JcRxUHQC6D_hdmT7q!m3$VxzuS?8WVajo z3W~1vVAPBh`*$R(6(uKTvz?CadPU6`_*gFW;*~T1;oI;2-b>esSwxI__q5OMW6_IA z=I18YcM7_m1fUjTAwVUFG7~!@$*7gfkFvGxbqo}<66i#gEBUdpL&1OqC(TQT4Sy${E#vsgqiq^9)4_?yqhXN@ZxK0wiZMsZ*zx?>*SmTZlxwcqTtWR-2Tjj6cz6rRqeP zG9lupQRa-K9pX4ka9M4$>3Fr??AW^|jpt^UM{qO+b7F}wg5PS&^KfwK%zUj`gNAZl zF2AG0Hm^V3AZGK=2D56-jvnEY3Xl~j*BYH}C!I`6F;qkE?_vcLuh{8MQsgMqXf}n$ z0Ib7eO?D%X)ao0ly=vfCCEMuaKw)JjPXY zMc5b8njKlU0pW>mt&}uM+cic@yPIs-Ab|qpShzjV0B~JMg`(lU&wu{>iI(0e(ouv9 zNC@enU#YfnMp|v%*2;9Jl8MdTa+{R?w4z`{kOLb@Pgw%%N{_ZW_a+6Mqs;V~Tpg28uJ(fU`ZV3K~5_oSq!d7b_s0nI0?T zOU+76VKiOgCE0DmHgauXnwgy%n;75UFVYZVsOIRAmC=F}8uYq)ek&HoLGnel$pW%S z2Z-!c4^axRtR-SlcJ|y!{HI2vh2n<8!CY2f%3GY9VX8N_cL}ATkWQbvdSQ33%-Sz` z&?sf{rK@5voHHd7Xm+dyJsn;~AcwkEE|R55JsGd5shnQdAO{W;?=Y*W{TK+7azT^O z$Ek;PU1b(B_<3SsnrUkHx}`drDLu3j*Gfvp{OHLd5ZXO7y6H+{Erd*8rP=}^ip-u0 z{83XO+z6Nje2GT0WymFZj5U)^-F)Xpl~nRlk+jxH0+kpatKfCCfv2Mp(itunjVL-kbH*tL~Q6 z*%{Rm7%Iaw0x!qqQ40dl98J;C4@KRsx_4TIr^l$Rjyk3VCI>%7r;1IEB%F3juz6aB zn*#bbHsW?-V@{o1OlH!%`2ubL>z+uIJE0GfR%@+Bvy120Bo+&Ws@2B!ZprMOPH+Hn zLc5lhdJj47=-v!buQkE`+&GjaC3XWHk%HwlTdOR)aSs!VCJ=pdXf(@V9k78xCoOe{ za3&cg^1$z=4y|maJtCMu9DHj5GV&^QD=cgIf_FfSh#7_w= z|13z|VxeBl*GlC^teU*3z$MLMIPAyp#bQLY{z!!O!%$eKHL__U_VMwt z>FMd+-GXeWy<~KMe?K0J%}r0uOig0*S^HR`cg3{FsJ{YfHO z!|agZD3MAgi6<}s6gixPn9)%1^;f=Y60bGi#NC);Dh8Sn2_FhHsfXh=FpHo`^$sP( z!%{vkS4)-kW^Fr7<~U6?k>}JzSeO;dqD=g-Y|8+#B^~HZh}=9ac!v$#`saa~~QQj&#}LZW&^TB3`jqU?SOwossWMo~7IzDQRPJ8^^L~ ze%-2Klp{&4hTeo6)VVE9oEn+D8U}`=_QYifx{I~*29kW6pgbm z>RVbY7${JaMiL3t8$`I2$oomBlBraxSguiIN&$bg9>6GUA9cXRJUJ$yISX^sC=M7< zY~03jsiFeMB2d5+-4-6e1hPlbPMtY{@?(o-@#xiNh=1*g-~9eI4w2_!d5oqQ%QVDs z#tue87`|XE9!w^J!N9`8Y@tw*Ngeu9iFmVtj_V^q(MWi9YGOQ_t=8+cM)TsubNB9V zS}*h}ULsnq54ZvUNz1sYM`MqwxvoWp(P24u)|CZ@dC8{YE!f`awe_j5QH6sa@0ULG z!y*?=M36mP5UZ=lck!rimFBMg3>eALuiYj}bzwmSV-Bx(~NOH!%V({Vl3 zYH~p>wS|{{ z3p@*|DYRu$#NpivURp+35d;z{_2%D2&~8qNhjY7BWMlx{inFq4O@V&04!c%Hss z@Y$y??p5@q0?fJz$8@cNK>p;l%9a)APUijW^$T`yQ(~;h6e25wSS8i_d%U%;MTksorQqxwG0BIINOv zHiIy)5aMBzq)W^dk(QE4F`i)3G&&4KqtUdPl8_|gv9VlcuYmU_$&)W2C(oHYq)S5; zThxHoLt?jNDp9S;>ZKAfqE`wuP8+K~7WJD00;2}O0G4)sc|JRq+utt{|GUXkq0KJ5 zf?58>_KDXfOVTu~Mmoi!bo%^>W|NhyML{|vXR}x;V+|n;B4e@W%;W?` zCr&K1T7BK$r`BweG;xHPa3I8RK&0xI?$nuWxTWe{Q%-`$UA@V&pG?N+2)ABOL3o0p z*7oDjdV5Ndjd&zNvsT-EG+pPoubf?Mu~_xG#X6>%;aPQB>B^f%Y=DCJsMPD}T9c~+ z_Yu^n_fZkRWs5=XJ_m9M65^3?ED~upo6Ez%S$>cM7GjSwnn*uYPCL=(T75)ul3Vh9*Ef~aR_9e3@6#%uchQA znWKc>;YiDFc!dJzK1mMvr=Hzcfyogvy0lWOW|dUcQ&7uLo@uSt9~dP{(VSo)qQ}v! z1MdgYXe4~@(EFFNfJEw}QX7)242!MoHIo-%{&eRDGiB%LrF;WykXA)l0*JZtSf~T2 zJK-@Ev<_7?3xMyq2n@&F)t$aQAA)@_dSqU7 znnovXbm6;NZR?A!uuVO>sgY<(adbex#wG&@kgH>6g}OaGiK^%4(PWjXxp=5X#zBTj zXbJZ#wPq?7N=Actt7DneUb%7Mi#q>ziey`JMw^%q& zpP0SBu`61;J!m$!j<8Rx61YyG)fC(1DP@$fV_1^=;V_ekckJd#Wg4xMlVecjRnxqy ze;T-fz*4kDSfEA^9Y=8Y_V!BQU^tsf?CH5QbtMzQ;G?lXB7gJ4`S@7P!_o=B7{RahO8XFV(x%62|c=p;-! zXBt~voSU7SURm4LjqcVF`p$@D^{fZs)p}sPf&GY}!FU(;N)JVfuhU_T8DQ@94#aA+ zt$RW2785W#4hoAQ8Ufj{gx+Y`)B+>1f#K7W*@;|YuT-wL2X*_Lo6{jGYhrA5gb;*^ zAeBK${DnJ!r-sBviIAjE3|8G4aW>nMSL@yHPsZa|J-yA@vV?T#o5*F~c=;8brj_t} zXZOS@K$;I2E$-(7!SU$`K)+!SInZWUz}l!(Q^}aJVV_Q|@GDYP9pK0bpALk<8k^dy zia4S{DPaRMa5OWI@MUy;R^Tuk);k!KL+hMHOIsnE)Y9_YpW9glsfpGDBbL{cqQXO5?Z`Ji>cfIiumWh9~(DaVbKvHlro7yi` zNvEQrc*H+9nafuii*wTu(r9&l{4>w~lV5-7`ul5GQ`kXE*A|ba*=jG%O-)aZ-&@~f zR&eeZglUM}6|Dwhnh4RMn=26wC>N5!WnSbkm5kyucI`_&09`N4&D0vWycUZI+}IsP zdjp>3dD;HJ%*X;xC1$#*2^4W#$y?sP|zedP^SXs}`c%UAutxgz0f(kej4Ak2#M9tlGuNrWJ z#*%lAodha}VP}&mhTPTzyvnCCt9UY=DDLMU+_@{2#&(#Wr$s;-r}5HoM9TL8bq{!g zsgycV|DwzU1k5_))5xUbBq^2DIbRPDIkTzLqzBD zLt(Eg;a5K6PrIXPvQRN4hgrmWQZfx3}K$=TQ`4*Pmg!9rX%Jq0ZB)$jpvjaXQb zqk51+_~hk`Xkc$cq);58I|Li?0|iT(T}KLpog9vuh+Nx?;lo@e*=(Z*$hhCW1D(?4 z#c2H5OQ+wuxprz{`YWG!>Yx7lOSkT9U_)R(1Q}JsZo5Tbb?(eUBo^D)DToGLo^VLXQn4Q-Cn)XI=JERP~h~<5I7lx72*cN z?Dr?9CRj6?tqxX?U=w2*h(;9K;#d(B!|_O%s;&t=PR&du)7et7D#GY;#4(PNsd&9y zCZ^Er3e-fLw|Y=wLS$l(5GGTsDoe|Adey%94-*sF{rx;bKABAK?G<(I z5bZ;ujyKvJLM`G{uL*leqvQAy8uTiZ zP&69s=&j%$d9dQ*>G^iI(`dGJH@!ImAeVyJ33M4Ui-8&)eG*8-(QY`b)#`~@6sKGL z@hA4F6ZWVGN7S>S`J=kx5ooqXPtIx1ls}Qnz4r2}Lv!>j*m2?yLlAjYqPeQOpC^Nj z(}B8ljC9B9-;vd7Hix~A?k%)D`IZckq3~xmPE)M5nr0b>k<5Wg0$>-RRbO>f&CS1V z-d6&NH(62AVG|fe4aN=0^1wct7-dr~nyt)`d$j;-Z9~zs-YO!k?*vJo4yw7H4u93m zOOYjuY2378NWh^I&R_tGLx39$1qsX{rlZTv(nXy>w56C9k~j@oqcdV0=p2USlOuLX zG9%&KMDF61^S4*F5_;_zpp(JQU`MhG4F-EM>2t_EUP?49tNWk9Q?(ld3~CrNMIXC#N&*GKWe+K z9iY$gcZGOIBHiiH+-s*&qdxmJzCgF0SsBS7%gFDWKTv#*x23$iGz zA96li%_joo#>Y`b`?M&S88MTA!IQm^LlD-z)UtcSURQG<10;XW21zB;YXi}v3`@IA zDAzfsaQI^{UR&L-vWDqiSJ9~ruR}s&2(j3x+x+x6^IfjgaUo^voZ3kX)JhiBx`en= zsqVOY0U)KXdM%eC;Iyv>-F!POS!fn1)8R3Wn#OIlo=1SL;pP1mik^ zvuw^-Fb1VPURmEpA?6$C>uz4GC!VADOO>HN7K=_zP3`4Na)PuL(4!W~15evstu|Ij zih|)#Dw{48E17fxtR-UhgL4rEx&bAw+elq|wCvpFbJc2{IfCz&X?wpf5{aT9jM|!w zs1}1=SJvM4!p}6N65(iMa%OUWPY)x;2s|)sd%!)nibul6FR%uzA(hj*-S=QS`6f(!KZO zv5Q5*xO-cB`F6Kos=I5!y4!&fGi$ojDCldzkDj6$@gv}Cv>G7MnG=rb#Pvo`mJV4S zXy}i8#zH*X)`w*1)VeekM^+>OS-3ZJ> z(97xC!+}0~3YCy9k4M6-F^co5W$FL2TPW}lDx z4c+e7R!<^ceOq^;LVNK>dnvH>rTJBv-E!FJ*#NDjt7+3A-b=LnQ{$PPLRl*cs~3ut zOZxhqm5uE$e)eNq`AW4;=-Gev!tx7OPXFSszjS|fhjm;hNJWgl)9%zOHFW8tAG!2k zr_k!?5jT+`LPUVb;8#}`jO0=G%G8<!q%kk46KI`MGKLd0fb(xmu`^o!ruU z2eeQLKmS4(SYBS*+buG93~!}a);)S&D}HruA{3A5z3>?KK!7!R>C}=h6lTeh|1O6` znApXlVI*5G3vtA#H_)rtkQpdprS?gUKsa*t-0A#&2`4BL3CH5m{9b+}Du;krPmE_X zne^U%3DYPHQaxjiR|RmrNL1NFmrM;LC|fmM9iZFQMf35oB-RAmt+T4;OdY{MZKdqr zH5^7_y5fZ_v97zi*qAF9mMZmnv)#;B%^AR?%2ue{O=Y#+6RIe64e4E z*1ciDy4Zn+<;{oY(k7Pzd55Z?5xeT@i;;UgusW;?B*baG)WO*x!^EZrjwCx&6<1eU z0}>f%WeTsb=prB(R2_RqHk7B6$ws4T+?VBpdS`lMUv04JQ53tO>&Zjytxr2Ksl}7a3pXEZhQmPu|Bqfd^}^GqfAQbG{Qli--Q~XDJog7a;_4K*-9&Dq0k^qx=BVT=MQ^(G%>CmXNQ4IAKuV^Gxg8=EZbco5C zoXqL#TZ}+8MJv@b4g3#S7^GMpew)Ra+38ZbhJ>UNu`*UqU8*lJ$DJ(*M*@+E9ZIg_ zsl>v`6Z`uGVQ_fNpNs0n)V@lgM2{v!`o}bQ_&h(xxak^(LV;v_YI=g>rhSV&$=az0 z?5z7E0G?1deBr{G)zxh|gyxegpMN(r85WyH_2E`%N3T&#rUt4U=7>PG-R_O0Qv~j9 z-MX&}8mgo!aPgQSvL9u~Vv$fJ+-eeno4;cca$;^Gn~Iexje4hFYe_H6_<6TaGspF2 zPv?_Bp{H?swR$5IjijPchM+Fsk(+LHDsov^RM&c@xn40J3frf_?Mki)6RVMHJmc5D z^QsgZo2^HbWd77fZ0~`~6Op4Mld~f=93Fc%j>&K( z_DWHywwj4K9=K-OgW@nB`(QT0O*8#t**MZ#${ex$Q3rE9Ii9W5uzF~t&icV5Q((8s ziAl#6aA*=6)eB|fmNNNKnDpYup6y3s`C_%+Xm0K9-+r+A*6rIj??2es+bfhScq9wc zQk&s{j3jKr^;K7H}z^4!#fKB?*MUv+4$Cw;!F++ee~Ts$xiL4oR7hVe*} zB-!)kRCVp0PR?}Lp*0kdX7+T5Q5(;ucJolhv0{Sxsa$?1J^HOq z|M^R&KKJ~^fAQPjdGGc{Pzy)j){{ZAQmK}zrpIv_Q)+)WQQdoy>XT2GbMzqb( z2!=gH*~vttTC0g{BaVrloE(Sq&8FTQrJ3SKRzkPYq0@v{ASL0j^@qM>IvEUwb<_1& zdT)Cd;Z~<=71C=6gv1|+MX@f(t)?y%T0FhXT4EH6DaK5{Zet=umAB|rq>eO;eue@%>6M7LNM9ScaDkZ@SDVj;w zg>_>lPla@7RrQB`z&nO@)W^lfLbGJ5-0HFei~fYnSnAgc{_5>kG!h{M@wg8fSsza|_`w(|i=8^xNYaT! zr`;tA7aD8A4<0w}-pzNeS1Xl1Vk)brTUey#(ofS_Hx#eUW8jEF3amOXS~F}ntk-Js zsC&z%yk0g%9K9>%K@!8POn-AMmXgG=_I`hj5PJ3w4L@fxlu1NaUc)~85MMh{nb0x z^v8JcbX1~u<0S0mO9Ody=!@NM!hD;n0I0ffTU!6rP&=br+1R@fSTGY?JKODk_uswp z&ikwD_ck``&1Nc|Se%}E`uwSnTt0W@%*oS>^AovrA{tqmoou#RTf4=GvpP(q8DsSz zJF8)ZAu$xl=gUn!po&FSkvcS~plhQ`lVEP16i72{G(j2bD0w!1svm+lg#PpgEcQh` zOfI(zsmrDk$!O^2?faK6p2>}m-&x(&)q~*xb$#m0;*Wgl>0kT$_ujg>hHMM7W_4J> zQ!Q1mT|GU!IE&#^oC^t_E~{&iWOJnP7!{V*)R0WZWA=E4XYRo`mP<#YQQ~Ve4GxXa z@dq}XCe>4I4HqogTso7>7K`PHv23|eVibPru<6Z6&?s}FS8ri1X^A`8@6RpI_Xd8w zVMS}32y|4l@HFcU-ST3G>eDunD~^i>JH4!p>|i1pNW|tB=ZXbA7LrIrJNjNni)tF@ z5rAD26Jxot?8fG9G#(4bqCs8fSLc#u_0M3bXbfX~CR9$c90RP#rg}K+bbH}&I3ACc z>-41;-Z5&`R4vmhrSxy4dea?GM#0e3y`0Jg57Kq<)ZAXN)M|GMwO-4fs7Dw>tS*XY z?JL*Pd*LWnD!2o2Iu>K?q>AXW1xEN~A2k};BTJiM%4SmCZb$EYwQ-nWipWSP6bpsk zdE-rc@%S@%oIM4ld9t=rJ=jQkQ%9ET<^ixDF&NDg+{VL zwj^_`J0@%}YA6sJ)t~a?F<&ISy|(#lzxXfz&VT)P{`TMc+t=TEX}n#mgdJZ>3BE-H*K_iR5+cAP3BVT+k2f}7m`>f=>vRdqONDC8}TTeh+_g;jZUM| z(yeXu%KvCwVvzQhc4sDxP>lgAu8(Rfsqw3>)pSE5Iq+ptabnnFr9r4Y6G$>u%gmtF6h^ zQ9z%AqAR!dX)_{a`s^MJlA$28fAY*pcv!DD^{{F{4~^<9PLc4Fxjk$mohMhxYrrbb2=F% z`ue^vzyb#29U{!lg;R5^2>DW}-s-hFJ!gnnx_U!jxj{JSAwiK!wOTk5Nyg$ju__wb z!4oT&nOB;bcUhVMsL`8s6b?69`kEE43dIrx)5B~wgVn<#B0^ANN^a+vw3(s`w<_E3 z!{Ck3Q7BM7Yvi?)V&m(fW}<}>J%FW)H6Gmz)mlp|)tlN=XsvC85?0l7_}qy3ry|Z1 z-IGxJQMtEQXG#dAXrh)^QMp#l^`d58vFp^1EsMs~GX=MaXWl%t21bO@Lmiw-50xVU zy@Ht@PNM>5QcR&4KKmMmW#Z~HL_PVW?zG&|4SSS9we8ZXVevq8pc3&odGEaTz5nIE z`=9>r|M}ng=l}43ee=7oMdHaH{mCD>eC1Linmo5OpG_s@m}2JCwJzH^jYK|E@mMC4 zgv6E2{fPWM8=b}1PHi*5eyFqJn=p5<_&qV=J&a5K%M< zWU}dI(|w*%8JZF+fb38tERl4ZcOJ<%J~dveH{+=|5i<6dB8}JjQgc=D*&WNanqUKi zf%y|lg}h$Htd50De=xe=)vYJc=R_W-#WpQUYb6hMUF(m z?a})Y9s(w8d3nCxXjf}>JUe7hFC!KZeFiXocu~H9Uc3w#?Z#fXO53?e3t~(sgYN7v4at z-EVdzt^j^tx!GuUyD_XDY(z%I8v%P$5zjzKZp9c`a#zX_6R~KMUPo+EWx5{f*+iTmee*LAt_qYD;|NFoBJOA$2exqD0U%L9#fAW9+g}?WA|JGmr z8$bUuKlP=%oBId~bc<$3w8JEJYPrNT5Z`4}v8}yAtKC(BQO-ZD_*IWKtW+|FyQkbC zu0*F^Yj#<&Ev{ii;;zYzSY%E3H&z`oidiRNS%A=M(-JN-SE)6+@(MNDL_C^_hwnaE z%cRpExpw94_g7i0HGIkX5U*ltJpHGB_+xM1UjMyU-wTJuCfcERrQJfW)BXHsu5IM2 zYuiQmDK4|QzDQZ(|I65a$4PQs=fQBtN}a>>qfG*MF1{&ZN`H-dt{WZW-$ zXt-9FGiEs8kfFTzX>h&?h?iU>_MqcXr@b=CjNd@7PM$+{*A`;1- zH;)Ju+U5OB4CWaSsMZ2SPC9^Pp3V=W6WT1N`cwb|j4d*bftxz%Tmo<$#W81Q%8R&h0tQTy1Vw_llGTg#VtPEZK>2b+=t z|9C|{)N1o1YO(`EA$9UeWQb&ZU6(zGQ!1;qFe0DQ;Jv8BZgFapTH8-UR9&v*|$7qJ+^MJ~Dp1rbx@ zO7v6?S>YZdqS;NvELU!q1suMHfRlt&%Rl#O{HQ)K`)~j&Ygl_7akMl5D=@n8!EDqD zZ8odsz(S|DPP3cE$SUzu7Dj_WtGcDM&5YnM&@h{d&Tw=RwMgVAdWm*i+O?48n zI0&vgjs*8=TvKcCLZ+_Qip800({y<_wl) zBnVX^7y;#PijS9eUWF$aY=}p&N0I7=?f~gkN(qu2F>QecHoj3p?pnWD%bl=?B;yXV zAEp5oW8RHKth(KlutsV*5*Y4r9Vh*uA%K1L#9M##XMge8KmOB8XU->5*^hqwWB=iI z{_QXR)1TRYU@sjH-(W>=v<5e8)gGf?{^BN|ieMNeL2!;x=7Jd>?`=<@;#*>b$l9LR$sUOQb^e$DX=C!fqg! z;$|mtDxo+DuwU52$uJuCs>6cDJo*27eujRHj zS2m)i_V7bTPF zmiyqC0o>W_%ScJoq`S6i8~0@qfmMw z876O=acudPD;x1nq+Cy`CljwVY($P&)j~q~3Kqc}`d|~1DU`}?r>kqa#oKN;{0K|Y zCW%9a@JOlz<&=+1_dK~13I-7*Hn6gmJ7FnPA&C=A7n5%CG*eR09a;VoOZgd>Wq}$QYZlKf7W)fE9W@9#Y)=1taTq8FI5&CuGk^ZsFZ})AU!J;>?Hl;WkALh_pZYf+{qYa?_T~7ZXNR|9 zk}JXsfaY5c?lP0fx#c_@8-S5&MGZ}ya_2taPeo0)?Hd`)ot?S?b_FQ`sSGx>1gUY$ zz{Fm&n^;09xsq^lB=0Yf7gZrauk0W&@b8_L^0aU*6v7@kmWjxL)UvFg9}Y+!lal7B0cjWw>iPqFi-7nW3Td%O zs<)?DsOUzxQLCXAJ%mrOnwxS*X_()*K{u=?dxrXpr7|@Gmj|hKePEnVq`?a1dIe3K zSO5kx7Y{-?l6C>zE zcN-Dh7Au4s3|D1kXZK|C2Hmt|VTHq9 zTK|JY1;cQNlQ{*F9)Rt6z|NRa`Kf%0fv*e@`xfj1nShz+kJzX5RiK11tb$x+_hOA|U{G$ZCAdiWrQseu`kd)|vm=qy2Q*UhdB+Bt1?`0t%uE&9Z z-AIrKS;1yg&j%> zb`8t8_rBXM%&Y=fFrXYQ+3_|S1RJJPQJ8FBPYRV+=T<}VonLC59-JWAPEH`iqXyzZ zG6I#;Vnu^0p@>Gpp@Ac%MnOaG#vj#&kWk_6uqj-Lh?$6*^UIrzr1-F3cVZ}a?fOiq zR2>`XA08RHcx3^j0^PmIfH-(J1{C_iM{kEW{L-^0FqJcY;Uz_PV`*(jLLWg#V%e9vC&O6P!b<`fRw;wq#u~i($zTMC04uD8G4R-s-OyJ~Q4xUp zg=&Nlfu*F(Bd`~>MkYoJnKSxqu5)<=xmJU6Z$4$#rnX1o(m9LlYJd6KMyzy#C8N z$XZUIbGiulEW^a)+_0OV6O;)MX5qu5GNJI(-IUA9&!w zPyOb<`1pt4i>bZE^EiB#n~bSV(iWwZ`R#}Ig(A`U)q)YxLs%T}rfA?+Z9UrHI5Kgo zT&?flJu!7-xmI`Jm&qe=L-mxL$dBhoEUarPbsL@se6S5T0W0(<_>mHB_@gedDOyxU zxRRY%3=2I{Dc#Zj>}tLY0pb`_NG26CL;h>ibMQHL-*L<3*%i0dAzi%GBe(?*gpT%4 zK6q<78U5R5UMp7Wnnv>5E*#(b?uo%ehjzX6#zm0L5EThnWm9C3eJ#Y>E?`OUL{bI4 z7^V@6N6Y0puQ7mT`~xUvYd*Bc(JP$^hI~O9oo+Inf@C65%i&u#ctwJ=5)A>+ba9A0 zz#zcKWPliFcmP&uH|zj!V`M+D1WE>!5{{Dw#5lCqscSZ>=TWz@R_?ogzr_1088_ z)xki;c2wBzz(DC#lvYtf!k9%u5wrZf66G7+kO zqfp=+;`7H01B)cUQAQ^a1q&OCGH@skkxX&V2g&7Ru|F2E!og4j5vJ#Q&;w{m78DV+ z%;ouo_2pH1JTNBjBk-J_a(>D;{csX{l62EMFoUeXMMu6+u+!0XhBhFF14+?|#GL}l z4jxTNU`L9jNVNnc1(b(i5l#c|D;}s0M&bxIlTb~e zR7G&brUCzGe`fO1RS0Cyt}!zfy*jtTt6{{<08C;qLZN2c-N)`duxn!AOV1vkU)tc~ z#{NLdX>Kg9-Lh}n?!DVyJ~7#8b6!+9K?nayh959t=}jzVIUUheVGD*r(O9%ntK&eD zs0;rH>^M=0&bTMLTmrT`(PRupBB#~rj%`!Nl!;7nB2ZFGDe{RNy5NA{j6@=-RIOS^ z$WP(&7U+tzl1LPb8-&5VC=-zBQl1+^z)iq}qF`}qrElUDu7*R>(Lri4WDs3pJiyH> z--Zwe2#JUoIE+2s-v%Z`zr8UWZnwH_v*qww0@lN5!*Rm-U8W`pL(!XEp%q3W0*EVI zF=fyei(0zL8$>Vzqut`#`sDQ7X1QwVdT%EEBTqfKZ_kbbQCY=BPjIyU( zJTiHRVDQM{y;?jzv$%!@Zz!y5d`k~+m${jsi6}3k2C;g5{D}u!L2Y(nU1%W5l!4%4 z!wxUo!C1>&`rQ-;J%hYxoZ=IrlvKofNq0G>ha-*RbeKfY;u+b@(6vzydJ$_`{~rJ29HyC;~N_0+?aw zaKL<9lrTnJ62A~iIfrr_=83wp3Y_0*EZvcczJCd(Nr*IY5%v2xtPYc z@0eIzTyM2nAd)~O(NdK<#r-2@RMUhf0zriWrFo7Jo)rx?8d&CV?t(U(HouU|K4{BE z((Q*6ObyPx>9|mtutyt-$IaeMjAvK6eC>)N1t`|@d91@BMi681om~Xa)P>OHPryUU zTR5Q&-g^is$%R;1@Un?N9uJLfV!DPBP0#69z>{dh0Fdt%}Qbv1Js|4WcibBLX>wzeiTLm<9Q+;Ng3l+ z+C0HP0jia-B9Og9_Cgg%#}b>4i8o1k3?tzO9#eur9(zE9TPcvNqDRS#z{Ci*5{Elm zaa3R&E04qq{GbC`vVi}vZcIDS1llu5@>aOKsE0T-7K?6{>*#rXVd?7pBEp=JzTR7R z??}e^ZUWFvsDwx|-XW{4B!rPG(oF*Jj~MTv2k$&{c@9G^6b@^Ku3IMK8rFN3g8Wc# zdS!VHv+d)LKX7q+84D2VgTq>y(edLCLo<*{M%MT~0(SPO5t~y5o+&7oN1lO3nuzdj z9x;i6WMf~5Z>TplySU~w^XX3l4n$vVbEp>gv|o{E*cDy?unKW zX#2Xkz8>4=2Q}Fa|3W`(1W_h(qEIj^r(A+TENP?hIO3y5&F;2br{VB%G%lIxL+MEX zmZG9i=@7$V)S_cK4 zM%%V|RRo@^C;N}@-Gh~4#Q;2|N{yBvxVR_x+=EgO9)yGEDG`9iu@Zxrm_iC)(8lU5 zT!m%wxdu^z!&vEUdI_0=l7YlLvYMq~et}^5T0=HvBh-%!WZ;!B3gna@mT~QTvA9`f zpobP%sqkh7N)4i}0ZK(0A{P-g zS-~Oxg$o6NNeWp@J7VH#I@r4S8criCaK7|cc^c@7ODo8ty+O5uk z{X48=^78beTtN$ImIcR$DrrUX&@!EfHY%0bnfaYN#&_)9b#ii=Cq#gYUV!j~H%@wq zn29Xb9ng`;mLpmX9r^`2AQ7&Lgp^AHix>5n{d*Yv{LGcTV8weWmSy}7x% z@!-9;B(s@UPhM6bq6`>zVpPl9j2tQkfKUWgb$ywhjN9=woYqz#hSfX%x?G%+MdDTx zMlC83x9j`{tD|cgrYnZ@YJ>tP+#k$L4ryvsJg;d$n%Uu@P9T8wHT}1k2uA+R6|P7| z808Uh601~EiX;OBkb6?1g|mbGO_#x9IOxZyMUzl85>CYFiQbVgo)d{!wkNZQMXrci z7$+P>Fn9b3YP#ITLXH(;l1R+J+a;-%7UpYL;3y~(zYAyEO9wkGVBpuO$_JYE1=$5qh734rwp4YuV4?xJI zA~vT0^4gu0Qa^G{1D1eQvZ?6}XqumCXG4koJiEFG1dzy2M18>M#v-- zkq1R1uVaDOvqSxQG*&8jtFvP$9hV&1RyxO{#>H4zLw7yV^Qn9PdsWpxyv(%Se26_>!eFe1RY@CJmih9IC|eBM{?Q3SDt-6U#uC1?$}Ndj_<+4S}gL` z*=sVIrJtO0Xt^!IgnFP6j06;hL#AoEEqPFntz?WKGUP2CLb_r{vg!;#Pk*m%J66Of zZWJWe!y*@b;OM*z9f52t428Q0rwu)tPS>!~j z0v4Du)`^@(E77VthQBkySgdrLKm!wE3tq|PsHC42N{NkxZsF%*O*g4Qtim0K&+`&B zoQ@VA9n9Kp6NA)sogg6lJD9Lhr3V8MD4ir=z(L^bp4%2!}%DYJ-{+FbWYXWRdGNRYZF&m?u?|1gt6%YFST;zzmI9;6TJ4 zcWA+Z4{AsuHqOta!K5JE5_U_&>e;ozmoEASd) zBZGI|efz7Yrr2F2r2_(_jldbLu9q-tf@zUC|7iz8CAmU@x5(uo_ChxVAzYyw%}z41 zM=i`Om59YG^UBN;3>PI(+1POJ{QP3M!beu`x#zYUONCO+kyillv>8bfy7*5t9BvRQ z7>A8LeD{G{c8`Daxf9cKtA?(*cC)-uc;taYLCZLK?mE}D67#{qsep%qB$*@@QnF&v zTHOI$o+1zO%rDl#@RX@!ipZtlMfvBM|_H>NQPA9XNyTBJ!#m)e?Uq zNMs>f1(>8!@e~cbJx^nZC~*uE^=q6%JDA2G^=7l_@C`BSkDhR8lplk;uAzs!Zfok| zBqAW5-IK&B`VJ(@nSCUQa8(vbjkKE??0BKNZt~UDl0XdWg>2Q0ijzO`;7MHaGMK15 zuLK=sT9wAakbqZhJ+uM_No-MaOgNx1`S=;^Qca3Th8O^S7BmYs+0aWWLyYnx9RxOx z-cF1(Q7#%mxlloRzy$f=F)J96LJjnIn1`?y$0!iB(AT_q=E4`g@~scQ|2@C_vp=5A z^{nMfXbT+zIzjmZS~$>X*fJ*(95p~us3a7UFoj-(i()l%kYtk7YPSbQ2KMaVb>j4t zoC;vMW?E)Eu7)~#K*_y5$(d`@wQ3cy!2S0gPWJYlxiq8kd2dAzi4hikv51k3M;4Yh zWT0|!NSHK7IS&M3dzw+Skx1lKIN>=9HW#t6tD@EiToWU`m#;6{jTYu;c&>CR7PrD! zdZWw8aNoqXv9p(^u{>vR#51{+p@@my6@4n<*lo2A?Vot$zJot_?cC{$=oNOIW;I`W z_<=(KJxs@^A}n5(B~xTUHb?`pMm!O3)E%k~%A$Gj`^5-JC~85t@4B$@b^uOl}Z&}eBcTaiFzkMv0o}i4pk?G3OU&`oJLWj~gegp;g*zv(NnwE!>a_5<)VAM1nr)fLH zio}6JT%;A$BcF&xFQ1>Z8x1bo;fYZsu1_*b6<)`i{B0#_ii9x%X{X~fY&!0LxcL=2LZ#$G*lLK_dz1Z!+AuDBfICs2=` zIC<>NQ@`+&AHV00!>v|pV4!!IUXT5lgb9d_cXd)fTT+sfP>MWm>Q@q_qc%BGcLIR>d{i9X^0JOHFxX+`9z=%a-B!{BaWq_5#LXO`A@ z7aI-3KRVnyb@@6RF`C~0!0lIOS8I-oa8FPIB0Gxl6STaPOY8^ex_;;s-Jg2wuJe~? zUw-{UkWbyV%lXoS_a6#q+R5|R5W4}20xnd7A`%6-k$9vow`42cT(`~llZ1F)k3^Fj zUW7s)$O97Ly+K--Z;Rp^)oI3rh)uj3GKw8lP7-;YF%Zk7u#ju=`-%)u*o43d5(%`R zwH%T#5{W<0x>%}y6g>c|SysHSw`n)|JTIh)h8Uk(SW73R;oAwZ^Wb1_ext%`DbyJ$ z6+ntY5eH~Tn5*t!QB{JU6ksalN2vJ$@`mG}0@7B3t2eNS#84vH@D^-K{R)jz2rZ~5 zZE7_>CZ^D#FJij>T%uvyJ*gDrsLIj7!a|yI7Mb#w6Rp(phw1`u0gf`F;M~h&Sep!b zx=XbPh({ysw#%EjJ8jBZ5yV8=Au!7@>gCGn!ZMb(ZS{;AO4V&J(rgRYO|LHay}Wls zSbz-gs$*4x#KkvsMf#CsoNO@w;~0T= z3<*ciWZW!c(8!%io*@a1uOi$~|?7k}X=K04UnYda3u>C0s*jiyMLM$CVHE>^?r&2cF> zSqYE8x1lM7(um;M;vXjR&R$>(!OPwE-FE!cWg(Vgh0LvZ+>Aw$AtQd@KrVfG@(Qo- zcMxaA-~IT*C(g~_FbGv)HOzLxOPBZejt=(Bt!zL>!XZ2Z7!%)z2myH{&doB8Ir52< z;zYuZgo$YR1KDw8fwfF3Ha65dd1Ve0EdavPBg88f3iC^=Fq_e_!I81ybCWZgVPM?? zWa4qftx(n!1GPnRa76y$(K4C%2j6o~zF7Izb0_M2;M!L$R`0v#0JMJQ>=i3w$Xo45 z1$vTNWc>a}Gy=v+n0P%Hjk*9Y)!c}YItLdt3(e5NI$sw|0K$`M2MC;{upwwd{DJ|G z4C*^=U(>N-5i6N07a8CauqsES#__893LHeo9$+Np5x0Xu1dhTW2~>%Xe8oMv{57gwWaIg zCx{(B99e)QCD@6p6?#wrNKyfsx#XZ~U_Y$HWJu9=qmd{wPP5s7X5qDY@ha4)D)-WQZ$rdOG2eOb_>8_x%8?z7&syH8a3|&Xu1e1^!Y>zs? z2LyOM0%xJ{$X~7n1cag!30{#;N{UaT|3>1uG1`f;Z6SplwJS%$2B&t89vmWGN3;2r zRV^I;_y?av#0TM`116xM!9HIwT->^mimiF#PvhxTFrXL#XBd9rPymikPEHXz=@p7q z@`ON|m0tmk?N;ladu~NMFm-hfldXu46R#DIMPjiK6yy(NGKprbGJSm(Q4Q7thYs%C zxo`LDr>{VLC_$tX;tjy$7Cs0b3WY0cC9F!wWq|K!3u4V9w26u55lr9Uz*0!6%O1ZYYP`r92 zfAQSf>9^KSyuNb$m6g|DS$_4U&6CGNZewj}#j$I4quOq{`BQIgzVd^O6R+k^zEQq( z(Vm-Y<@23t)#o<-e7IXtNTq^ePverI1qA)6!M=7N)NJ0~EOC??XKyMmK#^NTT>jFeY`t762g)ade0HZiV$ceUf+aXeN%bp+yLScAAa%Gc@2ZOY15hN!dP_AY%{0sCg zBVikmC^UmsMLQ=+Q3*Qnj011fnqOJVq*4#xe-|2v^u;o|-FQ4|M$EO%5(YoOapQ~T zLyqmJV9!f{7uI~59?*0ylnC5QUhZaF$q=_}7_^VQ`~I_+XYB@7C6p%qVbmC|Rx|>O zz|h@3)_3{RRYaGt6wDA$Jbu6J4_}^LipHau_TkvjhJH~)KXA`2cO2gR+>39Xo4g(jg|O5) za%9iYKz40q1H^M+s6>Lh5C{z(-MGvPVtoL%cpD=d(8Rbvh2l6c+I&vP@7E)drhJDR zM&dT=mBqQuOXt>4o!Go^rZGR)sT8rG&;ubWnuzE662s%E?YmOD_Vw-FjWK9g5l!bu z3 zu~B1_d}-;p7h|dfU37dC+eVj{)-m62$%?FT1W_}bcWK=)V7}Ue)#O)NP(;#J4~O94 za3trz6!bt#UScHi4cl>qyaO*bMsHA+F95rSrHL8JY20L_CljsK>{KENcu)!&8hqEO z>P++CZ!Btn&75Y!%gRFW-bP@)HcJo7!a)UUWG~(y&@r+(^f>NBfdS6+92Gc(4x|l;g#SXsytKX%wai$AgNnS$ zseK@z7xMdth6mS+RZ3@zi7>C_H|1>V*33z)yddpIkYZVW%k=S^33BhEy5B|ManI%i zD~d-G1hDph-FH6PYBu$;-JB9=Bec@5DYOz^>n?znPop5MR)a104qGr~WT zL+oUAO<@YtEag9v56il}yT+b+^1h3gW}koIEiTCdfydwXV5eR>{_^Ya=jca*Xr-M9 zuW|F9Avu{I#1MdRfB>S$f6$LeL}Vu}kG`+nM#v0mTTcDPv6t3Q9BW>?rnh{l!I9kl zTe63aqz@iW?LU~7cd93C|W21C8QefxHE2x47^AV~3syYgMQhQsYT$8aRiYf%&T^TPsyMEtds! z47BBNEE)7nAW6&?4F1X?b7rusHM(DEdRjtNmALK5L_afGf|d?4tH#)8R&Kbhbg+(avi1LnCy z4-{b^fKnfQ?B3O4eR*|*cW+1=B)A5Qx{z*Y4EF{mFHR}mUAKjG(EFcy?Ae!3mFkWu zpWMgbA-L8-7|6V!WE1V*x}gta8FVXX>q&j&M;>+Ct*?IV1%7TqH}1IW;M%q8CtrJu&p**nX`&Y9 z65dwkaM_OKSi7SeIz$-obr3RfBtfju2H&XZ`WXnoXFKKMX1m_d@}-`5IUU^YwH~vM9hxB6P#A-jn|I86pKWC^5zddf)FtS=}dTVP#fPC z8W{;>vVOzt*miquy}h{9US8?c8`Lx?p-Fc9dN`U++0~lcXi)iL1!M_vQzij|<$ybw zFkAtl-UlfMDo)#4@n@o01YwO~)L!_ zef}z12uMj}0WK%d@dt)SdRtBV#*M`=@0s#DPV>P29rxXT`!}9>6%Da^MT8YLw6KXa zCNEp=*)ei`ZkgY>f*1vg=#}DvCxXk9*bt77uN(1_vO&p;rSd6dPI^2K?eEQ{qo!VO zxC=|`;V@r2J~Ge~h0ulTrLIa-kL>t24Smg-Y z!lkNUxnVv0zV|(_WBbUL{_eS{$!RMdzw7?POH)%PUOp~y4eyiCO#@Q^#15FU&_=AM z!&o>5CD95o&cQX-v$gvCo5zY*Cm|QzikO4Lc3*E1WJDuuN;U9Q0(_re*Lfu>7(yse z&Tp*UxUsNsqvqIaYwI)fbMq@ph{5UgnoZi0oRy~}Ljm*(Snz=9P;Xyga3Ii=MWl~# zud}$+S>N#0>hKw~&`u|wP5Z)n({4g{v_lyxNTEbLU}#`L42g<|jpuTijeL=c;INW^ zsbg0$LD&ojFJ*`xQX`W!JuFW;hxxcN;z~Z4$BCH@0EV9&kkc}-VE7glCD8GSwy|zC z7+GV$G#Z$I(2?EXTY58zh{=x%C1bIeVZ4I~V}{9fv(r@YA3E zG^tS|OzrW53|h6@Se>0bc6`rRZ^Y8syVYJrEYl>d^bTw*JxG;ME%Y&M{USqXeA9wI z8HM*3_t*91t8Sfde8392x_c~#nGtgip;FEC;-COb3LpiGoPl^4+4xWouQ~~8mmjP1 zVcClzZ1RZ(8k-_XdV^kenGr8iA>YG!HYo*nVH1%&8<#Un!- zc2#{*#8;Dha8PCH0Uaw);st%GC75Rh=)1nY;r^MK#Y(;~(3gceg#>9NG-Kw6Xs%wL z-?e)iVaki$8HBFpPo0^(<-kr35ex+eR$;U>O#^7=mo^6bb0C8t)JYw2Xbj;vCrF}y zBaIx((vm+R%;0o(XbHEA%1G2)Ud_W%Zfq2GY#T;Ugb1`=ha+A-aBw%~jBHQ(%9ZI_ zr8+h-%o$q%0~GfdpHw|f8AZek?AT!Ps+O*o*hVJ?Gr9Eh&%WAhx)Zy`2ZnN&PF>i{ zmqxaaLC)}*SI%FC(dPPlz{~Zi*=&Db-vFF1pOc|?V4Gmeams5ei<4&q&1NWkAiQhm92Pez@t;^=`HghL(MZPjWJ18r8=2!%qE7p`pI zF#_iftA=`b!IQ>7>t_?m@sm1T`J$7k6jMpQR0kocc=Xcja(_>T^NkOICKb%ZC&Fr; z9N_5z#DNHHVcgUYRYb7eR;N;Rc#@&hg?m$X@PQu8qLAU*W-T6z!vDl05#FPO;Y4lH z1Ct~!QDD_9!VYCP251@bSIi^x{2GLN|;IgB~Pp7K)$@OBO?eJkcC2gjW*I za8fOUDz)m!_&7mRpaP`!ZT-l)I33eK6O`NacQ&g{Oeaulqfy&8+KaIZkH&7Q2LVb}zUw_q#^Sa4LZ|1dKX#XG?{L z6nh&I-~$8qUEf-vXc>H&5-5SMSluX>obHiZ_o|LaAXR~c`irI7{Ec}mGvSY*K?wTt z%+m1aP_8FK2ZeQd#Ndg1g_mlVC*6n@n@oSmfKO-?wIeXD=)-t&i`TK*JkXXW@hg$NF2X&b7&FgX5!_o-{%#I2T%K zr`@QPD{IS@)#Z3BIWWAl)HYj&#&%L-_@Og0=#R?79MjoS5vwd*tUm#3~?IDhfn z*|TrH@#fK&kG}Zg%Wu7TdU1B4Wjo1uGz^y~{+-jCW%xrHmLc7G-PdSfI4{o5N7Lz4 zUk}!0N*MfS>!4dIBmSZ^Sn5YOf8oN^z+g`-9^a5`$7_xX_0(hW>*7 z<$O72>amD+VS1@Alj1uCx;|ZQ?Zh8s&GX_IN+G_+jeoEh$Q1nnA6|8V;^_qc&LJ-cLY7}*fM`dql8Bloo93z4SQYg-gtopkFzUEX6 zTdbbL8Hnjd0>OH{-fZ)tydgJi(qfT_08l|AK_b#$Sy>$%9X3o;3{0#@u;0Y9l?09a ziu2>w!g$sYCe0(M=a>W*3Y`garlOh^K+7WW0b5PHu_*rp!D7f0h6h;GiS&^M!WYG` zmAszPf~Deg;5!`kenBCH#k}D(#9Q{zpB@{8^G|sTPtJrSV2GD7qiTkPVyW>CC4p9I z7k$gs8kU2pL{x$*G$iF*sVUr&ZuY~huw&PFrQudILPAp7g|hTy;}x-Q0$+ zXVKP6wN|66HQJ$qFI}@n>d~>PIZ_PtELFlw8_wcNX=Zle)mM*w_AmePlb`(ezw*!i z^`HLlKR^H0IR^_{z9~8sNW_D^xlm7*i)hD=1cUX>O|cW0GYy%#=ypR9BZNga4n@fLO^25PNfT@~6f`tmQ%1{L%~3-G8)C769DFG6Qi7Ulb>7-SZ>(r~doR?% zUkNKR?!AHU)dzg^l~T(YTDqWsCV(k37Hi4tD&-0?g`=#WWQ%m@U;KfnXYVWooxm>kKx_&$|{ zB5BDg5`m7&P4Iwp5)x{e_zP-S55YC~9iMJG5kn(_ktPrwhTcsoS*rH*N1b#!ZpLEy zVg>3!DF&-)XytO1-a}X+8$yXEdSRb`Y@jkCC?uGx7WQl5fT6cZqSMlUrH0AL*k z8i`oDca2@VH0`$A47fl%1_(&upy9Z|w2GE=e7y0G2lPkSG;xUZcaRE~xo91YMiOxg zO%SZi+*m?m2ypMd9ak@3=kuG?LHE7~?>u|@O2c*lN8SHTn1rqc1{P8p2mo@Z zqTXn(Y}E4kYI$R$ygXN1xLR78sTVgp)lIiruooxoxr@%?RX4xTt`x9>t~A>Dvb(z3 z%$GZ*TBmL|r>|fA%fI}q|L4~~`LUn)<@bKzXMXA@{@G{#;7?xs_6zIloBoL9Pp47? zeYLf9U$rXZO-xnH6#Qz5xWo}+Bv|2w1A~J(gtv&qpej*5)kc$I3#CDt7?S9b1_t5t z-gP!(Ysd$Jp*LU@$w9%K40D$+zvA0=oAPA^UNGb&%`vM^?V)MC;k4R(L&oZr63~ z7Hx?Pv7QN?84rT2b~kET3o|!L#RAD{GvI}Cd3ujG48Jq6yO6|w$aEZeUK7dp^&)JRVwx8|If#ThHW5(Vp_c7Y7~+W-WFU45L)yv4c7#sJAW=(E z%P5p%BuvOy4DpaefB-qQ!PhOy$R{%bxzl;@i3b<*)y;efzLg~chg8Xn76l;o`!eZt;?kvA#8=>y+!7mCuSALrToWRMFqYo* zao971=nhE*eb{)*F`vrVv3+!IcHzLmy{ArI0(Ok7!NET8dU@&^oQMR)+j{zX&YiiW zkqjikNysW@4DrITWEcrDqNJxIK}=GDpJ1?sD5UP}JF@>LKk;+RYlUxr`PqYa+!C>Z zuYC7K<-1$5EYeLA>Zz3quG5G{<94|iiNxZA!@-?90=>Nu9NKES88(csf8n#=`21%9 z{H7gYtYDd3t2dYP_DVI}jrGL`#;n|+ksZ`CgY87G9nk%n+46_mdb}GlFuMHBhUT-Q zT00#Lq+{Wz1?v5EyS<*b*Nd*x3RJ3F3U!ySTBo&Ksn=J}Z;z zgf$-`lv<58MJr~I?3@p~0YKAj^T}(P zHn~$xVWg z5Q=D=l88j;C9TYWG$B#ZfW|CEdyfr(rdZjCMfAv&1-l?4epQ&`k4hd5A~Y!#$QWMb zN<(ldOxQy}a?2hS$oT|qAtNv(@&Y=xAq=4bIa-MPksE2udNv_ChLK%g!*wlFhrtlL zU{OB^9T0;E-7FITTXpE(?hcI(Zj@_qnkWJRv4~;wE_O5oD3(Y=Nz#?@B}W#CnTJf0 z;ZulM_^5M#kS5Q|qKzLKOk`7cz3aYH7p`F*^O`de0I+YL7~0HlE-tMiKqDo<-OBj3O_#vql3SLgv57%cn%Q;cUo9O zcqmSY-Uq=KMwEnLC_o!|33%TCTuECu!f1T`+MFhzYTdJM;=;MhFgqHCuk*mecfIxI z#ai74G~mHNL|=|kFV>S-624VdwMg`;+$19;DY;?SwC!X%@ngU8)BWQUU;F&i+1{Q5 zx9(Y-S*X<-lq4Uu2-GVj7-b|9FK?_x6RGIHP+2`yL8MMred_KRvhVYpY z4q}@Q&jh-y4g#8@tJka{y>G(G4Ta+AfEf!K(V!LgM^Z%>QYXm2KZ< zrBx`qrK;<=ZFq=yB%Dp^nWSOr0jJq6RoXSIio;rOHl9sHGRgR!o#Q;=+iW7dqy~k@ zZj(=ac|#LZxUPlboQ9d?8=Ki&7TLmP5%Pg~&_>h{MF%kn{Bw}=gfM<+hBPxMECjXs z^l(^CpwZ-chm|xD3k+<92ONL$*RdP&)fWMTxSX%egBIHzerrwoAOY#vP!7=&knls@ zd{|QeyaP0P0Uu07juo+ldGm<+qKBp{RfVKjY>*B-;EzQj=xOCXXLbKxHl@%^I}t{^7>LcqUmH~4NDzCjZ;^oS6V(4`0wTCvAQ|Hd*@ zC@A=sEcsx8JVzmvVMn~^Ab7|aIFw#I6vzx_flu0#4Jn0vcJy!vAs979(Qyc%5!N3J z)am#kVs=AgcIG^Fu9D3pfg*WMiR`k~p8Tgh5kc9*iKpGhObA^j=7mdZg zq8so0t#xLLvS6y#`5g+@uM%+>vhdy%IUvYFRZxTdD$fC6A-B7NzKw#GU&;Om;Y)@&<1pcjs%hzQiv{* zM67Rgcx|HulY-%3jqJeFI1c*o69pVC>_~_rLJvLRQNTA#m;?oX!L4D?l0|$VQu^?= zl=~jLzYz@2&##2|>=C<2;?=jEJH|?d;@pizjAW$|Y>+b|z6Tz<V=I~qlRT6tz43boEwOQ%d6Dfe96J)I4w&L=F(;+ zu7&k*z25%2uYK=le(^WH{>87r-CGg8S+_Y$L&vmZ5Chw#Ck`1#$TEdzF+RVqudio) zy(k3=Clj+239VUXD&z?aI}CnILOcx%{RR12J@gfpg=W|!#|pC?gmnHml4FEdHs9+B zal;M_-W*9sV`Cl5FaHrArJ}w*xGy8tRko;yoDKbz;%TBEr2wf#3XWu>_8fjzcA3 zjg1w3;%gA=IS`JBlc-rntE8`H8WhD1 zM26x)i6Tn+5d~BTA(tu*-pUA4VEuBZ2ex9hPH^Z%|05!%*ONiZ{wTogEq;ylq{vHb zsNj3#%3jeWRM$``ou`wK`g&5N-wV$H#^T272B+c>(MIAhj)G<|#WkI%IH6 z4~f;TtTdIsqf4SnC=t1{BoecRNBR+L-uKX*Z=N`Z;erWc|1G;07nU~Ui>?@NW7|iD z$A&MQxr}g6JS-tW2V3i9UeCZ@cJj|QR5?gRQ(`0CH#f?uX**WbeEi2hv{9_yxHdb! zYrIjdudQyhTn90@nMidLaep!{CgO+7yLjxCum8oLZ`-qvx8ys#Jy_x#zugXQG_-09 z%X!SILJWMpZX(D*z)&yc%gb}sh1qtYXxnbB+F0K#fpS?+008v>GLa~5Nyw@rM2h8F zYrSX}uoCw9GYLJHHPflsjm6b}^;`e_cYgPOAh|bMSP)NHp0F#1e|d0G8Us zJlg5@_xG*mi}36UJ~49o+rox_3EDkMf_{1^$`9oo@a4ATeML__y?y`y|MW>jK~#L` zllRqwZqG#3j|?RxTXN^Nc?UHT@4V)nBgne4$mO7ygyutinP$5QJ(;FnYw#nvaFqbD z71_{wxBjFY=vgIW5yT-eIu&z5EjtJi;9AU0!#X42$AsE~Qsw3iLXo|IV93KC3HQvf zHa&HXp&sA6$L(#e_s)*kkb{Vu_SPHQQIBE~KB`0lLLXa70~RW3X^X-Z+Te#5MENTL zzhs0B{7atgq@iq*q&qsYrQ(6@w;T;t^@de%Aar5{F=D98y9ug%K1SdpiHCxultFe!mi2?^;or6n1ZK5r)?5Xq8la*j&2M+f%7x)PfZsCZ)IHUgRCkq7U-bZs6> zGe}+L7xY57*WR&x#HrV2X66uTdH4k%x?}Qq&-)(UdvNdP|LR+fdIMgJGzAd%`Sb12;!ekH#g|hvbr{{S4x}1LJqLinHcrh9SL5o=ogs3fQI+aPZ-FB^NOYn(32z+3aRh94!tC7 zA*2N`7GP)4W3^_>0HqE9WOOi#QD-;ZbS&0tw=i}XYY4$?;?2D5xMjvX60gEm(iBP- za6DkVD}B)gfH^1XVN5}xWIWygKM;<9Kns8r(em7}aK*EGb2BrIYL!o|@(!KOmVagv zXF;tHkps zG6G=_X(8^DCG0C%(t!@in3*ruuvBMLG~%_RZYmMsWn8!;g2ul$L2`76HDE&-9KJwD z4{qdFc$QyY{vv%0YFVhLM@Q`Hj)U+RjOyWVlUIe%S_Qvs&%MgZkc;%B`^QG+7S}OM zF(YE$t|1Pk*8pGvt<*0{qCi;866TpGZ-M9SrM3L%1}5&UDkk*rG~LnN<0Jd_T)8?2 zgJ7*Nk8u|Yhj;H9KYQx@7EA&Wa6CY?_5Ke&wr$t;&wuV)SiHc;u^Fr_7&vnK{z|oe z>GG^*gn4H&H7ve{du$C2FS7}AV9B4&W#aM3r3+Wz{p7=EPhKh) zs%UiJ(4Om4*DGayaRRdHAL<*~HhSseb&yJR60*D%j^2~*mU{{2nc>=2`Cs4ytNbHJ z>W9`KQtkS%2!*HCO`~tPuTpJf`+JT*_wx0r>2M+$z{~+Rq-$qhdg0`&M<03L2jTb@ zW@kd0R&O+1_yu3M)(RKxz-G0b&u`RLmh@tE(2X3jChkfdxV`t#!QB4Q^jJ@#FRmwy zkO61ksJDVa93=bW1KYAY_V(@_P7Z594Xb7hd-&>XvS(y;6f$#c`KYpiHr>;&tIDQrGNQ5ul?W{0xBQ95?vk>mE8@5wNTWO@k93!k40nA=-O(YA`(%c zoQhxui4B2=Hp*OskDCorj9Y2?VT*Qzz7GN(UNT`%yAyVfh1isV<+79wd zk*MS4X_!)rrpLZ~$89=kHEdhwQ;(rWgO3}l!A5XwCUY~{7t;~QDCLxi3~-yG17fL2jgy=0$$hfh57IGU`AHntuX71~%OZp`(cPQoYp^kR+#eUO&uc zoPJouog^(BhJ#muI**~Db|<3iw&U_WR3J>D5jT#EC_`GxsUPOavFva}D%GZlS3SKB zsOB*$Wa2|9u=CZA(v5AT`X&@X$xajdb}nu3Y)d#CvBWV0L||gPT+Oyxt%-@DuIpaAG8^Vo z^qySR9>T!n@xhP2XJBObi=Y1%Cpli+V1y9T!gt?$Xl{OaeqmM944FNUU@%lY6~h<| z`VWRM>0`W6eQW@CCABmUSjWDDyH3A(u79v^`_65z9X*Lzpl`4@k&IqCcUgT#3q$De zowu$n=NTIFBr?GOKPD^AS3tt0HJvQ6qnvpO0L2K23+?|=;(1xks8ws_VtHWuw);Q& z;fX^BUwQg_7mvRcibZ{9rUk+glN4+1g*AJ2p|rHH zURhZg3uYc0f8@!1Pd&K%U3-QP^<{=5dJImJr-&IIF?@rlH#RFSR|B#f?RJciIg}jU z+qZ8pIRs`JPNP^VWFtL4`>~(D>%n`#HO4AtU`48E1EF_kZPU&d9ZL_6jid^N&0qb^ z|Mcv)o(t$2-;V&tC*dB^`Tba`Lo&!fgCRYfNF@q|5~E-WkD3y=%0yWtiKYr^BIHE$ z2{2fCK}9eX3?wuK^#BU%nzytj~4YSmpyI5BSZz z@Nj>o)@VRMsd%(fmqo7fp^_BKlI4H|OUMx!a4^eC=$I=FuN^&=Bt|AUK$MCFifNi~ zP+Uj}lWYoNy&*^rIZ-g&Gv{y2)hiXQb6am;&5(pXTEGE|P=G*ETHr@) zjpLBsSjr$!;YOrO)nE-S2fPAIZYWCOjfau|mK6d6e@Gw*zYO_Q6XKG$9!h`wz|6of zwsOs;f>A9?SUJlSvU#Z#ZH09tVn=u()*#fvP6eq)siIg~AtwmL4oC!slcJ7Icn7kw zB3%#jbg-BO>;`4ZFOx5{Cf&RXVAuX#ZXi@FRxmNA60v-~zzKq+%B5>HRzW^~g*kQ> z^s*BYkx;3s2w9cDkLt8OwgU_ti*&K*==yGd=%pq=I)RF*!z0=`@Zmnr`;BY1m{~YWksWR-h1nX3s*Nci&&?lke%qzxZI>$ zgX@92L%^UJ0q>k2ToU~r(4xBKcDC=FfP^khUVZe*2N&m-7v`2iVeOV9`!AipjOdc1 zuG2~PWClhDuUxz;t87IX)rR%0_&(wlu*_44)H`s9(l`)V$~KY%YOoFyu@X@jaJvOp z9*$&EcfR+r2S4_K$>XQaeE;QzsmbN}`H%m?FFpI!FP}Sc+=}p1WHsBZ)!peEn~Mwi zN}&{NbsyUP$diXYynSF#Jd(nk;kfo@Wn--GB2R{_v}R_jMRI-5cP0`wk{jtRUDWNDEA+6SW54JIN%1@XQvXppa;9N;XIU zV3|6d4M#0YK?1xTK$8iSN>30b9C1{jAH__Y#SdQ|h+4$>n9;)=er#N+@f;-)$hv!= zH-+`2(`v<|Cd?C|AfRKffqYgwY zvrsGy4GuIMTdl)DDo;?b89W8M0w0EI2yu8YG(B|B)rtpj`4C(8v)SrxFpR#96=~vQ)kbtx*NQY$1sa*hKi`*hd@s zY$>6y5hQvjT*4Ab{1V~}KnjL}N!}w;M;Gs81K|*%T#wP=%Me>k?60r1mbo;@*iz^#2l|;hYSY79}WPwD& zU{yFIQbJ&nfWjeL$Q}h?nmrU^779xMgQci<0Ib3Q8h6^dsULpe?uFHYQ*S7Fq8aA5 zk&yw@2wgZcsl7AY!w-m+WhT7%$A0nyscic5pZ$hyJ3JSOq1$fvWHWpB?LdsyXxNx} z>FemcDIS%?2XX<*7d?gepquhm+>4(I>DunS+fSW16Hg`Yy#J1)&%cJ4Xn1S{Ypg4m zt|FpD7dWPaM-CJVII!_$j^VF~X{PKL1+5z}Kkb31!u zy}@ws`1RNR@W1@G-azla{ty4|U;OrO9=_uU`nXNGJ|GE8`lj1i*=Uq%&7q!nJQDof z|N4Kv`lWBt@zH0fQ+u$TV91Ja$|jE0=s%|dY<Dzm%*_Vmhww=UyKW^`NhHr2MQ_`uYg$b{-zngf z1MpjxS*kS%gk6MrfdoAX=`8flCle~lAYUN{MM8ljbs!0#wsc+jcHas$L^o0|Ef)J0r(3w2bB&k>027){|KHgW%s6dqq3P9eq zf9J~5>hj$3?f2dW$z42m*|3bg2X|jMeF6R!o#9?%@z}t~(B+F)f*3`F$tZ@t4wn0N z0!$h{!Bf4&%LCD&!pIEwXb}wah2w6^b@@#UzLf-vBY#&5rT32A^Zxgpdgl3W{C|IL znp)jyU!LBaTPbfF-)(9UimTHeN(>=PYj@kQe=L0fvhxT&a9Z zmrT&ztZ&+DrABW$(v#Ny2+H^3=p&=4uuAu489M%agw2o0SY}^OKos}=~%UZ3u`d;^mbj%ubxuxg0} z?ejz|8Not>(owc0zK3PX>57$0hV08R>M0~v@Q=j=DcuO26#~NBC_yo0DMXd3Rdh%@ z6%e9`QCBBwYJ5D9SL>;0G=pv|)4-rY90qZUc+r_q5w0pE=*_`Rkle&8Y$1^0LX7Al zO)>E3E>%xeN&fi30iGM6A+W8qSLAY|aAepcrXSiqrX`XqtNH%kOuN}!U0IV0sc5B8 zD#)@&KLvzjczJ2YKkh&@SJfR%qde^lqD5BXYqxaFj{dIO9-0^(*th4#{2B)%x^NYV za3DQ6ka_F%Q&?CLJ5d2Oei0QRR13*v{mzGf?ET}rCjR;_zgn%=dQ}L3vSPpo!VyA_j1QeWeoC{9N1k}__{(opYqgyR zb~+7vVRjx)1+B5N-m!mYVPmtrSqc*e5d`=G9U7oQLZA!|xT77S29&dksBZqqp03=8 zm{4~MYj(c53qCXe#Z66K+;QNRy$|1a{?e&tu^4cJQ`ZZna^nLZe&2ofJYK9+VfJx7 z(I4x}SJsNve5GE#zC1O(as}oF7!W*7Mzn&x5}UH9Mf&;R{zeDtS(G?7X+x!`3dFooaEqO-PH?@3wNWcbtn z`HxSL`xQ8s71j}3zX(e$g;O66;%+pFn~lNMW`ZINR>}W1|p`pk>A)hHip=OZ}XKK zMb))(5{n+_Mef)=W?8e>XPS;Jicv|J<3DyJ0)Yeld>FAFlPZ@AvhIyfmM9rS1fHEP0%=rL z9S0!TjB7}eN*OA`xLU!=UqBF|v?BpzLFi;7%9X@=rURQ{hOkhErG>nMk<`%f5E3c` z5dK78a!vr~!{M?0yBAhAO#|!8z}o6MuN44}x{izTy*M0X=nhcXYH#1SD>gj5xV*0XC7@xQd+Xu73pW;)7FH0H$vIatNH+0D zSH*XB!bYF^k@xJqW$)+yzpoUFB~70C1m=4lx*e@vdf|0`c7ylI;pnFEkbQweDPbV+ zBp?K#R;GNJRr~N=w@hE1E^ice9oRKAI{3=>kHr$Po%?p2I)0iwiUwlI_{6S>OJ^@p zq4aQqL9|csq5`kf%aez#%Nim+@ik>Xh&Fkn5OiBlzUQG2e)wnRFD#bbD(LQu_JjlBVs-QC;^gFwQ&`o?;tWnf#t>PS z9hJrerSVFGuiNUjoerW7gpYQs%S&FYL!wS$V1eP}aLP*Qn(^B8SHJdGU(wsT<2GaQ z_y<1zBftLde&fJxxALJ;x&96g&~3BWT-&sJQic)g{MM)c@WRQnK0VBJE}+8lBPN&v za81|Z$wawOW-oQGi82$87>W>L;dw7VKcszqaUC+DBw0hcNGCPGiIum%F)tKDdUAl4 zi~$u$>@eEoUP3kL@NPy*-CwQQ0-5+R&G+{tU{;N0OTIuCsM-w><1MxXsnQp^stoB- z>hlr_#uUhMC|K-7nv)Y$L-VF#tgNhH!brqob=y&50}ALJI6yoOk;fi(fU$ybZ~Dr0 z5=gZP4*ZcIHeqQCfs@NOa0s15hK%x5LL3bV8>+}UX(2FAOgvDG$X-cGz|a{p0C_u! zEa@-2BPPQ44sH%E(jorJjt&&o9e6=>XG3ttI~4(33Mc|hmdwdU zmSnup2?!3-E66?8xRZa%P8wlMf(UpA62t~5BM6UwQX^&T)7g1oPp#R3DW}u1<(0fZ z4MG8)Mo1l@(*z{XBka`=68S`wA7<2qiPCo5avC8f-gnMHDp5T~~1HRuS$WL3?&E~t`_vqof z4uAeHzq+x$sT(>vLxc}MaUTM}=bwE=UQTsWE9_4?d3%d&@V-0+sG=}{#vtts4);f* zk;!wHarmzHz3bY=>$6icx88BElrOFImZhQL{VO9(=Q-SzzW2vyVa^&thmK$ zv(#{_@PO(xFtmXAX(%~lhD_Zwo;mvTrROhLhJ_HDZ{OOp^Ao@M>mT^|hcRckd?b#H z1O7(QE>@boS+mxte)3a)uzF*`CwG9tB7?flck^N14~H{7+4apLNns}?43P?40De`_ z5%AZX)T&(Aj2R-9tN ztybEYMeDV8rP`|1TGeW+TxwM-zFK|X{@o3~wy~b)LZ!>kp6=eatyV5gUzvtS@G#0h zB?jHWouRzzYc}179)Iwjhwu5qUw(CYan;l{j0nVV@A<%^a8f^b_7#mcOVbpj8}<|$ z;fQ^Jaz47j)sIwS9||JeJAd*VVvSTb^}yrzKljb=81u4Wh? z{>dNxxljBuf){y!p8^KtmCXhgh+~84x%tKa^80_<<~cQ4TLt|glW(j6&Ui9jtJ*Xp z*}NT3!|;@t98o;$B?M$3h^stdkv%vG3pa3W?#;Vu36^F|qlY(u4A`375ge?$*`l0- zyqrqapnJPpuX$Hy_ zKB<>H2*IIXXBfjbDeyTMVwDRm&Vl^m=pv1}m zn0jVw)tTcQ%yg=i(v?dy-}}zRZ+_|851uREnASs~SSp(y98C_6M034nrY9VY`NQ(i zKE)J(2Z==aaolJm7Ky|(-M|_o+-dDUxVKPmmrE7iB;M{|b$a;l-jlDr<=75lGEplr zdThdCB34jd$^-+w=fS%le)8eJ{j0Cf&MfGLiGW4d^$-8}`>$V_J^I3HhG|lxpxO-e|>5iE4agVABjYx$DV)fwg+xoU07b8UzS_5_f2&KeQB7aQYUb`QZct zR2!-T6kv2ChHG{BZaTQUN~_d0yV?Gp;a%f<_Z=AM9c(vSXJ=2J{r+1KJ%&jR3?dk5 zx7znSblwi8lJfvQN0Oeq5v|e!Fd3KEEe(>sv&;G^V!U{Dt78X%y`kH!!`1=a123}i4;oMsCFY%YaxuMXHPF5wB44e>AZiq3dMwiuew zH=<3Lx5h9i5s^v}-6jFZkoLptZEkMD$BmDT)@;Csr>8CePE15Zz_3CXZMWkQQz3ju zB3LpB$Y?<=gVIy%$3dMg-U*-<#N)4o=q*h_tpc;`6^#5 z-08xtjExP(BgUJrz7^)T!^N{Js%b0mjonZ>6|~GQmb$ichme=@X|Zbf5p- zA9~`{>u&+Y{@V|neDzHPhUf!p*G+xTt@{}60kWEyz3rXuPY}Qiu*%~DrQR_q5k;w4 zNHa~|V$|&-1CtGCTGO%TuU(nBJay!e$A?Gy?|Ss{RPQjBYT%f53`INBBgU=w-tmjS{p-K;*MIO|zVyd`^vvf!|J>7` z_~a+GnEvf=f1{iCYnl}ZYUH=;a~jT`gZuy4Z+v2CYy_b(h72MUgj)GRquFu}?c4RY zU;6fIKX}cLSqGr`f@^-=B9ToYpe_}wJS9bqLKvh385wk9$9~^txehGy*sP2x(06kz zGp6l0F2}vdPnk5sB{fiFk&BE}0$v;ITt1|M(I*ec0k9t-E{ue>L^tZ|?MWgQZ#Yf6 z*%|Cf)!~)e>f`}Y^M{1upLiF0g$h76{ z!qQmW6e*EmNxL9Oo_mp6m4qerOX$4Sh~9!drBqJLsY=R^*cAcX;~#BdlQdAN5ffB@ z^dA`6JaIrb&mPKA6PQdRYy%A55M+O^QUrvIP$t;1;~y_#Ks}{O1ECxkL07P689J8w z#bTABLR(>$A_P%1KXQSQ;4wnE5gxG;HxYvn=|_sm0w_ZRGDMkx6A@b1v0b(&R@pe( zJV4T&ZMb#2dMwg6G442SGG@(QpXC$#Xv67B6u~t@u-mAYE?=Dd=9ebF_q04au#@FMY4;>UjOW9Lp@_}9^O~n*j!y&gf?fZ5%ZFg~IA;b~|&D#`I{4*<8v;y)TIzddM68&+Ypb@&aklO7qyq;Xhh6K(Y zdv$EzEss9+f$e+tj_y3LtBDYFrC;o(;PW|Bgcgen#Y ziO8cZ48YWHz3YyT|I*Jt@Wf+%qeEuIf z1EE3equaLq;y?dqgF}N&hi_KHL<@gZDAYC!#it&B=uiLri)(X>KAzO$`Aaaa8#Q2~ffNMt6Q zDInr&(1a`!4vSGv3UMGM-EQ18);7yHz_^nV%7Bl5l`C{D>VyW{ifn`ifaPR^3c>*v z&q>qs5`pYU2>uC^&Oktk#5rp);D%kw83YA|o!FI!qHne)`CB60dH6u3*^Wo8wdFOR zeDfQ!KySZ%B5ULP>C4~!=JJKpsosGDPkeC4csNNwMh8{d)bAC4u{{y?x+E)`doEj=)PQ{d1^jjC6`^F2Jremli)2W~M zr$07z@yfGbdyc2?xL6i3c%WpXp~xnl4^mHLlViIk&b)C3tJkK}yz|j}5MWJTynf4_ zx1K)srksc%6a=Arj~tvleUad(xtkk-Gl>w8I5G1ZH^fEJD;iKidi?MLm=_VsA!pfZCSxK=@RN zHLm7k9%;_Vg|i5<%bwta!CGjo-C?cw`x|I8nKRsu?2K!@KCBCNKeR-?f; zut5%V*o-w{gGiJKqJ%=Vjuj{v=EHNsiOXP3ZpV>80EHNgcC*a^EbOb{qjnUgz$0|> z!S{`eRCr?@d<9AoQK(1L1T3#Ljr3(5*QvR%G~Zx0QK@n2Rm(f^27(q%y`WRVA)t|y z@AP*vy6Gap7-2Gp4dqgTR)}?sVzC6`h6V>6tisy7Z4fX)59n101P@&vXl7^jS3mgm z<|q7juo}`Zkz?-QSQj~ZZO{ugruvHC!Y>IUuQx$SI~D;Xm)a-*B$@-0T;Nck6n*Tl zm4rkj>CJx}NefcK9P1$&!_@MnYO~dn$c|KjCrl}&D%JwPDI&oiKW8dW^a&iLU_y}s z;g{$nFTmd>MNuZYXB(Eoz%Z{lbPcMGfSJ6#XLC{~sntpk^hSEJiI`QX)OlGPx`Hor zTN@Y7Og;Op(v6wEoqKn_>%IN=JgD^#_`>2Ab)DyKkVF{*PZ6ug6>7rT+Vb)bp8lrW zu=x@yw2wx+*{r{>KhWE2_Vvg51`_=PkyHj@Ou8r4zklzI*(G>AyJ2tNIckLbr;eTE zhhl*aM1v|ZBA{s74SzT!5uXWEj^kwedVc2D{>jq(>Q}z-4bYFJP%@MF*w21=d12`r zfBQ6_;o((1WPKs{ zk;WS@z4U>9@=p!ZjK-6lPN>c23$$?9&_X6}SM+rP0lsldB?a~WpCsz&v=Jn$*LrkY zVq`1_+0jHSlk4GgzW+G+eLHsUdh!=P>@3tmni&e1p&%Sz96=u(8Pv4*;DHZ({3CD^ z@*-V-CTTPCU_;dW(jT-&?jt4?=ro zPw!R`x!bf=C>G+0SSp>W+6@x!B~(iUMGfJPLrHlq67SJ3$b%pmXtI=<>Ma1}dJJ6; zTd@LJ%qk`Vk5H&mbui7)IYSH`UeIVdZnfUvAVFKIPJ%(f2e`l{H@^u_oZEzH(Wl3e z;9yf6iyzp+Ny1=ch=8}w>#5Gth5%HQL6PAIbtqBAgM0S`!r>~`-t|T>td(YGu0H=v z;riA7oqM-E@_1_B!9XG*K)RSvuTNcl{l%lTV!;=Q(4FZTogkKJi2h8&Z(4o>n+dS% zE304pvp@N7zx8jfoIVME%sE#)razhT_2hiLxj-@3_^yzBv(s~!(4gEq z?mjeq@zV0*YKV`ii6KExpdA|qZ?nm_`SkV%Km+f^Z$=~5PyOmof!#0u*%#3r0?+nl zpZM_O?NC3weKC> zf7`(`ub(9G9AmKK;J!N!U3}v#20TagmR0~;pnC~3H_z+QS+fqCS1%WZ$OsPt0SGV@ ze)H(jowwe;>(*O&QaF)xn^@^!5v*hLcS26X2Ig>3r@sDSB9xnaC{4dJp{T_#OgJri zCzp4!sr%9-gu*a)Y#Yq}-ykz>zi)4Ds5fX!+!=-!wsb9leZUuVo9&05c-Q@pK7@$7 z-e|?Fa9=KpaOSgr^Yx$lu@Aib(rfv}WlWR&wp<{X>C2R>H9m++8X-nZPJ%%8;Gk^V z7I z2OHgpkOQc!-+)vGynU~e(q;}?N9&fA0B<~2Pa>9^Ys^Ae&svQ z9eeiKW8Zz|=+obL`I}!m_RP1x`PYB>rN91*XgofB`SS1m#;pj7>0aDM$1J@NYAwlG}BicB9#LT=9DHK0Fy-FrQAVw7EGyGhNu&faCKz z{BQ!9>0y3}nAU?Mo(R=-EOo;S4-pf8^k;rz`_ApR5D$(Jd&(H|12CLC{TI71Z0hex0HNI^Vg2cZyorFH zkrc5?GcO@8REXR;zB~jBBw355EMz0X<_M+-0+ps=Y;3HfJe^4=Q^`gXD}8m2%7czQ z=4t-H8+`iHpBA3TH}_ym^aXV-%+0r}X_0pU_>Q8_u_(Y_D zp};HVF?;F!(jmX>({S3nQ_|n9RI3yH=~zT>!getKPz8h|eiq%kVO@`9(_vj}HRa2j zgeE_9^K4UTIJry$Q(Uu&S*{yI0PncPa=ou7<+X=1Zeb#(CPH#Mk7jUkq`*l61&kbB zIEE0UC8AX*q&J_t-Yi!6l|Y@3OI@2;jHl9LzB@-tyimU7aGCD(77^s@%T$Go_^!_jVn`jxeQ{h zRLTcN37WSsiGlgE6XS*DwY3{_iDW#ROV3@O#c&$kwGDcgsa9rB^a0&46AC04z&aOp zAz!Y+fZly*FZ|SZzw({l!M>h>K7KbX6iQ{&uf1>#9S27T0Ye$9BqbT|7j&k2(w9zM zfO8)l8*0mKrF|nqC!T+0V03V0erenO-7>rI;kK}*Up#(l$H6`9s|<;h@gE63aq-%X zuw@NQj3RuasVP(tyrBnq-8OjT)f4a`yC1%P=JM5%@v&r2Mwy6~HX7j%7Z zyzqnbbLaZvIV)_5MgWXh6-cJHb8jbdlVb?$Y03q0E>GJ$dgQWXik!figGH zpYF+;mdpzOD0OsSZKdIc_)Ha`%J77phM<&os~L-7jhub!^*6v~Puj8!ZM{(6*eL$; zFaG#jr!JV`aNqb4!t6^$dfHX-+dRIjQh?K^`k;cr%v|srYq07_ksF zD~p5qcdy=9wSdV8MJ;V{y^Li6pvbHwz$DSh5ELC8EQm24b%{cnB_ZEzDH*{|w}}iU zifX-Y9A=kf~O!VvJ*ulPqH3clc3> zKJ3Xtp@0Q)fZnPpQ7BKXI3a~{1OSu)L9w3r_~VTbb%0v@Nu1X0Vr=y892-5fcjVyi zcyE@aXoz@9sKvBq89IDi&3538$Q^Ix>m;IPt>M5E5Gh;2>xgT^k$7xgJ{OgExVZyj z;uiEm3IC8omP=#wYEkZNfxr^69+_t&?xh%j1dDgHH8lPjPTG<|7xib-+zel zmzrH9u>-s<2Wn_;a`KCx{p+ijuMA|Yog;~nJ}YjLGuvrljZm}UzWr?g0vzzV_8W`ES4XpMT@mKmUine`E3jqtl4xEq-M%?0fQEdQb24m03*O zx8HT>`swpGuFQmWgM>q2q(*3xaDaje1j0SpP%??$K<7Bk`yPMb@sGam=`TKg^5`3p zSiE^@N zG#2e2?8j=8DiN(9z~#v-2?$^il|~i4Ljg5oc?n3Qt)OJ?hmxYG*|r_{J&t!6NUOt( za}WT}*JFb{IF57m(&S6ueeU|yRHaf;7RU59z;3(Y`WKoQm#R$c4>6x^=&?}9XgcnJ zLxl6x8Qd> zokE#kD8;%5A%c26WeWpR7Q*a64vddN}A{z0WZ&#w%dhR1yl{4T+fN)8Kr#PNN$U5`;e0 z$-}4iYiHV(nL?uRhbPA1Hoq-J~pyY^^ z@KuH$mN5}=Gbl$54_U8Ha-y6qn3P!5IRY<|WTgOLC3XUz`K?lw_4)LumF(*=VpcSj zOy+uc3LKGIFl2;72#Db5Og)TDsoFp&g>>JNGs@*fk!K#UOkT} zlz}ADN0f>^!OwqMpDIGnKwAt2eSo*oXizuOTK**~{m8ypFArGc@6>9Y)iqee{=1H> zuIB622A5rE2K}K8L}!?Yq0SvY{s*7_^e2Dy*Z$@&{$gXZSgLmx3+?F*-?e;bx@_HO zB<5<#*;@2^(YU%1x}Fcs=KVz{*a;Z{%?j!UHqFo?mJv_J3?p2t6kmJc*+2e|pZeS% z{MX47uVY!klY^kS%~5gisrTr;{nxL|L?Y&q+xEWpo$psl6;LJoLZdJjo;BlJID{$e zL+NxllcN1}_|=%bhY$YPul~$i$4))>m1iRHXl^i9D_1`F(;q1n%HRH*Zx!LV(`X?Kc^62_RkvEzr5 zB3&jzLAg~T$=~X>>a7|U5^dhw3+sm6$&AWMZ0Ld+&tETBPrQ8e@BZvB&b{$wy;f75 z*^0J88+iTb(W{p)g|WJ4KQTG>4DdbN8Yajf+|zqL`2L~s@r_M(@6SXvt^1X4JU28v zlaW7pTaS9nAWQ%AluxJ22(=bcLB4$D?Ww&jc zs5j~)or9EPA5%9d1l9BgB4zg6`V|j=u-wH$9L|zh#F>zLHsBr`(a^v!JV-d*ve!U@ zQe^qZrs{~NMp@wDQA|pWG7T0>Y|To-1552z3!b;di=M%z+gx4WoZBc~S>AkWX6fkE z{7aK_uUxwE@`c%zLakV=z|;d_UM$B3XN@3rv)n+G18{%}-l-#nmUp*O@i?MS^l(Co zTXZ3Lq>?_gVU91_RnHso6UdIOu4Zf{#W4565(X81z!>-_m%I5*j9_0fz3uM97>Bc0 zrlBIX2Tc~w-5h`Zh2QbIZgDrM^|GJ!&1eBS{Dpag?(FO9i{`WtI$nN_2%WLyXn$9P4VT7Z5b_7G=IRPbX3LKUEaNxZAjH(hLcs7c>iuI6q zhC~Z!I;R;L$5t`^sU$Kz6Lmz}b#1U;5tnfBWD3t80r_!Xf#>H~Vq8NCT|h zEZv9!N+O+p&->rsu)7W0#R74pKXvZ>rIT--x&MLNug}c4omSW~5gb-{AF{%%oB}z8 zlnWKCh-^&v5IAbF6i0$H#UbM|Fv*z!v{C|%CMFaHG&0ahhwLd0KoGGh0icM!NL6zI z!iO{n97NKA!9j{e_U4j&)nUg6$Jd`uzzX1S0SSBwc0s_M+^;@FMm)({{K(oy^wezpoJX4a7^RVpn|#B*w9m|tA9<=ii->W))vwq`c# zS2rqCYvrr! z3hVh@M-I>(ghMBf9seKy`S-u@m!Cg({z|^oZurcu9`A(gs};wsm)o^+$F6r> z+uw0RL7rFv{h(BC5XMx&MHPH9@9XEd^Cl0N1y9%O#^CsPBpRjv@`08LmP;B!K?Y*o zo*fhQn!R}C+Rk0$b5~~@&DOw<2?i?^f(T3C@a!IiK@|q%i-2i=%a zE8W|3=H=sX5Zi9qi)J(!#PE9f(uva(2X>JdZWJyy2ykZdN(K&lpbuk+B}xroJYr#o zIseM5C!*=p@GbkewpINlVHN1unA&0O7*Bqm-8uTb@2`|r24cMss%Ob60TqrZ5U+sa zP6)xmw$d!R9fxPmAR5-l@Inu0ftw(do?;K3Qn7IEt&^{O|NF zpMUwUztCtlb`0;k<*qxO4!=uD{?JAJ@=SDCP7k`hgZ)=8T`3pVQ%S^t!Oc>w-3dJY z4Z>P&o@^nN7_M}8XeX;+ zxN)A84nh$Px7pX*i=K$`mzS3;(;_Tsi$Xx*g->`rLIF-drGPMFA=fT#7H(Xd?n^}x zF37@%1eD9RE#I8wz#y5}dGm=PQ<4%Ji;%<2E)row&I>-Dp>ZBY2<`ABuWz~5SnmXL z!^4?@fmAM+$Y$f2bRv_Erc%*lDw)kR+ugxe%KQ8N;Cq{!gv=xrfb`N_`zgC9yr6A zjaN0^_`&OUK6rbnSpJ{?`G5Vd|Mox6ou4YzI&Q%9>sC-R0H)n^+D@%yH@clx*s#K8 zG-O4!Xd;}*1S3he8^D}_1q5VRskaLi_;;rP#yc%_jtdZ|1DTDe(@tmKkvk_29ITa! zfo{i)L~GSr%WWEl0eUmzqpmNoICX9N#L$Je&LwiWWG(~Z$rJ}M12LMNTKa)WfR#79 zVet#{cpuHgtt9#X5wg;z#NqXA-H9P zS4!oD+1bnI&P|>>o6ctc!~g!DzwpmLF+Muc?gl#{Okmo+ zRcgCN`Y@~~Z>(igY4ILZ0DwS$zqt}G3GMo#X4ulWbRgOM<1{1I;0wcZ2-he=4JG5X z;Erd5Q5Fb9V+Lf)c32*1p_%#Bb~^~VlMx+KnOoUR#pCD=SomWMf`qQJF2)~0N-#p` zgcpD-0EIXpEkq?XY{ij>QV70Os}2qh!U3C>vA)JPnPc7rR5T|dh3iwF`V_|py^?oc z0vUi_oL|^jUg^ukK&78oZAen3f@#>h`c7pEcal@}gw2whJB~Y*r$|`u_nSKB(uU3R zsc5lOs$wQ8m#eF5>nkguGrzW)UtV8dURhgP-$2Ro%KF^=^4!8Q_OmzUr)TG9Zp_cl zFW#72nqOR5UE5e%S-Wv#aa(V4s5f1!IYj4&Z`J0O^0BBEF-?peBrt^ps-Q9$Oi-Sr zqKHWqB!(=n8$vMTg676w$zt=@8V$#BQ>i#us5crjiyMay?+?lMXBG2IfDnt)t%9+7 zt?M-Xv1lL`Lk(qtMX0VNB9Yg>e{}lBjX(JBfBfC2pR3!Lt@WS=f2UDG@XU^ljFCu1 zdxxUAK`oXH84*4{V3?4mUEHj#%r{HLX0?pXwd>7B!>%`KHSG9>W^%#n79i7ed9`wR zdh!DL-u|w~qnT{2kk4eZM#Mq~)WU+3!-GM?SiLgcn@wImKQ*vpn=WsrBNW9PU{O}W zqa@%6V37{^@*oGs*ucbaroZ>)r=PbXR&KC&X?AgZ@6Lhokz&4Z)$=kitaxZu&sr+UW}u2X?X}B}oX# z&0n1!*gjz;;tbv+d+MYXMnk9_Jods1 zGfT6*W=ad)ym^HX(E&nq`5>QNZ&fO8vC`y3W4CK0ScU56jsnKN58;A5{>(D; zKt{4Ei16F$I!U_|0|=cS2b6?Ep;Eb)FE%X0h?${?uFtIG4c&kQ#2IlJD!PF-=;r9w z@W%o=SYqYXHPFR6{DUA$N3_ihg+(dVZ99e)nPo!0n0i*%R-?SL6-*HUd$KP&gDxcO zn88TlP~qM4at2XNWr`vql7>XZaV0fgo!3ag0;NPE^s|XVN9Z(fIfP_MG#2|#v$?$| zd)vt9twY0y28WJ}jodjp-W!iWaO^;4IR3We3+&*Ifhu4^x5zZwzNs6lK!5>HA-DM~ zT`Cb-Tr0w~gecydF4W39K?zr=XAv1f6DgJw@JRwu#kpN!#Wd1v$}HCHMj{4Af!p+6 z)z74IAQL(RDBH#`3&7=Byv3JSQIQGw7pJDa@ue@`n4kH~@Bir=Z=CJ~G^}KUn$FWK zj@`lLI$AuQ9NUo?-loTs{8|F+0YfCLxwUF(VWzq|FZa7b{c=_rjFEwWNxCV<&yE(dJ{6~K2r{=EDT{(Bz zwDg&aS0ah%?T_5M=k`Na&tE=u^hC>b<=QS2#AqdBdyecs`TS9JyBYMVwEg5S{6wW# zdh2^H^X?Nlc{jFim)mSD%`EVxOp1VDfDcmy0%5)ZK`BdWU~)XEhXOc>78c;qbebv< z+F2+Y6vZ)tu^6W7v67Kou77BFc!b|J;)oC&zE-DMX_hvf^@6>+ZZGGZwQ93yw;Sy) z)+vBTh|qxrH)rWO+z?>$$sHns{Uhj0M2&1JYUngV8ZeCw8^2dt-1edI(H(ug3DZnPBB_Yg8;@h+oZZ;q!z+v^Fz6VtA&-?ZW&^lmn3SQ*{i}@E zy5(Z|_T3|JgpLCyi834t&M$8c=8|YY5pk;IZR@ClZsgU2>aq znV|%mZmU$OWzz{*H3*u#GQa=Oo`}VlGAZ%1C5#@Co$LCVO}IIJyH=Q9U0Qna+u!=e z-+l3GU;M(G$KRM;$cH+?D%M=U7z%X}DYXzmcLO2K%H$$F{hAr27a&w32ha7*^$J3~ zMn#ATS|KxOB-2JJp~uo@DjUfrjYLdOSfNJT?4eVP|9Z7@@r~Cp z(sv#@5(@JbavEI*DTipxOgh%z?`yl8*RB^U^}$^eC>8@2kqIrrrnDzevc{K~Ynrd+ zGL~+45kl^`b>H08*`=BJXd>#=?PO0T*_+7@^sX(eOkcbbOT}ZU1f4bkbbAK-UVrAr z+)#h2w}+~Q`F6S{uL$?Q^yQ~_-*$@;ji3as4d7?bO^)r`$z`ud2D8q}?84yg9f+?$ znMWq7c*>KnlYtqp&CH>J9*KZFRBa`!rURW01d9<58^jJh0zdmNfBwBc`Jr05I(y+7 z{6?)+th5W2X0hI?HQNp!HRJi3w-c4?_eU))5i{hX3Xiv{fP@-EQfI~a44BX$3K3Z% z9}HYRKY8Niqu=<-m*4!_vAZ9AcQBz54+k=bI}yl0ho;|u@2DH%fjfM4vhb+ zXq}#4lha5+EOMdk`PD)^8bvooF=E*QdkYaWG(c5^4WwZ%zgew3nG9T&BMpGGSu70> z4RRohcGuR{A_(^&PFfwi((BRsz^FJrcsvO^8ka6y3j4dgsVF>DFf8Gx-&ZOker%FY zaY2-ik}R20i44k2$!eB&unZ7eVSLg79DX_?z;jZL%XhkLRBH83$Fi*9WHKCvFy%T! zAefFs_73#lGCXu}X!yX;&@ICww+@dS85_H8d<>ZbLxcMV2lwRqq9JX5eIs9~R?F4> zBRxH-c&+Y;__)ZOSzb#-c^9S{Wvw=sBvc2z9-XgvOjdznh?n>3Gg6=;!2ouYJNN!( z(=8UOJ=p~M!fGx|PVYOoCl-&X*cC05y(w|44jkbH}L^D{G6bQX%Ts(nd08Wc$pX z-bhbMkH@q~3_*rwnnB$NnGr1#H6k%1p3oC|FuGB!FKiTSrxP(_SOeCpWlGoYpS?WU za-5MJyTS-R+dQ{Q%fU~(9k#6G&@jBx?3oMj$=T6CItwunCgtmiMEIE`|ib?J7Jxy;lX{Loq~mE@4dJk+o^SJsF2?BvX$=m9~%5!OHw zGM#p-Rw(8sMuJ)xY7%lKp{k2WmK%BEnCb4jYac=b!@_K$; z^R~b94BPKFv`{i(#$%=|%7}kUHWZl%P5uENu@%3a4Iru>4bi154x>AB?fS(_7c+Y1 zk*A&t#xw{L^biT)5HKAQB~NP#V3Diq+QRioU%P?$A(KfD3=IyBjOdmHnXJq$uFo&+ z*fva=!GIwspTBN9m#;5w8|jN!`ohY_TA>1WIntYTn$AY0nNB9e9e_iU1T-XF6rGOh zaM?hwN=OYd!Y991fHsOpR!cwW3%pI2GdePe>7Z!gpsQ=z!fL)|w@gEi8zC(JXO=fH zTVNVSAA%Dw5_}R46eG+dcK603lFN7e5hwESXd-aX#%3ZSu0ZN`BauP`WuY(VuUst7T%ATxhFFhQ0k20X_$yW0ZOV;qLJj&UfzSka zAbf)=Wfu@Sig66#OLJC%d9DI@r!}93@%szaYQ9`9*XlRc)^Dt=U0YhdwzPt6Zf&hr zZ%J`mlkH1mgm=3YK@BKYiF(S&b~BwAL`FI^07|H z0wI01;Z*ANz8)DTT&R&O5E+sOXdq3+mk`ZA$cCr(D050t_(9?!Om;nA$YqmonE-b2 z(#-DtyHY7w%-dcM5QB#1<2Mr3qxks8Vk$Vcci-6P=*c&ZU%s|huAzNLgHZjUDnI4t z3x@TOZXn!%*E8Yu3jf`B{q&lPW~9sO5lu> zScbeF(voHp@x@|cGoQEbec;LMhYzkTuYex-zUhnSs^!wyj@|s2G*`evDH3}7eO7