From c74acda12d1e4689ec2f3cfa0bb2b624fbb680ec Mon Sep 17 00:00:00 2001 From: maxchiron Date: Tue, 19 Dec 2023 20:41:54 +0800 Subject: [PATCH 1/4] move here; --- ...45\351\227\250\346\225\231\347\250\213.md" | 670 ++ xtuner/MedQA2019-structured-test.jsonl | 1874 +++++ xtuner/MedQA2019-structured-train.jsonl | 4340 ++++++++++++ xtuner/MedQA2019-structured.jsonl | 6212 +++++++++++++++++ xtuner/MedQA2019.xlsx | Bin 0 -> 163497 bytes xtuner/head.png | Bin 0 -> 435859 bytes xtuner/split2train_and_test.py | 35 + xtuner/xlsx2jsonl.py | 35 + 8 files changed, 13166 insertions(+) create mode 100644 "xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" create mode 100644 xtuner/MedQA2019-structured-test.jsonl create mode 100644 xtuner/MedQA2019-structured-train.jsonl create mode 100644 xtuner/MedQA2019-structured.jsonl create mode 100644 xtuner/MedQA2019.xlsx create mode 100644 xtuner/head.png create mode 100644 xtuner/split2train_and_test.py create mode 100644 xtuner/xlsx2jsonl.py diff --git "a/xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" "b/xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" new file mode 100644 index 000000000..30308fcde --- /dev/null +++ "b/xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" @@ -0,0 +1,670 @@ +![m3qx](head.png) + +> 怎么硕呢,祝大家炼丹愉快吧~ 😙 + + +## 1 概述 + +### 1.1 XTuner + +一个大语言模型微调工具箱。*由* *MMRazor* *和* *MMDeploy* *联合开发。* + +### 1.2 支持的开源LLM (2023.11.01) + +- **[InternLM](https://huggingface.co/internlm/internlm-7b)** ✅ +- [Llama,Llama2](https://huggingface.co/meta-llama) +- [ChatGLM2](https://huggingface.co/THUDM/chatglm2-6b),[ChatGLM3](https://huggingface.co/THUDM/chatglm3-6b-base) +- [Qwen](https://huggingface.co/Qwen/Qwen-7B) +- [Baichuan](https://huggingface.co/baichuan-inc/Baichuan-7B),[Baichuan2](https://huggingface.co/baichuan-inc/Baichuan2-7B-Base) +- ...... +- [Zephyr](https://huggingface.co/HuggingFaceH4/zephyr-7b-beta) + +### 1.3 特色 + +- 🤓 **傻瓜化:** 以 配置文件 的形式封装了大部分微调场景,**0基础的非专业人员也能一键开始微调**。 +- 🍃 **轻量级:** 对于 7B 参数量的LLM,**微调所需的最小显存仅为 8GB** : **消费级显卡✅,colab✅** + +### 1.4 微调原理 + +> 想象一下,你有一个超大的玩具,现在你想改造这个超大的玩具。但是,**对整个玩具进行全面的改动会非常昂贵**。 + +※ 因此,你找到了一种叫 **LoRA** 的方法:**只对玩具中的某些零件进行改动,而不是对整个玩具进行全面改动**。 + +※ 而 **QLoRA** 是 LoRA 的一种改进:如果你手里只有一把生锈的螺丝刀,也能改造你的玩具。 + +- **Full** : 😳 → 🚲 +- **[LoRA](http://arxiv.org/abs/2106.09685)** : 😳 → 🛵 +- **[QLoRA](http://arxiv.org/abs/2305.14314)** : 😳 → 🏍 + +![WOZJXUtaKlEk9S4.png](https://s2.loli.net/2023/12/08/WOZJXUtaKlEk9S4.png) + + +## 2 快速上手 + +### 2.1 平台 + +Ubuntu + Anaconda + CUDA/CUDNN + 8GB nvidia显卡 + +### 2.2 安装 + +```bash +# 如果你是在InternStudio平台,则从本地clone一个已有 pytorch 2.0.1 的环境: +conda create --name xtuner0.1.9 --clone=/root/share/conda_envs/internlm-base +# 如果你是在其他平台: +conda create --name xtuner0.1.9 python=3.10 -y + +# 激活环境 +conda activate xtuner0.1.9 +# 进入家目录 (~的意思是 “当前用户的home路径”) +cd ~ +# 创建版本文件夹并进入,以跟随本教程 +mkdir xtuner019 && cd xtuner019 + + +# 拉取0.1.9的版本源码 +git clone -b v0.1.9 https://github.com/internLM/xtuner +# 无法访问github的用户请从gitee拉取: +# git clone -b v0.1.9 https://gitee.com/internlm/xtuner + +# 进入源码目录 +cd xtuner + +# 从源码安装 XTuner +pip install -e '.[all]' +``` + +安装完后,就开始搞搞准备工作了。(准备在oasst1数据集上微调internlm-7b-chat) + +```bash +# 创建一个微调oasst1数据集的工作路径,进入 +mkdir ~/ft-oasst1 && cd ~/ft-oasst1 +``` + +### 2.3 微调 + +#### 2.3.1 准备配置文件 + +XTuner 提供多个开箱即用的配置文件,用户可以通过下列命令查看: + +```Bash +# 列出所有内置配置 +xtuner list-cfg +``` + +![QCgmlv1VpU3fZPk.png](https://s2.loli.net/2023/12/08/QCgmlv1VpU3fZPk.png) + +拷贝一个配置文件到当前目录: +`# xtuner copy-cfg ${CONFIG_NAME} ${SAVE_PATH}` + +在本案例中即:(注意最后有个英文句号,代表复制到当前路径) +```Bash +cd ~/ft-oasst1 +xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . +``` + +配置文件名的解释: + +> xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . + +| 模型名 | internlm_chat_7b | +| -------- | ---------------- | +| 使用算法 | qlora | +| 数据集 | oasst1 | +| 把数据集跑几次 | 跑3次:e3 (epoch 3 ) | + +*无 chat比如 `internlm-7b` 代表是基座(base)模型 + + +#### 2.3.2 模型下载 + +不用xtuner默认的`从huggingface拉取模型`,而是提前从 ~~OpenXLab~~ ModelScope下载模型到本地 + +```Bash +# 创建一个目录,放模型文件,防止散落一地 +mkdir ~/ft-oasst1/internlm-chat-7b + +# 装一下拉取模型文件要用的库 +pip install modelscope + +# 从modelscope下载下载模型文件 +cd ~/ft-oasst1 +apt install git git-lfs -y +git lfs install +git lfs clone https://modelscope.cn/Shanghai_AI_Laboratory/internlm-chat-7b.git -b v1.0.3 +``` + +#### 2.3.3 数据集下载 +> https://huggingface.co/datasets/timdettmers/openassistant-guanaco/tree/main + +由于huggingface网络问题,咱们已经给大家提前下载好了,复制到正确位置即可: + +```bash +cd ~/ft-oasst1 +# ...-guanaco后面有个空格和英文句号啊 +cp -r /root/share/temp/datasets/openassistant-guanaco . +``` + +此时,当前路径的文件应该长这样: + +```bash +|-- internlm-chat-7b +| |-- README.md +| |-- config.json +| |-- configuration.json +| |-- configuration_internlm.py +| |-- generation_config.json +| |-- modeling_internlm.py +| |-- pytorch_model-00001-of-00008.bin +| |-- pytorch_model-00002-of-00008.bin +| |-- pytorch_model-00003-of-00008.bin +| |-- pytorch_model-00004-of-00008.bin +| |-- pytorch_model-00005-of-00008.bin +| |-- pytorch_model-00006-of-00008.bin +| |-- pytorch_model-00007-of-00008.bin +| |-- pytorch_model-00008-of-00008.bin +| |-- pytorch_model.bin.index.json +| |-- special_tokens_map.json +| |-- tokenization_internlm.py +| |-- tokenizer.model +| `-- tokenizer_config.json +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +`-- openassistant-guanaco + |-- openassistant_best_replies_eval.jsonl + `-- openassistant_best_replies_train.jsonl +``` + +#### 2.3.4 修改 配置文件 + +修改其中的模型和数据集为 本地路径 + +```bash +cd ~/ft-oasst1 +vim internlm_chat_7b_qlora_oasst1_e3_copy.py +``` + +减号代表要删除的行,加号代表要增加的行。 +```diff +# 修改模型为本地路径 +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' + +# 修改训练数据集为本地路径 +- data_path = 'timdettmers/openassistant-guanaco' ++ data_path = './openassistant-guanaco' +``` + +**常用超参** + +| 参数名 | 解释 | +| ------------------- | ------------------------------------------------------ | +| **data_path** | 数据路径或 HuggingFace 仓库名 | +| max_length | 单条数据最大 Token 数,超过则截断 | +| pack_to_max_length | 是否将多条短数据拼接到 max_length,提高 GPU 利用率 | +| accumulative_counts | 梯度累积,每多少次 backward 更新一次参数 | +| evaluation_inputs | 训练过程中,会根据给定的问题进行推理,便于观测训练状态 | +| evaluation_freq | Evaluation 的评测间隔 iter 数 | +| ...... | ...... | + +> 如果想把显卡的现存吃满,充分利用显卡资源,可以将max_length和batch_size这两个参数调大。 + +#### 2.3.5 开始微调 + +**训练:** + +xtuner train ${CONFIG_NAME_OR_PATH} + +**也可以增加deepspeed进行训练加速:** + +xtuner train ${CONFIG_NAME_OR_PATH} --deepspeed deepspeed_zero2 + + +例如,我们可以利用 QLoRA 算法在 oasst1 数据集上微调 InternLM-7B: + +```Bash +# 单卡 +## 用刚才改好的config文件训练 +xtuner train ./internlm_chat_7b_qlora_oasst1_e3_copy.py + +# 多卡 +NPROC_PER_NODE=${GPU_NUM} xtuner train ./internlm_chat_7b_qlora_oasst1_e3_copy.py + +# 若要开启deepspeed加速,增加 --deepspeed deepspeed_zero2 即可 +``` + +> 微调得到的PTH模型文件和其他杂七杂八的文件都默认在当前的 `./work_dirs` 中。 + +跑完训练后,当前路径应该长这样: +```Bash +|-- internlm-chat-7b +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +|-- openassistant-guanaco +| |-- openassistant_best_replies_eval.jsonl +| `-- openassistant_best_replies_train.jsonl +`-- work_dirs + `-- internlm_chat_7b_qlora_oasst1_e3_copy + |-- 20231101_152923 + | |-- 20231101_152923.log + | `-- vis_data + | |-- 20231101_152923.json + | |-- config.py + | `-- scalars.json + |-- epoch_1.pth + |-- epoch_2.pth + |-- epoch_3.pth + |-- internlm_chat_7b_qlora_oasst1_e3_copy.py + `-- last_checkpoint +``` + +#### 2.3.6 将得到的 PTH 模型转换为 HuggingFace 模型,**即:生成Adapter文件夹** + +`xtuner convert pth_to_hf ${CONFIG_NAME_OR_PATH} ${PTH_file_dir} ${SAVE_PATH}` + +在本示例中,为: +```bash +mkdir hf +export MKL_SERVICE_FORCE_INTEL=1 + +xtuner convert pth_to_hf ./internlm_chat_7b_qlora_oasst1_e3_copy.py ./work_dirs/internlm_chat_7b_qlora_oasst1_e3_copy/epoch_3.pth ./hf +``` +此时,路径中应该长这样: +```Bash +|-- internlm-chat-7b +|-- internlm_chat_7b_qlora_oasst1_e3_copy.py +|-- openassistant-guanaco +| |-- openassistant_best_replies_eval.jsonl +| `-- openassistant_best_replies_train.jsonl +|-- hf +| |-- README.md +| |-- adapter_config.json +| |-- adapter_model.bin +| `-- xtuner_config.py +`-- work_dirs + `-- internlm_chat_7b_qlora_oasst1_e3_copy + |-- 20231101_152923 + | |-- 20231101_152923.log + | `-- vis_data + | |-- 20231101_152923.json + | |-- config.py + | `-- scalars.json + |-- epoch_1.pth + |-- epoch_2.pth + |-- epoch_3.pth + |-- internlm_chat_7b_qlora_oasst1_e3_copy.py + `-- last_checkpoint +``` + +**此时,hf文件夹即为我们平时所理解的所谓 “LoRA模型文件”** + +> 可以简单理解:LoRA模型文件 = Adapter + +--- + +### 2.4 部署与测试 +> 使用InternStudio的同学换至少A100*1的机器 +```Bash +# 加载 Adapter 模型对话 +xtuner chat ./internlm-chat-7b --adapter ./hf --prompt-template internlm_chat + +# 与原模型对话(Float 16) +# xtuner chat ./internlm-chat-7b --prompt-template internlm_chat + +# 与原模型对话(4 bit) +# xtuner chat ./internlm-chat-7b --bits 4 --prompt-template internlm_chat +``` + +**效果:** +| 微调前 | 微调后 | +| --- | --- | +| ![O23QD48iFSZMfbr.png](https://s2.loli.net/2023/12/16/O23QD48iFSZMfbr.png) | ![L1sqmGgE6h2exWP.png](https://s2.loli.net/2023/12/16/L1sqmGgE6h2exWP.png) | + + +**`xtuner chat`** **的启动参数** + +| 启动参数 | 干哈滴 | +| --------------------- | ------------------------------------------------------------ | +| **--prompt-template** | 指定对话模板 | +| --system | 指定SYSTEM文本 | +| --system-template | 指定SYSTEM模板 | +| -**-bits** | LLM位数 | +| --bot-name | bot名称 | +| --with-plugins | 指定要使用的插件 | +| **--no-streamer** | 是否启用流式传输 | +| **--lagent** | 是否使用lagent | +| --command-stop-word | 命令停止词 | +| --answer-stop-word | 回答停止词 | +| --offload-folder | 存放模型权重的文件夹(或者已经卸载模型权重的文件夹) | +| --max-new-tokens | 生成文本中允许的最大token数量 | +| **--temperature** | 温度值 | +| --top-k | 保留用于顶k筛选的最高概率词汇标记数 | +| --top-p | 如果设置为小于1的浮点数,仅保留概率相加高于top_p的最小一组最有可能的标记 | +| --seed | 用于可重现文本生成的随机种子 | + + + +## 3 自定义微调 +> 以 **[Medication QA](https://github.com/abachaa/Medication_QA_MedInfo2019)** **数据集**为例 + +### 3.1 概述 + +#### 3.1.1 **场景需求** + + 基于 InternLM-chat-7B模型,用MedQA数据集进行微调,将其往`医学问答`领域对齐。 + +#### 3.1.2 **真实数据预览** + +| 问题 | 答案 | +| ---------------------------------------------------------- | ------------------------------------------------------------ | +| What are ketorolac eye drops?(什么是酮咯酸滴眼液?) | Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation. | +| What medicines raise blood sugar? (什么药物会升高血糖?) | Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription. Examples include: Barbiturates. Thiazide diuretics. Corticosteroids. Birth control pills (oral contraceptives) and progesterone. Catecholamines. Decongestants that contain beta-adrenergic agents, such as pseudoephedrine. The B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months. The antipsychotic medicine olanzapine (Zyprexa). | + +### 3.2 数据准备 + +> **以** **[Medication QA](https://github.com/abachaa/Medication_QA_MedInfo2019)** **数据集为例** + +**原格式:(.xlsx)** + +![gjKLFUNWAx2dZDS.png](https://s2.loli.net/2023/12/08/gjKLFUNWAx2dZDS.png) + +| **问题** | 药物类型 | 问题类型 | **回答** | 主题 | URL | +| -------- | -------- | -------- | -------- | ---- | ---- | +| aaa | bbb | ccc | ddd | eee | fff | + +#### 3.2.1 将数据转为 XTuner 的数据格式 + +**目标格式:(.jsonL)** + +```JSON +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +``` + +🧠通过python脚本:将.xlsx中的 问题 和 回答 两列 提取出来,再放入.jsonL文件的每个conversation的input和output中。 + +> 这一步的python脚本可以请ChatGPT来完成。 + +```text +Write a python file for me. using openpyxl. input file name is MedQA2019.xlsx +Step1: The input file is .xlsx. Exact the column A and column D in the sheet named "DrugQA" . +Step2: Put each value in column A into each "input" of each "conversation". Put each value in column D into each "output" of each "conversation". +Step3: The output file is .jsonL. It looks like: +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +Step4: All "system" value changes to "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions." +``` + +> chatGPT生成的python代码见本仓库的 [xlsx2jsonl.py](./xlsx2jsonl.py) + + +执行python脚本,获得格式化后的数据集: +```bash +python xlsx2jsonl.py +``` + +**格式化后的数据集长这样:** +![uOCJXwbfzKRWSBE.png](https://s2.loli.net/2023/11/27/uOCJXwbfzKRWSBE.png) + +此时,当然也可以对数据进行训练集和测试集的分割,同样可以让ChatGPT写py代码。当然如果你没有严格的科研需求、不在乎“训练集泄露”的问题,也可以不做训练集与测试集的分割。 + +#### 3.2.2 划分训练集和测试集 + +```text +my .jsonL file looks like: +[{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}, +{ + "conversation":[ + { + "system": "xxx", + "input": "xxx", + "output": "xxx" + } + ] +}] +Step1, read the .jsonL file. +Step2, count the amount of the "conversation" elements. +Step3, randomly split all "conversation" elements by 7:3. Targeted structure is same as the input. +Step4, save the 7/10 part as train.jsonl. save the 3/10 part as test.jsonl +``` +生成的python代码见 [split2train_and_test.py](./split2train_and_test.py) + + +### 3.3 开始自定义微调 + +此时,我们重新建一个文件夹来玩“微调自定义数据集” +```bash +mkdir ~/ft-medqa && cd ~/ft-medqa +``` + +把前面下载好的internlm-chat-7b模型文件夹拷贝过来。 + +```bash +cp -r ~/ft-oasst1/internlm-chat-7b . +``` +别忘了把自定义数据集,即几个.jsonL,也传到服务器上。 + +#### 3.3.1 准备配置文件 +```bash +# 复制配置文件到当前目录 +xtuner copy-cfg internlm_chat_7b_qlora_oasst1_e3 . +# 改个文件名 +mv internlm_chat_7b_qlora_oasst1_e3_copy.py internlm_chat_7b_qlora_medqa2019_e3.py + +# 修改配置文件内容 +vim internlm_chat_7b_qlora_medqa2019_e3.py +``` + +减号代表要删除的行,加号代表要增加的行。 +```diff +# 修改import部分 +- from xtuner.dataset.map_fns import oasst1_map_fn, template_map_fn_factory ++ from xtuner.dataset.map_fns import template_map_fn_factory + +# 修改模型为本地路径 +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' + +# 修改训练数据为 MedQA2019-structured-train.jsonl 路径 +- data_path = 'timdettmers/openassistant-guanaco' ++ data_path = './MedQA2019/MedQA2019-structured-train.jsonl' + +# 修改 train_dataset 对象 +train_dataset = dict( + type=process_hf_dataset, +- dataset=dict(type=load_dataset, path=data_path), ++ dataset=dict(type=load_dataset, path='json', data_files=dict(train=data_path)), + tokenizer=tokenizer, + max_length=max_length, +- dataset_map_fn=alpaca_map_fn, ++ dataset_map_fn=None, + template_map_fn=dict( + type=template_map_fn_factory, template=prompt_template), + remove_unused_columns=True, + shuffle_before_pack=True, + pack_to_max_length=pack_to_max_length) +``` +#### 3.3.2 **XTuner!启动!** + +![tH8udZzECYl5are.png](https://s2.loli.net/2023/11/28/tH8udZzECYl5are.png) + +```bash +xtuner train internlm_chat_7b_qlora_medqa2019_e3.py +``` + +#### 3.3.3 pth转huggingface + +同前述,这里不赘述了。[将得到的-pth-模型转换为-huggingface-模型即生成adapter文件夹](#236-将得到的-pth-模型转换为-huggingface-模型即生成adapter文件夹) + +#### 3.3.4 部署与测试 + +同前述。[部署与测试](#24-部署与测试) + + +--- +--- + + +## 4【补充】用MS-Agent数据集 赋予LLM以Agent能力 +### 4.1 概述 +MSAgent 数据集每条样本包含一个对话列表(conversations),其里面包含了 system、user、assistant 三种字段。其中: + +- system: 表示给模型前置的人设输入,其中有告诉模型如何调用插件以及生成请求 + +- user: 表示用户的输入prompt,分为两种,通用生成的prompt和调用插件需求的 prompt + +- assistant: 为模型的回复。其中会包括插件调用代码和执行代码,调用代码是要 LLM 生成的,而执行代码是调用服务来生成结果的 + +一条调用网页搜索插件查询“上海明天天气”的数据样本示例如下图所示: +![BlgfEqpiRFO5G6L.png](https://s2.loli.net/2023/11/28/BlgfEqpiRFO5G6L.png) + +### 4.2 微调步骤 +> xtuner是从国内的ModelScope平台下载MS-Agent数据集,因此不用提前手动下载数据集文件。 + +```bash +# 准备工作 +mkdir ~/ft-msagent && cd ~/ft-msagent +cp -r ~/ft-oasst1/internlm-chat-7b . + +# 查看配置文件 +xtuner list-cfg | grep msagent + +# 复制配置文件到当前目录 +xtuner copy-cfg internlm_7b_qlora_msagent_react_e3_gpu8 . + +# 修改配置文件中的模型为本地路径 +vim ./internlm_7b_qlora_msagent_react_e3_gpu8_copy.py +``` + +```diff +- pretrained_model_name_or_path = 'internlm/internlm-chat-7b' ++ pretrained_model_name_or_path = './internlm-chat-7b' +``` + +# 开始微调 +xtuner train ./internlm_7b_qlora_msagent_react_e3_gpu8_copy.py --deepspeed deepspeed_zero2 +``` + +> 由于msagent的训练非常费时,大家如果想尽快把这个教程跟完,可以直接从modelScope拉取咱们已经微调好了的Adapter。如下演示。 + +#### 4.2.1 下载Adapter +```Bash +cd ~/ft-msagent +apt install git git-lfs +git lfs install +git lfs clone https://www.modelscope.cn/xtuner/internlm-7b-qlora-msagent-react.git +``` + +OK,现在目录应该长这样: +- internlm_7b_qlora_msagent_react_e3_gpu8_copy.py +- internlm-7b-qlora-msagent-react +- internlm-chat-7b +- work_dir(可有可无) + +有了这个在msagent上训练得到的Adapter,模型现在已经有agent能力了!就可以加 --lagent 以调用来自lagent的代理功能了! + +> **开始chat之前,还要加个serper的环境变量:** +> +> 去serper.dev免费注册一个账号,生成自己的api key。这个东西是用来给lagent去获取google搜索的结果的。等于是serper.dev帮你去访问google,而不是从你自己本地去访问google了。 + +![kDSdpQrhHfTWYsc.png](https://s2.loli.net/2023/12/06/kDSdpQrhHfTWYsc.png) + +添加serper api key到环境变量: + +```bash +export SERPER_API_KEY=abcdefg +``` + +xtuner + agent,启动! + +```bash +xtuner chat ./internlm-chat-7b --adapter internlm-7b-qlora-msagent-react --lagent +``` + +--- + +**报错处理:** + +xtuner chat 增加 --lagent 参数后,报错 ```TypeError: transfomers.modelsauto.auto factory. BaseAutoModelClass.from pretrained() got multiple values for keyword argument "trust renote code"``` + +注释掉已安装包中的代码: +![NfHAV1b4zqYv5kR.png](https://s2.loli.net/2023/12/19/NfHAV1b4zqYv5kR.png) +![YTpz1qemiojk5Bg.png](https://s2.loli.net/2023/12/19/YTpz1qemiojk5Bg.png) + + +其他已知问题和解决方案: +https://docs.qq.com/doc/DY1d2ZVFlbXlrUERj + + +小作业助教老师会在社群中公布。 +Have fun! + + +--- + +## 注意事项 + +本教程使用 xtuner 0.1.9 版本 +若需要跟着本教程一步一步完成,建议严格遵循本教程的步骤! + +--- + +若出现莫名其妙报错,请尝试更换为以下包的版本:(如果有报错再检查,没报错不用看) +``` +torch 2.1.1 +transformers 4.34.0 +transformers-stream-generator 0.0.4 +``` +```bash +pip install torch==2.1.1 +pip install transformers==4.34.0 +pip install transformers-stream-generator=0.0.4 +``` +CUDA相关:(如果有报错再检查,没报错不用看) +``` +NVIDIA-SMI 535.54.03 +Driver Version: 535.54.03 +CUDA Version: 12.2 + +nvidia-cuda-cupti-cu12 12.1.105 +nvidia-cuda-nvrtc-cu12 12.1.105 +nvidia-cuda-runtime-cu12 12.1.105 +``` +--- \ No newline at end of file diff --git a/xtuner/MedQA2019-structured-test.jsonl b/xtuner/MedQA2019-structured-test.jsonl new file mode 100644 index 000000000..bebec4a79 --- /dev/null +++ b/xtuner/MedQA2019-structured-test.jsonl @@ -0,0 +1,1874 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65?", + "output": "CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cyanocobalamin adminitsered", + "output": "Cyanocobalamin Injection, USP is a sterile solution of cyanocobalamin for intramuscular or subcutaneous injection. Each mL contains 1000 mcg cyanocobalamin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dextroamphetamine works", + "output": "Dextroamphetamine is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Dextroamphetamine is also used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Dextroamphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is beta vulgaris", + "output": "Beetroot or beet juice\nBeets and beet juice are among the best food sources of nitrate. Beet juice might improve athletic performance because the body converts some of this nitrate to nitric oxide, which expands blood vessels. This blood vessel expansion increases blood flow and the delivery of oxygen and nutrients to exercising muscle. The expanded blood vessels also speed up the removal of waste products that cause muscle fatigue." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if \"i'm\" allergic to penicillin can i take \"amoxicillin?\"", + "output": "A history of allergic reaction to any of the penicillins is a contraindication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milagrams olanzapine come in", + "output": "Olanzapine Tablets USP, 20 mg are white, film coated, oval, biconvex tablets with \u201cR\u201d 20\ndebossed on\u00a0one side and \u201c0168\u201d on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams of aceitomohen in a bottle of acetaminophen with codeine", + "output": "Acetaminophen and Codeine Phosphate Tablets 300 mg/30 mg are white, round, flat-faced, beveled edge, scored (bisect bar) tablets, debossed \"2064\" and \"V\" on one side and debossed \"3\" on the reverse side. They are supplied in bottles of 30, 50, 60, 90, 100, 120, 180, 500 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can you not take with grapefruit", + "output": "Here are examples of some types of drugs that grapefruit juice can cause problems with (interact):\n\nSome statin drugs to lower cholesterol, such as Zocor (simvastatin) and Lipitor (atorvastatin).\nSome drugs that treat high blood pressure, such as Procardia and Adalat CC (both nifedipine).\nSome organ-transplant rejection drugs, such as Sandimmune and Neoral (both cyclosporine).\nSome anti-anxiety drugs, such as buspirone.\nSome corticosteroids that treat Crohn\u2019s disease or ulcerative colitis, such as Entocort EC and Uceris (both budesonide).\nSome drugs that treat abnormal heart rhythms, such as Pacerone and Nexterone (both amiodarone).\nSome antihistamines, such as Allegra (fexofenadine)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitrofurantoin generic for?", + "output": "Furadantin\u00ae Tablets\u00b6\nFuradantin\u00ae Oral Suspension\nFuralan\u00ae\u00b6\nMacrobid\u00ae\nMacrodantin\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mouth wash\" with salt water -how much salt to \"water?", + "output": "Rinse your mouth with salt water (one-half teaspoon or 3 grams of salt in 1 cup or 240 milliliters of water) or mouthwashes with hydrogen peroxide or Xylocaine to ease discomfort." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is vancomycin", + "output": "Vancomycin injection is used alone or in combination with other medications to treat certain serious infections such as endocarditis (infection of the heart lining and valves), peritonitis (inflammation of the lining of the abdomen), and infections of the lungs, skin, blood, and bones. Vancomycin injection is in a class of medications called glycopeptide antibiotics. It works by killing bacteria that cause infections.\n\nAntibiotics such as vancomycin injection will not work for colds, flu, or other viral infections. Taking or using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "at what point do i no longer need cyanocobalamin injection?", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back.\n\nCyanocobalamin injection will supply you with enough vitamin B12 only as long as you receive injections regularly. You may receive cyanocobalamin injections every month for the rest of your life. Keep all appointments to receive cyanocobalamin injections even if you feel well. If you stop receiving cyanocobalamin injections, your anemia may return and your nerves may be damaged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for afibwhat are side effects", + "output": "Adverse reactions have been very common in virtually all series of patients treated with amiodarone for ventricular arrhythmias with relatively large doses of drug (400 mg/day and above), occurring in about three-fourths of all patients and causing discontinuation in 7 to 18%. The most serious reactions are pulmonary toxicity, exacerbation of arrhythmia, and rare serious liver injury (see \u201cWARNINGS\u201d), but other adverse effects constitute important problems. They are often reversible with dose reduction or cessation of amiodarone treatment. Most of the adverse effects appear to become more frequent with continued treatment beyond six months, although rates appear to remain relatively constant beyond one year. The time and dose relationships of adverse effects are under continued study.\n\nNeurologic problems are extremely common, occurring in 20 to 40% of patients and including malaise and fatigue, tremor and involuntary movements, poor coordination and gait, and peripheral neuropathy; they are rarely a reason to stop therapy and may respond to dose reductions or discontinuation (see \u201cPRECAUTIONS\u201d). There have been spontaneous reports of demyelinating polyneuropathy.\n\nGastrointestinal complaints, most commonly nausea, vomiting, constipation, and anorexia, occur in about 25% of patients but rarely require discontinuation of drug. These commonly occur during high-dose administration (i.e., loading dose) and usually respond to dose reduction or divided doses.\n\nOphthalmic abnormalities including optic neuropathy and/or optic neuritis, in some cases progressing to permanent blindness, papilledema, corneal degeneration, photosensitivity, eye discomfort, scotoma, lens opacities, and macular degeneration have been reported (see \u201cWARNINGS\u201d).\n\nAsymptomatic corneal microdeposits are present in virtually all adult patients who have been on drug for more than 6 months. Some patients develop eye symptoms of halos, photophobia, and dry eyes. Vision is rarely affected and drug discontinuation is rarely needed.\n\nDermatological adverse reactions occur in about 15% of patients, with photosensitivity being most common (about 10%). Sunscreen and protection from sun exposure may be helpful, and drug discontinuation is not usually necessary. Prolonged exposure to amiodarone occasionally results in a blue-gray pigmentation. This is slowly and occasionally incompletely reversible on discontinuation of drug but is of cosmetic importance only.\n\nCardiovascular adverse reactions, other than exacerbation of the arrhythmias, include the uncommon occurrence of congestive heart failure (3%) and bradycardia. Bradycardia usually responds to dosage reduction but may require a pacemaker for control. CHF rarely requires drug discontinuation. Cardiac conduction abnormalities occur infrequently and are reversible on discontinuation of drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you mentally \"i'll\" when you \"take fluoxetine?\"", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Fluoxetine (Sarafem) is used to relieve the symptoms of premenstrual dysphoric disorder, including mood swings, irritability, bloating, and breast tenderness. It is also used along with olanzapine (Zyprexa) to treat depression that did not respond to other medications and episodes of depression in people with bipolar I disorder (manic-depressive disorder; a disease that causes episodes of depression, episodes of mania, and other abnormal moods)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use lantus solostar insulin pen", + "output": "Important Administration Instructions\nAdminister LANTUS subcutaneously once daily at any time of day but at the same time every day.\nPrior to initiation of LANTUS, train patients on proper use and injection technique.\nPatient should follow the Instructions for Use to correctly administer LANTUS.\nAdminister LANTUS subcutaneously into the abdominal area, thigh, or deltoid, and rotate injection sites within the same region from one injection to the next to reduce the risk of lipodystrophy [see ADVERSE REACTIONS (6.1)].\nVisually inspect LANTUS vials and SoloStar prefilled pens for particulate matter and discoloration prior to administration. Only use if the solution is clear and colorless with no visible particles.\nRefrigerate unused (unopened) LANTUS vials and SoloStar\u00ae prefilled pens.\nDo not administer intravenously or via an insulin pump.\nDo not dilute or mix LANTUS with any other insulin or solution.\nThe SoloStar prefilled pen is for single patient use only" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the dosage strengths of sildenafil", + "output": "Sildenafil Tablets\n\nWhite, film-coated, round tablets engraved with SDF20 containing sildenafil citrate equivalent to 20 mg of sildenafil." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take cipro for a urinary tract infection \"?\"", + "output": "Urinary Tract Infections: 250\u2013500 mg every 12 hours for 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol patch", + "output": "Attempts to taper or discontinue the medication should be made at 3 to 6 month intervals.\n\nEstradiol transdermal system (twice-weekly) may be given continuously in patients who do not have an intact uterus. In those patients with an intact uterus, estradiol transdermal system (twice-weekly) may be given on a cyclic schedule (for example, 3 weeks on drug followed by 1 week off drug)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much penicillin to treat strep throat for adult", + "output": "The usual dosage recommendations for adults and children 12 years and over are as follows:\n\nStreptococcal Infections\nMild to moderately severe \u2013 of the upper respiratory tract and including scarlet fever and erysipelas: 125 to 250 mg (200,000 to 400,000 units) every 6 to 8 hours for 10 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what class is diazepam", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is estradiol transdermal patch bio-identical estrogen?", + "output": "Estradiol transdermal system (twice-weekly) is an estrogen indicated for:\n\u2022Treatment of moderate to severe vasomotor symptoms due to menopause ( 1.1)\n\u2022Treatment of moderate to severe symptoms of vulvar and vaginal atrophy due to menopause" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reduce bisoprolol", + "output": "Cessation of Therapy\nIf withdrawal of bisoprolol fumarate and hydrochlorothiazide therapy is planned, it should be achieved gradually over a period of about 2 weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Prednisone is in a class of medications called corticosteroids. It works to treat patients with low levels of corticosteroids by replacing steroids that are normally produced naturally by the body. It works to treat other conditions by reducing swelling and redness and by changing the way the immune system works." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Fluid and Electrolyte Disturbances:\n\nSodium retention.\n\nFluid retention.\n\nCongestive heart failure in susceptible patients.\n\nPotassium loss.\n\nHypokalemic alkalosis.\n\nHypertension.\nMusculoskeletal:\n\nMuscle weakness.\n\nSteroid myopathy.\n\nLoss of muscle mass.\n\nOsteoporosis.\n\nVertebral compression fractures.\n\nAseptic necrosis of femoral and humeral heads.\n\nPathologic fracture of long bones.\nGastrointestinal:\n\nPeptic ulcer with possible perforation and hemorrhage.\n\nPancreatitis.\n\nAbdominal distention.\n\nUlcerative esophagitis.\nDermatologic:\n\nImpaired wound healing.\n\nThin fragile skin.\n\nPetechiae and ecchymoses.\n\nFacial erythema.\n\nIncreased sweating.\n\nMay suppress reactions to skin tests.\nMetabolic:\n\nNegative nitrogen balance due to protein catabolism.\nNeurological:\n\nConvulsions\n\nIncreased intracranial pressure with papilledema (pseudo-tumor cerebri) usually after treatment.\n\nVertigo.\n\nHeadache.\nEndocrine:\n\nMenstrual irregularities.\n\nDevelopment of Cushingoid state.\n\nSuppression of growth in children.\n\nSecondary adrenocortical and pituitary unresponsiveness, particularly in times of stress, as in trauma, surgery or illness.\n\nDecreased carbohydrate tolerance.\n\nManifestations of latent diabetes mellitus.\n\nIncreased requirements for insulin or oral hypoglycemic agents in diabetics.\n\n Ophthalmic:\n\nPosterior subcapsular cataracts.\n\nIncreased intraocular pressure.\n\nGlaucoma.\n\nExophthalmos.\n\nAdditional Reactions:\n\nUrticaria and other allergic, anaphylactic or hypersensitivity reactions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prescribe fluocinonide .05% gel", + "output": "Patients using topical corticosteroids should receive the following information and instructions:\n1. This medication is to be used as directed by the physician. It is for external use only. Avoid contact with the eyes.\n2. Patients should be advised not to use this medication for any disorder other than for which it was prescribed.\n3. The treated skin area should not be bandaged or otherwise covered or wrapped as to be occlusive unless directed by the physician.\n4. Patients should report any signs of local adverse reactions, especially under occlusive dressing.\n5. Parents of pediatric patients should be advised not to use tight-fitting diapers or plastic pants on a child being treated in the diaper area, as these garments may constitute occlusive dressings." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do with hydrogen peroxide poisoning", + "output": "Seek medical help right away. Do NOT make the person throw up unless poison control or a health care provider tells you to do so. If the chemical is on the skin or in the eyes, flush with lots of water for at least 15 minutes.\n\nBefore Calling Emergency\nHave this information ready:\n\nPerson's age, weight, and condition\nName of the product (ingredients and strength, if known)\nTime it was swallowed or got into eyes or on skin\nAmount swallowed, in eyes, or on skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amxacillin clavulanic acid work", + "output": "The combination of amoxicillin and clavulanic acid is used to treat certain infections caused by bacteria, including infections of the ears, lungs, sinus, skin, and urinary tract. Amoxicillin is in a class of medications called penicillin-like antibiotics. It works by stopping the growth of bacteria. Clavulanic acid is in a class of medications called beta-lactamase inhibitors. It works by preventing bacteria from destroying amoxicillin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the action of ezetimibe in my body", + "output": "Ezetimibe is in a class of medications called cholesterol-lowering medications. It works by preventing the absorption of cholesterol in the intestine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time of day to take propranolol", + "output": "The extended-release propranolol capsule (brand name: Inderal LA) usually is taken once a day. The extended-release capsule (Innopran XL, Inderal XL) is usually taken at bedtime and should consistently be taken either always with or always without food each time. Immediate-acting propranolol tablets or solution may be taken two, three, or four times a day. Take propranolol at around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long are you protected after taking the hep b vaccine", + "output": "Studies indicate that immunologic memory remains intact for at least 30 years among healthy vaccinated individuals who initiated hepatitis B vaccination >6 months of age. The vaccine confers long-term protection against clinical illness and chronic hepatitis B virus infection. Cellular immunity appears to persist even though antibody levels might become low or decline below detectable levels. Among vaccinated cohorts who initiated hepatitis B vaccination at birth, long-term follow-up studies are ongoing to determine the duration of vaccine-induced immunity" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "do not take more than directed (see OVERDOSE WARNING)\nadults and children 12 years and over \ntake 2 caplets every 6 hours while symptoms last\nswallow whole \u2013 do not crush, chew, or dissolve\ndo not take more than 6 caplets in 24 hours, unless directed by a doctor\ndo not use for more than 10 days unless directed by a doctor\nchildren under 12 years \nask a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "problems when stopping metformin, hair loss?", + "output": "Metformin is often used to treat type 2 diabetes and may help some women with PCOS symptoms. It is not approved by the FDA to treat PCOS symptoms. Metformin improves insulin's ability to lower your blood sugar and can lower both insulin and androgen levels. After a few months of use, metformin may help restart ovulation, but it usually has little effect on acne and extra hair on the face or body. Recent research shows that metformin may have other positive effects, including lowering body mass and improving cholesterol levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac sodium topical gel used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. \nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is rate for iv infusion cilastatin/imipenem", + "output": "Recommend that the maximum total daily dosage not exceed 4 g/day.\nAdminister 500 mg by intravenous infusion over 20 to 30 minutes.\nAdminister 1,000 mg by intravenous infusion over 40 to 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a beta blocker", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow.\n\nSome beta blockers mainly affect your heart, while others affect both your heart and your blood vessels. Which one is best for you depends on your health and the condition being treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana is what schedule drug", + "output": "Cannabis , also known as marijuana, is a plant grown in many parts of the world which produces a resin containing compounds called cannabinoids. Some cannabinoids are psychoactive (acting on the brain and changing mood or consciousness) (see Question 1).\nThe use of Cannabis for medicinal purposes dates back to ancient times (see Question 3).\nBy federal law, the possession of Cannabis is illegal in the United States outside of approved research settings. However, a growing number of states, territories, and the District of Columbia have enacted laws to legalize medical marijuana (see Question 1).\nIn the United States, Cannabis is a controlled substance requiring special licensing for its use (see Question 1 and Question 3)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do when stopping taking oxycodone", + "output": "Discontinuation of Oxycodone HCl Tablets\nWhen a patient who has been taking oxycodone HCl tablets regularly and may be physically dependent no longer requires therapy with oxycodone HCl tablets, taper the dose gradually, by 25% to 50% every 2 to 4 days, while monitoring carefully for signs and symptoms of withdrawal. If the patient develops these signs or symptoms, raise the dose to the previous level and taper more slowly, either by increasing the interval between decreases, decreasing the amount of change in dose, or both. Do not abruptly discontinue oxycodone HCl tablets in a physically-dependent patient [see WARNINGS AND PRECAUTIONS (5.1), DRUG ABUSE AND DEPENDENCE (9.3)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does cocaine i effect the nervous system", + "output": "Cocaine is an illegal stimulant drug that affects your central nervous system. Cocaine comes from the coca plant. When used, cocaine causes the brain to release higher than normal amounts of some chemicals. These produce a sense of euphoria, or a \"high.\"\n\nCocaine intoxication is a condition in which you're not only high from using the drug, but you also have body-wide symptoms that can make you ill and impaired." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you able to take guaifenesin if you have a heart \"transplant?\"", + "output": "Guaifenesin can be used in transplant recipients but should be used with caution in patients receiving kidney or lung transplants and in patients with renal impairment. Codeine combined with guaifenesin is another option for cough and can be used in most transplant patients although those with reduced renal function should be monitored carefully for adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does marijuana get into a persons body", + "output": "Cannabinoids can be taken by mouth, inhaled, or sprayed under the tongue" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i took minocycline for acne when i have kidney stone", + "output": "The antianabolic action of the tetracyclines may cause an increase in blood urea nitrogen (BUN). While this is not a problem in those with normal renal function, in patients with significantly impaired function, higher serum levels of tetracycline may lead to azotemia, hyperphosphatemia, and acidosis. Under such conditions, monitoring of creatinine and BUN is recommended, and the total daily dosage should not exceed 200 mg in 24 hours (see DOSAGE AND ADMINISTRATION). If renal impairment exists, even usual oral or parenteral doses may lead to systemic accumulation of the drug and possible liver toxicity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amlodipine ?", + "output": "Amlodipine is used alone or in combination with other medications to treat high blood pressure and chest pain (angina). Amlodipine is in a class of medications called calcium channel blockers. It lowers blood pressure by relaxing the blood vessels so the heart does not have to pump as hard. It controls chest pain by increasing the supply of blood to the heart. If taken regularly, amlodipine controls chest pain, but it does not stop chest pain once it starts. Your doctor may prescribe a different medication to take when you have chest pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do antibiotics kill bacteria", + "output": "Have you ever wondered how antibiotics kill invading bacteria, while leaving human cells alone? Although there are similarities between bacteria and human cells, there are many differences as well. Antibiotics work by affecting things that bacterial cells have but human cells don\u2019t.\n\nFor example, human cells do not have cell walls, while many types of bacteria do. The antibiotic penicillin works by keeping a bacterium from building a cell wall. Bacteria and human cells also differ in the structure of their cell membranes and the machinery they use to build proteins or copy DNA. Some antibiotics dissolve the membrane of just bacterial cells. Others affect protein-building or DNA-copying machinery that is specific to bacteria." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is enoxaparin dispensed", + "output": "Enoxaparin Sodium Injection is available in two concentrations:\n100 mg/mL Concentration\n 30 and 40 mg prefilled syringes, and 60, 80, and 100 mg graduated prefilled syringes each contain 10 mg enoxaparin sodium per 0.1 mL Water for Injection.\n150 mg/mL Concentration\n 120 and 150 mg graduated prefilled syringes contain 15 mg enoxaparin sodium per 0.1 mL Water for Injection." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication riva-clonazepam", + "output": "Clonazepam is used alone or in combination with other medications to control certain types of seizures. It is also used to relieve panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Clonazepam is in a class of medications called benzodiazepines. It works by decreasing abnormal electrical activity in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "Benazepril comes as a tablet to take by mouth. It is usually taken once or twice a day with or without food. To help you remember to take benazepril, take it around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "The morning administration is preferable because it more effectively covers the whole 24 hours than an evening dose" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprofloxacin", + "output": "Ciprofloxacin tablets are synthetic broad spectrum antimicrobial agents for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is it ok to discontinue use of premarin crea m", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary.\n\n2. 1 Treatment of Atrophic Vaginitis and Kraurosis Vulvae\nPREMARIN Vaginal Cream is administered intravaginally in a cyclic regimen (daily for 21 days and then off for 7 days). \n\n2. 2 Treatment of Moderate to Severe Dyspareunia, a Symptom of Vulvar and Vaginal Atrophy, due to Menopause\nPREMARIN Vaginal Cream (0.5 g) is administered intravaginally in a twice-weekly (for example, Monday and Thursday) continuous regimen or in a cyclic regimen of 21 days of therapy followed by 7 days off of therapy [see DOSAGE FORMS AND STRENGTHS (3)].\n\nAn increased risk of stroke and DVT has been reported with estrogen-alone therapy. An increased risk of PE, DVT, stroke and MI has been reported with estrogen plus progestin therapy. Should any of these occur or be suspected, estrogen with or without progestin therapy should be discontinued immediately. \n\nMost studies show no significant increased risk associated with use of estrogens for less than 1 year. The greatest risk appears to be associated with prolonged use, with increased risks of 15- to 24-fold for 5 to 10 years or more, and this risk has been shown to persist for at least 8 to 15 years after estrogen therapy is discontinued." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if diclofenac is instilled in the wrong eye what happens", + "output": "Instill the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not instill extra eye drops to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how other inject cortisone to the knee", + "output": "A steroid injection is a shot of medicine used to relieve a swollen or inflamed area that is often painful. It can be injected into a joint, tendon, or bursa.\n\nDescription\nYour health care provider inserts a small needle and injects medicine into the painful and inflamed area. Depending on the site, your provider may use an x-ray or ultrasound to see where to place the needle.\n\nFor this procedure:\n\nYou will lie on a table and the injection area will be cleaned.\nA numbing medicine may be applied to the injection site.\nYou may be given medicine to help you relax.\nSteroid injections can be given into a bursa, joint, or tendon." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cbd from marijuana to treat what", + "output": "Cannabis and cannabinoids have been studied in the laboratory and the clinic for relief of pain, nausea and vomiting, anxiety, and loss of appetite (see Question 6 and Question 7).\nCannabis and cannabinoids may have benefits in treating the symptoms of cancer or the side effects of cancer therapies. There is growing interest in treating children for symptoms such as nausea with Cannabis and cannabinoids, although studies are limited (see Question 7).\nTwo cannabinoids (dronabinol and nabilone) are drugs approved by the U.S. Food and Drug Administration (FDA) for the prevention or treatment of chemotherapy -related nausea and vomiting (see Question 7 and Question 10)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will benzonatate last on the shelf", + "output": "There have been very few studies to attempt to ascertain how long medications are effective after their expiration date having been stored in the unopened original stock pharmacy bottle. The pharmaceutical industry has not sponsored such a study due to the fact the expected results would severely hamper their sales. \n\n SLEP (http://www.ofcaems.org/ds-Stability_Profiles.pdf) is a US military study that evaluated 122 products over several years time for stability. The solid oral drugs (tablets, capsules) were tested over time for potency, impurities, water content, dissolution properties in liquid, and physical appearance by a FDA chemist. The results showed the following were uniformly stable nearly 5 years after the expiration date: Acetaminophen (Tylenol), Amoxicillin sodium tablets, Ampicillin, Benzonatate, Cephalexin (Keflex), Cimetadine (Tagamet), Ciprofloxacin (Cipro), codeine sulfate, doxycycline hyclate, enalapril maleate, erythromycin lactobionate, guaifenesin, mebendazole, naproxen (Alleve), oxacillin, potassium iodide, primaquine phosphate, pyridostigmine, sulfisoxazole, triamterene/hydrochlorothiazide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tretinoin medication treats what disorder", + "output": "Tretinoin is used to treat acute promyelocytic leukemia (APL; a type of cancer in which there are too many immature blood cells in the blood and bone marrow) in people who have not been helped by other types of chemotherapy or whose condition has improved but then worsened following treatment with other types of chemotherapy. Tretinoin is used to produce remission (a decrease or disappearance of signs and symptoms of cancer) of APL, but other medications must be used after treatment with tretinoin to prevent the cancer from returning. Tretinoin is in a class of medications called retinoids. It works by slowing or stopping the growth of cancer cells by causing immature blood cells to develop into normal blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why are anticholinergic drugs useful for treating gastrointestinal spasms associated with ibs", + "output": "Dicyclomine relieves smooth muscle spasm of the gastrointestinal tract. Animal studies indicate that this action is achieved via a dual mechanism: (1) a specific anticholinergic effect (antimuscarinic) at the acetylcholine-receptor sites; and (2) a direct effect upon smooth muscle (musculotropic.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole betamethasone dipropionate cream", + "output": "What is clotrimazole and betamethasone dipropionate cream?\n\nClotrimazole and betamethasone dipropionate cream is a prescription medication used on the skin (topical) to treat fungal infections of the feet, groin, and body in people 17 years of age and older. Clotrimazole and betamethasone dipropionate cream is used for fungal infections that are inflamed and have symptoms of redness or itching." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is triamcinolone acetonide used for", + "output": "Topical corticosteroids are indicated for the relief of the inflammatory and pruritic manifestations of corticosteroid-responsive dermatoses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is benzodiazepines", + "output": "Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whats zithromax", + "output": "What is ZITHROMAX?\n\nZITHROMAX is a macrolide antibiotic prescription medicine used in adults 18 years or older to treat certain infections caused by certain germs called bacteria. These bacterial infections include:\n\nacute worsening of chronic bronchitis\nacute sinus infection\ncommunity-acquired pneumonia\ninfected throat or tonsils\nskin infections\ninfections of the urethra or cervix\ngenital ulcers in men\nZITHROMAX is also used in children to treat:\n\near infections\ncommunity-acquired pneumonia\ninfected throat or tonsils" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does vicodin stay in breast milk", + "output": "Following a 10 mg oral dose of hydrocodone administered to five adult male subjects, the mean peak concentration was 23.6 \u00b1 5.2 ng/mL. Maximum serum levels were achieved at 1.3 \u00b1 0.3 hours and the half-life was determined to be 3.8 \u00b1 0.3 hours.\n\nAcetaminophen is rapidly absorbed from the gastrointestinal tract and is distributed throughout most body tissues. A small fraction (10-25%) of acetaminophen is bound to plasma proteins. The plasma half-life is 1.25 to 3 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you be on clopidogrel \"&\" aspirin combined for", + "output": "The following are key points to remember about the updated guideline on duration of dual antiplatelet therapy (DAPT) in patients with coronary artery disease (CAD):\n\nThe scope of this focused update is limited to addressing recommendations on duration of DAPT (aspirin plus a P2Y12 inhibitor) in patients with coronary artery disease (CAD).\nIntensification of antiplatelet therapy, with the addition of a P2Y12 inhibitor to aspirin monotherapy, and prolongation of DAPT, necessitate a fundamental tradeoff between decreasing ischemic risk and increasing bleeding risk. Decisions regarding treatment with and duration of DAPT require a thoughtful assessment of the benefit/risk ratio, integration of study data, and patient preference.\nRecommendations in the document apply specifically to duration of P2Y12 inhibitor therapy in patients with CAD treated with DAPT. Aspirin therapy should almost always be continued indefinitely in patients with CAD.\nLower daily doses of aspirin, including in patients treated with DAPT, are associated with lower bleeding complications and comparable ischemic protection compared with higher doses of aspirin. The recommended daily dose of aspirin in patients treated with DAPT is 81 mg (range 75\u2013100 mg).\nIn patients with stable ischemic heart disease (SIHD) treated with DAPT after drug-eluting stent (DES) implantation, P2Y12 inhibitor therapy with clopidogrel should be given for at least 6 months (Class I). In patients with SIHD treated with DAPT after bare-metal stent (BMS) implantation, P2Y12 inhibitor therapy (clopidogrel) should be given for a minimum of 1 month (Class I).\nIn patients with SIHD treated with DAPT after BMS or DES implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT with clopidogrel for longer than 1 month in patients treated with BMS or longer than 6 months in patients treated with DES may be reasonable (Class IIb).\nIn patients with acute coronary syndrome (ACS) (non-ST elevation [NSTE]-ACS or ST elevation myocardial infarction [STEMI]) treated with DAPT after BMS or DES implantation, P2Y12 inhibitor therapy (clopidogrel, prasugrel, or ticagrelor) should be given for at least 12 months (Class I).\nIn patients with ACS (NSTE-ACS or STEMI) treated with coronary stent implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT (clopidogrel, prasugrel, or ticagrelor) for longer than 12 months may be reasonable (Class IIb). A new risk score (the \u201cDAPT score\u201d), derived from the Dual Antiplatelet Therapy study, may be useful for decisions about whether to continue (prolong or extend) DAPT in patients treated with coronary stent implantation.\nIn patients with ACS (NSTE-ACS or STEMI) treated with DAPT after coronary stent implantation and in patients with NSTE-ACS treated with medical therapy alone (without revascularization), it is reasonable to use ticagrelor in preference to clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa). Among those who are not at high risk for bleeding complications and who do not have a history of stroke or transient ischemic attack, it is reasonable to choose prasugrel over clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa).\nIn patients with ACS (NSTE-ACS or STEMI) being treated with DAPT who undergo coronary artery bypass grafting (CABG), P2Y12 inhibitor therapy should be resumed after CABG to complete 12 months of DAPT therapy after ACS (Class I).\nIn patients with STEMI treated with DAPT in conjunction with fibrinolytic therapy, P2Y12 inhibitor therapy (clopidogrel) should be continued for a minimum of 14 days and ideally at least 12 months (Class I).\nElective noncardiac surgery should be delayed 30 days after BMS implantation and optimally 6 months after DES implantation. In patients treated with DAPT after coronary stent implantation who must undergo surgical procedures that mandate the discontinuation of P2Y12 inhibitor therapy, it is recommended that aspirin be continued if possible and the P2Y12 platelet receptor inhibitor be restarted as soon as possible after surgery (Class I)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium can i stop taking it?", + "output": "Angioedema of the face, lips, tongue and/or larynx has been reported with trospium chloride. In one case, angioedema occurred after the first dose of trospium chloride. Angioedema associated with upper airway swelling may be life threatening. If involvement of the tongue, hypopharynx, or larynx occurs, trospium chloride should be promptly discontinued" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does chlordiazepoxide stay in \"system?\"", + "output": "It takes several hours for peak blood levels to be reached and the half-life of the drug is between 24 and 48 hours. After the drug is discontinued plasma levels decline slowly over a period of several days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much gravol to kill you", + "output": "Dimenhydrinate is a type of medicine called an antihistamine.\n\nDimenhydrinate overdose occurs when someone takes more than the normal or recommended amount of this medicine. This can be by accident or on purpose.\n\nThis article is for information only. DO NOT use it to treat or manage an actual overdose. If you or someone you are with has an overdose, call your local emergency number (such as 911), or your local poison center can be reached directly by calling the national toll-free Poison Help hotline (1-800-222-1222) from anywhere in the United States. \n\nPoisonous Ingredient\nDimenhydrinate can be harmful in large amounts.\n\nWhere Found\nDimenhydrinate is found in some allergy medicines. It is also in some medicines used to treat nausea, vomiting, and motion sickness.\n\nIt may be in medicines with these brand names:\n\nDramamine\nGravol\nMarmine\nNico-Vert\nTriptone\nDimenhydrinate may also be found in other medicines.\n\nSymptoms\nBelow are symptoms of a dimenhydrinate overdose in different parts of the body.\n\nBLADDER AND KIDNEYS\n\nInability to urinate\nEYES, EARS, NOSE, MOUTH, AND THROAT\n\nBlurred vision\nDry mouth\nEnlarged pupils\nVery dry eyes\nRinging in the ears\nHEART AND BLOOD VESSELS\n\nLow blood pressure\nRapid heartbeat\nNERVOUS SYSTEM\n\nAgitation\nConfusion\nSeizures\nDelirium\nDepression\nDrowsiness\nHallucinations (seeing or hearing things that aren't there)\nIncreased sleepiness\nNervousness\nTremor\nUnsteadiness\nSKIN\n\nDry, red skin\nSTOMACH AND INTESTINES\n\nNausea\nVomiting" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Nicotine use can have many different effects on the body. It can:\n\nDecrease the appetite -- Fear of weight gain makes some people unwilling to stop smoking.\nBoost mood, give people a sense of well-being, and possibly even relieve minor depression.\nIncrease activity in the intestines.\nCreate more saliva and phlegm.\nIncrease the heart rate by around 10 to 20 beats per minute.\nIncrease blood pressure by 5 to 10 mm Hg.\nPossibly cause sweating, nausea, and diarrhea.\nStimulate memory and alertness -- People who use tobacco often depend on it to help them accomplish certain tasks and perform well." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Tobacco and related chemicals can increase your risk of serious health problems such as cancer, lung disease, and heart attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is nicotine taken", + "output": "Nicotine supplements come in many forms:\n\nGum\nInhalers\nLozenges\nNasal spray\nSkin patch\nAll of these work well if they are used correctly. People are more likely to use the gum and patches correctly than other forms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brinzolamide is brimodine?", + "output": "SIMBRINZA (brinzolamide/brimonidine tartrate ophthalmic suspension) 1%/0.2% is a fixed combination of a carbonic anhydrase inhibitor and an alpha 2 adrenergic receptor agonist indicated for the reduction of elevated intraocular pressure (IOP) in patients with open-angle glaucoma or ocular hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does take drug with food mean?", + "output": "Some medicines need to be taken with or after food. Here are the 6 main reasons for this.\nTo reduce side effects of nausea or vomiting\nIt's better to take some medicines that can cause nausea or vomiting after a meal to reduce these side effects. Examples include allopurinol, bromocriptine and madopar.\nTo reduce side effects of stomach irritation, including indigestion, stomach inflammation or ulcers\nSome medicines can irritate the stomach, and taking them with food will reduce this effect. Things such as biscuits or a sandwich, or a glass of milk, are usually enough. Examples include:\naspirin\nnon-steroidal anti-inflammatory drugs (NSAIDs), such as diclofenac and ibuprofen\nsteroid medication (corticosteroids), such as prednisolone and dexamethasone\nTo treat problems such as heartburn, reflux or indigestion\nMedicines called antacids are taken to prevent heartburn, reflux and indigestion, which usually occur when acid is produced as food enters your stomach. Therefore, these medicines are most effective if taken immediately after, or during, a meal.\nTo ensure the medicine is not washed away\nPreparations such as mouthwashes, liquid nystatin, and miconazole gel for oral thrush or mouth ulcers must be used after meals. This is because eating food washes the medicine away too quickly.\nTo ensure the medicine is absorbed into the bloodstream properly\nSome medications require food in the stomach and gut for the body to absorb them properly, such as the HIV medicines ritonavir, saquinavir and nelfinavir.\nTo help the body process the meal\nMedicines for diabetes, if taken by mouth, should usually be taken around meal times to reduce blood sugar levels after eating and to avoid a very low blood sugar (hypoglycaemia).\nEnzyme supplements, which can be used to help people with chronic pancreatitis, should also be taken with food to help the body process the meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what would a normal dose be for valacyclovir", + "output": "Cold Sores (Herpes Labialis): The recommended dosage of valacyclovir tablets for treatment of cold sores is 2 grams twice daily for 1 day taken 12 hours apart. Therapy should be initiated at the earliest symptom of a cold sore (e.g., tingling, itching, or burning).\n\nGenital Herpes:\n\nInitial Episode: The recommended dosage of valacyclovir tablets for treatment of initial genital herpes is 1 gram twice daily for 10 days. Therapy was most effective when administered within 48 hours of the onset of signs and symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of seroquel does one take for sleep", + "output": "The recommended initial dose, titration, dose range and maximum SEROQUEL dose for each approved indication is displayed in Table 1. After initial dosing, adjustments can be made upwards or downwards" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does tasmar contain", + "output": "CTIVE INGREDIENT/ACTIVE MOIETY\nTolcapone (UNII: CIF6334OLY) \n\nINACTIVE INGREDIENTS\nLactose Monohydrate (UNII: EWQ57Q8I5X)\npovidone K30 (UNII: U725QWY32X)\nsodium starch glycolate type a potato (UNII: 5856J3G2A2)\ntalc (UNII: 7SEV7J4R1U)\nmagnesium stearate (UNII: 70097M6I30)\ntitanium dioxide (UNII: 15FIX9V2JP)\ntriacetin (UNII: XHX3C3X673)\nsodium lauryl sulfate (UNII: 368GB5141J)\nferric oxide yellow (UNII: EX438O2MRT)\nferric oxide red (UNII: 1K09F3G675)\nMICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U)\nANHYDROUS DIBASIC CALCIUM PHOSPHATE (UNII: L11K75P92J)\nETHYLCELLULOSE, UNSPECIFIED (UNII: 7Z8S9VYZ4B)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is another drug similar to sulfonylureas", + "output": "Types of Insulin Secretagogues\nInsulin-releasing medicines\nSulfonylureas (Generic names): Glimepiride, Glipizide, Glyburide\nMeglitinides (Generic names): Repaglinide, Nateglinide" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do botulinum toxin injections treat muscle conditions?", + "output": "Targeted injection of botulinum toxin into muscles with the most tome can help to selectively weaken these muscles to improve range of motion and function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "Acute overdose with Fentanyl Citrate Injection can be manifested by respiratory depression, somnolence progressing to stupor or coma, skeletal muscle flaccidity, cold and clammy skin, constricted pupils, and, in some cases, pulmonary edema, bradycardia, hypotension, partial or complete airway obstruction, atypical snoring, and death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "People use heroin to get high. But if they overdose on it, they get extremely sleepy or may become unconsciousness and stop breathing.\n\nBelow are symptoms of a heroin overdose in different parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "However, most recent cases of fentanyl-related harm, overdose, and death in the U.S. are linked to illegally made fentanyl.2 It is sold through illegal drug markets for its heroin-like effect. It is often mixed with heroin and/or cocaine as a combination product\u2014with or without the user\u2019s knowledge\u2014to increase its euphoric effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramipexole addictive?", + "output": "you should know that some people who took medications such as pramipexole to treat Parkinson's disease or restless legs syndrome developed gambling problems, an increased interest in shopping or sex, overeating problems, or other intense urges or behaviors that were compulsive or unusual for them. There is not enough information to tell whether the people developed these problems because they took the medication or for other reasons. Call your doctor if you develop intense urges or have difficulty controlling any of these behaviors. Tell your family members about these risks so that they can call the doctor even if you do not realize that your behavior has become a problem." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take amoxicillin with hydrocodone ?", + "output": "There are no direct drug interactions between Norco (acetaminophen, hydrocodone), amoxicillin (Amoxil) and Adipex (phentermine). Take the Norco only as needed. This may cause drowsiness, be careful if you must be alert. Take the amoxicillin until finished." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will the cyanocobalamin stay good", + "output": "Store at room temperature between 59-86 degrees F (15-30 degrees C) away from light and moisture. Do not freeze. Do not store in the bathroom. Keep all medicines away from children and pets.Do not flush medications down the toilet or pour them into a drain unless instructed to do so. Properly discard this product when it is expired or no longer needed. Consult your pharmacist or local waste disposal company for more details about how to safely discard your product." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "entocort ec how prescribed", + "output": "2.1 Mild to Moderate Active Crohn\u2019s Disease\nThe recommended adult dosage for the treatment of mild to moderate active Crohn's disease involving the ileum and/or the ascending colon is 9 mg orally taken once daily in the morning for up to 8 weeks. Repeated 8 week courses of ENTOCORT EC can be given for recurring episodes of active disease.\n\n2.2 Maintenance of Clinical Remission of Mild to Moderate Crohn\u2019s Disease\nFollowing an 8 week course(s) of treatment for active disease and once the patient\u2019s symptoms are controlled (CDAI less than 150), ENTOCORT EC 6 mg orally is recommended once daily for maintenance of clinical remission up to 3 months. If symptom control is still maintained at 3 months an attempt to taper to complete cessation is recommended. Continued treatment with ENTOCORT EC 6 mg for more than 3 months has not been shown to provide substantial clinical benefit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "celebrex caps 200 mg what is it for", + "output": "These doses can be given without regard to timing of meals.\n2.2 Osteoarthritis\nFor OA, the dosage is 200 mg per day administered as a single dose or as 100 mg twice daily.\n2.3 Rheumatoid Arthritis\nFor RA, the dosage is 100 to 200 mg twice daily.\n2.4 Juvenile Rheumatoid Arthritis\nFor JRA, the dosage for pediatric patients (age 2 years and older) is based on weight. For patients \u226510 kg to \u226425 kg the recommended dose is 50 mg twice daily. For patients >25 kg the recommended dose is 100 mg twice daily.\n2.5 Ankylosing Spondylitis\nFor AS, the dosage of CELEBREX is 200 mg daily in single (once per day) or divided (twice per day) doses. If no effect is observed after 6 weeks, a trial of 400 mg daily may be worthwhile. If no effect is observed after 6 weeks on 400 mg daily, a response is not likely and consideration should be given to alternate treatment options.\n2.6 Management of Acute Pain and Treatment of Primary Dysmenorrhea\nFor management of Acute Pain and Treatment of Primary Dysmenorrhea, the dosage is 400 mg initially, followed by an additional 200 mg dose if needed on the first day. On subsequent days, the recommended dose is 200 mg twice daily as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how ph change with antibiotic", + "output": "Collins' team had already discovered that antibiotics that kill bacteria do so by triggering oxidative stress in the bacteria. They wondered whether antibiotics caused side effects by triggering oxidative stress in the mitochondria, a bacterium-like organelle that supplies human cells with energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vicodin look like", + "output": "Color: WHITE Score: 2 pieces Shape: OVAL Size: 14mm Imprint Code: VICODIN;HP;10;300" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is fish oil daily dose", + "output": "LC omega-3s are present in several dietary supplement formulations, including fish oil, krill oil, cod liver oil, and vegetarian products that contain algal oil. A typical fish oil supplement provides about 1,000 mg fish oil, containing 180 mg EPA and 120 mg DHA, but doses vary widely. Table 1 lists the current AIs for omega-3s in grams per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "meropenem injection ip what is the rate of injection", + "output": "The recommended dose of Meropenem for Injection, USP is 500 mg given every 8 hours for skin and skin structure infections and 1 gram given every 8 hours for intra-abdominal infections. When treating complicated skin and skin structure infections caused by P. aeruginosa, a dose of 1 gram every 8 hours is recommended. \n\nMeropenem for Injection, USP should be administered by intravenous infusion over approximately 15 minutes to 30 minutes. Doses of 1 gram may also be administered as an intravenous bolus injection (5 mL to 20 mL) over approximately 3 minutes to 5 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does vitamin d help our bodies", + "output": "Vitamin D helps the body absorb calcium. Calcium and phosphate are two minerals that you must have for normal bone formation.\n\nIn childhood, your body uses these minerals to produce bones. If you do not get enough calcium, or if your body does not absorb enough calcium from your diet, bone production and bone tissues may suffer.\n\nVitamin D deficiency can lead to osteoporosis in adults or rickets in children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xifaxan used for", + "output": "XIFAXAN is indicated for the treatment of travelers\u2019 diarrhea (TD) caused by noninvasive strains of Escherichia coli in adults and pediatric patients 12 years of age and older.\nXIFAXAN is indicated for reduction in risk of overt hepatic encephalopathy (HE) recurrence in adults.\nXIFAXAN is indicated for the treatment of irritable bowel syndrome with diarrhea (IBS-D) in adults." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why synthroid is interfered by calcium", + "output": "Calcium carbonate may form an insoluble chelate with levothyroxine, and ferrous sulfate likely forms a ferric-thyroxine complex. Administer SYNTHROID at least 4 hours apart from these agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you mix cymbalta with muscle relaxes", + "output": "CNS Acting Drugs \u2014 Given the primary CNS effects of CYMBALTA, it should be used with caution when it is taken in combination with or substituted for other centrally acting drugs, including those with a similar mechanism of action [see Warnings and Precautions (5.12) and Drug Interactions (7.16)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to start tamiflu", + "output": "TAMIFLU is indicated for the treatment of acute, uncomplicated illness due to influenza A and B infection in patients 2 weeks of age and older who have been symptomatic for no more than 48 hours.\n1.2 Prophylaxis of Influenza\nTAMIFLU is indicated for the prophylaxis of influenza A and B in patients 1 year and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take vitamins with rasagiline?", + "output": "Results of a special tyramine challenge study indicate that rasagiline is selective for MAO-B at recommended doses and can be used without dietary tyramine restriction. However, certain foods may contain very high amounts (i.e., 150 mg or greater) of tyramine and could potentially cause a hypertensive reaction in individual patients taking rasagiline due to increased sensitivity to tyramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take clotrimazole", + "output": "Clotrimazole comes as a cream, lotion, powder, and solution to apply to the skin; lozenges (called troches) to dissolve in the mouth; and vaginal tablets and vaginal cream to be inserted into the vagina. Clotrimazole is usually used five times a day for 14 days for oral thrush, twice a day (in the morning and evening) for 2 to 8 weeks for skin infections, and once a day at bedtime for 3 or 7 days for vaginal infections. Follow the directions on the package or your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use clotrimazole exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor.\n\nTo use the topical cream, lotion, or solution, thoroughly clean the infected area, allow it to dry, and then gently rub the medication in until most of it disappears. Use just enough medication to cover the affected area. You should wash your hands after applying the medication.\n\nThe lozenges should be placed in the mouth and dissolved slowly over about 15 to 30 minutes. Do not chew or swallow the lozenges whole." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to apply clonidine patch on chest", + "output": "Apply clonidine patches to clean, dry skin on a hairless area on the upper, outer arm or upper chest. Choose an area where it will not be rubbed by tight clothing. Do not apply patches to skin that has wrinkles or folds or to skin that is cut, scraped, irritated, scarred or recently shaved. You may bathe, swim, or shower while you are wearing a clonidine patch.\n\nIf the clonidine patch loosens while wearing it, apply the adhesive cover that comes with the patch. The adhesive cover will help to keep the clonidine patch on until it is time for the patch to be replaced. If the clonidine patch significantly loosens or falls off, replace it with a new one in a different area. Replace the new patch on your next scheduled patch change day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do patients get better medication deposition when using a spacer?", + "output": "In some cases, such as for children or older adults, using a spacer or valved holding chamber with an inhaler might make it easier to inhale the full dose. A spacer holds medication in a tube between the inhaler and your mouth after it's released. A valved holding chamber is a specialized spacer with a one-way valve to help regulate the flow of medication.\n\nReleasing the medication into the spacer allows you to inhale more slowly, increasing the amount that reaches your lungs. Spacers and holding chambers require a prescription.\n\nThere are inhalers with built-in spacers. Others can be used with a spacer that attaches to the inhaler." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is the clonazepam", + "output": "yellow" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how 9is cyanocobalamin adminitsered", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop pregabalin lyrica", + "output": "When discontinuing LYRICA, taper gradually over a minimum of 1 week." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i need to know how to use this medication ultibro", + "output": "The way to take this medicine: Inhalation\nStore below 25 degrees Celsius\nProtect from Moisture\nLifetime is 24 Months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "howmuch aspirin in butalbital", + "output": "Butalbital 50 mg; Aspirin 325 mg; Caffeine 40 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine how often", + "output": "The recommended schedule for live shingles vaccine is a single dose for adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me omeprazole", + "output": "Color: BROWN; Shape: OVAL; Size: 12mm; Imprint Code: 20" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is u02 medicine", + "output": "imipramine pamoate, Hydrocodone Bitartrate and Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does magnesium do to your body", + "output": "Magnesium is a nutrient that the body needs to stay healthy. Magnesium is important for many processes in the body, including regulating muscle and nerve function, blood sugar levels, and blood pressure and making protein, bone, and DNA." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles sq (zostavax) i have to take again ?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size bottle does latanoprost ophthalmic come in", + "output": "Latanoprost ophthalmic solution is a sterile, clear, isotonic, buffered, preserved, colorless solution of latanoprost 0.005% (50 mcg/mL). It is supplied as a 2.5 mL solution in a 6 mL natural low density polyethylene bottle with a natural low density polyethylene dropper tip and a turquoise polyethylene screw cap." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is bcg vaccine stored", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F).\n\nThis agent contains live bacteria and should be protected from direct sunlight. The product should not be used after the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is shingrix (rzv) recombinant vaccine", + "output": "CDC recommends that healthy adults 50 years and older get two doses of the shingles vaccine called Shingrix (recombinant zoster vaccine), separated by 2 to 6 months, to prevent shingles and the complications from the disease. Your doctor or pharmacist can give you Shingrix as a shot in your upper arm.\n\nShingrix provides strong protection against shingles and PHN. Two doses of Shingrix is more than 90% effective at preventing shingles and PHN. Protection stays above 85% for at least the first four years after you get vaccinated. Shingrix is the preferred vaccine, over Zostavax\u00ae (zoster vaccine live), a shingles vaccine in use since 2006." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the max dose of oral iron supplement for senior citizen", + "output": "Table 1 lists the current iron RDAs for nonvegetarians. The RDAs for vegetarians are 1.8 times higher than for people who eat meat. This is because heme iron from meat is more bioavailable than nonheme iron from plant-based foods, and meat, poultry, and seafood increase the absorption of nonheme iron [5].\n\nFor infants from birth to 6 months, the FNB established an AI for iron that is equivalent to the mean intake of iron in healthy, breastfed infants.\n\nTable 1: Recommended Dietary Allowances (RDAs) for Iron [5]\nAge\tMale\tFemale\tPregnancy\tLactation\nBirth to 6 months\t0.27 mg*\t0.27 mg*\t \t \n7\u201312 months\t11 mg\t11 mg\t \t \n1\u20133 years\t7 mg\t7 mg\t \t \n4\u20138 years\t10 mg\t10 mg\t \t \n9\u201313 years\t8 mg\t8 mg\t \t \n14\u201318 years\t11 mg\t15 mg\t27 mg\t10 mg\n19\u201350 years\t8 mg\t18 mg\t27 mg\t9 mg\n51+ years\t8 mg\t8 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a normal dosage of klonopin", + "output": "Seizure Disorders\nThe use of multiple anticonvulsants may result in an increase of CNS depressant adverse effects. This should be considered before adding Klonopin to an existing anticonvulsant regimen.\n\nAdults\n\nThe initial dose for adults with seizure disorders should not exceed 1.5 mg/day divided into three doses. Dosage may be increased in increments of 0.5 to 1 mg every 3 days until seizures are adequately controlled or until side effects preclude any further increase. Maintenance dosage must be individualized for each patient depending upon response. Maximum recommended daily dose is 20 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can a prescription of fentanyl be called in", + "output": "Fentanyl comes as four different transmucosal products and several other types of products. The medication in each product is absorbed differently by the body, so one product cannot be substituted for any other fentanyl product. If you are switching from one product to another, your doctor will prescribe a dose that is best for you.\n\nA program has been set up for each fentanyl product to decrease the risk of using the medication. Your doctor will need to enroll in the program in order to prescribe fentanyl and you will need to have your prescription filled at a pharmacy that is enrolled in the program. As part of the program, your doctor will talk with you about the risks and benefits of using fentanyl and about how to safely use, store, and dispose of the medication. After you talk with your doctor, you will sign a form acknowledging that you understand the risks of using fentanyl and that you will follow your doctor's instructions to use the medication safely. Your doctor will give you more information about the program and how to get your medication and will answer any questions you have about the program and your treatment with fentanyl." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does stomach take to empty for fosamax", + "output": "Absorption\n\nRelative to an intravenous reference dose, the mean oral bioavailability of alendronate in women was 0.64% for doses ranging from 5 to 70 mg when administered after an overnight fast and two hours before a standardized breakfast. Oral bioavailability of the 10 mg tablet in men (0.59%) was similar to that in women when administered after an overnight fast and 2 hours before breakfast.\n\nFOSAMAX 70 mg oral solution and FOSAMAX 70 mg tablet are equally bioavailable.\n\nA study examining the effect of timing of a meal on the bioavailability of alendronate was performed in 49 postmenopausal women. Bioavailability was decreased (by approximately 40%) when 10 mg alendronate was administered either 0.5 or 1 hour before a standardized breakfast, when compared to dosing 2 hours before eating. In studies of treatment and prevention of osteoporosis, alendronate was effective when administered at least 30 minutes before breakfast.\n\nBioavailability was negligible whether alendronate was administered with or up to two hours after a standardized breakfast. Concomitant administration of alendronate with coffee or orange juice reduced bioavailability by approximately 60%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone \"infection?\"", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fluoxetine what mgs are available", + "output": "20 mg, Capsule is a Dark blue opaque cap and Light blue opaque body, imprinted with \u201c20\u201d on the cap and \u201cA106\u201d on the body.\n\n40 mg, Capsule is a Light blue opaque cap and Light blue opaque body, imprinted with \u201c40\u201d on the cap and \u201cA107\u201d on the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take ibuprofen", + "output": "It's safe to take ibuprofen regularly for many years if you need to as long as you don't take more than the recommended dosage.\nIf you need to take ibuprofen by mouth for a long time and you're at risk of getting a stomach ulcer, your doctor may prescribe a medicine to help protect your stomach." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can i split a 3mg or 4mg waefin pill so i can get a 2.5mg pill", + "output": "Warfarin comes as a tablet to take by mouth. It is usually taken once a day with or without food. Take warfarin at around the same time every day. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Take warfarin exactly as directed. Do not take more or less of it or take it more often than prescribed by your doctor. Call your doctor immediately if you take more than your prescribed dose of warfarin.\n\nYour doctor will probably start you on a low dose of warfarin and gradually increase or decrease your dose based on the results of your blood tests. Make sure you understand any new dosing instructions from your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does doxycycline contain resin and shellac in it. ?", + "output": "INACTIVE INGREDIENTS:\nSILICON DIOXIDE \nSTARCH, CORN \nCROSCARMELLOSE SODIUM \nDOCUSATE SODIUM \nSODIUM BENZOATE \t \nMAGNESIUM STEARATE \t \nCELLULOSE, MICROCRYSTALLINE \nFD&C BLUE NO. 2 \nFD&C YELLOW NO. 6 \nHYPROMELLOSES \t \nPOLYETHYLENE GLYCOLS \nTITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wht is a normal dose daily for ativan?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available.\n\nThe usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day.\n\nFor anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day.\n\nFor insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime.\n\nFor elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated.\n\nThe dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ok to use expired lidocaine patches??", + "output": "A 2006 study of 122 drugs tested by the program showed that two-thirds of the expired medications were stable every time a lot was tested. Each of them had their expiration dates extended, on average, by more than four years, according to research published in the Journal of Pharmaceutical Sciences.\n\nSome that failed to hold their potency include the common asthma inhalant albuterol, the topical rash spray diphenhydramine, and a local anesthetic made from lidocaine and epinephrine, the study said" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is the tetanus shot \"given?\"", + "output": "Everyone needs tetanus vaccines throughout their lives. That means everyone needs to get vaccinated as babies, children, and adults.\n\nInfants and children birth through age 6\nYoung children need the DTaP vaccine as part of their routine vaccine schedule. Young children need a dose of the vaccine at:\n\n2 months\n4 months\n6 months\n15 through 18 months\n4 through 6 years\nIf your child has had a serious reaction to the whooping cough part of the DTaP vaccine, they may be able to get the DT vaccine instead. \nPreteens and teens ages 7 through 18\nOlder children need 1 booster shot of the Tdap vaccine at age 11 or 12 as part of their routine vaccine schedule.\nAdults age 19 and older\nAdults need 1 booster shot of the Td vaccine every 10 years as part of their routine vaccine schedule. If you get a deep cut or a burn, you may need the booster earlier \u2014 especially if the cut or burn is dirty.\n\nIf you missed the Tdap booster as a teen, you\u2019ll need to get a Tdap booster instead to make sure you have protection from whooping cough.\n\nPregnant women\nPregnant women need 1 booster shot of the Tdap vaccine during the third trimester of each pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why take simvastatin", + "output": "Simvastatin is used together with diet, weight-loss, and exercise to reduce the risk of heart attack and stroke and to decrease the chance that heart surgery will be needed in people who have heart disease or who are at risk of developing heart disease. Simvastatin is also used to decrease the amount of fatty substances such as low-density lipoprotein (LDL) cholesterol (''bad cholesterol'') and triglycerides in the blood and to increase the amount of high-density lipoprotein (HDL) cholesterol (''good cholesterol'') in the blood. Simvastatin may also be used to decrease the amount of cholesterol and other fatty substances in the blood in children and teenagers 10 to 17 years of age who have familial heterozygous hypercholesterolemia (an inherited condition in which cholesterol cannot be removed from the body normally). Simvastatin is in a class of medications called HMG-CoA reductase inhibitors (statins). It works by slowing the production of cholesterol in the body to decrease the amount of cholesterol that may build up on the walls of the arteries and block blood flow to the heart, brain, and other parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication thera tab used to treat?", + "output": "This medication is a multivitamin product used to treat or prevent vitamin deficiency due to poor diet, certain illnesses, or during pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i stop taking heparin?", + "output": "Unlike warfarin, which requires a slow reduction, heparin treatment can be started and stopped quickly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what spices can be used while on warfarin", + "output": "We found 58 different plants that may alter the blood haemostasis and anticoagulation with warfarin. The herbs that showed the greatest potential to interact with warfarin include garlic, ginger, ginkgo, St. John's wort, and ginseng, i.e. plants normally consumed as food and also used for therapeutic purposes. The interactions between drugs and herbs are varied because of the complex chemical matrix of plants. Mainly coumarins, quinones, xanthones, terpenes, lignans, and vitamin K showed significant influence on warfarin treatment. In general, these plants can potentiate the effect of warfarin by stimulating anticoagulation in multiple ways, and the clinical outcome associated with this interaction is the increase of bleeding risk." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "teroid abuse can also be hepatotoxic, promoting disturbances such as biliary stasis, peliosis hepatis, and even hepatomas, which are all usually reversible upon discontinuation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "Corticosteroid use was associated with increased risk of gastrointestinal bleeding and perforation. The increased risk was statistically significant for hospitalised patients only. For patients in ambulatory care, the total occurrence of bleeding or perforation was very low, and the increased risk was not statistically significant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tylenol pm mg?", + "output": "Acetaminophen 500 mg; Diphenhydramine HCl 25 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do if i just started taking an antibiotic and i am experiencing diahreea", + "output": "Call your doctor right away if you have serious signs and symptoms of antibiotic-associated diarrhea. These signs and symptoms are common to a number of conditions, so your doctor might recommend tests to determine the cause." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there danger in stopping sertraline form \"days?\"", + "output": "Discontinuation of Treatment with Sertraline\n\nSymptoms associated with discontinuation of sertraline and other SSRIs and SNRIs, have been reported (see PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time should take memantine", + "output": "Memantine comes as a tablet, a solution (liquid), and an extended-release (long-acting) capsule to take by mouth. The solution and tablet are usually taken once or twice a day with or without food. The capsule is taken once a day with or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium chloride in patients with neurogenic detrusor \"over activity:\" is dose titration of benefit to the \"patients?\"", + "output": "The recommended dose is 20 mg twice daily. Trospium chloride tablets should be dosed at least one hour before meals or given on an empty stomach. \n\nDosage modification is recommended in the following patient populations:\n\nFor patients with severe renal impairment (creatinine clearance less than 30 mL/min), the recommended dose is 20 mg once daily at bedtime [see WARNINGS AND PRECAUTIONS (5.5), USE IN SPECIFIC POPULATIONS (8.6), and CLINICAL PHARMACOLOGY (12.3)].\nIn geriatric patients greater than or equal to 75 years of age, dose may be titrated down to 20 mg once daily based upon tolerability [see USE IN SPECIFIC POPULATIONS (8.5)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the purpose or desired effect of aspirin", + "output": "Prescription aspirin is used to relieve the symptoms of rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), osteoarthritis (arthritis caused by breakdown of the lining of the joints), systemic lupus erythematosus (condition in which the immune system attacks the joints and organs and causes pain and swelling) and certain other rheumatologic conditions (conditions in which the immune system attacks parts of the body). Nonprescription aspirin is used to reduce fever and to relieve mild to moderate pain from headaches, menstrual periods, arthritis, colds, toothaches, and muscle aches. Nonprescription aspirin is also used to prevent heart attacks in people who have had a heart attack in the past or who have angina (chest pain that occurs when the heart does not get enough oxygen). Nonprescription aspirin is also used to reduce the risk of death in people who are experiencing or who have recently experienced a heart attack. Nonprescription aspirin is also used to prevent ischemic strokes (strokes that occur when a blood clot blocks the flow of blood to the brain) or mini-strokes (strokes that occur when the flow of blood to the brain is blocked for a short time) in people who have had this type of stroke or mini-stroke in the past. Aspirin will not prevent hemorrhagic strokes (strokes caused by bleeding in the brain). Aspirin is in a group of medications called salicylates. It works by stopping the production of certain natural substances that cause fever, pain, swelling, and blood clots." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it doe", + "output": "QVAR\u00ae is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older.\n\nImportant Limitations of Use: QVAR is NOT indicated for the relief of acute bronchospasm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in cephalexin", + "output": "CEPHALEXIN ANHYDROUS 250 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the effect of eliquis and cialis", + "output": "liquis active compound is Apixaban. Apixaban prevents blood from forming clothes and is prescribed to reduce risk of systemic embolism associated with nonvalvular atrial fibrillation and stroke. There are no reports that suggest interaction when used together with Tadalafil. This does not mean that the side effects are not possible. Always consult a doctor before taking these medications together. Never stop using a medication prescribed by a doctor without its advice. It is important to tell the health care provider about all other medications in current use, including vitamin supplements and herbs. Patients should call doctor if they experience of the following symptoms, sign of potential toxicity such as dizziness, nausea, diarrhea, irregular heartbeat, visual disturbances in one or both eyes, pain or tightness in the chest or jaw, shortness of breath, prolonged erection for more than 4 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "jalyn 0.5-0.4 mg capsule?", + "output": "1.1 Benign Prostatic Hyperplasia (BPH) Treatment\nJALYN (dutasteride and tamsulosin hydrochloride) capsules are indicated for the treatment of symptomatic BPH in men with an enlarged prostate.\n\n1.2 Limitations of Use\nDutasteride-containing products, including JALYN, are not approved for the prevention of prostate cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "topiramate?", + "output": "Topiramate is used alone or with other medications to treat certain types of seizures including primary generalized tonic-clonic seizures (formerly known as a grand mal seizure; seizure that involves the entire body) and partial onset seizures (seizures that involve only one part of the brain). Topiramate is also used with other medications to control seizures in people who have Lennox-Gastaut syndrome (a disorder that causes seizures and developmental delays). Topiramate is also used to prevent migraine headaches but not to relieve the pain of migraine headaches when they occur. Topiramate is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show spironolactone 30mg \"tab/accord\" healthcare", + "output": "Spironolactone oral tablets contain 25 mg, 50 mg, or 100 mg of the aldosterone antagonist spironolactone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after steroids to see results", + "output": "You may have heard of anabolic steroids, which can have harmful effects. But there's another type of steroid - sometimes called a corticosteroid - that treats a variety of problems. These steroids are similar to hormones that your adrenal glands make to fight stress associated with illnesses and injuries. They reduce inflammation and affect the immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "exercise restrictions with taking moxifloxacin?", + "output": "Fluoroquinolones, including Moxifloxacin Tablets, have been associated with an increased risk of tendinitis and tendon rupture in all ages [see Warnings and Precautions ( 5.1) and Adverse Reactions ( 6.2)] . This adverse reaction most frequently involves the Achilles tendon, and has also been reported with the rotator cuff (the shoulder), the hand, the biceps, the thumb, and other tendons. Tendinitis or tendon rupture can occur within hours or days of starting moxifloxacin or as long as several months after completion of therapy. Tendinitis and tendon rupture can occur bilaterally.\n\nThe risk of developing fluoroquinolone-associated tendinitis and tendon rupture is increased in patients over 60 years of age, in patients taking corticosteroid drugs, and in patients with kidney, heart or lung transplants. Other factors that may independently increase the risk of tendon rupture include strenuous physical activity, renal failure, and previous tendon disorders such as rheumatoid arthritis. Tendinitis and tendon rupture have also occurred in patients taking fluoroquinolones who do not have the above risk factors. Discontinue Moxifloxacin Tablets immediately if the patient experiences pain, swelling, inflammation or rupture of a tendon. Patients should be advised to rest at the first sign of tendinitis or tendon rupture, and to contact their healthcare provider regarding changing to a non-quinolone antimicrobial drug. Avoid fluoroquinolones, including Moxifloxacin Tablets, in patients who have a history of tendon disorders or who have experienced tendinitis or tendon rupture [see Adverse Reactions" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are fat soluable vitamins.", + "output": "As is the case with all dietary supplements, the decision to use supplemental vitamins should not be taken lightly, says Vasilios Frankos, Ph.D., Director of FDA's Division of Dietary Supplement Programs.\n\"Vitamins are not dangerous unless you get too much of them,\" he says. \"More is not necessarily better with supplements, especially if you take fat-soluble vitamins.\u201d For some vitamins and minerals, the National Academy of Sciences has established upper limits of intake (ULs) that it recommends not be exceeded during any given day. (For more information, visit www.nap.edu/catalog.php?record_id=6432#toc\n\nAlso, the AAFP lists the following side effects that are sometimes associated with taking too much of a vitamin.\n\nFat-soluble Vitamins\n\nA (retinol, retinal, retinoic acid): Nausea, vomiting, headache, dizziness, blurred vision, clumsiness, birth defects, liver problems, possible risk of osteoporosis. You may be at greater risk of these effects if you drink high amounts of alcohol or you have liver problems, high cholesterol levels or don't get enough protein.\nD (calciferol): Nausea, vomiting, poor appetite, constipation, weakness, weight loss, confusion, heart rhythm problems, deposits of calcium and phosphate in soft tissues.\nIf you take blood thinners, talk to your doctor before taking vitamin E or vitamin K pills." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vaccine when pregnant", + "output": "Vaccines help keep your pregnant patients and their\n \ngrowing families healthy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vit b12 tabet?", + "output": "Vitamin B12 is found in almost all multivitamins. Dietary supplements that contain only vitamin B12, or vitamin B12 with nutrients such as folic acid and other B vitamins, are also available. Check the Supplement Facts label to determine the amount of vitamin B12 provided.\n\nVitamin B12 is also available in sublingual forms (which are dissolved under the tongue). There is no evidence that sublingual forms are better absorbed than pills that are swallowed.\n\nA prescription form of vitamin B12 can be administered as a shot. This is usually used to treat vitamin B12 deficiency. Vitamin B12 is also available as a prescription medication in nasal gel form (for use in the nose)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "Do not use any pneumococcal vaccine beyond the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should adult take pneumonia vaccine", + "output": "CDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg. does meprobamate have?", + "output": "Meprobamate Tablets USP 200 mg are scored, round, white tablets imprinted 591-B supplied in bottles of 100 and 1000.\n\nMeprobamate Tablets USP 400 mg are scored, round, white tablets imprinted 591-A supplied in bottles of 100 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if voiting happens after taking a medication", + "output": "Of the 76 responses from the study hospital, 65 were suitable for analysis. Many respondents reported encountering vomiting after administration of oral medications on a weekly (25 [38%]) or monthly (24 [37%]) basis. Most of the respondents reported that they would follow a general rule to redose if vomiting occurred within 30 min (39 [60%]) or 15 min (21 [32%]) after initial ingestion. When respondents were asked to rate the importance of 8 factors potentially affecting the decision to redose, more than half indicated that time after dose ingestion (59 [91%]), medication type (45 [69%]), patient status (39 [60%]), and visibility of medication in the vomitus (36 [55%]) were very important. Of the 53 respondents to the survey of health care professionals at other institutions, 16 (30%) indicated that their pediatric hospital or ward had a guideline on redosing in cases of vomiting after administration of oral medications. Most respondents (12/13 [92%]) stated that the guideline took into account the interval between initial ingestion and vomiting." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "influenza when received", + "output": "You should get a flu vaccine before flu begins spreading in your community. It takes about two weeks after vaccination for antibodies that protect against flu to develop in the body. CDC recommends that people get a flu vaccine by the end of October. Getting vaccinated later, however, can still be beneficial and vaccination should continue to be offered throughout the flu season, even into January or later.\n\nChildren who need two doses of vaccine to be protected should start the vaccination process sooner, because the two doses must be given at least four weeks apart." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine used for?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) provides protection against the 13 serotypes responsible for most severe illness. The vaccine can also help prevent some ear infections. CDC recommends administering PCV13 as a four-dose series at 2, 4, 6, and 12 through 15 months of life. Research shows that this vaccine is very effective at preventing infection resulting from the serotypes contained in the vaccine. PCV13 should also be administered to all adults 65 years or older and to some adults 19 through 64 years of age with conditions that put them at increased risk for pneumococcal disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole and betamethasone dipropionage cream", + "output": "Clotrimazole and betamethasone dipropionate cream is a combination of an azole antifungal and corticosteroid and is indicated for the topical treatment of symptomatic inflammatory tinea pedis, tinea cruris, and tinea corporis due to Epidermophyton floccosum, Trichophyton mentagrophytes, and Trichophyton rubrum in patients 17 years and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levodopa carbidopa what will these drugs do to me if i take alcohol", + "output": "Alcohol can make the side effects from levodopa and carbidopa worse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a zoster vaccine?", + "output": "People 60 years of age or older should get shingles vaccine (Zostavax). They should get the vaccine whether or not they recall having had chickenpox, which is caused by the same virus as shingles. Studies show that more than 99% of Americans aged 40 and older have had chickenpox, even if they don\u2019t remember getting the disease. There is no maximum age for getting shingles vaccine.\n\nA new shingles vaccine called Shingrix was licensed by the U.S. Food and Drug Administration (FDA) in 2017. CDC recommends that healthy adults 50 years and older get two doses of Shingrix, 2 to 6 months apart. Shingrix provides strong protection against shingles and PHN. Shingrix is the preferred vaccine, over Zostavax.\n\nEven if you have had shingles, you can still receive shingles vaccine to help prevent future occurrences of the disease. There is no specific length of time you must wait after having shingles before receiving shingles vaccine, but generally you should make sure the shingles rash has disappeared before getting vaccinated. The decision on when to get vaccinated should be made with your healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do prescription antacids help prevent reocurrence of arts?", + "output": "Antacids help to treat heartburn (indigestion). They work by neutralizing the stomach acid that causes heartburn.\n\nYou can buy many antacids without a prescription. Liquid forms work faster, but you may like tablets because they are easy to use.\n\nAll antacids work equally well, but they can cause different side effects. If you use antacids often and have problems with side effects, talk with your health care provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you take a steroid for arthritis", + "output": "The length of time that patients will remain on steroid treatment will vary between patients (and rheumatologists). Some patients may only be given low-dose oral steroids for the first few months following diagnosis, while others may stay on steroids for longer. There is evidence to suggest that patients can experience a continued reduction in the progression of the disease from steroids for 1 to 2 years, but this will not be appropriate for everyone, so the decision will be made on an individual basis. These patients can also get symptom improvement for a year or two as a kind of 'beneficial side effect'." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana stay in your system", + "output": "Marijuana, also known as cannabis or weed, is usually detectable in bodily fluids for 1 to 30 days after last use. As with other drugs, it may be detectable in hair for several months.\n\nMarijuana detection windows depend on how much you smoke or ingest, as well as how often. In general, higher doses and more frequent use are associated with longer detection times.\n\nFor daily users, cannabis may be detectable for several months after last use. The longest-reported detection times are more than 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the expiration time for fluorouracil topical cream", + "output": "The recommended shelf life of Efudix cream is 60 months.\n\nShelf life after first opening the immediate packaging: 90 days for the 20g and 40g tubes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between atorvastatin and lipitor", + "output": "LIPITOR \u00ae (atorvastatin calcium) tablets, for oral use" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications could cause excessive hair growth", + "output": "The following medications can cause hirsutism:\nAnabolic steroids\nTestosterone\nGlucocorticoids\nCyclosporine (Sandimmune\u00ae)\nMinoxidil (Loniten\u00ae, Rogaine\u00ae)\nDanazol (Danocrine\u00ae)\nPhenytoin (Dilantin\u00ae)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is formoterol", + "output": "Formoterol is an ADRENERGIC BETA-2 RECEPTOR AGONIST with a prolonged duration of action. It is used to manage ASTHMA and in the treatment of CHRONIC OBSTRUCTIVE PULMONARY DISEASE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what painkillers can i take when taking rivaroxaban", + "output": "You can take paracetamol while you're taking rivaroxaban.\nDo not take aspirin and ibuprofen while you're taking rivaroxaban unless a doctor has said it's OK to. They increase the chance of bleeding." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should wait to take another medicine after i take azithromycin", + "output": "if you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time of day to take aripiprazole", + "output": "Aripiprazole comes as a tablet, a solution (liquid), and an orally disintegrating tablet (tablet that dissolves quickly in the mouth) to take by mouth. It is usually taken once a day with or without food. Take aripiprazole at around the same time every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of steroids shots are there", + "output": "Steroids are often injected directly into joints to treat conditions such as rheumatoid arthritis, gout or other inflammatory diseases. Steroids can also be injected into inflamed bursae (bursitis), or around inflamed tendons (tendinitis) near the shoulder, elbow, hip, knee, hand or wrist." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are some side effects nicoderm", + "output": "Nicotine skin patches may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\ndizziness\nheadache\nnausea\nvomiting\ndiarrhea\nredness or swelling at the patch site\nIf you experience any of the following symptoms, call your doctor immediately:\n\nsevere rash or swelling\nseizures\nabnormal heartbeat or rhythm\ndifficulty breathing" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "warfarin and cabbage?", + "output": "Some foods can change the way warfarin works in your body. Make sure you check with your provider before making any big changes in your diet.\n\nYou do not have to avoid these foods, but try to eat or drink only small amounts of them. In the least, DO NOT change much of these foods and products you eat day-to-day or week-to-week:\n\nMayonnaise and some oils, such as canola, olive, and soybean oils\nBroccoli, Brussels sprouts, and raw green cabbage\nEndive, lettuce, spinach, parsley, watercress, garlic, and scallions (green onions)\nKale, collard greens, mustard greens, and turnip greens\nCranberry juice and green tea\nFish oil supplements, herbs used in herbal teas" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can a patient stop using enalapril if the condition \"stabilize?\"", + "output": "Enalapril controls high blood pressure and heart failure but does not cure them. Continue to take enalapril even if you feel well. Do not stop taking enalapril without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "rosuvastatin calcium what are the side effects", + "output": "Rosuvastatin may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\nconstipation\nstomach pain\ndizziness\ndifficulty falling asleep or staying asleep\ndepression\njoint pain\nheadache\nmemory loss or forgetfulness\nconfusion\nSome side effects can be serious. If you experience any of the following symptoms, call your doctor immediately or get emergency medical help:\n\n:\n\nmuscle pain, tenderness, or weakness\nlack of energy\nfever\nchest pain\nyellowing of the skin or eyes\ndark colored urine\npain in the upper right part of the abdomen\nnausea\nextreme tiredness\nweakness\nunusual bleeding or bruising\nloss of appetite\nflu-like symptoms\nrash\nhives\nitching\ndifficulty breathing or swallowing\nswelling of the face, throat, tongue, lips, eyes, hands, feet, ankles, or lower legs\nhoarseness\nRosuvastatin may cause other side effects. Call your doctor if you have any unusual problems while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the protocol for adding insulin for type2 diabetics", + "output": "Why do I need to take insulin?\nAll people who have type 1 diabetes and some people who have type 2 diabetes need to take insulin to help control their blood sugar levels. The goal of taking insulin is to keep your blood sugar level in a normal range as much as possible. Keeping blood sugar in check helps you stay healthy. Insulin can\u2019t be taken by mouth. It is usually taken by injection (a shot). It can also be taken by using an insulin pen or an insulin pump.\n\nHow often will I need to take insulin?\nYou and your doctor will develop a schedule that is right for you. Most people who have diabetes and take insulin need at least 2 insulin shots a day for good blood sugar control. Some people need 3 or 4 shots a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage of levofloxacin tablets for bronchitis please", + "output": "Dosage of Levofloxacin Tablets in Adult Patients with Creatinine Clearance \u2265 50 mL/minute\nThe usual dose of levofloxacin tablets are 250 mg or 500 mg administered orally every 24 hours, as indicated by infection and described in Table 1." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insuline and glucagon", + "output": "Glucagon is a peptide hormone, produced by alpha cells of the pancreas. It works to raise the concentration of glucose and fatty acids in the bloodstream, and is considered to be the main catabolic hormone of the body.[3] It is also used as a medication to treat a number of health conditions. Its effect is opposite to that of insulin, which lowers the extracellular glucose.[4]\nThe pancreas releases glucagon when the concentration of insulin (and indirectly glucose) in the bloodstream falls too low. Glucagon causes the liver to convert stored glycogen into glucose, which is released into the bloodstream.[5] High blood-glucose levels, on the other hand, stimulate the release of insulin. Insulin allows glucose to be taken up and used by insulin-dependent tissues. Thus, glucagon and insulin are part of a feedback system that keeps blood glucose levels stable. Glucagon increases energy expenditure and is elevated under conditions of stress.[6] Glucagon belongs to the secretin family of hormones." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to take loratadine", + "output": "Hay fever typically worsens at night and feels most severe in the morning, when levels of symptom-triggering histamine are highest. Once-daily antihistamines, such as Claritin, reach their peak eight to 12 hours after you take them, so using them at dinnertime means better control of morning symptoms. (Take twice-a-day antihistamines in the morning and evening.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is tetracycline metabolized?", + "output": "The majority of first-generation tetracyclines are not metabolized (though 5 % of tetracycline is metabolized to a less active metabolite). Instead, they are most often eliminated by renal excretion. Second-generation tetracyclines are 3 to 5 times more lipophilic, which enhances their tissue penetration. Doxycycline, the most common member of this group, features more than 80 % bioavailability. Bile concentration of doxycycline is 10 to 25 times higher as compared with its serum concentration. High concentrations of doxycycline are found also in kidneys, liver and bowel. Primarily, doxycycline is excreted in bile to feces. Part of doxycycline is inactivated in the liver and 40 % of it is excreted by kidneys in urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking atorvastatin", + "output": "You may think that once your cholesterol goes down, you can stop taking statin medication. But if the drug helped lower your cholesterol, you'll likely need to stay on it for the long term. If you stop taking it, your cholesterol levels will probably go back up.\n\nThere is one exception: If you make significant changes to your diet or lose a lot of weight, you may be able to lower and control your cholesterol without medication. However, don't make any changes to your medications without talking to your doctor first." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take ultram with ibuprofen?", + "output": "The maximum recommended dose is 400 mg per day, so if using it alone does not provide adequate relief, other medications can be used with Ultram (tramadol) to help manage the pain. For instance, if there is throbbing pain from tight muscles, a muscle relaxant, such as Flexeril (cyclobenzaprine) or Zanaflex (tizanidine) may be beneficial. NSAIDs (non steroidal anti-inflammatory drugs), such as Aleve (naproxen) or Motrin/Advil (ibuprofen) can be added to help reduce pain caused from swelling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin a chemo drug??", + "output": "For over a decade, the monoclonal antibody trastuzumab has been the cornerstone of adjuvant treatment for HER2-positive early breast cancer (EBC) [1, 2]. Based on results from four large randomized trials [3\u20136], combined treatment with trastuzumab and chemotherapy (either as primary systemic or adjuvant treatment) is considered the standard of care in patients with this biologically aggressive subtype of breast cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "bupropion hcl 300mg is good for what?", + "output": "Bupropion hydrochloride extended-release tablets (XL) are indicated for the treatment of major depressive disorder (MDD), as defined by the Diagnostic and Statistical Manual (DSM). || Bupropion hydrochloride extended-release tablets (XL) are indicated for the prevention of seasonal major depressive episodes in patients with a diagnosis of seasonal affective disorder (SAD)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "td vaccine (90714)what is a tad vaccine", + "output": "Td vaccine can protect adolescents and adults from tetanus and diphtheria. Td is usually given as a booster dose every 10 years but it can also be given earlier after a severe and dirty wound or burn.\n\nAnother vaccine, called Tdap, which protects against pertussis in addition to tetanus and diphtheria, is sometimes recommended instead of Td vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size syringe to use for testosterone inject", + "output": "The suggested dosage for testosterone cypionate injection varies depending on the age, sex, and diagnosis of the individual patient. Dosage is adjusted according to the patient\u2019s response and the appearance of adverse reactions.\n\nVarious dosage regimens have been used to induce pubertal changes in hypogonadal males; some experts have advocated lower dosages initially, gradually increasing the dose as puberty progresses, with or without a decrease to maintenance levels. Other experts emphasize that higher dosages are needed to induce pubertal changes and lower dosages can be used for maintenance after puberty. The chronological and skeletal ages must be taken into consideration, both in determining the initial dose and in adjusting the dose.\n\nFor replacement in the hypogonadal male, 50 to 400 mg should be administered every two to four weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much weight gain with carvedilol", + "output": "Newer beta blockers, such as carvedilol (Coreg), don't usually cause weight gain as a side effect. Weight may rise in the first weeks of taking the beta blocker and then generally stabilizes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dicyclomine good for heartburn?", + "output": "Normally when you swallow, the muscles in the esophagus move in waves to push food down into your stomach. Just after the food enters the stomach, a band of muscle (the lower esophageal sphincter, or LES) closes off the esophagus. If the muscle does not close tightly enough or gets weak over time, stomach contents can back up into the esophagus, causing heartburn and other symptoms. || Some medicines can also weaken the LES. Among them are: || Anticholinergic drugs\n\nBenztropine (Cogentin)\nDicyclomine (Bentyl)\nHyoscyamine (Levsin)\nIsopropamide\nScopolamine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are iron injections", + "output": "Iron sucrose injection is used treat iron-deficiency anemia (a lower than normal number of red blood cells due to too little iron) in people with chronic kidney disease (damage to the kidneys which may worsen over time and may cause the kidneys to stop working). Iron sucrose injection is in a class of medications called iron replacement products. It works by replenishing iron stores so that the body can make more red blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much iron should an anemic take per day", + "output": "The amount of iron needed to treat patients with iron deficiency is higher than the amount found in most daily multivitamin supplements. The amount of iron prescribed by your doctor will be in milligrams (mg) of elemental iron. Most people with iron deficiency need 150-200 mg per day of elemental iron (2 to 5 mg of iron per kilogram of body weight per day). Ask your doctor how many milligrams of iron you should be taking per day. If you take vitamins, bring them to your doctor's visit to be sure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in lidocaine", + "output": "LIDOCAINE HYDROCHLORIDE ANHYDROUS\t10 mg in 1 mL\nINACTIVE INGREDIENTS\nSODIUM CHLORIDE \t7 mg in 1 mL\nSODIUM HYDROXIDE \nHYDROCHLORIC ACID" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when taking plavix and xarelto blood thinners is it safe to take dilaudid for pain", + "output": "Tell your doctor and pharmacist if you are taking anagrelide (Agrylin); aspirin and other nonsteroidal anti-inflammatory drugs (NSAIDs) such as ibuprofen (Advil, Motrin, others), indomethacin (Indocin, Tivorbex), ketoprofen, and naproxen (Aleve, Anaprox, others); cilostazol (Pletal); clopidogrel (Plavix); dipyridamole (Persantine); eptifibatide (Integrilin); heparin; prasugrel (Effient); ticagrelor (Brilinta); ticlopidine; tirofiban (Aggrastat), and warfarin (Coumadin, Jantoven). If you experience any of the following symptoms, call your doctor immediately: back pain, muscle weakness, numbness or tingling (especially in your legs), loss of control of your bowels or bladder, or inability to move your legs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is erythromycin ophthalmic ointment good for inflamed eyelids?", + "output": "For the treatment of superficial ocular infections involving the conjunctiva and/or cornea caused by organisms susceptible to erythromycin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone injection?", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur.\n\nVancomycin and fluconazole are physically incompatible with ceftriaxone in admixtures. When either of these drugs is to be administered concomitantly with ceftriaxone by intermittent intravenous infusion, it is recommended that they be given sequentially, with thorough flushing of the intravenous lines (with one of the compatible fluids) between the administrations.\n\nDo not use diluents containing calcium, such as Ringer\u2019s solution or Hartmann\u2019s solution, to reconstitute ceftriaxone for injection. Particulate formation can result.\n\nCeftriaxone solutions should not be physically mixed with or piggybacked into solutions containing other antimicrobial drugs or into diluent solutions other than those listed above, due to possible incompatibility (see WARNINGS)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "symptoms from taking multiple doses of lasix 40 mg per dayproblems with taking lasix 40mg twice daily ?", + "output": "Furosemide is a strong diuretic ('water pill') and may cause dehydration and electrolyte imbalance. It is important that you take it exactly as told by your doctor. If you experience any of the following symptoms, call your doctor immediately: decreased urination; dry mouth; thirst; nausea; vomiting; weakness; drowsiness; confusion; muscle pain or cramps; or rapid or pounding heartbeats." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for allergic reaction after using nivolumab", + "output": "n patients receiving OPDIVO as a single agent, immune-mediated pneumonitis occurred in 3.1% (61/1994) of patients. The median time to onset of immune-mediated pneumonitis was 3.5 months (range: 1 day to 22.3 months). Immune-mediated pneumonitis led to permanent discontinuation of OPDIVO in 1.1%, and withholding of OPDIVO in 1.3% of patients. Approximately 89% of patients with pneumonitis received high-dose corticosteroids (at least 40 mg prednisone equivalents per day) for a median duration of 26 days (range: 1 day to 6 months). Complete resolution of symptoms following corticosteroid taper occurred in 67% of patients. Approximately 8% of patients had recurrence of pneumonitis after re-initiation of OPDIVO." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "Fluorouracil is a nucleoside metabolic inhibitor that interferes with the synthesis of deoxyribonucleic acid (DNA) and to a lesser extent inhibits the formation of ribonucleic acid (RNA); these affect rapidly growing cells and may lead to cell death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "dailymed list of manufacturers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "chlorpheniramine how long in system", + "output": "Chlorpheniramine has a serum half-life of approximately 20 hours in adults, and elimination from the body is primarily by metabolism to monodesmethyl and didesmethyl compounds. The half-life is increased in the presence of renal dysfunction and decreased in children. The exact mechanism of the presystemic first-pass elimination and the effects of dose levels on the process presently are unclear. Biopharmaceutical and pharmacokinetic studies after single or multiple doses in humans reveal wide interindividual variations in pharmacokinetics. Age, dialysis, urinary pH and flow influence the elimination kinetics of chlorpheniramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will 6 mgs of suboxone block opiates", + "output": "Comparisons of buprenorphine with full agonists such as methadone and hydromorphone suggest that sublingual buprenorphine produces typical opioid agonist effects which are limited by a ceiling effect.\n\nIn non-dependent subjects, acute sublingual doses of SUBOXONE tablets produced opioid agonist effects, which reached a maximum between doses of 8 mg and 16mg of SUBUTEX. The effects of 16mg SUBOXONE were similar to those produced by 16mg SUBUTEX (buprenorphine alone).\n\nOpioid agonist ceiling effects were also observed in a double-blind, parallel group, dose ranging comparison of single doses of buprenorphine sublingual solution (1, 2, 4, 8, 16, or 32 mg), placebo, and a full agonist control at various doses. The treatments were given in ascending dose order at intervals of at least one week to 16 opioid-experienced, non-dependent subjects. Both drugs produced typical opioid agonist effects. For all the measures for which the drugs produced an effect, buprenorphine produced a dose-related response but, in each case, there was a dose that produced no further effect. In contrast, the highest dose of the full agonist control always produced the greatest effects. Agonist objective rating scores remained elevated for the higher doses of buprenorphine (8-32 mg) longer than for the lower doses and did not return to baseline until 48 hours after drug administrations. The onset of effects appeared more rapidly with buprenorphine than with the full agonist control, with most doses nearing peak effect after 100 minutes for buprenorphine compared to 150 minutes for the full agonist control." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana?", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer.\n\nMarijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers.\n\nSome states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana used", + "output": "Marijuana is best known as a drug that people smoke or eat to get high. It is derived from the plant Cannabis sativa. Possession of marijuana is illegal under federal law. Medical marijuana refers to using marijuana to treat certain medical conditions. In the United States, about half of the states have legalized marijuana for medical use." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tocilizumab administered", + "output": "Tocilizumab injection comes as a solution (liquid) to be injected intravenously (into a vein) in your arm by a doctor or nurse in a medical office or hospital outpatient clinic or as a prefilled syringe to inject subcutaneously (under the skin) by yourself at home. When tocilizumab is given intravenously to treat rheumatoid arthritis or polyarticular juvenile idiopathic arthritis, it is usually given once every 4 weeks. When tocilizumab is given intravenously to treat systemic juvenile idiopathic arthritis, it is usually given once every 2 weeks. When tocilizumab is given intravenously to treat cytokine release syndrome, it is usually given once, but up to 3 additional doses may be given at least 8 hours apart. It will take about 1 hour for you to receive your dose of tocilizumab injection intravenously. When tocilizumab is given subcutaneously to treat rheumatoid arthritis or giant cell arteritis, it is usually given once weekly or once every other week.\n\nYou will receive your first subcutaneous dose of tocilizumab injection in your doctor's office. If you will be injecting tocilizumab injection subcutaneously by yourself at home or having a friend or relative inject the medication for you, your doctor will show you or the person who will be injecting the medication how to inject it. You and the person who will be injecting the medication should also read the written instructions for use that come with the medication.\n\nThirty minutes before you are ready to inject tocilizumab injection, you will need to remove the medication from the refrigerator, take it out of its carton, and allow it to reach room temperature. When removing a prefilled syringe from the box, be careful not to touch the trigger fingers on the syringe. Do not try to warm the medication by heating it in a microwave, placing it in warm water, or through any other method.\n\nDo not remove the cap from the prefilled syringe while the medication is warming. You should remove the cap no more than 5 minutes before you inject the medication. Do not replace the cap after you remove it. Do not use the syringe if you drop it on the floor.\n\nCheck the prefilled syringe to be sure that the expiration date printed on the package has not passed, Holding the syringe with the covered needle pointing down, look closely at the liquid in the syringe. The liquid should be clear or pale yellow and should not be cloudy or discolored or contain lumps or particles. Call your pharmacist if there are any problems with the package or the syringe and do not inject the medication.\n\nYou may inject tocilizumab injection on the front of the thighs or anywhere on your stomach except your navel (belly button) and the area 2 inches around it. If another person is injecting your medication, the outer area of the upper arms also may be used. Do not inject the medication into skin that is tender, bruised, red, hard, or not intact, or that has scars, moles, or bruises. Choose a different spot each time you inject the medication, at least 1 inch away from a spot that you have used before. If the full dose is not injected, call your doctor or pharmacist.\n\nDo not reuse tocilizumab prefilled syringes and do not recap the syringes after use. Discard any used syringes in a puncture-resistant container and ask your pharmacist how to throw away the container." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac ointment used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. Diclofenac topical liquid (Pennsaid) is used to relieve osteoarthritis pain in the knees. Diclofenac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the body's production of a substance that causes pain.\n\nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure). This monograph only gives information about diclofenac gel (Voltaren) and liquid (Pennsaid) for osteoarthritis. If you are using diclofenac gel (Solaraze, generic) for actinic keratosis, read the monograph entitled diclofenac topical (actinic keratosis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cephalexin is for what sexual diseases", + "output": "Cephalexin is used to treat certain infections caused by bacteria such as pneumonia and other respiratory tract infections; and infections of the bone, skin, ears, , genital, and urinary tract. Cephalexin is in a class of medications called cephalosporin antibiotics. It works by killing bacteria.\n\nAntibiotics such as cephalexin will not work for colds, flu, or other viral infections. Using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is terfenadine", + "output": "Terfenadine is a selective histamine H1-receptor antagonist devoid of central nervous system depressant activity. The drug was used for ALLERGY but withdrawn due to causing LONG QT SYNDROME." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bisolvon", + "output": "Bromhexine hydrochloride is a hydrochloride resulting from the reaction of equimolar amounts of bromhexine and hydrogen chloride. It is used as a mucolytic for the treatment of respiratory disorders associated with productive cough (i.e. a cough characterised by the production of sputum). It has a role as a mucolytic. It contains a bromhexine(1+)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe for a 72 year old to stop taking premarin?", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of taking the two medication amlodipine metoprolol together", + "output": "There were six AEs reported in five patients. Peripheral edema 2.97% (3/101) was the most common AE, which was reported in three patients and was related to the study medication, probably to the amlodipine component. All these patients had hemoglobin (Hb) less than 12 g/dL at baseline (one patient had Hb of 11.6 g/dL at baseline, which was 12.1 at end of study and two had 11.7 g/dL which was 11.3 and 12.9 respectively at the end of study). Of these three, one patient had severe peripheral edema and was withdrawn from the study. The patient was followed-up and after a week time peripheral edema was resolved. Peripheral edema of mild and moderate degree was seen in one patient each. In these two patients, edema was resolved and improved respectively. Vertigo, lumbar spondylosis and eosinophilia (considered unlikely due to the study drug), were seen in one patient each and were mild in intensity. Though there were statistically significant changes in sodium, chloride, which showed decrease and blood urea, fasting blood sugar, which were increased, but these were clinically insignificant. Details of laboratory tests are shown in Table 6. The other AEs were of mild severity and not related to the study medication. Table 7 summarizes the AEs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan affect blood pressure", + "output": "The effect of losartan is substantially present within one week but in some studies the maximal effect occurred in 3 to 6 weeks. In long-term follow-up studies (without placebo control) the effect of losartan appeared to be maintained for up to a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the respiratory system", + "output": "Several efforts have been made to show the beneficial effects of anabolic agents in humans. In malnourished patients suffering from chronic obstructive pulmonary disease (COPD) nandrolone decanoate was beneficial in regaining respiratory muscle strength.74Recent data showed an improvement in expiratory and inspiratory muscle strength following treatment with oxandrolone in patients with tetraplegia.75 This increase in muscle strength was attributed to the observed increase in diaphragm muscle mass and resulted in an increased vital capacity. Basin and co-workers showed a beneficial effect of a high dose of testosterone on fat free body mass, muscle size, and peripheral muscle strength in normal men.76 During the 1970s and 1980s several studies were performed to investigate the additional effects of anabolic steroids on a training programme in healthy athletes. The results of these studies varied from no additional effect on muscle force production and no improvement in aerobic capacity77 78 to a small but significant increase in muscle force." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why am i so cold taking bystolic b p med", + "output": "Feeling cold is found among people who take Bystolic, especially for people who are female, 60+ old , have been taking the drug for < 1 month, also take medication Nexium, and have Depression. This study is created by eHealthMe based on reports of 11,671 people who have side effects when taking Bystolic from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\n\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nImmunization Schedules\n\n HCP adult and child schedules\nView current schedules for children, teens, and adults.\n\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\n\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it alright to use fluticasone when using oxygen", + "output": "Pharmacological therapy can influence morbidity and mortality in severe chronic obstructive pulmonary disease (COPD). Long-term domiciliary oxygen therapy (LTOT) improves survival in COPD with chronic hypoxaemia. Oral steroid medication has been associated with improved survival in men and increased mortality in women, while inhaled steroid medication has been associated with a reduction in the exacerbation rate. We have analysed the relationships between pharmacological therapy including oxygen therapy, sex, performance status and need for hospitalization and mortality in 403 patients with COPD (201 men) after their registration in a national oxygen register for LTOT. The mean value of days spent in hospital per year was 44. An increased need of hospital care was independently predicted by a poor performance status, high age and, in women, orally administered steroid medication. Hospital admissions were significantly longer in the terminal stage of COPD among women receiving oral steroid medication. Increased mortality was predicted by a poor performance status and, in women, oral steroid treatment. Predictors of morbidity and mortality during LTOT were found to coincide. The increased mortality in women receiving oral steroid medication was found to be associated with an increased need of hospital care due to longer hospital stays during the terminal stage of the disease. When analysing effects and side-effects of steroid medication in COPD, the possibility of sex-related differences should be considered." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019-structured-train.jsonl b/xtuner/MedQA2019-structured-train.jsonl new file mode 100644 index 000000000..99066d917 --- /dev/null +++ b/xtuner/MedQA2019-structured-train.jsonl @@ -0,0 +1,4340 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does rivatigmine and otc sleep medicine interact", + "output": "tell your doctor and pharmacist what prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: antihistamines; aspirin and other nonsteroidal anti-inflammatory medications (NSAIDs) such as ibuprofen (Advil, Motrin) and naproxen (Aleve, Naprosyn); bethanechol (Duvoid, Urecholine); ipratropium (Atrovent, in Combivent, DuoNeb); and medications for Alzheimer's disease, glaucoma, irritable bowel disease, motion sickness, ulcers, or urinary problems. Your doctor may need to change the doses of your medications or monitor you carefully for side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does valium affect the brain", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects. Most of these effects are thought to result from a facilitation of the action of gamma aminobutyric acid (GABA), an inhibitory neurotransmitter in the central nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is morphine", + "output": "Morphine is a pain medication of the opiate family which is found naturally in a number of plants and animals.[5][7] It acts directly on the central nervous system (CNS) to decrease the feeling of pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the milligrams for oxycodone e", + "output": "\u2026 10 mg \u2026 20 mg \u2026 40 mg \u2026 80 mg ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "81% aspirin contain resin and shellac in it. ?", + "output": "Inactive Ingredients Ingredient Name" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is desonide ointment used for", + "output": "Desonide is used to treat the redness, swelling, itching, and discomfort of various skin conditions, including psoriasis (a skin disease in which red, scaly patches form on some areas of the body and eczema (a skin disease that causes the skin to be dry and itchy and to sometimes develop red, scaly rashes)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon can tylenol be taken after a cocktail?", + "output": "According to the National Health Service (NHS) in the UK, it is usually safe to drink a small amount of alcohol while taking this pain reliever. ... However, when people take acetaminophen at high doses or together with alcohol, it can cause side effects ranging from minor to severe, with the possibility of fatal liver damage. This risk may be higher for people with alcohol use disorder (AUD), which was previously known as alcoholism.... According to the U.S. National Library of Medicine, taking acetaminophen can be dangerous for people who regularly drink alcohol. Manufacturers currently recommend that people who have more than 3 alcoholic drinks per day should ask their doctor before taking acetaminophen." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "The combination of fluticasone and vilanterol is used to control wheezing, shortness of breath, coughing, and chest tightness caused by asthma and chronic obstructive pulmonary (COPD; a group of diseases that affect the lungs and airways, that includes chronic bronchitis and emphysema). Fluticasone is in a class of medications called steroids. It works by reducing swelling in the airways. Vilanterol is in a class of medications called long-acting beta-agonists (LABAs). It works by relaxing and opening air passages in the lungs, making it easier to breathe." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "To use the inhaler, follow these steps:\n\t1\tIf you will be using a new inhaler for the first time, remove it from the box and the foil wrapper. Fill in the \"Tray opened\" and \"Discard\" blanks on the inhaler label with the date that you opened the pouch and the date 6 weeks later when you must replace the inhaler.\n\t2\tWhen you are ready to inhale your dose, slide the cover down to expose the mouthpiece until it clicks. If you open and close the inhaler without using your dose, you will waste the medication.\n\t3\tThe counter will count down by 1 each time you open the cover. If the counter does not count down, your inhaler will not provide the medicine. If your inhaler does not count down, call your pharmacist or doctor.\n\t4\tHold the inhaler away from your mouth and breathe out as far as you comfortably can. Do not breathe out into the mouthpiece.\n\t5\tPut the mouthpiece between your lips, and close your lips firmly around it. Take a long, steady, deep breath in through your mouth. Do not breathe in through your nose. Be careful not block the air vent with your fingers.\n\t6\tRemove the inhaler from your mouth, and hold your breath for about 3 to 4 seconds or as long as you comfortably can. Breathe out slowly.\n\t7\tYou may or may not taste or feel the medicine released by the inhaler. Even if you do not, do not inhale another dose. If you are not sure you are getting your dose of fluticasone and vilanterol, call your doctor or pharmacist.\n\t8\tYou may clean the mouthpiece with a dry tissue, if needed. Slide the cover up over the mouthpiece as far as it will go to close the inhaler.\n\t9\tRinse your mouth with water, but do not swallow.\nAsk your pharmacist or doctor for a copy of the manufacturer's information for the patient." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mg what is it for", + "output": "QVAR is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older. QVAR is also indicated for asthma patients who require systemic corticosteroid administration, where adding QVAR may reduce or eliminate the need for the systemic corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does cyclosporine ophthalmic helps for iritis?", + "output": "This study showed improvement of recurrent anterior uveitis [iritis] in patients while on conventional treatment with cyclosporine A 0.05% compared with conventional treatment alone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ingredient in walnut interferes with synthroid drug absorption", + "output": "Dietary fiber: Certain dietary fiber sources can impede absorption of the thyroid hormone replacement medication. Mayo Clinic staff say it is best to avoid dietary fiber in foods like walnuts, soy products, iron supplements and multivitamins containing iron." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the color of the fluvaastatin pill", + "output": "Product Characteristics Color RED (rust)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is penicillin in the pill \"montelukast?\"", + "output": "What are the ingredients in montelukast sodium tablets?\n\nActive ingredient: montelukast sodium, USP\n\nInactive ingredients:\n\n10 mg tablet: croscarmellose sodium, hydroxypropyl cellulose, lactose monohydrate, magnesium stearate, and microcrystalline cellulose. The film coating contains: black iron oxide, hydroxypropyl cellulose, hypromellose, red iron oxide, titanium dioxide, and yellow iron oxide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take metamucil with \"ciprofloxacin?\"", + "output": "diarrhea is a common problem caused by antibiotics which usually ends when the antibiotic is discontinued. Sometimes after starting treatment with antibiotics, patients can develop watery and bloody stools (with or without stomach cramps and fever) even as late as two or more months after having taken the last dose of the antibiotic. If this occurs, patients should contact their physician as soon as possible.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long before a meal should lansoprazole be taken", + "output": "Swallow 1 capsule with a glass of water before eating in the morning." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does using fluorouracil make your face look like", + "output": "The most frequent adverse reactions to Fluorouracil 5% Topical Cream occur locally and are often related to an extension of the pharmacological activity of the drug. These include burning, crusting, allergic contact dermatitis, erosions, erythema, hyperpigmentation, irritation, pain, photosensitivity, pruritus, scarring, rash, soreness and ulceration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me level iracetam", + "output": "Levetiracetam is used in combination with other medications to treat certain types of seizures in adults and children with epilepsy. Levetiracetam is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "results of stopping terazosin?", + "output": "The effect of withdrawal of terazosin therapy in patients with mild to moderate hypertension was assessed in two double-blind, placebo-controlled studies. All patients had demonstrated a stable blood pressure response to terazosin prior to withdrawal of the drug. Patients were randomly assigned either to continue treatment with terazosin at a previously established dose that had brought blood pressure under control (dose range: 1 to 40 mg daily) or to receive a matching placebo. At the end of a six- or eight-week withdrawal period, placebo-treated patients experienced mean increases of 7.3 and 12.4 mm Hg in supine diastolic blood pressure (studies M81-020 and M81-028 site 1, respectively). These increases were significantly greater than those observed for patients who continued to receive terazosin. Similar results were observed in other blood pressure variables. Withdrawal of terazosin was accompanied by a significant weight loss (2.8 and 3.6 pounds in studies M81-020 and M81-028, respectively). There were no clinically significant changes in pulse rates, physical examinations, laboratory test results, or electrocardiograms. Headache was the most common adverse experience reported by those who received placebo during the drug withdrawal period. These studies demonstrate that withdrawal of terazosin therapy is associated with an increase in supine diastolic blood pressure, often to hypertensive levels, without signs of a withdrawal syndrome." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meloxicam look like", + "output": "Product Characteristics Color YELLOW (light yellow) Score no score Shape OVAL Size 3mm Imprint Code S160" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how often", + "output": "One tablet should be dissolved under the tongue or in the buccal pouch at the first sign of an acute anginal attack. The dose may be repeated approximately every 5 minutes until relief is obtained. If the pain persists after a total of 3 tablets in a 15-minute period, or if the pain is different than is typically experienced, prompt medical attention is recommended. Nitroglycerin may be used prophylactically 5 to 10 minutes prior to engaging in activities that might precipitate an acute attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whate is vitamin c chemicl symple ?", + "output": "Active Ingredient/Active Moiety ... ASCORBIC ACID ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the maximum dose of pregabalin", + "output": "In view of the dose-dependent adverse reactions, treatment with doses above 300 mg/day is not recommended" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana it stay in system", + "output": "The effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Anxiolytics; Sedatives; and Hypnotics: (Moderate) A reduction in the dose of anxiolytics, sedatives, hypnotics and concomitantly administered dopamine agonists with sedative properties (e.g., ropinirole, pramipexole, rotigotine, apomorphine) should be considered to minimize additive sedative effects. In addition, the risk of next-day psychomotor impairment is increased during co-administration, which may decrease the ability to perform tasks requiring full mental alertness such as driving." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Switching from oral dopamine agonists to rotigotine: An open-label study of 99 subjects with Parkinson\u2019s disease was conducted in which the subjects, previously treated with 3 to 12mg/day ropinirole with or without levodopa, were converted to treatment with transdermal rotigotine. The following dosage conversion was utilized; 3mg/day ropinirole to 2mg/24 hours rotigotine, 6mg/day ropinirole to 4mg/24 hours rotigotine, 8-9mg/day ropinirole to 6mg/24 hours rotigotine, 12mg/day ropinirole to 8mg/24 hours rotigotine. Patients were instructed to take their last dose of ropinirole in the afternoon or evening, applying a rotigotine patch the next morning upon awakening. Overall this study determined that an overnight switch from ropinirole to rotigotine was generally well tolerated without loss of efficacy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mg does it take to overdose on oxycodone", + "output": "OXYCODONE HCl CONTROLLED-RELEASE 80 mg and 160 mg Tablets, or a single dose greater than 40 mg, ARE FOR USE IN OPIOID-TOLERANT PATIENTS ONLY. A single dose greater than 40 mg, or total daily doses greater than 80 mg, may cause fatal respiratory depression when administered to patients who are not tolerant to the respiratory depressant effects of opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medication not to take with lithium", + "output": "What special precautions should I follow?" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mst drug/?", + "output": "MST\u00aeContinus\u00ae 5 mg, 10 mg, 15 mg, 30 mg, 60 mg, 100 mg and 200 mg prolonged release tablets: Morphine sulfate" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size doses of metformin are available?", + "output": "Metformin Hydrochloride Tablets, USP ... 500 mg ... 850 mg ... 1000 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pravastatin s9 orange how many \"grams?\u009d\"", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long morphine remains in body", + "output": "Morphine takes longer to work than heroin and the effects tend to last longer. Despite this, blood tests can only detect morphine for the first 12 hours after the last dose, and urine tests only work for up to 3 days. However, saliva tests are more effective, being able to detect traces of morphine for up to 4 days. Again, morphine stays in the hair for 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the imprint on metoprolol succ., 50 mg", + "output": "50 mg tablets: White, round, coated tablets debossed with Andrx logo and \u201c831\u201d on one side and scored on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can take the place of tramadol", + "output": "The American Academy of Pediatrics (AAP) and other pediatric associations and academies have released guidelines on the management of nociceptive pain in children. The top 3 medications\u2019 recommendations in children are paracetamol, ibuprofen, and opioids: non-opioids for mild nociceptive pain; non-opioids + weak opioids for moderate nociceptive pain and non-opioids + strong opioids for severe nociceptive pain. Codeine and tramadol are the only two opioids classified as weak opioids. In most countries, they do not require a restricted medical drug prescription and as \u201cweak\u201d opioids, they are often considered to have a lower potential for adverse drug reactions (ADR) than \u201cstrong\u201d opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer denosumab", + "output": "Denosumab injection comes as a solution (liquid) to be injected subcutaneously (under the skin) in your upper arm, upper thigh, or stomach area. It is usually injected by a doctor or nurse in a medical office or clinic. Denosumab injection (Prolia) is usually given once every 6 months. When denosumab injection (Xgeva) is used to reduce the risk of fractures from multiple myeloma, or cancer that has spread to the bones, it is usually given once every 4 weeks. When denosumab injection (Xgeva) is used to treat giant cell tumor of bone, or high calcium levels caused by cancer, it is usually given every 7 days for the first three doses (on day 1, day 8, and day 15) and then once every 4 weeks starting 2 weeks after the first three doses.\n\nYour doctor will tell you to take supplements of calcium and vitamin D while you are being treated with denosumab injection. Take these supplements exactly as directed.\n\nWhen denosumab injection (Prolia) is used to treat osteoporosis or bone loss, your doctor or pharmacist will give you the manufacturer's patient information sheet (Medication Guide) when you begin treatment with denosumab injection and each time you refill your prescription. Read the information carefully and ask your doctor or pharmacist if you have any questions. You can also visit the Food and Drug Administration (FDA) website (http://www.fda.gov/Drugs/DrugSafety/ucm085729.htm) or the manufacturer's website to obtain the Medication Guide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is barbiturates", + "output": "Barbiturates are sedative-hypnotic drugs that were once commonly used as sedatives or antianxiety medications. A physician must prescribe barbiturates; otherwise, their use is considered illicit. Among their limited uses, barbiturates are used to manage some seizure disorders as well as for pre-procedural sedation. In rarer instances, they are prescribed for the treatment of headache, anxiety and insomnia. However, their use in most areas of medicine has largely been supplanted by other safer medications. Barbiturates are controlled substances due to the potential they pose for abuse, physical dependence, and addiction. Some of the more common barbiturates include Luminal (phenobarbital). Brevital (methohexital). Seconal (secobarbital). Butisol (butabarbital). Fiorinal (butalbital)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the inactive ingredients to the pneumonia vaccine", + "output": "Inactive Ingredients POLYSORBATE 80 \u2026 ALUMINUM PHOSPHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prep and administer insulin", + "output": "Humulin R U-100 may be administered by subcutaneous injection in the abdominal wall, the thigh, the gluteal region or in the upper arm. Subcutaneous injection into the abdominal wall ensures a faster absorption than from other injection sites. Injection into a lifted skin fold minimizes the risk of intramuscular injection. Injection sites should be rotated within the same region. As with all insulin, the duration of action will vary according to the dose, injection site, blood flow, temperature, and level of physical activity. Intravenous administration of Humulin R U-100 is possible under medical supervision with close monitoring of blood glucose and potassium levels to avoid hypoglycemia and hypokalemia. For intravenous use, Humulin R U-100 should be used at concentrations from 0.1 unit/mL to 1 unit/mL in infusion systems with the infusion fluids 0.9% sodium chloride using polyvinyl chloride infusion bags." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medical marijuana", + "output": "Some states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "clonazepam \".25mg\" lowest dosage?", + "output": "Klonopin Wafers (clonazepam orally disintegrating tablets) are white, round and debossed with the tablet strength \u2026 0.125 mg debossed 1/8 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levaquin treat uti?", + "output": "... Complicated Urinary Tract Infections: ... Acute Pyelonephritis: ... Uncomplicated Urinary Tract Infections" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow much to takea day", + "output": "Currently, there\u2019s scientific debate about how much vitamin D people need each day. The Institute of Medicine, in a long-awaited report released on November 30, 2010 recommends tripling the daily vitamin D intake for children and adults in the U.S. and Canada, to 600 IU per day. (7) The report also recognized the safety of vitamin D by increasing the upper limit from 2,000 to 4,000 IU per day, and acknowledged that even at 4,000 IU per day, there was no good evidence of harm. The new guidelines, however, are overly conservative about the recommended intake, and they do not give enough weight to some of the latest science on vitamin D and health. For bone health and chronic disease prevention, many people are likely to need more vitamin D than even these new government guidelines recommend." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "sickness in humans caused formaldehyde on toys from china?", + "output": "The Uphill Battle to Better Regulate Formaldehyde ... Safety advocates say that tighter restrictions ... are necessary, particularly for products coming from China, where items as varied as toys and Christmas lights have been found to violate American safety standards." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is cyclobenzaprine a benzodiazepine?", + "output": "Cyclobenzaprine is in a class of medications called skeletal muscle relaxants. It works by acting in the brain and nervous system to allow the muscles to relax. \u2026............ Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin d3 do", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in estrone injection", + "output": "Estrone, sold under the brand names Estragyn, Kestrin, and Theelin among many others, is an estrogen medication and naturally occurring steroid hormone which has been used in menopausal hormone therapy and for other indications.[5][8][9][10][1][2] It has been available as an aqueous suspension or oil solution that is given by injection into muscle and as a vaginal cream that is applied inside of the vagina.[1][2][3][4] It can also be taken by mouth in the form of estrone sulfate, as in estropipate (piperazine estrone sulfate; Ogen) and conjugated estrogens (Premarin).[11][2][5]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i eat after taking rapaflo?", + "output": "The recommended dose is 8 mg orally once daily with a meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much levothyroxine is needed to treat hashimotos", + "output": "If Hashimoto's disease causes thyroid hormone deficiency, you may need replacement therapy with thyroid hormone. This usually involves daily use of the synthetic thyroid hormone levothyroxine (Levoxyl, Synthroid, others). ... Treatment with levothyroxine is usually lifelong, but because the dosage you need may change, your doctor is likely to check your TSH level about every 12 months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take tea with azithromycin?", + "output": "tell your doctor and pharmacist what other prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: anticoagulants ('blood thinners') such as warfarin (Coumadin, Jantoven); cyclosporine (Neoral, Sandimmune); digoxin (Lanoxin); dihydroergotamine (D.H.E. 45, Migranal); ergotamine (Ergomar); medications for irregular heartbeat such as amiodarone (Cordarone, Pacerone), dofetilide (Tikosyn), procainamide (Procanbid), quinidine, and sotalol (Betapace, Sorine); nelfinavir (Viracept); phenytoin (Dilantin); and terfenadine (not available in the U.S.). Your doctor may need to change the doses of your medications or monitor you carefully for side effects.\nif you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "Active Ingredient/Active Moiety LISDEXAMFETAMINE DIMESYLATE (UNII: SJT761GEGS) (LISDEXAMFETAMINE - UNII:H645GUL8KJ) LISDEXAMFETAMINE DIMESYLATE 10 mg Inactive Ingredients MICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U) CROSCARMELLOSE SODIUM (UNII: M28OL1HH48) MAGNESIUM STEARATE (UNII: 70097M6I30) GELATIN, UNSPECIFIED (UNII: 2G86QN327L) TITANIUM DIOXIDE (UNII: 15FIX9V2JP) FD&C BLUE NO. 1 (UNII: H3R47K3TBD) FERROSOFERRIC OXIDE (UNII: XM0M87F357) FERRIC OXIDE YELLOW (UNII: EX438O2MRT) FD&C RED NO. 3 (UNII: PN2ZH5LOQY) FD&C YELLOW NO. 6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "The following adverse reactions are discussed in greater detail in other sections of the labeling:\n\nKnown hypersensitivity to amphetamine products or other ingredients of VYVANSE [see CONTRAINDICATIONS (4)]\nHypertensive Crisis When Used Concomitantly with Monoamine Oxidase Inhibitors [see CONTRAINDICATIONS (4) and DRUG INTERACTIONS (7.1)]\nDrug Dependence [see BOXED WARNING, WARNINGS AND PRECAUTIONS (5.1), and DRUG ABUSE AND DEPENDENCE (9.2, 9.3)]\nSerious Cardiovascular Reactions [see WARNINGS AND PRECAUTIONS (5.2)]\nBlood Pressure and Heart Rate Increases [see WARNINGS AND PRECAUTIONS (5.3)]\nPsychiatric Adverse Reactions [see WARNINGS AND PRECAUTIONS (5.4)]\nSuppression of Growth [see WARNINGS AND PRECAUTIONS (5.5)]\nPeripheral Vasculopathy, including Raynaud's phenomenon [see WARNINGS AND PRECAUTIONS (5.6)]\nSerotonin Syndrome [see WARNINGS AND PRECAUTIONS (5.7)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a high level of troop", + "output": "TrOOP costs are those prescription costs that can be used to calculate when you exit the Donut Hole or Coverage Gap and enter the Catastrophic Coverage stage of your Medicare Part D Coverage. The 2019 plan year Out-of-Pocket Threshold or maximum TrOOP before exiting the Donut Hole is $5,100.00." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in flomax", + "output": "Active Ingredient/Active Moiety TAMSULOSIN HYDROCHLORIDE (UNII: 11SV1951MR) (tamsulosin - UNII:G3P28OML5I) TAMSULOSIN HYDROCHLORIDE 0.4 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the class for insulin glargine?", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines raise blood sugar", + "output": "Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription.\n\nExamples include:\n\nBarbiturates.\nThiazide diuretics.\nCorticosteroids.\nBirth control pills (oral contraceptives) and progesterone.\nCatecholamines.\nDecongestants that contain beta-adrenergic agents, such as pseudoephedrine.\nThe B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months.\nThe antipsychotic medicine olanzapine (Zyprexa)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is metopol tar use", + "output": "Hypertension Metoprolol tartrate tablets are indicated for the treatment of hypertension. They may be used alone or in combination with other antihypertensive agents. Angina Pectoris Metoprolol tartrate tablets are indicated in the long-term treatment of angina pectoris. Myocardial Infarction Metoprolol tartrate tablets are indicated in the treatment of hemodynamically stable patients with definite or suspected acute myocardial infarction to reduce cardiovascular mortality. Treatment with intravenous metoprolol can be initiated as soon as the patient's clinical condition allows (see DOSAGE AND ADMINISTRATION, CONTRAINDICATIONS, and WARNINGS ). Alternatively, treatment can begin within 3 to 10 days of the acute event (see DOSAGE AND ADMINISTRATION)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does corticosteroids cause i \"insomnia?\"", + "output": "Psychic derangements may appear when corticosteroids are used, ranging from euphoria, insomnia, mood swings, personality changes, and severe depression, to frank psychotic manifestations. Also, existing emotional instability or psychotic tendencies may be aggravated by corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how reduce cholesterol", + "output": "A healthy lifestyle is the first defense against high cholesterol. But sometimes diet and exercise aren't enough, and you may need to take cholesterol medications. Cholesterol medications might help" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is gardasil \"contra indicated?\"", + "output": "Hypersensitivity, including severe allergic reactions to yeast (a vaccine component), or after a previous dose of GARDASIL 9 or GARDASIL [see Description (11)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the classification of cromolyn", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i take lorazepam, my eyes are blurry, if i stop taking it, will my eyes clear up ?", + "output": "Withdrawal symptoms (e.g., rebound insomnia) can appear following cessation of recommended doses after as little as one week of therapy. Abrupt discontinuation of product should be avoided and a gradual dosage-tapering schedule followed after extended therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use thymol", + "output": "Thymol is a phenol obtained from thyme oil or other volatile oils used as a stabilizer in pharmaceutical preparations, and as an antiseptic (antibacterial or antifungal) agent. It was formerly used as a vermifuge." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is zolpidem a drug?", + "output": "Zolpidem belongs to a class of medications called sedative-hypnotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mercaptopurine can be the cause of elevated bun/ creatinine level?", + "output": "Causes Of Elevated BUN and Creatinine Levels: ... Chemotherapy drugs such as: Cisplatin, Carboplatin, Carmustine, Mitomycin, high-dose Methotrexate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when does skin redness start on fluorouracil", + "output": "When Fluorouracil 5% Topical Cream is applied to a lesion, a response occurs with the following sequence: erythema, usually followed by vesiculation, desquamation, erosion and reepithelialization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of colchicine is recommended", + "output": "The dosing regimens for colchicine tablets, USP are different for each indication and must be individualized." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tier drug is methylphenidate", + "output": "DEA Schedule: CII" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is normal saline", + "output": "physiologic saline solution (physiologic salt solution) (physiologic sodium chloride solution) a 0.9 per cent solution of sodium chloride and water; it is isotonic, i.e., of the same osmotic pressure as blood serum. It is sometimes given intravenously to replace lost sodium and chloride. Excessive quantities may cause edema, elevated blood sodium levels, and loss of potassium from the tissue fluid. Called also normal saline or normal salt solution." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is zostavax for?- consider waiting for a new vaccine coming spring of 2018", + "output": "ZOSTAVAX\u00ae is a live attenuated virus vaccine indicated for prevention of herpes zoster (shingles) in individuals 50 years of age and older. Limitations of Use of ZOSTAVAX: ZOSTAVAX is not indicated for the treatment of zoster or postherpetic neuralgia (PHN). ZOSTAVAX is not indicated for prevention of primary varicella infection (Chickenpox)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprodex?", + "output": "Ciprofloxacin and dexamethasone otic is used to treat outer ear infections in adults and children and acute (suddenly occurring) middle ear infections in children with ear tubes. Ciprofloxacin is in a class of medications called quinolone antibiotics. Dexamethasone is in a class of medications called corticosteroids. The combination of ciprofloxacin and dexamethasone works by killing the bacteria that cause infection and reducing swelling in the ear." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can i get a cortisone shot", + "output": "There's concern that repeated cortisone shots might cause the cartilage within a joint to deteriorate. So doctors typically limit the number of cortisone shots into a joint. In general, you shouldn't get cortisone injections more often than every six weeks and usually not more than three or four times a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why codeine", + "output": "Codeine is used to relieve mild to moderate pain. It is also used, usually in combination with other medications, to reduce coughing. Codeine will help relieve symptoms but will not treat the cause of symptoms or speed recovery. Codeine belongs to a class of medications called opiate (narcotic) analgesics and to a class of medications called antitussives. When codeine is used to treat pain, it works by changing the way the brain and nervous system respond to pain. When codeine is used to reduce coughing, it works by decreasing the activity in the part of the brain that causes coughing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give toradol im", + "output": "When administering ketorolac tromethamine injection, the intravenous bolus must be given over no less than 15 seconds. The intramuscular administration should be given slowly and deeply into the muscle." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wean off tegretol?", + "output": "As with all antiepileptic drugs, Tegretol should be withdrawn gradually to minimize the potential of increased seizure frequency." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take these tow medications at the same time of day concerta and lexapro?", + "output": "Human pharmacologic studies have shown that methylphenidate may inhibit the metabolism of ... selective serotonin reuptake inhibitors). Downward dose adjustment of these drugs may be required when given concomitantly with methylphenidate. It may be necessary to adjust the dosage and monitor plasma drug concentrations (or, in the case of coumarin, coagulation times), when initiating or discontinuing concomitant methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long the trichomoniasis take to clear after i take the medicine", + "output": "Most people are prescribed an antibiotic called metronidazole which is very effective if taken correctly. You'll usually have to take metronidazole twice a day, for 5 to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happened if one takes a double does of simvastatin", + "output": "A few cases of overdosage with simvastatin have been reported; the maximum dose taken was 3.6 g. All patients recovered without sequelae. Supportive measures should be taken in the event of an overdose. The dialyzability of simvastatin and its metabolites in man is not known at present." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is antibiotic?", + "output": "any of a large group of chemical substances, as penicillin or streptomycin, produced by various microorganisms and fungi, having the capacity in dilute solutions to inhibit the growth of or to destroy bacteria and other microorganisms, used chiefly in the treatment of infectious diseases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what kind of rash could pravastatin cause", + "output": "In rare cases, it\u2019s possible to have a serious allergic reaction to pravastatin. ... The warning signs of a serious allergic reaction are: getting a skin rash that may include itchy, red, swollen, blistered or peeling skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ketorolac eye drops", + "output": "Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take your medicine diabetes", + "output": "The medicine you take will vary by your type of diabetes and how well the medicine controls your blood glucose levels, also called blood sugar. Other factors, such as your other health conditions, medication costs, and your daily schedule may play a role in what diabetes medicine you take." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg norco comes in", + "output": "... NORCO\u00ae 5/325 ... NORCO\u00ae 7.5/325 ... NORCO\u00ae 10/325 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is ecstasy", + "output": "3,4-methylenedioxy-methamphetamine (MDMA) is a synthetic drug that alters mood and perception (awareness of surrounding objects and conditions). It is chemically similar to both stimulants and hallucinogens, producing feelings of increased energy, pleasure, emotional warmth, and distorted sensory and time perception." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of valsartan", + "output": "What are the possible side effects of valsartan tablets? \n\nValsartan tablets may cause the following serious side effects: \n\nInjury or death to an unborn baby. See \u201cWhat is the most important information I should know about valsartan tablets?\u201d \n\nLow Blood Pressure (Hypotension). Low blood pressure is most likely to happen if you also take water pills, are on a low-salt diet, get dialysis treatments, have heart problems, or get sick with vomiting or diarrhea. Lie down, if you feel faint or dizzy. Call your doctor right away. \n\nKidney problems. Kidney problems may get worse if you already have kidney disease. Some patients will have changes on blood tests for kidney function and may need a lower dose of valsartan tablets. Call your doctor if you get swelling in your feet, ankles, or hands, or unexplained weight gain. If you have heart failure, your doctor should check your kidney function before prescribing valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with high blood pressure include:\n\nheadache\n\ndizziness\n\nflu symptoms\n\ntiredness\n\nstomach (abdominal) pain\n\nSide effects were generally mild and brief. They generally have not caused patients to stop taking valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with heart failure include:\n\ndizziness\nlow blood pressure\ndiarrhea\njoint and back pain\ntiredness\nhigh blood potassium" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "keflex capsules how supplied", + "output": "Keflex\u00ae Capsules (Cephalexin, USP), are available in:\n\nThe 250 mg capsules are a white powder filled into size 2 capsules (opaque white and opaque dark green) that are imprinted with Keflex 250 mg on the white body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-112-97\n \nBottles of 100 NDC 11042-112-96\nThe 333 mg capsules are a white powder filled into size 1 capsules (opaque light green and opaque light green) that are imprinted Keflex 333 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-114-40\nThe 500 mg capsules are a white powder filled into size 0 capsules (opaque light green and opaque dark green) that are imprinted with Keflex 500 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-113-97\n \nBottles of 100 NDC 11042-113-96\nThe 750 mg capsules are a white powder filled into elongated size 00 capsules (opaque dark green and opaque dark green) that are imprinted Keflex 750 mg on the dark green body in edible white ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-115-40" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nano silver?", + "output": "Silver nanoparticles are added to a variety of textiles and home goods as an antimicrobial. Although silver has been used safely for centuries, some question whether the rapid expansion of new exposure sources to nanosilver could have adverse consequences." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why to take vicodin", + "output": "Hydrocodone is used to relieve severe pain. Hydrocodone is only used to treat people who are expected to need medication to relieve severe pain around-the-clock for a long time and who cannot be treated with other medications or treatments. Hydrocodone extended-release (long-acting) capsules or extended-release tablets should not be used to treat pain that can be controlled by medication that is taken as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Cocaine is a type of drug that functions to increase the availability of the neurotransmitter dopamine in the brain. Dopamine is associated with the generation of 'euphoric' emotions, the regulation of movement, and the processing of reward cues. However, it is also associated with a considerable potential for dependence and abuse. Cocaine abuse is related to an increased risk of: Psychiatric disorders. Disease. Death. Cocaine is attractive as a recreational substance due to the perceived positive effects on mood, motivation, and energy. Someone abusing cocaine may smoke, snort, or take it intravenously (via injection)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Amphetamines are central nervous system (CNS) stimulants prescribed for the treatment of: Narcolepsy. Hyperactivity, e.g. ADHD. Asthma. For example, two common CNS stimulants, Adderall and Ritalin, are prescribed for hyperactivity disorders and narcolepsy, but are commonly abused. Amphetamines are often abused for their ability to suppress appetite and stave off fatigue. In fact, many people who begin taking amphetamines to lose weight or stay awake, for example to study, get caught in the web of use and abuse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is classed as a low dose of azathioprine", + "output": "approximately 1 mg/kg (50 to 100 mg) given as a single dose or on a twice-daily schedule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does ibuprofen contain. any aspirin?", + "output": "No, ibuprofen does not contain aspirin. Ibuprofen and aspirin are two different types of NSAIDs (non-steroid anti-inflammatory drugs) that can be used to treat similar conditions. Aspirin is also in a family of medicine called salicylates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much time before tizanidine takes effect", + "output": "This medication usually starts to work in 1 to 2 hours and wears off after 6 to 8 hours. Tizanidine can be taken every 6 to 8 hours, but you should not take more than 36 milligrams a day or more than 3 doses in 24 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoprolol pill how long before it takes affect", + "output": "Metoprolol starts to work after about 2 hours, but it can take up to 1 week to fully take effect. You may not feel any different when you take metoprolol, but this doesn't mean it's not working. It's important to keep taking your medicine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce humira", + "output": "Hu\u00b7\u200bmira | \\ hy\u00fc-\u02c8mer-\u0259" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is a shingles vaccine required?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what three trade names were gven inthis chapter for this generic drug about hydrochlorothiazide", + "output": "Esidrix\u00ae\u00b6 Hydrodiuril\u00ae\u00b6 Microzide\u00ae Oretic\u00ae Zide\u00ae\u00b6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take miralax", + "output": "Stop use and ask a doctor if ... you need to use a laxative for longer than 1 week" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long on metoprolol after vavle replacement surgery", + "output": "Typically one stays on it for around a month but it can be indefinitely if you have high blood pressure. This is a very benign drug and is very commonly used." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strength dose triamcinolone come in", + "output": "cream/ointment 0.025% 0.05% 0.1% 0.5%, lotion 0.025% 0.1%, dental paste 0.1%, aerosol solution 0.0147%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is marijuana", + "output": "Cannabis, also known as marijuana among other names,[n 1] is a psychoactive drug from the Cannabis plant used for medical or recreational purposes.[16][17][18] The main psychoactive part of cannabis is tetrahydrocannabinol (THC), one of 483 known compounds in the plant,[19] including at least 65 other cannabinoids.[20] Cannabis can be used by smoking, vaporizing, within food, or as an extract.[21] Cannabis has mental and physical effects such as creating a \"high\" or \"stoned\" feeling, a general change in perception, heightened mood, and an increase in appetite.[21][22]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long i take cipro for a urinary tract infection ?", + "output": "Infection Urinary Tract / Acute Uncomplicated 250 mg q 12 h 3 days / Mild/Moderate 250 mg q 12 h 7 to 14 days / Severe/Complicated 500 mg q 12 h 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the clotrimazole pill look like", + "output": "Product Characteristics Color white Score no score Shape ROUND Size 16mm Imprint Code 54;552" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do opioid withdraws last", + "output": "Opioid withdrawal symptoms can last anywhere from one week to one month. The first phase (acute withdrawal) begins about 12 hours after your last opioid use. It peaks at around 3 - 5 days, and lasts for approximately 1 - 4 weeks. The second phase (post-acute withdrawal) can last up to two years. The symptoms include mood swings, anxiety, variable energy, low enthusiasm, variable concentration, and disturbed sleep." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin chemo.a drug?", + "output": "Herceptin is not chemotherapy and it is not a hormone therapy. It is called a monoclonal antibody and is one of two innovative cancer therapies that utilise the natural immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg is the lowest does of coreg?", + "output": "The white, oval, film\u2011coated tablets are available in the following strengths: \u2022 3.125 mg \u2013 engraved with \u201c39\u201d and \u201cSB\u201d \u2022 6.25 mg \u2013 engraved with \u201c4140\u201d and \u201cSB\u201d \u2022 12.5 mg \u2013 engraved with \u201c4141\u201d and \u201cSB\u201d \u2022 25 mg \u2013 engraved with \u201c4142\u201d and \u201cSB\u201d" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is magnesium chelated good for", + "output": "Chelated magnesium is used as a supplement to maintain adequate magnesium in the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much acetaminophen in acetaminophen and codeine", + "output": "Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/30 mg tablet contains acetaminophen 300 mg and codeine phosphate 30 mg. \u2026 Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/60 mg tablet contains acetaminophen 300 mg and codeine phosphate 60 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do u lower your dosage of gabapentin", + "output": "If the gabapentin dose is reduced, discontinued, or substituted with an alternative medication, this should be done gradually over a minimum of 1 week (a longer period may be needed at the discretion of the prescriber)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does a 20 mcg bedford norton transdermal patch compared to say oxycodone what would be the equivalent", + "output": "25 mcg fentanyl/hr = 40 mg oral / 20 mg IV oxycodone [from conversion chart]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if meclizine does not work", + "output": "Meclizine is the generic name for the prescription drug called Antivert and the over-the-counter (OTC) medicines known as Dramamine and Bonine. Meclizine is used to treat motion sickness and dizziness.\n\nThe drug belongs to a class of drugs called antihistamines, which are generally used to treat allergies. However, meclizine works a little differently, reducing nausea and muscle spasms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long keep patient on chantix", + "output": "Patients should be treated with CHANTIX for 12 weeks. For patients who have successfully stopped smoking at the end of 12 weeks, an additional course of 12 weeks' treatment with CHANTIX is recommended to further increase the likelihood of long-term abstinence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug will cause frequent urination?", + "output": "A number of medications can cause urinary incontinence in men and women. They do this in a variety of different ways." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "has lisinopril been taken off the market?", + "output": "This branded product is no longer on the market. Generic alternatives may be available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color are the pills for levodopa carbidopa for \"50/200\" mg extended relief", + "output": "The 50 mg/200 mg tablet is supplied as an oval, scored, biconvex, compressed tablet that is peach to light peach colored." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do the side effects last after taking medroxyprogesterone", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is guanfacine classified", + "output": "Guanfacine is in a class of medications called centrally acting alpha2A-adrenergic receptor agonists." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension lexapro?", + "output": "The following additional adverse reactions have been identified from spontaneous reports of escitalopram received worldwide. These adverse reactions have been chosen for inclusion because of a combination of seriousness, frequency of reporting, or potential causal connection to escitalopram and have not been listed elsewhere in labeling. However, because these adverse reactions were reported voluntarily from a population of uncertain size, it is not always possible to reliably estimate their frequency or establish a causal relationship to drug exposure. These events include: ||\nVascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to pronounce chlordiazepoxide", + "output": "pronounced as (klor dye az e pox' ide)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you take clindamycin", + "output": "Adults: Serious infections - 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours.\n\nPediatric Patients (for children who are able to swallow capsules): Serious infections - 8 to 16 mg/kg/day (4 to 8 mg/lb/day) divided into three or four equal doses. More severe infections - 16 to 20 mg/kg/day (8 to 10 mg/lb/day) divided into three or four equal doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mix salt and hydromorphone what will happen", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pill is close to the pill hyoscyamine for bloating food to more faster", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drugs which stimulating brain ?", + "output": "Central nervous system stimulants used for attention deficit disorder, narcolepsy or excessive sleepiness include methylphenidate, atomoxetine, modafinil, armodafinil and the amphetamines. Stimulants that are no longer used for medical conditions, but that are abused, include cocaine and ecstasy or methylenedioxymetamphetamine (MDMA)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of insulin for resistance", + "output": "Insulin sensitizers like Glucophage (Metformin) may be prescribed to help your body use insulin more effectively." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is restoril additive?", + "output": "RESTORIL is a federal controlled substance (C-IV) because it can be abused or lead to dependence. Keep\nRESTORIL in a safe place to prevent misuse and abuse. Selling or giving away RESTORIL may harm others, and is against the law. Tell your healthcare provider if you have ever abused or been dependent on alcohol, prescription medicines or street drugs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin b strong compound is used for what medical condition?", + "output": "For the treatment of clinical and sub-clinical vitamin B deficiency states (manifestations of which include glossitis, stomatitis, cheilosis, the heart manifestations of beriberi, the skin manifestations of pellagra, corneal vascularisation and polyneuritis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dose for vit b12 tabet?", + "output": "When taken at appropriate doses, vitamin B-12 supplements are generally considered safe. While the recommended daily amount of vitamin B-12 for adults is 2.4 micrograms, you can safely take higher doses. Your body absorbs only as much as it needs, and any excess passes through your urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how strong is 360 mg diltiazem", + "output": "Single oral doses of 30 to 120 mg of diltiazem tablets result in detectable plasma levels within 30 to 60 minutes and peak plasma levels 2 to 4 hours after drug administration. As the dose of diltiazem tablets is increased from a daily dose of 120 mg (30 mg qid) to 240 mg (60 mg qid) daily, there is an increase in area-under-the-curve of 2.3 times. When the dose is increased from 240 mg to 360 mg daily, there is an increase in area-under-the-curve of 1.8 times." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between vitamin b12 1000 geltabs and vitamin b12 shots", + "output": "The clinical evidence-based analysis has found that oral supplementation is as effective as intramuscular injections." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does spironolactone 25 mg pill look like", + "output": "Spironolactone Tablets USP, 25 mg are white, film-coated, round tablets, debossed \u201cAN\u201d above \u201c511\u201d on one side and plain on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i eat grapefruit on simvastatin", + "output": "Certain classes of drugs \u2014 most notably statins \u2014 are metabolized (broken down) in your intestines by an enzyme called CYP3A, which normally reduces the amount of drug that enters your bloodstream. Grapefruit juice contains compounds called furanocoumarins that stop CYP3A from doing its job. As a result, more of the drug is absorbed, making it more powerful than it's meant to be \u2014 even toxic in some cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is losartan gluten free?", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food \"?\"", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tdap (adacel) 10-64 yrs how often is booster needed", + "output": "Five years should have elapsed since the recipient's last dose of tetanus toxoid, diphtheria toxoid and/or pertussis containing vaccine and the administration of Adacel vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take cefuroxime axetil to work", + "output": "You should begin to feel better during the first few days of treatment with cefuroxime. If your symptoms do not improve or get worse, call your doctor. Take cefuroxime until you finish the prescription, even if you feel better. If you stop taking cefuroxime too soon or skip doses, your infection may not be completely treated, and the bacteria may become resistant to antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana how long to steam your system", + "output": "he effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do antibiotics like keflex continue working after cessation of drug ?", + "output": "Cephalexin is excreted in the urine by glomerular filtration and tubular secretion. Studies showed that over 90% of the drug was excreted unchanged in the urine within 8 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the survival rate of opdivo \"&\" yervoy combo treatments", + "output": "The overall survival rate at 3 years was 58% in the nivolumab-plus-ipilimumab group and 52% in the nivolumab group, as compared with 34% in the ipilimumab group." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams in tramadol", + "output": "Each tablet, for oral administration contains 50 mg of tramadol hydrochloride and is white in color." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pain medication how to use", + "output": "Pain medications are safe and effective when used as directed. However, misuse of these products can be extremely harmful and even deadly.\n\nConsumers who take pain relief medications must follow their health care professional's instructions carefully. If a measuring tool is provided with your medicine, use it as directed.\n\nDo not change the dose of your pain relief medication without talking to your doctor first.\n\nAlso, pain medications should never be shared with anyone else. Only your health care professional can decide if a prescription pain medication is safe for someone.\n\nHere are other key points to remember.\n\nWith acetaminophen:\n\nTaking a higher dose than recommended will not provide more relief and can be dangerous.\nToo much can lead to liver damage and death. Risk for liver damage may be increased in people who drink three or more alcoholic beverages a day while using acetaminophen-containing medicines.\nBe cautious when giving acetaminophen to children. Infant drop medications can be significantly stronger than regular children's medications. Read and follow the directions on the label every time you use a medicine. Be sure that your infant is getting the infants' pain formula and your older child is getting the children's pain formula.\n\nWith NSAIDs:\nToo much can cause stomach bleeding. This risk increases in people who are over 60 years of age, are taking prescription blood thinners, are taking steroids, have a history of stomach bleeding or ulcers, and/or have other bleeding problems.\nUse of NSAIDs can also cause kidney damage. This risk may increase in people who are over 60 years of age, are taking a diuretic (a drug that increases the excretion of urine), have high blood pressure, heart disease, or pre-existing kidney disease.\n\nWith opioids:\nUse of opioids can lead to drowsiness. Do not drive or use any machinery that may injure you, especially when you first start the medication.The dose of an opioid pain medication that is safe for you could be high enough to cause an overdose and death in someone else, especially children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "freezing clotrimazole?", + "output": "store at temperature not exceeding 30\u00b0C (86\u00b0F). Do not freeze." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does it look like/metoprolol", + "output": "25 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"564\" on one side and break line on the other side.\n\n50 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"565\" on one side and break line on the other side.\n\n100 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"566\" on one side and break line on other side.\n\n200 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"5\" and \"67\" on either side of break line and plain on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it ok to take a probiotic when taking an antibiotic?", + "output": "Taking probiotics during antibiotic treatment can reduce the risk of diarrhea, although the two should be taken a few hours apart. Probiotics can also help restore the gut bacteria after antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ivermectin \"derm gard\" for dog", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take meloxicam along with tylenol + cod?", + "output": "Tylenol (generic Acetaminophen) is commonly used as an adjunct for pain relief in patients with various forms of musculoskeletal pain. While acetaminophen is not an anti-inflammatory agent (like NSAIDS, including Celebrex), it does act on pain pathways. It is important for patients to inform their physicians of breakthrough pain that is requiring the use of any over-the-counter agents as there may need to be increased monitoring for certain possible side effects (increased liver function tests, etc)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what foods should a person taking warfarin eat", + "output": "Eat a normal, healthy diet. Some foods and beverages, particularly those that contain vitamin K, can affect how warfarin works for you. Ask your doctor or pharmacist for a list of foods that contain vitamin K. Eat consistent amounts of vitamin K-containing food on a week-to-week basis. Do not eat large amounts of leafy, green vegetables or certain vegetable oils that contain large amounts of vitamin K. Be sure to talk to your doctor before you make any changes in your diet. Talk to your doctor about eating grapefruit and drinking grapefruit juice while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take doxepin and prexum together?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tramadol pills look like", + "output": "Tramadol Hydrochloride Tablets, 50 mg are available as white, round, film coated tablets, debossed with 466 on one side and WATSON on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are contraindications for kadian", + "output": "KADIAN is contraindicated in patients with\n\nSignificant respiratory depression\nAcute or severe bronchial asthma in an unmonitored setting or in the absence of resuscitative equipment\nKnown or suspected paralytic ileus\nHypersensitivity (e.g., anaphylaxis) to morphine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is oxycodone expired", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acebutolol hcl blue pill", + "output": "Acebutolol HCl, USP is a selective, hydrophilic beta-adrenoreceptor blocking agent with mild intrinsic sympathomimetic activity for use in treating patients with hypertension and ventricular arrhythmias. It is marketed in capsule form for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drug therapyof gastritis when taking diclofenac sodium", + "output": "When taken for a long time, painkillers like diclofenac and ibuprofen can lead to ulcers in the stomach and duodenum. But the risk of this happening can be clearly reduced by also taking medication to protect your stomach. || Various medications can lower the risk of getting a peptic ulcer. These include, in particular, drugs called proton pump inhibitors (PPIs) and H2 blockers. Both of these types of drugs reduce the production of stomach acid. In Germany, the most commonly used PPIs are omeprazole and pantoprazole. The H2 blocker that is normally used is ranitidine.\n\nThe hormone-like drug misoprostol is sometimes used too, although less often. One of the things misoprostol does is increase the production of gastric (stomach) mucus, which helps protect the stomach wall. In Germany, misoprostol is available as a combination drug together with the painkiller diclofenac." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who administers succinylcholine?", + "output": "Succinylcholine should be used only by those skilled in the management of artificial respiration and only when facilities are instantly available for tracheal intubation and for providing adequate ventilation of the patient, including the administration of oxygen under positive pressure and the elimination of carbon dioxide. The clinician must be prepared to assist or control respiration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is vitamin a important to the body", + "output": "Vitamins are substances that your body needs to grow and develop normally. Vitamin A plays a role in your\n\nVision\nBone growth\nReproduction\nCell functions\nImmune system\nVitamin A is an antioxidant. It can come from plant or animal sources. Plant sources include colorful fruits and vegetables. Animal sources include liver and whole milk. Vitamin A is also added to foods like cereals.\n\nVegetarians, young children, and alcoholics may need extra Vitamin A. You might also need more if you have certain conditions, such as liver diseases, cystic fibrosis, and Crohn's disease. Check with your health care provider to see if you need to take vitamin A supplements." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does benazepril aggravate hepatitis?", + "output": "There have been rare reports of predominantly cholestatic hepatitis and isolated cases of acute liver failure, some of them fatal, in patients on ACE inhibitors. The mechanism is not understood. Patients receiving ACE inhibitors who develop jaundice or marked elevation of hepatic enzymes should discontinue the ACE inhibitor and be kept under medical surveillance." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type if medicine is pots chloride 10meq er cap pad", + "output": "Potassium chloride is a mineral supplement used to treat or prevent low levels of potassium in the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "latanoprost ophthalmic how long do you use the drops", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does oxycontin stay in the urine", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin and glycogen", + "output": "Insulin and glucagon work in what\u2019s called a negative feedback loop. During this process, one event triggers another, which triggers another, and so on, to keep your blood sugar levels balanced.\n\nHow insulin works\nDuring digestion, foods that contain carbohydrates are converted into glucose. Most of this glucose is sent into your bloodstream, causing a rise in blood glucose levels. This increase in blood glucose signals your pancreas to produce insulin.\n\nThe insulin tells cells throughout your body to take in glucose from your bloodstream. As the glucose moves into your cells, your blood glucose levels go down. Some cells use the glucose as energy. Other cells, such as in your liver and muscles, store any excess glucose as a substance called glycogen. Your body uses glycogen for fuel between meals.\n\n||\n\nHow glucagon works\nGlucagon works to counterbalance the actions of insulin.\n\nAbout four to six hours after you eat, the glucose levels in your blood decrease, triggering your pancreas to produce glucagon. This hormone signals your liver and muscle cells to change the stored glycogen back into glucose. These cells then release the glucose into your bloodstream so your other cells can use it for energy.\n\nThis whole feedback loop with insulin and glucagon is constantly in motion. It keeps your blood sugar levels from dipping too low, ensuring that your body has a steady supply of energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how xarelto affects in the process of homeostasis", + "output": "XARELTO is a selective inhibitor of FXa. It does not require a cofactor (such as Anti-thrombin III) for activity. Rivaroxaban inhibits free FXa and prothrombinase activity. Rivaroxaban has no direct effect on platelet aggregation, but indirectly inhibits platelet aggregation induced by thrombin. By inhibiting FXa, rivaroxaban decreases thrombin generation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for \"afib what\" are side effects", + "output": "Amiodarone may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\nconstipation\nloss of appetite\nheadache\ndecreased sex drive\ndifficulty falling asleep or staying asleep\nflushing\nchanges in ability to taste and smell\nchanges in amount of saliva\nSome side effects can be serious. If you experience any of the following symptoms, or those listed in the IMPORTANT WARNING section, call your doctor immediately or get emergency medical treatment:\nrash\nweight loss or gain\nrestlessness\nweakness\nnervousness\nirritability\nintolerance to heat or cold\nthinning hair\nexcessive sweating\nchanges in menstrual cycle\nswelling in the front of the neck (goiter)\nswelling of the hands, feet, ankles, or lower legs\nuncontrollable shaking of a part of the body\ndecreased concentration\nmovements that you cannot control\npoor coordination or trouble walking\nnumbness or tingling in the hands, legs, and feet\nmuscle weakness\nAmiodarone may cause other side effects. Call your doctor if you have any unusual problems while taking this medication.\n\nIf you experience a serious side effect, you or your doctor may send a report to the Food and Drug Administration's (FDA) MedWatch Adverse Event Reporting program online (http://www.fda.gov/Safety/MedWatch) or by phone (1-800-332-1088)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to combine dapaliflozin with metformin", + "output": "Xigduo\u00ae XR (containing Dapagliflozin, Metformin)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why prozac used", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pill form topamax what does it look like", + "output": "TOPAMAX\u00ae (topiramate) Tablets are available as debossed, coated, round tablets in the following strengths and colors:\n\n25 mg cream (debossed \"OMN\" on one side; \"25\" on the other)\n\n50 mg light-yellow (debossed \"OMN\" on one side; \"50\" on the other)\n\n100 mg yellow (debossed \"OMN\" on one side; \"100\" on the other)\n\n200 mg salmon (debossed \"OMN\" on one side; \"200\" on the other)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "There are a lot of medications available for pain control that are not opioids,\u201d says Dr. Soto, who\u2019s also president of the Michigan Society of Anesthesiologists. Here are several examples:" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "Unfortunately, the amount of iodine in a food isn\u2019t on a food label. It\u2019s not in books or on many web\nsites that list nutrients either. So you can\u2019t easily track iodine like some people track calories or grams\nof fat. Instead, you need to know which foods and ingredients to avoid." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow totakeaday", + "output": "According to the US Institute of Medicine, the recommended daily allowance is 400\u2013800 IU (10\u201320 micrograms), but common supplemental doses range from 1,000\u20132,000 IU (25\u201350 micrograms) per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do ursodiol and coconut oil mix?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why would my urine test be negative for benzodiazepines when i take ativan", + "output": "Common limitations exist for screening benzodiazepines when using traditional immunoassay (IA) tests. IA testing for benzodiazepines often targets nordiazepam and oxazepam to measure whether an antibody-antigen response occurs, resulting in a positive or negative test result. Other benzodiazepine compounds are tested for their ability to cross react with the target drug in an IA technique. In other words, low cross-reactivity of other drugs can result in false negatives for the other benzodiazepines. || Some commonly prescribed drugs have limited cross-reactivity. For example, lorazepam and 7-aminoclonazepam, the primary metabolite of clonazepam, have limited cross-reactivity with traditional IAs due to their molecular structures. Therefore, it is not uncommon for a laboratory to obtain a \u201cnegative\u201d IA result for lorazepam and 7-aminoclonazepam that is indeed positive once confirmation testing with a mass spectrometer (MS) is performed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink cataflam when i drink medrol;", + "output": "Drug interactions are reported among people who take Medrol and Cataflam together. This study is created by eHealthMe based on reports of 36 people who take Medrol and Cataflam from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much pain rellief is in fentanyl?", + "output": "Fentanyl has several potential advantages for out-of-hospital analgesia, including rapid onset, short duration, and less histamine release." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dosage/quetiapine", + "output": "2.1 Schizophrenia \n\nAdults\n\nDose Selection\u2014 SEROQUEL should generally be administered with an initial dose of 25 mg twice daily, with increases in total daily dose of 25 mg - 50 mg divided in two or three doses on the second and third day, as tolerated, to a total dose range of 300 mg to 400 mg daily by the fourth day. Further dosage adjustments, if indicated, should generally occur at intervals of not less than 2 days, as steady-state for SEROQUEL would not be achieved for approximately 1-2 days in the typical patient. When dosage adjustments are necessary, dose increments/decrements of 25 mg - 50 mg divided twice daily are recommended. Most efficacy data with SEROQUEL were obtained using three times daily dosing regimens, but in one controlled trial 225 mg given twice per day was also effective. \n\nEfficacy in schizophrenia was demonstrated in a dose range of 150 mg/day to 750 mg/day in the clinical trials supporting the effectiveness of SEROQUEL. In a dose response study, doses above 300 mg/day were not demonstrated to be more efficacious than the 300 mg/day dose. In other studies, however, doses in the range of 400 mg/day - 500 mg/day appeared to be needed. The safety of doses above 800 mg/day has not been evaluated in clinical trials." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "one dose amoxicillin how many capsule", + "output": "Infection\tSeverity\u2021\tUsual Adult Dose\tUsual Dose for Children >3 months\u00a7 \u03c0\nEar/Nose/Throat\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nLower Respiratory Tract\tMild/Moderate or Severe\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nSkin/Skin Structure\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGenitourinary Tract\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGonorrhea Acute, uncomplicated ano-genital and urethral infections in males and females\t \t3 grams as single oral dose\tPrepubertal children: 50 mg/kg amoxicillin, combined with 25 mg/kg probenecid as a single dose.NOTE: SINCE PROBENECID IS CONTRAINDICATED IN CHILDREN UNDER 2 YEARS, DO NOT USE THIS REGIMEN IN THESE CASES." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if too much insulin is released into the blood", + "output": "Excess insulin in the bloodstream causes cells in your body to absorb too much glucose (sugar) from your blood. It also causes the liver to release less glucose. These two effects together create dangerously low glucose levels in your blood. This condition is called hypoglycemia. || Mild hypoglycemia\nSymptoms of low blood sugar may include:\n\nsweating and clamminess\nchills\nlightheadedness or dizziness\nmild confusion\nanxiety or nervousness\nshakiness\nrapid heartbeat\nhunger\nirritability\ndouble vision or blurred vision\ntingling in the lips or around the mouth || More severe symptoms of hypoglycemia, sometimes referred to as diabetic shock or insulin shock, include:\n\nconcentration problems\nseizures\nunconsciousness\ndeath" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is amphetamine", + "output": "Amphetamine (Adzenys ER, Adzenys XR, Dyanavel XR, Evekeo) is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Amphetamine (Evekeo) is used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Amphetamine (Evekeo) is also used for a limited period of time (a few weeks) along with a reduced calorie diet and an exercise plan for weight loss in obese people unable to lose weight. Amphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis metropropnal", + "output": "Drug interactions are reported among people who take Eliquis and Metoprolol tartrate together." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "age limits for use of bupropion?", + "output": "It is not known if Bupropion Hydrochloride Extended-release (SR) tablets are safe and effective in children under the age of 18." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to self inject enoxaparin sodium", + "output": "Remove needle cover by pulling straight off of needle (see FIGURE 1). If adjusting the dose is required, the adjustment must be done prior to injecting the prescribed dose into the patient.\nFigure 1\n\nSee ADMINISTRATION: SUBCUTANEOUS INJECTION TECHNIQUE for a description of the Standard Protocol for administration.\nFigure 2\n\nDepress the plunger while grasping the finger flange until the entire dose has been given. The Passive needle guard should not activate unless the entire dose has been given.\nFigure 3\n\nRemove needle from patient, then let go of the plunger and allow syringe to move up until the entire needle is guarded.\nFigure 4\n\nDispose of syringe/needle guard assembly in approved sharps container.\nFigure 5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is 5ml in cough syrup?", + "output": "A standard dosing teaspoon holds 5ml." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to come off citalopram", + "output": "If you suddenly stop taking citalopram, you may experience withdrawal symptoms such as mood changes, irritability, agitation, dizziness, numbness, tingling or electric shock-like sensations in the hands or feet, anxiety, confusion, headache, tiredness, nausea, sweating, shaking, and difficulty falling asleep or staying asleep. Do not stop taking citalopram without talking to your doctor. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is heroin", + "output": "It's an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wetting in pants after penicillin shot?", + "output": "Penicillin G benzathine and penicillin G procaine injection may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject insulin", + "output": "Your doctor will tell you which type(s) of insulin to use, how much insulin to use, and how often to inject insulin. Follow these directions carefully. Do not use more or less insulin or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do if missed two days of thyroid medications", + "output": "Take the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not take a double dose to make up for a missed one. Tell your doctor if you miss two or more doses of thyroid in a row." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a biologic", + "output": "Biological products include a wide range of products such as vaccines, blood and blood components, allergenics, somatic cells, gene therapy, tissues, and recombinant therapeutic proteins. Biologics can be composed of sugars, proteins, or nucleic acids or complex combinations of these substances, or may be living entities such as cells and tissues. Biologics are isolated from a variety of natural sources - human, animal, or microorganism - and may be produced by biotechnology methods and other cutting-edge technologies. Gene-based and cellular biologics, for example, often are at the forefront of biomedical research, and may be used to treat a variety of medical conditions for which no other treatments are available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking amlodipine", + "output": "Continue to take amlodipine even if you feel well. Do not stop taking amlodipine without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is 30mg prednisone", + "output": "Yellow, 9mm, round, flat, tablet, with a score line on one side, imprinted with \u201cA670\u201d on one side and \u201c30\u201d on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ceftriaxone in malaria", + "output": "Ceftriaxone was most commonly prescribed for comorbid malaria with bacterial infections, urinary tract infections, sepsis and gastroenteritis. The appropriateness of the indication was 86% (n = 218). The doses most prescribed were 1g (41%) and 2g (39%). Stat dose and once-daily dosage regimen constituted 51.4% and 84.5%, respectively. The most common duration of treatment was 1 (51.4%) and 2 days (35.1%). The overall appropriateness of prescribing was 93% against a pre-set threshold of 97%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what his acetaminophen and 8mg phosphate codeline", + "output": "ACETAMINOPHEN AND CODEINE PHOSPHATE- acetaminophen and codeine phosphate tablet" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food ?", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldosterone", + "output": "ALD is a hormone made by the adrenal glands. || ALD affects blood pressure and also regulates sodium (salt) and potassium in your blood, among other functions. Too much ALD can contribute to high blood pressure and low potassium levels. It\u2019s known as hyperaldosteronism when your body makes too much ALD." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why no side affects on hydromorphone listed, yet on reg inet they have a list?", + "output": "Hydromorphone may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when you stop taking spironolactone do you bleed", + "output": "If you stop taking it suddenly: If you stop taking this drug, you may start retaining water. You may also have a sudden increase in your blood pressure. This can lead to a heart attack or stroke." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many tums aday", + "output": "\u2022do not take more than 15 tablets in 24 hours\u2022if pregnant do not take more than 10 tablets in 24 hours\u2022do not use the maximum dosage for more than 2 weeks except under the advice and supervision of a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "remipril compatible with cabergoline?", + "output": "Cabergoline: (Minor) Cabergoline has minimal affinity for adrenergic receptors; however, it has been associated with hypotension in some instances. Cabergoline should be used cautiously in those receiving antihypertensive agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you take lansoprazole long term", + "output": "Bone fractures warning: People who take several doses of this drug per day for one year or longer may have an increased risk of bone fractures. These breaks may be more likely to happen in your hip, wrist, or spine. Talk to your doctor about your risk of bone fractures. You should take this drug exactly as prescribed by your doctor. Your doctor should prescribe the lowest dose possible for your treatment for the shortest amount of time. || Fundic gland polyps warning: Long-term use (especially over one year) of lansoprazole can cause fundic gland polyps. These polyps are growths on the lining of your stomach that can become cancerous. To help prevent these polyps, you should use this drug for as short a time as possible. || Vitamin B-12 deficiency. Using this drug every day for longer than three years can make it harder for your body to absorb vitamin B-12. || Low magnesium levels. Using this drug for three months or longer can decrease your magnesium levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much ethanol alcohol is in 2 puffs of \"proair?\"", + "output": "After 2 puffs (30\u2009s between puffs), breathalyser BAC results were as follows: 0.008% (1\u2009min) and 0 at 2\u2009min" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can clots still occur when taking rivaroxaban", + "output": "Rivaroxaban works by decreasing the clotting ability of the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you get a zoster vaccine", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what insulin can be mixed with glargine", + "output": "Do not mix with\nother insulins" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is naproxen used for", + "output": "Prescription naproxen is used to relieve pain, tenderness, swelling, and stiffness caused by osteoarthritis (arthritis caused by a breakdown of the lining of the joints), rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), juvenile arthritis (a form of joint disease in children), and ankylosing spondylitis (arthritis that mainly affects the spine). Prescription naproxen tablets, extended-release tablets, and suspension are also used to relieve shoulder pain caused by bursitis (inflammation of a fluid-filled sac in the shoulder joint), tendinitis (inflammation of the tissue that connects muscle to bone), gouty arthritis (attacks of joint pain caused by a build-up of certain substances in the joints), and pain from other causes, including menstrual pain (pain that happens before or during a menstrual period). Nonprescription naproxen is used to reduce fever and to relieve mild pain from headaches, muscle aches, arthritis, menstrual periods, the common cold, toothaches, and backaches. Naproxen is in a class of medications called NSAIDs. It works by stopping the body's production of a substance that causes pain, fever, and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "taken off this medicine / how might it affect me? palmarosa?", + "output": "It is most useful during convalescence and cools the body of fever, while aiding the digestive system, helping to clear intestinal infection, digestive atonia and anorexia nervosa. It is effective in relieving sore, stiff muscles." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amitriptyline compare to alprazolam", + "output": "In a double-blind randomized study the therapeutic effect and safety of alprazolam was compared with amitriptyline in 81 outpatients suffering from major depression. Variable dosages of both drugs were used, the mean final dose of alprazolam being 3.05 and that of amitriptyline 130 mg. Both treatment groups improved steadily, assessed weekly with the use of the Hamilton Rating Scale for Depression, and no significant differences were found between the groups, either on comparison between single items or total scores. On several of the criteria used for assessment of treatment response, however, more patients responded to amitriptyline than to alprazolam. In an analysis of specific subgroups, patients whose depression was accompanied by retardation, those in whom there were no precipitating factors and those with low levels of anxiety, responded better to amitriptyline. Considerably fewer side effects were reported by patients receiving alprazolam. In particular, there was a significantly lower incidence of dry mouth, light-headedness, tremor and tachycardia in patients receiving alprazolam compared with amitriptyline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldactazide used for", + "output": "The combination of spironolactone and hydrochlorothiazide is used to treat high blood pressure. This medication is also used to treat patients with edema (fluid retention) caused by various conditions, including heart, liver, or kidney disease. Spironolactone is in a class of medications called aldosterone receptor antagonists. It causes the kidneys to eliminate unneeded water and sodium from the body into the urine, but reduces the loss of potassium from the body. Hydrochlorothiazide is in a class of medications called diuretics (''water pills''). It works by causing the kidneys to get rid of unneeded water and salt from the body into the urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does insulin work?", + "output": "Insulin is a hormone that helps glucose get into your cells to give them energy. Without insulin, too much glucose stays in your blood. Over time, high blood glucose can lead to serious problems with your heart, eyes, kidneys, nerves, and gums and teeth." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use albuterol oral inhalation demonstration video", + "output": "To inhale the aerosol using an inhaler, follow these steps:\nRemove the protective dust cap from the end of the mouthpiece. If the dust cap was not placed on the mouthpiece, check the mouthpiece for dirt or other objects. Be sure that the canister is fully and firmly inserted in the mouthpiece.\nIf you are using the inhaler for the first time or if you have not used the inhaler in more than 14 days, you will need to prime it. You may also need to prime the inhaler if it has been dropped. Ask your pharmacist or check the manufacturer's information if this happens. To prime the inhaler, shake it well and then press down on the canister 4 times to release 4 sprays into the air, away from your face. Be careful not to get albuterol in your eyes.\nShake the inhaler well.\nBreathe out as completely as possible through your mouth.\nHold the canister with the mouthpiece on the bottom, facing you and the canister pointing upward. Place the open end of the mouthpiece into your mouth. Close your lips tightly around the mouthpiece.\nBreathe in slowly and deeply through the mouthpiece.At the same time, press down once on the container to spray the medication into your mouth.\nTry to hold your breath for 10 seconds. remove the inhaler, and breathe out slowly.\nIf you were told to use 2 puffs, wait 1 minute and then repeat steps 3-7.\nReplace the protective cap on the inhaler.\nClean your inhaler regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your inhaler.\nTo inhale the powder using the inhaler, follow these steps. Do not use the Respiclick inhaler with a spacer:\nIf you will be using a new inhaler for the first time, remove it from the foil wrapper. Look at the dose counter at the back of the inhaler and check that you see the number 200 in the window.\nHolding the inhaler upright, with the cap on the bottom and the inhaler pointing upwards, load the dose by opening the protective dust cap at the end of the mouthpiece until it clicks. Do not open the cap unless you are ready to use the inhaler. Every time the protective cap is opened, a dose is ready to inhale. You will see the number in the dose counter go down. Do not waste doses by opening the inhaler unless you are inhaling a dose.\nBreathe out as completely as possible through your mouth. Do not blow or exhale into the inhaler.\nPlace the mouthpiece between your lips well into your mouth. Close your lips tightly around the mouthpiece. Inhale slowly and deeply through your mouth. Do not breath in through your nose. Make sure that your fingers or lips do not block the vent above the mouthpiece.\nRemove the inhaler from your mouth and hold your breath for 10 seconds or as long as you comfortably can. Do not blow or exhale through the inhaler.\nClose the cap firmly over the mouthpiece.\nIf you are to inhale 2 puffs, repeat steps 2-6.\nKeep the inhaler clean and dry at all times. To clean your inhaler, use a clean, dry tissue or cloth. Do not wash or put any part of your inhaler in water.\nTo inhale the solution using a nebulizer, follow these steps;\nRemove one vial of albuterol solution from the foil pouch. Leave the rest of the vials in the pouch until you are ready to use them.\nLook at the liquid in the vial. It should be clear and colorless. Do not use the vial if the liquid is cloudy or discolored.\nTwist off the top of the vial and squeeze all of the liquid into the nebulizer reservoir. If you are using your nebulizer to inhale other medications, ask your doctor or pharmacist if you can place the other medications in the reservoir along with albuterol.\nConnect the nebulizer reservoir to the mouthpiece or face mask.\nConnect the nebulizer to the compressor.\nPlace the mouthpiece in your mouth or put on the face mask. Sit in an upright, comfortable position and turn on the compressor.\nBreathe in calmly, deeply, and evenly for about 5-15 minutes until mist stops forming in the nebulizer chamber.\nClean your nebulizer regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your nebulizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "gabapentin and pregabalin what is the difference?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is pyridostigmine prescribed", + "output": "Pyridostigmine is used to decrease muscle weakness resulting from myasthenia gravis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is highest dose of oxybutynin a person can take", + "output": "Adults\nThe usual dose is one 5-mg tablet two to three times a day. The maximum recommended dose is one 5-mg tablet four times a day. A lower starting dose of 2.5 mg two or three times a day is recommended for the frail elderly.\n\nPediatric patients over 5 years of age\nThe usual dose is one 5-mg tablet two times a day. The maximum recommended dose is one 5-mg tablet three times a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is brand name of acetaminophen", + "output": "Acephen Rectal Suppository\u00ae\nFeverall Rectal Suppository\u00ae\nMapap Rectal Suppository\u00ae\nNeopap Supprettes Rectal Suppository\u00ae\nUniserts Rectal Suppository\u00ae\nAceta\u00ae\u00b6\nActamin\u00ae\nAdprin B\u00ae\nAnacin\u00ae\nApacet\u00ae\nApara\u00ae\nApra\u00ae\nConacetol\u00ae\nDolono\u00ae\nFeverall\u00ae\nGenapap\u00ae\nGenebs\u00ae\nGericet\u00ae\nHalenol\u00ae\nInfantaire\u00ae\nLiquiprin\u00ae\nLopap\u00ae\nMapap\u00ae\nMardol\u00ae\nMasophen\u00ae\nMeda Cap\u00ae\nPain-Eze\u00ae\nPanadol\u00ae\nPanex\u00ae\nParamol\u00ae\nPediapap\u00ae\nQ-Pap\u00ae\nRedutemp\u00ae\nRidenol\u00ae\nSilapap\u00ae\nS-T Febrol\u00ae\nTactinal\u00ae\nTempra\u00ae\nT-Panol\u00ae\nTycolene\u00ae\nTylenol\u00ae\nTylophen\u00ae\nUni-Ace\u00ae\nVitapap\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ink 2.3 how much coumadine should one take", + "output": "Take COUMADIN exactly as prescribed. Your healthcare provider will adjust your dose from time to time depending on your response to COUMADIN.\nYou must have regular blood tests and visits with your healthcare provider to monitor your condition.\nIf you miss a dose of COUMADIN, call your healthcare provider. Take the dose as soon as possible on the same day. Do not take a double dose of COUMADIN the next day to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how about the sexual medicine name", + "output": "n/a" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does spiriva work", + "output": "Tiotropium is in a class of medications called bronchodilators. It works by relaxing and opening the air passages to the lungs to make breathing easier." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "norvasc and depression?", + "output": "The following events occurred in <1% but >0.1% of patients in controlled clinical trials or under conditions of open trials or marketing experience where a causal relationship is uncertain; they are listed to alert the physician to a possible relationship: || Psychiatric: sexual dysfunction (male4 and female), insomnia, nervousness, depression, abnormal dreams, anxiety, depersonalization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many days after taking the pill with i start my period", + "output": "Regular menstrual cycles will return within 3 to 6 months after a woman stops using most hormonal birth control methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often zoster zoster vaccine needs to be taken", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bioflavonoid", + "output": "Bioflavonoids are a group of what are called \u201cpolyphenolic\u201d plant-derived compounds. They\u2019re also called flavonoids. There are between 4,000 and 6,000 different varieties known. Some are used in medicine, supplements, or for other health purposes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the symptoms of a human exposed to boric acid powder", + "output": "The main symptoms of boric acid poisoning are blue-green vomit, diarrhea, and a bright red rash on the skin. Other symptoms may include:\n\u2022SKIN\tMAY BE ABSORBED! Redness. May be absorbed through injured skin.\tProtective gloves.\tRemove contaminated clothes. Rinse and then wash skin with water and soap. Refer for medical attention.\n\u2022EYES\tRedness. Pain.\tSafety spectacles.\tFirst rinse with plenty of water for several minutes (remove contact lenses if easily possible), then take to a doctor.\n\u2022INGESTION\tAbdominal pain. Convulsions. Diarrhoea. Nausea. Vomiting. Skin rash.\tDo not eat, drink, or smoke during work.\tRinse mouth. Refer for medical attention." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dtap/tdap/td vaccines how often is this due", + "output": "Routine Vaccination of Infants and Children, Adolescents, Pregnant Women, and Adults\nCDC recommends diphtheria, tetanus, and acellular pertussis vaccination (DTaP for those younger than 7 years of age, and Tdap or Td for those 7 years or older) across the lifespan.\n\nInfants and children should receive 5 doses of DTaP, usually administered at 2, 4, and 6 months, 15 through 18 months, and 4 through 6 years of age. DT can be used for infants and children who should not receive acellular pertussis-containing vaccines.\nAdolescents should receive a single dose of Tdap, preferably at 11 to 12 years of age.\nPregnant women should receive a single dose of Tdap during every pregnancy, preferably at 27 through 36 weeks gestation. Tdap is recommended only in the immediate postpartum period before discharge from the hospital or birthing center for new mothers who have never received Tdap before or whose vaccination status is unknown.\nAdults should receive a single dose of Td every 10 years. For adults who did not receive Tdap as an adolescent, a dose of Tdap can replace one of the 10-year Td booster doses. (Note: When feasible, Boostrix\u00ae should be used for adults 65 years and older; however, either vaccine product administered to a person 65 years or older may be used. Providers should not miss an opportunity to vaccinate persons aged 65 years and older with Tdap. Therefore, providers may administer the Tdap vaccine they have available.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who makes this drug nitrofurantoin ?", + "output": "Procter and Gamble Pharmaceuticals, Inc." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a daily amount of prednisolone eye drops to take", + "output": "Two drops topically in the eye(s) four times daily. In cases of bacterial infections, concomitant use of anti-infective agents is mandatory. Care should be taken not to discontinue therapy prematurely." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lyrica the same as gabbentine?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long it takes for withdrawals to go away on oxycodone", + "output": "Withdrawal from oxycodone usually starts within 8-12 hours of taking the drug, and it peaks in the first 72 hours. Symptoms generally subside in about a week, although some of the psychological effects and drug cravings may persist for longer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a safe dosage for gabapentin?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "seniors and premarin?", + "output": "There have not been sufficient numbers of geriatric patients involved in studies utilizing PREMARIN to determine whether those over 65 years of age differ from younger subjects in their response to PREMARIN." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can mucinex fast-max products be used with other over-the-counter (otc) or prescription medications?", + "output": "Do not use with any other drug containing acetaminophen (prescription or nonprescription).\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how opioids reduce pain", + "output": "Opioids bind to and activate opioid receptors on cells located in many areas of the brain, spinal cord, and other organs in the body, especially those involved in feelings of pain and pleasure. When opioids attach to these receptors, they block pain signals sent from the brain to the body and release large amounts of dopamine throughout the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking buprenorphine", + "output": "The decision to discontinue therapy with buprenorphine and naloxone or buprenorphine after a period of maintenance should be made as part of a comprehensive treatment plan.\u00a0Advise patients of the potential to relapse to illicit drug use following discontinuation of opioid agonist/partial agonist medication-assisted treatment. Taper patients to reduce the occurrence of withdrawal signs and symptoms\u00a0[See Warnings and Precautions (5.7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effect of bp medicine on brain?", + "output": "Cough\n Diarrhea or constipation\n Dizziness or lightheadedness\n Erection problems\n Feeling nervous\n Feeling tired, weak, drowsy, or a lack of energy\n Headache\n Nausea or vomiting\n Skin rash\n Weight loss or gain without trying" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it for", + "output": "QVAR\u00ae\u00a0is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fentanyl \"patch,\" what if \"doesn't\" stick well", + "output": "If problems with adhesion of the fentanyl transdermal system patch occur, the edges of the patch may be taped with first aid tape. If problems with adhesion persist, the patch may be overlayed with a transparent adhesive film dressing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size pill is risedronate", + "output": "12mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in the pill montelukast?", + "output": "MONTELUKAST SODIUM; CROSCARMELLOSE SODIUM; HYDROXYPROPYL CELLULOSE, LOW SUBSTITUTED; LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; CELLULOSE, MICROCRYSTALLINE; FERROSOFERRIC OXIDE; HYPROMELLOSES; FERRIC OXIDE RED; FERRIC OXIDE YELLOW; TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meds are in the pill montelukast?", + "output": "ACTIVE INGREDIENT: MONTELUKAST SODIUM\u00a0(UNII: U1O3J18SFL) (MONTELUKAST - UNII:MHM278SD3E)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you take flu vaccine?", + "output": "Everyone 6 months of age and older should get a flu vaccine every season." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension caused by lexapro?", + "output": "Vascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop fluvoxamine malate", + "output": "Symptoms associated with discontinuation of other SSRIs and SNRIs have been reported (see\u00a0PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dydrogesterone tablets 10 mg is for what purpose", + "output": "Dydrogesterone, sold under the brand name\u00a0Duphaston\u00a0among others, is a\u00a0progestin\u00a0medication\u00a0which is used for a variety of indications, including\u00a0threatened\u00a0or\u00a0recurrent miscarriage\u00a0during\u00a0pregnancy,\u00a0dysfunctional bleeding,\u00a0infertility\u00a0due to\u00a0luteal insufficiency,\u00a0dysmenorrhea,\u00a0endometriosis, secondary\u00a0amenorrhea,\u00a0irregular cycles,\u00a0premenstrual syndrome, and as a component of\u00a0menopausal hormone therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best tme to take magnesium citrate tab.", + "output": "It is best to take\u00a0magnesium\u00a0supplements\u00a0with a meal to reduce\u00a0stomach\u00a0upset and\u00a0diarrheaunless otherwise directed by the product instructions or your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hydrochlorothiazide made by unichem is it safe?", + "output": "Accord Healthcare Inc. is voluntarily recalling One lot (Lot PW05264 \u2013 46632 Bottles, NDC 16729-182-01) of Hydrochlorothiazide Tablets USP, 12.5 mg, to the consumer level." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use spiriva", + "output": "For oral inhalation only. Do not swallow SPIRIVA capsules, as the intended effects on the lungs will not be obtained. The contents of the SPIRIVA capsules should only be used with the HANDIHALER device\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you use a dulera inhaler", + "output": "DULERA should be administered as two inhalations twice daily every day (morning and evening) by the orally inhaled route (see\u00a0PATIENT INSTRUCTIONS FOR USE\u00a0in the Patient Information leaflet)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what exactly is butalbital", + "output": "Butalbital,\u00a05-allyl-5-isobutylbarbituric acid, is a barbiturate with an intermediate duration of action." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "testosterone over counter?", + "output": "NATURAL TESTOSTERONE- avena sativa. epimedium, lycopodium clavatum, damiana, testosterone, agnus castus spray" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are beta blockers", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is viagra a treament for cor pulmonale?", + "output": "Sildenafil (Revatio, Viagra) and tadalafil (Cialis, Adcirca) are sometimes used to treat pulmonary hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Mild congestive heart failure is initially managed with a thiazide diuretic [11]. However, loop diuretics (e.g., furosemide, torsemide, or bumetanide) are the principal drugs used in the treatment of heart failure [22]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Commonly prescribed include: Furosemide (Lasix), Bumetanide (Bumex), Torsemide (Demadex), Chlorothiazide (Diuril), Amiloride (Midamor Chlorthalidone (Hygroton), Hydrochlorothiazide or HCTZ (Esidrix, Hydrodiuril), Indapamide (Lozol), Metolazone (Zaroxolyn), Triamterene (Dyrenium). What this type of medication does: Causes the body to rid itself of excess fluids and sodium through urination. Helps to relieve the heart's workload. Also decreases the buildup of fluid in the lungs and other parts of the body, such as the ankles and legs. Different diuretics remove fluid at varied rates and through different methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can i do if unusual bruising appears after injecting enoxaparin", + "output": "The local application of cold-hot packs is more effective on reducing bruises following enoxaparin sodium injections when compared with local cold pack application alone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what effect if take high cholesteron pill", + "output": "If diet and exercise don't reduce your cholesterol levels, you may need to take cholesterol medicine. Often, this medicine is a statin. Statins interfere with the production of cholesterol in your liver. They lower LDL (bad) cholesterol levels and raise HDL (good) cholesterol levels. This can slow the formation of plaques in your arteries." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will anti viral drugs activate my angio edema condition?", + "output": "[Antiviral] Treatment was discontinued prematurely due to patient-reported adverse effects in 4 (0.8%) patients, including angioedema (n\u2009=\u20091) [0.2%]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the length of entecavir treatment", + "output": "The optimal duration of treatment with entecavir tablets for patients with chronic hepatitis B virus infection and the relationship between treatment and long-term outcomes such as cirrhosis and hepatocellular carcinoma are unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how fast does teh medications take to work amlodipine", + "output": "After oral administration of therapeutic doses of amlodipine besylate, absorption produces peak plasma concentrations between 6 and 12 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are tobacco and nicotine products addictive?", + "output": "Is nicotine addictive? Yes. Most smokers use tobacco regularly because they are addicted to nicotine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does sutent affect creatine", + "output": "Among patients receiving sunitinib, the incidence of all grade increased creatinine levels is 12.4% to 65.6%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much b-12 is needed in an adult/month", + "output": "Average daily recommended amounts \u2026 Adults 2.4 mcg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does heroin stay in toxicology test", + "output": "Most of the time, heroin is no longer detectable in a person\u2019s urine after just 2 days. However, certain tests have been known to have a positive result for this drug for up to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dangerous is cutting nifedipine er cc tablets", + "output": "Nifedipine Extended-release Tablets should be swallowed whole. Do not chew, divide or crush tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of clindamycin", + "output": "Adults:\u00a0Serious infections\u00a0- 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce prednisolone", + "output": "\\pred-\u02c8ni-s\u0259-\u02ccl\u014dn\u00a0\u00a0\\" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer insulin", + "output": "Inject NOVOLOG subcutaneously within 5-10 minutes before a meal into the abdominal area, thigh, buttocks or upper arm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what dosage amounts does aripiprazole", + "output": "The recommended starting and target dose for aripiprazole is 10 mg/day or 15 mg/day administered on a once-a-day schedule without regard to meals. Aripiprazole has been systematically evaluated and shown to be effective in a dose range of 10 mg/day to 30 mg/day, when administered as the tablet formulation; however, doses higher than 10 mg/day or 15 mg/day were not more effective than 10 mg/day or 15 mg/day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does ecstasy or mda leave your body", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can spironolactone e used when talking furosemide", + "output": "The combination product, in a daily dose of 1 or 2 capsules, was found useful and well tolerated in the management of congestive heart failure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take dutasteride", + "output": "We strongly recommend that physicians discuss with their patients these potential serious adverse effects of long-term dutasteride therapy prior to instituting this form of treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in norvasc", + "output": "ACTIVE INGREDIENT-AMLODIPINE BESYLATE; INACTIVE INGREDIENTS-MICROCRYSTALLINE CELLULOSE, ANHYDROUS DIBASIC CALCIUM PHOSPHATE, SODIUM STARCH GLYCOLATE TYPE A POTATO, MAGNESIUM STEARATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan afffect blood pressure", + "output": "Hypertension \u2026 Peak (6 hour) effects were uniformly, but moderately, larger than trough effects," + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tudorza pressair is what schedule drug", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "should metoprolol and lexapro be taken together?", + "output": "Coadministration of Lexapro and metoprolol had no clinically significant effects on blood pressure or heart rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what shape is the amlodipine pill", + "output": "DIAMOND (DIAMOND)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "The cost for dronabinol oral capsule 2.5 mg is around $94 for a supply of 60 capsules, depending on the pharmacy you visit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "Quantity: 60; Per Unit: $4.68 \u2013 $15.91; Price: $280.99 \u2013 $954.47" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off calan sr", + "output": "Do not stop taking verapamil without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 6mm, Imprint Code - M;103" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 8mm, Imprint Code - M;104" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - ORANGE, Shape - CAPSULE (biconvex), Score - no score, Size - 10mm, Imprint Code - m5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - GRAY, Shape - CAPSULE (biconvex), Score - no score, Size - 12mm, Imprint Code - m10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if your child ate a tylenol tablet", + "output": "In case of overdose, get medical help or contact a Poison Control Center right away. (1-800-222-1222) Quick medical attention is critical for adults as well as for children even if you do not notice any signs or symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is heroin originated from", + "output": "Heroin is ... an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine ?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications contribute to non-alcoholic fatty liver", + "output": "Medications commonly implicated in causing fatty liver include corticosteroids, antidepressant and antipsychotic medications and, most commonly, tamoxifen. In many instances, it is unclear whether the fatty liver disease is a direct result of the medication on the liver or a consequence of weight gain triggered by the medication (as occurs with many antidepressant or antipsychotic medications). Amiodarone and methotrexate are also capable of causing fatty liver disease and hepatic injury that resembles alcoholic hepatitis with fat, lobular disarray, inflammation, Mallory bodies and fibrosis. With these two agents, however, the inflammation and fibrosis generally overshadows the degree of steatosis. Both of these agents can cause fibrosis and cirrhosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg does lunesta come \"in?\"", + "output": "LUNESTA is available in 1 mg, 2 mg and 3 mg strengths for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fentanyl", + "output": "Fentanyl is in a class of medications called narcotic (opiate) analgesics. It works by changing the way the brain and nervous system respond to pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the reason for having to use heparin after a antibodies fusion", + "output": "Heparin Lock Flush Solution, USP is intended to maintain patency of an indwelling venipuncture device designed for intermittent injection or infusion therapy or blood sampling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs case erectile dysfuntion", + "output": "The following is a list of some medicines and drugs that may cause impotence in men. There may be additional drugs other than those on this list that can cause erectile difficulties." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take to get carbidopa levodopa out of your system", + "output": "When carbidopa and levodopa are administered together, the half-life of levodopa is increased to about 1.5 hours.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "it is latanoprost a cholinergic?", + "output": "Latanoprost ophthalmic is used to treat glaucoma (a condition in which increased pressure in the eye can lead to gradual loss of vision) and ocular hypertension (a condition which causes increased pressure in the eye). Latanoprost is in a class of medications called prostaglandin analogs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take tamsulosin and ciprofloxacin ?", + "output": "INTERVENTIONS: Ciprofloxacin, 500 mg twice daily; tamsulosin, 0.4 mg once daily; a combination of the 2 drugs; or placebo. ... Treatments also did not differ significantly for any of the secondary outcomes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink voltarel or cataflam when i drink medrol", + "output": "Methylprenisolone (oral route) ... Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. \u2026 Diclofenac" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is oxybutynin an \"opioid?\"", + "output": "OXYBUTYNIN CHLORIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "in how much temp bcg vaccine should store", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can biotin effect my blood test", + "output": "FDA Warns that Biotin May Affect Some Lab Test Results \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal polysaccharide vaccine (PPSV23 or Pneumovax\u00ae) protects against 23 types of pneumococcal bacteria. CDC recommends it for all adults 65 years or older and for those 2 years or older at\u00a0increased risk for disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give diazepam rectal gel", + "output": "1. Put the person having seizures on his/her side in a place where he/she cannot fall.2. Remove the protective cover from the syringe by pushing it up with your thumb and then pulling it off.3. Put lubricating jelly on the rectal tip.4. Turn the person on his/her side facing you, bend his/her upper leg forward, and separate his/her buttocks to expose the rectum.5. Gently insert the syringe tip into the rectum until the rim is snug against the rectal opening.6.Slowly count to 3 while pushing in the plunger until it stops.7. Slowly count to 3 again, and then remove the syringe from the rectum.8. Hold the buttocks together so the gel doesn't leak from the rectum, and slowly count to 3 before letting go.9. Keep the person on his/her side. Take note of what time diazepam rectal gel was given, and continue to watch the person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there an antacid malox?", + "output": "MAALOX ANTACID - aluminum hydroxide, magnesium hydroxide, simethicone liquid\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is pepsin", + "output": "Pepsin is a potent enzyme in gastric juice that digests proteins such as those in meat, eggs, seeds, and dairy products\u00a0[12]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calciun with alendronate?", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if i am allergic to sufa can i take glipizide?", + "output": "Glipizide is an oral blood-glucose-lowering drug of the sulfonylurea class. \u2026 Glipizide Tablets, USP are contraindicated in patients with: Known hypersensitivity to the drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "PINK" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE (/Light Lavender)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "ORANGE (/orange)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in the drug methimazole", + "output": "ACTIVE INGREDIENT: METHIMAZOLE; INACTIVE INGREDIENTS: LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; STARCH, POTATO; TALC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xanax", + "output": "XANAX Tablets contain alprazolam which is a triazolo analog of the 1,4 benzodiazepine class of central nervous system-active compounds. The chemical name of alprazolam is 8-Chloro-1-methyl-6-phenyl-4H-s-triazolo [4,3-\u03b1] [1,4] benzodiazepine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should you use anti inflammatory gel", + "output": "Use topical diclofenac (Pennsaid, Voltaren) exactly as directed. Do not use more or less of it or use it more often or for a longer period of time than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does hydro coding acet 5-325", + "output": "Hydrocodone bitartrate and acetaminophen tablets are indicated for the relief of moderate to moderately severe pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tetracycline metabolized?", + "output": "Tetracyclines are readily absorbed and are bound to plasma proteins in varying degrees. They are concentrated by the liver in the bile and excreted in the urine and feces at high concentrations in a biologically active form." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do percocets look like", + "output": "Color - blue, Shape - ROUND, Score - 2 pieces, Size - 11mm, Imprint Code - PERCOCET;5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is mda or ecstasy take to leave your \"body?\"", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "In double-blind placebo-controlled trials involving dementia patients, the most common adverse reactions (incidence \u2265 5% and higher than placebo) in patients treated with memantine hydrochloride were dizziness, headache, confusion and constipation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "Memantine is in a class of medications called NMDA receptor antagonists. It works by decreasing abnormal activity in the brain. Memantine may improve the ability to think and remember or may slow the loss of these abilities in people who have AD. However, memantine will not cure AD or prevent the loss of these abilities at some time in the future." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood thinner pills how to use them safely", + "output": "Blood Thinner Pills: Your Guide to Using Them Safely ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is coumadin", + "output": "COUMADIN (warfarin sodium) tablets contain warfarin sodium, an anticoagulant that acts by inhibiting vitamin K\u2011dependent coagulation factors. The chemical name of warfarin sodium is 3-(\u03b1-acetonylbenzyl)-4-hydroxycoumarin sodium salt, which is a racemic mixture of the\u00a0R- and\u00a0S-enantiomers.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 35", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the different strenths of dexamethasone?", + "output": "Dexamethasone Tablets 0.5, 0.75, 1, 1.5, 2, 4 and 6 mg USP, Dexamethasone Oral Solution, 0.5 mg per 5 mL and Dexamethasone\u00a0Intensol\u2122 Oral Solution (Concentrate), 1 mg per mL are for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can megestrol be taken?", + "output": "At least 2 months of continuous treatment is considered an adequate period for determining the efficacy of megestrol acetate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does metformin do", + "output": "Metformin helps to control the amount of glucose (sugar) in your blood. It decreases the amount of glucose you absorb from your food and the amount of glucose made by your liver. Metformin also increases your body's response to insulin, a natural substance that controls the amount of glucose in the blood.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you use fluorouracil past expiration date?", + "output": "Do not use Carac after the expiration date on the tube." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is usual infusion time for cetuximab injecetion", + "output": "Administer 400\u00a0mg/m2\u00a0initial dose as a 120-minute intravenous infusion followed by 250\u00a0mg/m2\u00a0weekly infused over 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is streptomycin", + "output": "Streptomycin is an antibiotic produced by the soil actinomycete Streptomyces griseus. It acts by inhibiting the initiation and elongation processes during protein synthesis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the drug to drug interation for luvox and quillivant", + "output": "AUGMENTATION OF SELECTIVE serotonin re\u2010uptake inhibitor (SSRI) therapy with methylphenidate is one form of next\u2010step treatment for patients with refractory major depression, especially in elderly patients.1 We present what we believe to be the first reported case of serotonin syndrome induced by augmentation of SSRI with methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "albuterol portable \"nebulizer?\" microtia vibrating mesh nebulizing \"system.\"", + "output": "Evidence suggests that the vibrating mesh nebulizer (VMN) provides 5-fold greater aerosol delivery to the lung as compared to a jet nebulizer (JN)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i quit taking thyroid medicine", + "output": "Thyroid helps control the symptoms of hypothyroidism, but does not cure this condition. It may take up to several weeks before you notice any change in your symptoms. To control the symptoms of hypothyroidism, you probably will need to take thyroid for the rest of your life. Continue to take thyroid even if you feel well. Do not stop taking thyroid without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the highest dose lidocaine comes in", + "output": "Group: local anaesthetic agent\nInjection (hydrochloride): 5 mg/ml (0.5%), 10 mg/ml (1%) in 20-ml ampoule; 10 mg/ml (1%) + epinephrine 5 micrograms/ml (1:200 000) in 20-ml ampoule; 20 mg/ml (2%) + epinephrine 12.5 micrograms/ml (1:80 000) in 2.2-ml cartridge for dental anaesthesia; 50 mg/ml (5%) in 2-ml ampoule to be mixed with 75 mg/ml (7.5%) glucose solution\nTopical forms: 20-40 mg (hydrochloride)/ml (2-4%) as gel or solution" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in testerone injection", + "output": "TESTOSTERONE UNDECANOATE [or] TESTOSTERONE CYPIONATE [or] TESTOSTERONE ENANTHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take statins", + "output": "Take your medicine as directed. The medicine comes in tablet or capsule form. DO NOT open capsules, or break or chew tablets, before taking the medicine. You take statins once a day. Some should be taken at night, but others can be taken anytime. They come in different doses, depending on how much you need to lower your cholesterol. DO NOT stop taking your medicine without talking with your provider first. Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food. Store all of your medicines in a cool, dry place. Keep them where children cannot get to them. You should follow a healthy diet while taking statins. This includes eating less fat in your diet. Other ways you can help your heart include: Getting regular exercise Managing stress Quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the therapeutic effect of levaquin", + "output": "Levofloxacin is the L-isomer of the racemate, ofloxacin, a quinolone antimicrobial agent. The antibacterial activity of ofloxacin resides primarily in the L-isomer. The mechanism of action of levofloxacin and other fluoroquinolone antimicrobials involves inhibition of bacterial topoisomerase IV and DNA gyrase (both of which are type II topoisomerases), enzymes required for DNA replication, transcription, repair and recombination." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it nessasary to ween off of cymbalta before starting effexor?", + "output": "Switching from one antidepressant to another is frequently indicated due to an inadequate treatment response or unacceptable adverse effects. All antidepressant switches must be carried out cautiously and under close observation. Conservative switching strategies involve gradually tapering the first antidepressant followed by an adequate washout period before the new antidepressant is started. This can take a long time and include periods of no treatment with the risk of potentially life-threatening exacerbations of illness. Clinical expertise is needed for more rapid or cross-taper switching as drug toxicity, including serotonin syndrome, may result from inappropriate co-administration of antidepressants. Some antidepressants must not be combined. Antidepressants can cause withdrawal syndromes if discontinued abruptly after prolonged use. Relapse and exacerbation of depression can also occur. Gradual dose reduction over days to weeks reduces the risk and severity of complications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do steroids do to the brain", + "output": "Even though anabolic steroids do not cause the same high as other drugs, they can lead to addiction. Studies have shown that animals will self-administer steroids when they have the chance, just as they do with other addictive drugs. People may continue to abuse steroids despite physical problems, high costs to buy the drugs, and negative effects on their relationships. These behaviors reflect steroids' addictive potential. Research has further found that some steroid users turn to other drugs, such as opioids, to reduce sleep problems and irritability caused by steroids. People who abuse steroids may experience withdrawal symptoms when they stop use, including: mood swings fatigue restlessness loss of appetite sleep problems decreased sex drive steroid cravings One of the more serious withdrawal symptoms is depression, which can sometimes lead to suicide attempts." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramoxine a nsaid?", + "output": "Pramoxine is in a class of medications called topical anesthetics. It works by stopping nerves from sending pain signals." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is it he ingredients in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject pills morphine", + "output": "MORPHINE SULFATE EXTENDED-RELEASE TABLETS ARE TO BE TAKEN WHOLE, AND ARE NOT TO BE BROKEN, CHEWED OR CRUSHED. TAKING BROKEN, CHEWED OR CRUSHED MORPHINE SULFATE EXTENDED-RELEASE TABLETS COULD LEAD TO THE RAPID RELEASE AND ABSORPTION OF A POTENTIALLY TOXIC DOSE OF MORPHINE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Tablets, USP:5 mg - Light green, round, unscored tablets in bottles of 100 and 500. Debossed: WPI on one side and 2228 on the other side. 10 mg - White, round, scored tablets in bottles of 100, 500 and 1000. Debossed: WPI on one side and 2229 on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Injection, USP 5 mg metoclopramide base (as the monohydrochloride monohydrate) per mL; available in:2 mL single use vials (NDC 23155-240-31 ) in cartons of 25 (NDC 23155-240-41 ),10 mL single use vials (NDC 23155-240-32) in cartons of 25 (NDC 23155-240-42),30 mL single use vials (NDC 23155-240-33) in cartons of 25 (NDC 23155-240-43)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "XACTDOSE\u2122 Metoclopramide Oral Solution USP, 5 mg/5 mL, is a clear, sugar-free liquid with a butterscotch flavor. Each 5 mL contains 5 mg Metoclopramide (present as the hydrochloride) and is available as follows: NDC 66689-031-50: 10 mg/10 mL unit dose cups, packaged in cartons of 50 (5 trays of 10 unit dose cups each)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Each white to off white, capsule shaped biconvex metoclopramide tablets, USP with \"RF11\" embossed on one side & score line on the other side contains 10 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in: Bottle of 30 tablets NDC 63304-846-30; Bottle of 100 tablets NDC 63304-846-01; Bottle of 500 tablets NDC 63304-846-05; Bottle of 1000 tablets NDC 63304-846-10. Each white to off white, oval shaped biconvex tablets metoclopramide tablets, USP with \"RF10\" embossed on one side and plain on the other side contains 5 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in Bottles of 30 tablets NDC 63304-845-30; Bottle of 100 tablets NDC 63304-845-01; Bottle of 500 tablets NDC 63304-845-05; Bottle of 1000 tablets NDC 63304-845-10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why finasteride is not allowed by prostate \"cancer?\"", + "output": "Used for symptomatic treatment of BPH and male pattern baldness (i.e., androgenetic alopecia)\nMay decrease risk of low-grade prostate cancer; but, may increase risk of more serious high-grade prostate cancer" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when teeth have been treated how lon after do yohave to wait to have zoledronic acid injection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are there antibiotics for cold symtoms?", + "output": "The list of ineffective cold remedies is long. Some of the more common ones that don't work include: Antibiotics.\u00a0These attack bacteria, but they're no help against cold viruses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many years will the viagra pill be potent", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking xanax", + "output": "Because of the danger of withdrawal, abrupt discontinuation of treatment should be avoided (see\u00a0WARNINGS,\u00a0PRECAUTIONS,\u00a0DRUG ABUSE AND DEPENDENCE). In all patients, dosage should be reduced gradually when discontinuing therapy or when decreasing the daily dosage. Although there are no systematically collected data to support a specific discontinuation schedule, it is suggested that the daily dosage be decreased by no more than 0.5 mg every three days. Some patients may require an even slower dosage reduction. In any case, reduction of dose must be undertaken under close supervision and must be gradual. If significant withdrawal symptoms develop, the previous dosing schedule should be reinstituted and, only after stabilization, should a less rapid schedule of discontinuation be attempted. In a controlled postmarketing discontinuation study of panic disorder patients which compared this recommended taper schedule with a slower taper schedule, no difference was observed between the groups in the proportion of patients who tapered to zero dose; however, the slower schedule was associated with a reduction in symptoms associated with a withdrawal syndrome. It is suggested that the dose be reduced by no more than 0.5 mg every 3 days, with the understanding that some patients may benefit from an even more gradual discontinuation. Some patients may prove resistant to all discontinuation regimens." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug reverses the effect of heparin", + "output": "When clinical circumstances (bleeding) require reversal of heparinization, protamine sulfate (1% solution) by slow infusion will neutralize heparin sodium." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active incredience in balsalazide", + "output": "BALSALAZIDE DISODIUM" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does enalaprilat is used for treat stroke?", + "output": "Enalaprilat injection, USP is indicated for the treatment of hypertension when oral therapy is not practical." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to group of mebendazole", + "output": "Mebendazole is used to treat several types of worm infections. Mebendazole (Vermox) is used to treat roundworm and whipworm infections. Mebendazole (Emverm) is used to treat pinworm, whipworm, roundworm, and hookworm infections. Mebendazole is in a class of medications called anthelmintics. It works by killing the worms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam what is use for", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium USP is a stable co-ordination compound comprised of sodium valproate and valproic acid in a 1:1 molar relationship and formed during the partial neutralization of valproic acid with 0.5 equivalent of sodium hydroxide. Chemically it is designated as sodium hydrogen bis(2-propylpentanoate)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium delayed-release capsules are indicated as monotherapy and adjunctive therapy in the treatment of adult patients and pediatric patients down to the age of 10 years with complex partial seizures that occur either in isolation or in association with other types of seizures. Divalproex sodium delayed-release capsules are also indicated for use as sole and adjunctive therapy in the treatment of simple and complex absence seizures, and adjunctively in patients with multiple seizure types that include absence seizures.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines should not be taken with gabapentine", + "output": "Although certain medicines should not be used together at all, in other cases two different medicines may be used together even if an interaction might occur. In these cases, your doctor may want to change the dose, or other precautions may be necessary. When you are taking this medicine, it is especially important that your healthcare professional know if you are taking any of the medicines listed below. The following interactions have been selected on the basis of their potential significance and are not necessarily all-inclusive. Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Calcifediol Orlistat Using this medicine with any of the following medicines may cause an increased risk of certain side effects, but using both drugs may be the best treatment for you. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Aluminum Carbonate, Basic Aluminum Hydroxide Aluminum Phosphate Dihydroxyaluminum Aminoacetate Dihydroxyaluminum Sodium Carbonate Ginkgo Magaldrate Magnesium Carbonate Magnesium Hydroxide Magnesium Oxide Magnesium Trisilicate Morphine Morphine Sulfate Liposome" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic Acid Capsules, USP are supplied as 250 mg off-white colored soft gelatin capsules, imprinted with \"U-S 250\", packaged in bottles containing 100." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic acid is available as a red oral solution containing the equivalent of 250 mg valproic acid per 5 mL as the sodium salt in bottles of 16 ounces." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage for betamethasone", + "output": "Apply a thin film of Betamethasone Dipropionate Cream or Ointment to the affected skin areas once daily. In some cases, twice daily dosage may be necessary. Apply a few drops of Betamethasone Dipropionate Lotion to the affected skin areas and massage lightly until it disappears. Apply twice daily, in the morning and at night." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tranexamic acid how fast does it work", + "output": "After a single oral administration of two 650 mg tablets of tranexamic acid, the peak plasma concentration (Cmax) occurred at approximately 3 hours (Tmax). The absolute bioavailability of tranexamic acid tablets in women aged 18-49 is approximately 45%. Following multiple oral doses (two 650 mg tablets three times daily) administration of tranexamic acid tablets for 5 days, the mean Cmax increased by approximately 19% and the mean area under the plasma concentration-time curve (AUC) remained unchanged, compared to a single oral dose administration (two 650 mg tablets). Plasma concentrations reached steady state at the 5th dose of tranexamic acid tablets on Day 2." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me the stages of oxycodone 15 milligram hcl", + "output": "Stages of Opiate Withdrawal \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is asa ec", + "output": "Acetylsalicylic acid [Aspirin] \u2026 Enteric coated tablet \u2026 Asa EC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "glucosamine make glacoma worst?", + "output": "In general, glucosamine and chondroitin are thought to be safe. However, as with any medication, there are potential risks. ... A small 2013 study found that taking glucosamine may increase the risk of glaucoma, a condition that can threaten vision if not treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does polyethylene glycol stay good", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 6mm; Imprint Code - A16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 8mm; Imprint Code - AC41" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 11mm; Imprint Code - AC42" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol transdermal system patch", + "output": "There's no limit on how long you can take HRT, but talk to your GP about the duration of treatment they recommend. Most women stop taking it once their menopausal symptoms pass, which is usually after a few years. When you decide to stop, you can choose to do so suddenly or gradually. Gradually decreasing your HRT dose is usually recommended because it's less likely to cause your symptoms to come back in the short term. Contact your GP if you have symptoms that persist for several months after you stop HRT, or if you have particularly severe symptoms. You may need to start HRT again." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking bisoprolol", + "output": "Abrupt Cessation of Therapy: Exacerbation of angina pectoris, and, in some instances, myocardial infarction or ventricular arrhythmia, have been observed in patients with coronary artery disease following abrupt cessation of therapy with beta-blockers. Such patients should, therefore, be cautioned against interruption or discontinuation of therapy without the physician's advice. Even in patients without overt coronary artery disease, it may be advisable to taper therapy with BISOPROLOL FUMARATE over approximately one week with the patient under careful observation. If withdrawal symptoms occur, BISOPROLOL FUMARATE therapy should be reinstituted, at least temporarily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i have allergie test when taking methylprednisolone?", + "output": "May suppress reactions to skin tests" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between gabbentibe lyrica \"?\" for pain", + "output": "Though pregabalin and gabapentin have somewhat similar pharmacokinetic and pharmacodynamic profiles, there are clearly significant differences. Overall, pregabalin has more predictable pharmacokinetics, and it also shows a stronger binding affinity to its target receptor, increased potency, and a steeper dose-response curve in neuropathic pain that does not plateau over recommended dosing levels. A few studies have found that pregabalin has fewer side effects and may be more efficacious for neuropathic pain than gabapentin. Several studies reviewing conversion of gabapentin to pregabalin predict that a rough ratio for conversion is about 6:1 gabapentin to pregabalin. In addition, a direct switch from gabapentin to pregabalin seems to be well tolerated, making the conversion simple. Clinicians should note that pregabalin has various pharmacokinetic and pharmacodynamic advantages over gabapentin, and a conversion between the 2 medications is often well tolerated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's different opioid and opium", + "output": "Opioids are a class of drugs naturally found in the opium poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "foods to avoid when taking metformin", + "output": "While you do not need to avoid any foods when taking metformin, you may need to limit or avoid alcohol" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Edema: The usual adult dosage is 25 to 100 mg daily as a single or divided dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Control of Hypertension: The usual initial dose in adults is 25 mg daily given as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off lamotrigine", + "output": "Unless safety concerns require a more rapid withdrawal, the dose of lamotrigine extended-release should be tapered over a period of at least 2 weeks (approximately 50% reduction per week)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amphetamine", + "output": "Amphetamines are non-catecholamine, sympathomimetic amines with CNS stimulant activity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - no score; Size - 17mm; Imprint Code - RX904" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - 2 pieces; Size - 21mm; Imprint Code - RX905" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - no score; Size - 16mm; Imprint Code - 54356" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - 2 pieces; Size - 20mm; Imprint Code - 54518" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pantoprazole can it be taken \"plavix?\"", + "output": "Avoid concomitant use of Plavix with omeprazole or esomeprazole. In clinical studies, omeprazole was shown to reduce significantly the antiplatelet activity of Plavix when given concomitantly or 12 hours apart. A similar reduction in antiplatelet activity was observed with esomeprazole when given concomitantly with Plavix. Dexlansoprazole, lansoprazole, and pantoprazole had less effect on the antiplatelet activity of Plavix than did omeprazole or esomeprazole" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what the interaction between trimethoprim blood pressure medication", + "output": "Hyperkalemia was first recognized during high-dose trimethoprim\u2013sulfamethoxazole therapy for P. jiroveci, but it is increasingly appreciated as a potential complication at doses usually prescribed. \u2026 Hyperkalemia tends to develop after several days of therapy,32,34 and the risk factors predictably include \u2026 treatment with other drugs that inhibit kaliuresis such as angiotensin-converting enzyme (ACE) inhibitors, angiotensin receptor blockers36 and spironolactone.37 A recent population-based case\u2013control study involving 439 677 patients taking ACE inhibitors or angiotensin receptor blockers found a sevenfold increased risk of hospital admission for hyperkalemia among those taking trimethoprim\u2013sulfamethoxazole compared with those taking other antibiotics used for urinary tract infections.36 We suggest that physicians monitor patients for hyperkalemia following a few days of trimethoprim\u2013sulfamethoxazole treatment at a standard dose, especially patients with impaired renal function, which may include older patients, those with diabetes or AIDS, and those also taking ACE inhibitors, angiotensin receptor blockers or spironolactone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what antidepressants are best for someone with a heart arrhythmia", + "output": "A research team at Harvard-affiliated Massachusetts General Hospital has verified that several antidepressants may increase the risk of a potentially dangerous heart rhythm disturbance (arrhythmia). By examining the electrocardiograms (ECGs) of more than 38,000 people taking 11 different antidepressants, they confirmed that higher doses of citalopram (Celexa), amitriptyline (Elavil), and escitalopram (Lexapro) were associated with a slight disruption of the electrical function of the heart. This delay as seen on an ECG is known as a prolonged Q-T interval, and it is a risk factor for an arrhythmia that causes sudden death. Although the majority of people with this ECG abnormality never develop an arrhythmia, the researchers cautioned that people taking these antidepressants should discuss the risk with their doctor. The researchers emphasized that no one with a history of arrhythmias should start taking these medications. Instead, such a patient might try one of the antidepressants that do not increase the Q-T interval: fluoxetine (Prozac), paroxetine (Paxil), sertraline (Zoloft), or buproprion (Wellbutrin). The study was published Jan. 29, 2013, in the journal BMJ." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take phentermine to clear a drug screen?", + "output": "Since phentermine has a similar structure to amphetamines, a urine drug screen can test positive for amphetamines. This will signal the need for a confirmatory test, which will then show that it was phentermine and not amphetamine or methamphetamine. The original result will then be ruled a false positive. If you have a prescription for phentermine, you should disclose that to the testing lab so your results can be appropriately interpreted. Phentermine is likely to be detected in the urine for one to four days after a dose, up to 24 hours in the blood, and up to one month in hair tests. The amount of phentermine detected in tests and how long it stays in your system is dependent on a number of factors. These include your age, the dose and how long you've been taking it, and your metabolism. For instance, a person of average build and metabolism can expect phentermine to be present in urine for three to five days. It may be faster for someone of a small build or longer for an older person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "senna tablets what dose", + "output": "HOW SUPPLIED \u2026 DOSAGE & INDICATIONS ... MAXIMUM DOSAGE ... DOSING CONSIDERATIONS ... ADMINISTRATION \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin a prevent", + "output": "Vitamin A plays a role in your Vision Bone growth Reproduction Cell functions Immune system" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is 600mg of gabapentin considered a strong dose ? how high in my can it go?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana taken", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is supartz fx for knee", + "output": "SUPARTZ FX (also called a viscosupplement) is a non-surgical, non-pharmacologic therapy for knee osteoarthritis.... SUPARTZ FX therapy is an injectable solution made from highly purified sodium hyaluronate (also known as hyaluronic acid) that is extracted from chicken combs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lorcet \"7.5\" liquid whats in this", + "output": "HYDROCODONE BITARTRATE (UNII: NO70W886KK) (HYDROCODONE - UNII:6YKS4Y3WQ7) HYDROCODONE BITARTRATE 7.5 mg in 15 mL" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "motoprolol pill how long before it takes affect", + "output": "In man, absorption of metoprolol is rapid and complete. ... In comparison to conventional metoprolol, the plasma metoprolol levels following administration of metoprolol succinate extended-release tablets are characterized by lower peaks, longer time to peak and significantly lower peak to trough variation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "famotidine 10 mg?", + "output": "relieves heartburn associated with acid indigestion and sour stomach\nprevents heartburn associated with acid indigestion and sour stomach brought on by eating or drinking certain food and beverages" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can alprazolam lower blood pressure?", + "output": "Alprazolam is as effective as captopril in lowering BP in ED patients with an initial SBP > 160 mmHg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what side effects would magnesium have on a woman taking dilantin?", + "output": "Oral administration of MgO in a low dose (500 mg/kg) for 4 weeks in healthy rats appears to exert protective effect against MES. High oral doses of MgO (750 and 1000 mg/kg) appear to enhance the activity of phenytoin and carbamazepine in the MES model." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine is the neurotransmitter at neuromuscular junctions, at synapses in the ganglia of the visceral motor system, and at a variety of sites within the central nervous system. Whereas a great deal is known about the function of cholinergic transmission at the neuromuscular junction and at ganglionic synapses, the actions of ACh in the central nervous system are not as well understood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine functions in both the central nervous system (CNS) and the peripheral nervous system (PNS). In the CNS, cholinergic projections from the basal forebrain to the cerebral cortex and hippocampus support the cognitive functions of those target areas. In the PNS, acetylcholine activates muscles and is a major neurotransmitter in the autonomic nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are tne side effects of carprofen", + "output": "\u2026 vomiting (4%), diarrhea (4%), changes in appetite (3%), lethargy (1.4%), behavioral changes (1 %), and constipation (0.3%)\u2026." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lansoprazole long term use?", + "output": "you may repeat a 14-day course every 4 months * do not take for more than 14 days or more often than every 4 months unless directed by a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is efudex?", + "output": "Efudex Solutions and Cream are topical preparations containing the fluorinated pyrimidine 5-fluorouracil, an antineoplastic antimetabolite." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can induce hypo pigmentation of skin?", + "output": "The most common causes of drug-induced vitiligo are immune-modulating, biologic or targeted medicines. These medicines include: Topical imiquimod Interleukin (IL)-2, IL-4, and interferon Tumour necrosis factor inhibitors: infliximab, adalimumab, and etanercept The programmed death receptor inhibitors, pembrolizumab and nivolumab, used in metastatic melanoma (15% of treated patients develop vitiligo) BRAF inhibitors: vemurafenib and dabrafenib Tyrosine kinase inhibitors: imatinib and gefitinib. Rare cases of drug-induced vitiligo have also been reported from: Topical diphencyprone and squaric acid Anticonvulsants Levodopa Antimalarials such as hydroxychloroquine Other drugs. Note: phenols that cause localised contact leukoderma, such as monobenzyl ether of hydroquinone, paraphenylenediamine and rhododendrol, may also cause generalised vitiligo in rare cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is salonpas made of", + "output": "SALONPAS- camphor, menthol, methyl salicylate patch" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effects of invokana", + "output": "he following important adverse reactions are described below and elsewhere in the labeling:\n\nLower Limb Amputation [see BOXED WARNING and WARNINGS AND PRECAUTIONS (5.1)]\nHypotension [see WARNINGS AND PRECAUTIONS (5.2)]\nKetoacidosis [see WARNINGS AND PRECAUTIONS (5.3)]\nAcute Kidney Injury [see WARNINGS AND PRECAUTIONS (5.4)]\nUrosepsis and Pyelonephritis [see WARNINGS AND PRECAUTIONS (5.5)]\nHypoglycemia with Concomitant Use with Insulin and Insulin Secretagogues [see WARNINGS AND PRECAUTIONS (5.6)]\nNecrotizing Fasciitis of the Perineum (Fournier's gangrene) [see WARNINGS AND PRECAUTIONS (5.7)]\nGenital Mycotic Infections [see WARNINGS AND PRECAUTIONS (5.8)]\nHypersensitivity Reactions [see WARNINGS AND PRECAUTIONS (5.9)]\nBone Fracture [see WARNINGS AND PRECAUTIONS (5.10)]\nIncreases in Low-Density Lipoprotein (LDL-C) [see WARNINGS AND PRECAUTIONS (5.11)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after teeth treatment can you start zoledronic acid infection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are steroids", + "output": "any of various compounds containing a 17-carbon 4-ring system and including the sterols and numerous hormones (such as anabolic steroids or corticosteroids) and glycosides" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's the smell of marijuana", + "output": "Consumer perceptions of strain differences in Cannabis aroma \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do you leave bimatoprost ophthalmic", + "output": "2 to 3 minutes" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dopamine", + "output": "Dopamine (DA, a contraction of 3,4-dihydroxyphenethylamine) is an organic chemical of the catecholamine and phenethylamine families that plays several important roles in the brain and body. It is an amine synthesized by removing a carboxyl group from a molecule of its precursor chemical L-DOPA, which is synthesized in the brain and kidneys. Dopamine is also synthesized in plants and most animals. In the brain, dopamine functions as a neurotransmitter\u2014a chemical released by neurons (nerve cells) to send signals to other nerve cells. The brain includes several distinct dopamine pathways, one of which plays a major role in the motivational component of reward-motivated behavior. The anticipation of most types of rewards increases the level of dopamine in the brain,[2] and many addictive drugs increase dopamine release or block its reuptake into neurons following release. Other brain dopamine pathways are involved in motor control and in controlling the release of various hormones. These pathways and cell groups form a dopamine system which is neuromodulatory." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use an epinephrine pen", + "output": "How should I use EpiPen and EpiPen Jr? \u2026 [entire subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reconstitute cefazolin", + "output": "RECONSTITUTION \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is actonel prescribed for?", + "output": "Postmenopausal Osteoporosis ... Osteoporosis in Men ... Glucocorticoid-Induced Osteoporosis ... Paget\u2019s Disease \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brimonidine interaction with herbal supplements?", + "output": "Yohimbe: The active ingredients in yohimbine can block the actions of brimonidine in certain human tissues, thus reducing the drug's beneficial effects. Adequate human studies involving the eye are lacking, and until more information is available, yohimbine should be avoided in people using brimonidine. The interaction is supported by preliminary, weak, fragmentary, and/or contradictory scientific evidence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calcium with \"alendronate?\"", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does flomax medication do?", + "output": "Tamsulosin is used in men to treat the symptoms of an enlarged prostate (benign prostatic hyperplasia or BPH) which include difficulty urinating (hesitation, dribbling, weak stream, and incomplete bladder emptying), painful urination, and urinary frequency and urgency. Tamsulosin is in a class of medications called alpha blockers. It works by relaxing the muscles in the prostate and bladder so that urine can flow easily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where yo get tetanus shots", + "output": "Getting vaccinated is convenient \u2014 you can get most recommended vaccines at your doctor\u2019s office. Many recommended vaccines are also available at local pharmacies, health centers, health departments, and travel clinics. Below you\u2019ll find information and tools to help you find out where to get vaccinated near you \u2014 and some tips for making an appointment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does marijuana come from", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for donepezil to show in your blood", + "output": "Based on population pharmacokinetic analysis of plasma donepezil concentrations measured in patients with Alzheimer's disease, following oral dosing, peak plasma concentration is achieved in 3 hours for donepezil hydrochloride 10 mg tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "for a \"rinse,\" how many \"cc\" should be \"used?f\" lidocaine lidocaine used", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many cc of lidocaine is a dose?", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicine besides statins lower cholesterol?", + "output": "Fibrates ... Fenofibrate (TriCor) ... Gemfibrozil (Lopid) ... Resins ... Cholestyramine (Questran, LoCholest) ... Colestipol (Colestid) ... Colesevelam (WelChol) ... Absorption Blocker ... Ezetimibe (Zetia) ... Niacin ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the pill oxybutynin look like", + "output": "Product Characteristics Color BLUE (light blue) Score 2 pieces Shape ROUND Size 8mm Imprint Code 4853;V" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of lactulose", + "output": "The usual dose is 1 to 2 tablespoonfuls (15 to 30 mL, containing 10 g to 20 g of lactulose) daily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pills are not compatible with hydrocodone", + "output": "Taking certain medications or stopping treatment with certain other medications while you are taking hydrocodone may increase the risk that you will experience breathing problems, sedation, coma, or other serious, life-threatening side effects. Tell your doctor if you are taking, plan to take or plan to stop taking any of the following medications: certain antifungal medications including itraconazole (Onmel, Sporanox), ketoconazole (Extina, Nizoral, Xolegel), and voriconazole (Vfend); benzodiazepines such as alprazolam (Xanax), chlordiazepoxide (Librium), clonazepam (Klonopin), diazepam (Diastat, Valium), estazolam, flurazepam, lorazepam (Ativan), oxazepam, temazepam (Restoril), and triazolam (Halcion); carbamazepine (Carbatrol, Epitol, Equetro, Tegretol, others); cimetidine; clarithromycin (Biaxin, in Prevpac); erythromycin (E.E.S., Erythromycin, others); other narcotic pain medications; medications for mental illness or nausea; certain medications for human immunodeficiency virus (HIV) including ritonavir (Norvir, in Kaletra, in Viekira Pak); muscle relaxants; phenytoin (Dilantin, Phenytek); rifampin (Rifadin, Rimactane, in Rifamate, in Rifater); sedatives; sleeping pills; or tranquilizers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingrix vaccine how often do you get a shingles shot", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will suboxone block opioid", + "output": "Suboxone typically lasts up to 3 days. Most doctors ask their patients to take the drug once per day, typically at the same time each day. A person\u2019s weight, metabolism, and history of drug abuse can lengthen or shorten the action of Suboxone. It\u2019s best to work with a doctor on a customized dose, based on your medical history." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking trazodone", + "output": "Do not stop taking trazodone without talking to your doctor. If you suddenly stop taking trazodone, you may experience withdrawal symptoms such as anxiety, agitation, or difficulty falling asleep or staying asleep. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis", + "output": "Less common adverse reactions \u2026 Vascular disorders: hypotension (including procedural hypotension)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do i mix albuterol sulfate inhalation solution with in my nebulizer?", + "output": "Albuterol sulfate inhalation solution is supplied as a single-dose, ready-to-use vial containing 3 mL of solution. No mixing or dilution is needed. Use one new vial with each nebulizer treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color metoprolol", + "output": "Product Characteristics Color WHITE Score 2 pieces Shape OVAL (Capsule-Shaped) Size 11mm Flavor Imprint Code M" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tramadol \"milligrams?\"", + "output": "Adults (17 years of age and over): For patients with moderate to moderately severe chronic pain not requiring rapid onset of analgesic effect, the tolerability of tramadol hydrochloride can be improved by initiating therapy with a titration regimen. The total daily dose may be increased by 50 mg as tolerated every 3 days to reach 200 mg/day (50 mg q.i.d.). After titration, tramadol hydrochloride tablets 50 mg to 100 mg can be administered as needed for pain relief every four to six hours, not to exceed 400 mg per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ppis this medication for simvastatin", + "output": "PPIs may modestly boost the statin-mediated LDL-C reduction." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give insulin", + "output": "Insulin comes as a solution (liquid) and a suspension (liquid with particles that will settle on standing) to be injected subcutaneously (under the skin). Insulin is usually injected several times a day \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do i get the pneumococcal conjugate vaccine", + "output": "Vaccination Schedule for Adults 18 Years of Age and Older: Prevnar 13 is administered as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active ingredients in bimatoprost", + "output": "Active Ingredient/Active Moiety: Ingredient Name bimatoprost (UNII: QXS94885MZ) (bimatoprost - UNII:QXS94885MZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take for strattera to begin to show some improvement", + "output": "Some people report small changes in hyperactivity and impulse control within two weeks, but it may take 4 to 8 weeks for the drug to achieve maximum effectiveness." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will citalopram exacerbate heart arrhythmias?", + "output": "QT-Prolongation and Torsade de Pointes: Citalopram causes dose-dependent QTc prolongation, an ECG abnormality that has been associated with Torsade de Pointes (TdP), ventricular tachycardia, and sudden death, all of which have been observed in postmarketing reports for citalopram.... [whole subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does marijuana look like", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how it works", + "output": "The principal pharmacological action of nitroglycerin is relaxation of vascular smooth muscle and consequent dilatation of peripheral arteries and veins, especially the latter. Dilatation of the veins promotes peripheral pooling of blood and decreases venous return to the heart, thereby reducing left ventricular end-diastolic pressure and pulmonary capillary wedge pressure (preload). Arteriolar relaxation reduces systemic vascular resistance, systolic arterial pressure, and mean arterial pressure (afterload). Dilatation of the coronary arteries also occurs. The relative importance of preload reduction, afterload reduction, and coronary dilatation remains undefined." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is an esi shot in the \"back?\" epidural steroids shot in the \"back?\"", + "output": "An epidural steroid injection (ESI) is a minimally invasive procedure that can help relieve neck, arm, back, and leg pain caused by inflamed spinal nerves due to spinal stenosis or disc herniation. Medicines are delivered to the epidural space, which is a fat-filled area between the bone and the protective sac of the spinal nerves." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medication for singular 10 mg.", + "output": "SINGULAIR is indicated for the prophylaxis and chronic treatment of asthma in adults and pediatric patients 12 months of age and older. SINGULAIR is indicated for prevention of exercise-induced bronchoconstriction in patients 15 years of age and older. SINGULAIR is indicated for the relief of symptoms of allergic rhinitis (seasonal allergic rhinitis in adults and pediatric patients 2 years of age and older, and perennial allergic rhinitis in adults and pediatric patients 6 months of age and older)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "diclofenac sodium, 75 mg. how much is to much", + "output": "Diclofenac sodium may be administered as 25 mg, 50 mg, or 75 mg delayed-release tablets. Regardless of the indication, the dosage of diclofenac should be individualized to the lowest effective dose to minimize adverse effects (see CLINICAL PHARMACOLOGY: Individualization of Dosage). Osteoarthritis: The recommended dosage is 100 to 150 mg/day in divided doses, 50 mg b.i.d. or t.i.d. or 75 mg b.i.d. Dosages above 150 mg/day have not been studied in patients with osteoarthritis. Rheumatoid Arthritis: The recommended dosage is 150 to 200 mg/day in divided doses, 50 mg t.i.d. or q.i.d., or 75 mg b.i.d. Dosages above 225 mg/day are not recommended in patients with rheumatoid arthritis. Ankylosing Spondylitis: The recommended dosage is 100 to 125 mg/day, administered as 25 mg q.i.d., with an extra 25 mg dose at bedtime if necessary. Dosages above 125 mg/day have not been studied in patients with ankylosing spondylitis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what upis this medication for simvastatin", + "output": "No Answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "any \"side effects\" when stop taking clopidogrel", + "output": "Discontinuation of clopidogrel bisulfate increases the risk of cardiovascular events. If clopidogrel must be temporarily discontinued (e.g., to treat bleeding or for surgery with a major risk of bleeding), restart it as soon as possible. When possible, interrupt therapy with clopidogrel for five days prior to such surgery. Resume clopidogrel as soon as hemostasis is achieved." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can hormonal contraceptives be used for medical reasons?", + "output": "Medical Uses of the Birth Control Pill \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what opioid is in the bupropion patch", + "output": "Active Ingredient/Active Moiety: Ingredient Name buprenorphine (UNII: 40D3SCR4GZ) (buprenorphine - UNII:40D3SCR4GZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nicoderm", + "output": "reduces withdrawal symptoms, including nicotine craving, associated with quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if wanting to change from duragesic patch to oxycontin how are doseages compared", + "output": "Based on TDF patch strength, calculate oral morphine equivalent (or other opioid equivalent). If converting to oral morphine, use the 2 mg oral morphine/day ~ 1 mcg/h TDF rule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fluoride", + "output": "The mineral fluoride occurs naturally on earth and is released from rocks into the soil, water, and air. All water contains some fluoride. Usually, the fluoride level in water is not enough to prevent tooth decay; however, some groundwater and natural springs can have naturally high levels of fluoride. Fluoride has been proven to protect teeth from decay. Bacteria in the mouth produce acid when a person eats sugary foods. This acid eats away minerals from the tooth\u2019s surface, making the tooth weaker and increasing the chance of developing cavities. Fluoride helps to rebuild and strengthen the tooth\u2019s surface, or enamel. Water fluoridation prevents tooth decay by providing frequent and consistent contact with low levels of fluoride. By keeping the tooth strong and solid, fluoride stops cavities from forming and can even rebuild the tooth\u2019s surface." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is losartin prescribed rather than a calcium channel blocker.", + "output": "Losartan is in a class of medications called angiotensin II receptor antagonists. It works by blocking the action of certain natural substances that tighten the blood vessels, allowing the blood to flow more smoothly and the heart to pump more efficiently." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaineof lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to identify clonidine tablets", + "output": "Product Characteristics Color WHITE Score no score Shape ROUND (biconvex) Size 6mm Flavor Imprint Code A;16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "enoxaparin shot admin they injected into my kidney what will i do", + "output": "If patients have had neuraxial anesthesia or spinal puncture, and particularly, if they are taking concomitant NSAIDs, platelet inhibitors, or other anticoagulants, they should be informed to watch for signs and symptoms of spinal or epidural hematoma, such as tingling, numbness (especially in the lower limbs) and muscular weakness. If any of these symptoms occur the patient should contact his or her physician immediately. Additionally, the use of aspirin and other NSAID's may enhance the risk of hemorrhage. Their use should be discontinued prior to enoxaparin therapy whenever possible; if co-administration is essential, the patient's clinical and laboratory status should be closely monitored [see Drug Interactions (7)]. Patients should also be informed: of the instructions for injecting Enoxaparin Sodium Injection if their therapy is to continue after discharge from the hospitals. it may take them longer than usual to stop bleeding. they may bruise and/or bleed more easily when they are treated with Enoxaparin Sodium Injection. they should report any unusual bleeding, bruising, or signs of thrombocytopenia (such as a rash of dark red spots under the skin) to their physician [see Warnings and Precautions (5.1, 5.5)]. to tell their physicians and dentists they are taking Enoxaparin Sodium Injection and/or any other product known to affect bleeding before any surgery is scheduled and before any new drug is taken [see Warnings and Precautions (5.3)]. to tell their physicians and dentists of all medications they are taking, including those obtained without a prescription, such as aspirin or other NSAID's [see Drug Interactions (7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop taking anastrozole", + "output": "A study has found that postmenopausal women who stop taking hormonal therapy early or skip doses are much more likely to have a breast cancer recurrence than women who take hormonal therapy as prescribed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 15000,what can do for bones", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metformin after dinner and bed time?", + "output": "Metformin hydrochloride extended-release tablets, USP should generally be given once daily with the evening meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is cortisol", + "output": "Cortisol is a steroid hormone, in the glucocorticoid class of hormones. When used as a medication, it is known as hydrocortisone. It is produced in humans by the zona fasciculata of the adrenal cortex within the adrenal gland.[1] It is released in response to stress and low blood-glucose concentration. It functions to increase blood sugar through gluconeogenesis, to suppress the immune system, and to aid in the metabolism of fat, protein, and carbohydrates.[2] It also decreases bone formation.[3]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "effects of salt of epson to diabetes?", + "output": "While Epsom salt baths can be relaxing, they are not recommended for people with diabetes. Epsom salt is made up of magnesium sulfate. Why does that matter? When Epsom salts are added to a warm bath, some magnesium can be absorbed through the skin, causing an increased release of insulin, leading to hypoglycemia (low blood sugar)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "1 mg ativan ccis a small does of ativan for adults?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available. The usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day. For anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day. For insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime. For elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated. The dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 325", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prochlorperazine", + "output": "For control of severe nausea and vomiting. \nFor the treatment of schizophrenia.\n\nProchlorperazine is effective for the short-term treatment of generalized non-psychotic anxiety. However, prochlorperazine is not the first drug to be used in therapy for most patients with non-psychotic anxiety, because certain risks associated with its use are not shared by common alternative treatments (e.g., benzodiazepines).\n\nWhen used in the treatment of non-psychotic anxiety, prochlorperazine should not be administered at doses of more than 20 mg per day or for longer than 12 weeks, because the use of prochlorperazine at higher doses or for longer intervals may cause persistent tardive dyskinesia that may prove irreversible (see WARNINGS).\n\nThe effectiveness of prochlorperazine as treatment for non-psychotic anxiety was established in 4-week clinical studies of outpatients with generalized anxiety disorder. This evidence does not predict that prochlorperazine will be useful in patients with other non-psychotic conditions in which anxiety, or signs that mimic anxiety, are found (e.g., physical illness, organic mental conditions, agitated depression, character pathologies, etc.).\n\nProchlorperazine has not been shown effective in the management of behavioral complications in patients with mental retardation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does valacyclovir 1gm cure?", + "output": "Valacyclovir tablets, USP are a prescription antiviral medicine. Valacyclovir tablets, USP lower the ability of herpes viruses to multiply in your body.\n\nValacyclovir tablets, USP are used in adults:\n\nto treat cold sores (also called fever blisters or herpes labialis)\nto treat shingles (also called herpes zoster)\nto treat or control genital herpes outbreaks in adults with normal immune systems\nto control genital herpes outbreaks in adults infected with the human immunodeficiency virus (HIV) with CD4 + cell count greater than 100 cells/mm3\nwith safer sex practices to lower the chances of spreading genital herpes to others. Even with safer sex practices, it is still possible to spread genital herpes.\nValacyclovir tablets, USP used daily with the following safer sex practices can lower the chances of passing genital herpes to your partner.\n\nDo not have sexual contact with your partner when you have any symptom or outbreak of genital herpes.\nUse a condom made of latex or polyurethane whenever you have sexual contact.\nValacyclovir tablets, USP are used in children:\n\nto treat cold sores (for children \u2265 12 years of age)\nto treat chickenpox (for children 2 to < 18 years of age)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "methotrexate how many milligrams for psoriatic arthritis", + "output": "Psoriasis\nRecommended Starting Dose Schedules\n\n1. Weekly single oral, IM or IV dose schedule: 10 to 25 mg per week until adequate response is achieved.\n\n2. Divided oral dose schedule: 2.5 mg at 12 hour intervals for three doses.\n\nDosages in each schedule may be gradually adjusted to achieve optimal clinical response; 30 mg/week should not ordinarily be exceeded.\n\nOnce optimal clinical response has been achieved, each dosage schedule should be reduced to the lowest possible amount of drug and to the longest possible rest period. The use of methotrexate may permit the return to conventional topical therapy, which should be encouraged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take raloxifene", + "output": "the Raloxifene Use for The Heart (RUTH) trial, that evaluated as primary endpoint the effect of raloxifene on cardiovascular events in 10,101 postmenopausal women for a median of 5.6 years (mean age 67.5 years), clearly demonstrates the benefits of raloxifene in older women in the prevention of clinical vertebral fracture (\u221235%, p = 0.007), but not for nonvertebral fractures (p > 0.05 versus placebo), irrespective of presence or absence of risk factors for fracture.48,49" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to take toradol when breast feeding", + "output": "Nursing Mothers\nLimited data from one published study involving 10 breastfeeding women 2 to 6 days postpartum showed low levels of ketorolac in breast milk. Levels were undetectable (less than 5 ng/mL) in 4 of the patients. After a single administration of 10 mg of ketorolac tromethamine tablets, the maximum milk concentration observed was 7.3 ng/mL, and the maximum milk-to-plasma ratio was 0.037. After 1 day of dosing (10 mg every 6 hours), the maximum milk concentration was 7.9 ng/mL, and the maximum milk-to-plasma ratio was 0.025. Assuming a daily intake of 400 to 1,000 mL of human milk per day and a maternal body weight of 60 kg, the calculated maximum daily infant exposure was 0.00263 mg/kg/day, which is 0.4% of the maternal weight-adjusted dose.\n\nExercise caution when ketorolac is administered to a nursing woman. Available information has not shown any specific adverse events in nursing infants; however, instruct patients to contact their infant's health care provider if they note any adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "oxycodone hcl 5 mg & oxycodone \"10-325\" apap the same?", + "output": "PERCOCET - oxycodone hydrochloride and acetaminophen tablet. Each tablet, for oral administration, contains oxycodone hydrochloride and acetaminophen in the following strengths: Oxycodone Hydrochloride, USP 10 mg*\nAcetaminophen, USP 325 mg\n*10 mg oxycodone HCl is equivalent to 8.9637 mg of oxycodone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do beta blockers work", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is contraindication of carbamazepine", + "output": "Carbamazepine should not be used in patients with a history of previous bone marrow depression, hypersensitivity to the drug, or known sensitivity to any of the tricyclic compounds, such as amitriptyline, desipramine, imipramine, protriptyline, nortriptyline, etc. Likewise, on theoretical grounds its use with monoamine oxidase (MAO) inhibitors is not recommended. Before administration of carbamazepine, MAO inhibitors should be discontinued for a minimum of 14 days, or longer if the clinical situation permits.\n\nCoadministration of carbamazepine and nefazodone may result in insufficient plasma concentrations of nefazodone and its active metabolite to achieve a therapeutic effect. Coadministration of carbamazepine with nefazodone is contraindicated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is docusate sodium", + "output": "Stool softener" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like", + "output": "Color blue Shape CAPSULE Size 17mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin glucagon", + "output": "Glucagon for Injection is a polypeptide hormone identical to human glucagon that increases blood glucose and relaxes smooth muscle of the gastrointestinal tract." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milligrams the allopurinol", + "output": "The dosage of allopurinol tablets USP to accomplish full control of gout and to lower serum uric acid to normal or near-normal levels varies with the severity of the disease. The average is 200 to 300 mg/day for patients with mild gout and 400 to 600 mg/day for those with moderately severe tophaceous gout. The appropriate dosage may be administered in divided doses or as a single equivalent dose with the 300-mg tablet. Dosage requirements in excess of 300 mg should be administered in divided doses. The minimal effective dosage is 100 to 200 mg daily and the maximal recommended dosage is 800 mg daily. To reduce the possibility of flare-up of acute gouty attacks, it is recommended that the patient start with a low dose of allopurinol tablets USP (100 mg daily) and increase at weekly intervals by 100 mg until a serum uric acid level of 6 mg/dL or less is attained but without exceeding the maximal recommended dosage." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long itching lasts after stopping doxycycline", + "output": "Doxycycline is virtually completely absorbed after oral administration.\n\nFollowing a 200 mg dose, normal adult volunteers averaged peak serum levels of 2.6 mcg/mL of doxycycline at 2 hours, decreasing to 1.45 mcg/mL at 24 hours. Excretion of doxycycline by the kidney is about 40%/72 hours in individuals with normal function (creatinine clearance about 75 mL/min.). This percentage excretion may fall as low as 1\u20135%/72 hours in individuals with severe renal insufficiency (creatinine clearance below 10 mL/min.). Studies have shown no significant difference in serum half-life of doxycycline (range 18\u201322 hours) in individuals with normal and severely impaired renal function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why \"shouldn't\" i take gemfibrozil while taking lovastatin?", + "output": "Strong inhibitors of CYP3A4: Lovastatin, like several other inhibitors of HMG-CoA reductase, is a substrate of cytochrome P450 3A4 (CYP3A4). Certain drugs which inhibit this metabolic pathway can raise the plasma levels of lovastatin and may increase the risk of myopathy. These include itraconazole, ketoconazole, posaconazole, voriconazole, the macrolide antibiotics erythromycin and clarithromycin, the ketolide antibiotic telithromycin, HIV protease inhibitors, boceprevir, telaprevir, the antidepressant nefazodone, or cobicistat-containing products. Combination of these drugs with lovastatin is contraindicated. If short-term treatment with strong CYP3A4 inhibitors is unavoidable, therapy with lovastatin should be suspended during the course of treatment (see CONTRAINDICATIONS; PRECAUTIONS, DRUG INTERACTIONS).\n\nGemfibrozil: The combined use of lovastatin with gemfibrozil should be avoided.\n\nOther lipid-lowering drugs (other fibrates or greater than or equal to 1 g/day of niacin): Caution should be used when prescribing other fibrates or lipid-lowering doses (greater than or equal to 1 g/day) of niacin with lovastatin, as these agents can cause myopathy when given alone. The benefit of further alterations in lipid levels by the combined use of lovastatin with other fibrates or niacin should be carefully weighed against the potential risks of these combinations." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019-structured.jsonl b/xtuner/MedQA2019-structured.jsonl new file mode 100644 index 000000000..10c79fabf --- /dev/null +++ b/xtuner/MedQA2019-structured.jsonl @@ -0,0 +1,6212 @@ +[ + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does rivatigmine and otc sleep medicine interact", + "output": "tell your doctor and pharmacist what prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: antihistamines; aspirin and other nonsteroidal anti-inflammatory medications (NSAIDs) such as ibuprofen (Advil, Motrin) and naproxen (Aleve, Naprosyn); bethanechol (Duvoid, Urecholine); ipratropium (Atrovent, in Combivent, DuoNeb); and medications for Alzheimer's disease, glaucoma, irritable bowel disease, motion sickness, ulcers, or urinary problems. Your doctor may need to change the doses of your medications or monitor you carefully for side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does valium affect the brain", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects. Most of these effects are thought to result from a facilitation of the action of gamma aminobutyric acid (GABA), an inhibitory neurotransmitter in the central nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is morphine", + "output": "Morphine is a pain medication of the opiate family which is found naturally in a number of plants and animals.[5][7] It acts directly on the central nervous system (CNS) to decrease the feeling of pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the milligrams for oxycodone e", + "output": "\u2026 10 mg \u2026 20 mg \u2026 40 mg \u2026 80 mg ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "81% aspirin contain resin and shellac in it. ?", + "output": "Inactive Ingredients Ingredient Name" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is desonide ointment used for", + "output": "Desonide is used to treat the redness, swelling, itching, and discomfort of various skin conditions, including psoriasis (a skin disease in which red, scaly patches form on some areas of the body and eczema (a skin disease that causes the skin to be dry and itchy and to sometimes develop red, scaly rashes)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon can tylenol be taken after a cocktail?", + "output": "According to the National Health Service (NHS) in the UK, it is usually safe to drink a small amount of alcohol while taking this pain reliever. ... However, when people take acetaminophen at high doses or together with alcohol, it can cause side effects ranging from minor to severe, with the possibility of fatal liver damage. This risk may be higher for people with alcohol use disorder (AUD), which was previously known as alcoholism.... According to the U.S. National Library of Medicine, taking acetaminophen can be dangerous for people who regularly drink alcohol. Manufacturers currently recommend that people who have more than 3 alcoholic drinks per day should ask their doctor before taking acetaminophen." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "The combination of fluticasone and vilanterol is used to control wheezing, shortness of breath, coughing, and chest tightness caused by asthma and chronic obstructive pulmonary (COPD; a group of diseases that affect the lungs and airways, that includes chronic bronchitis and emphysema). Fluticasone is in a class of medications called steroids. It works by reducing swelling in the airways. Vilanterol is in a class of medications called long-acting beta-agonists (LABAs). It works by relaxing and opening air passages in the lungs, making it easier to breathe." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "breo inhaler how it works", + "output": "To use the inhaler, follow these steps:\n\t1\tIf you will be using a new inhaler for the first time, remove it from the box and the foil wrapper. Fill in the \"Tray opened\" and \"Discard\" blanks on the inhaler label with the date that you opened the pouch and the date 6 weeks later when you must replace the inhaler.\n\t2\tWhen you are ready to inhale your dose, slide the cover down to expose the mouthpiece until it clicks. If you open and close the inhaler without using your dose, you will waste the medication.\n\t3\tThe counter will count down by 1 each time you open the cover. If the counter does not count down, your inhaler will not provide the medicine. If your inhaler does not count down, call your pharmacist or doctor.\n\t4\tHold the inhaler away from your mouth and breathe out as far as you comfortably can. Do not breathe out into the mouthpiece.\n\t5\tPut the mouthpiece between your lips, and close your lips firmly around it. Take a long, steady, deep breath in through your mouth. Do not breathe in through your nose. Be careful not block the air vent with your fingers.\n\t6\tRemove the inhaler from your mouth, and hold your breath for about 3 to 4 seconds or as long as you comfortably can. Breathe out slowly.\n\t7\tYou may or may not taste or feel the medicine released by the inhaler. Even if you do not, do not inhale another dose. If you are not sure you are getting your dose of fluticasone and vilanterol, call your doctor or pharmacist.\n\t8\tYou may clean the mouthpiece with a dry tissue, if needed. Slide the cover up over the mouthpiece as far as it will go to close the inhaler.\n\t9\tRinse your mouth with water, but do not swallow.\nAsk your pharmacist or doctor for a copy of the manufacturer's information for the patient." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mg what is it for", + "output": "QVAR is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older. QVAR is also indicated for asthma patients who require systemic corticosteroid administration, where adding QVAR may reduce or eliminate the need for the systemic corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does cyclosporine ophthalmic helps for iritis?", + "output": "This study showed improvement of recurrent anterior uveitis [iritis] in patients while on conventional treatment with cyclosporine A 0.05% compared with conventional treatment alone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ingredient in walnut interferes with synthroid drug absorption", + "output": "Dietary fiber: Certain dietary fiber sources can impede absorption of the thyroid hormone replacement medication. Mayo Clinic staff say it is best to avoid dietary fiber in foods like walnuts, soy products, iron supplements and multivitamins containing iron." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the color of the fluvaastatin pill", + "output": "Product Characteristics Color RED (rust)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is penicillin in the pill \"montelukast?\"", + "output": "What are the ingredients in montelukast sodium tablets?\n\nActive ingredient: montelukast sodium, USP\n\nInactive ingredients:\n\n10 mg tablet: croscarmellose sodium, hydroxypropyl cellulose, lactose monohydrate, magnesium stearate, and microcrystalline cellulose. The film coating contains: black iron oxide, hydroxypropyl cellulose, hypromellose, red iron oxide, titanium dioxide, and yellow iron oxide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take metamucil with \"ciprofloxacin?\"", + "output": "diarrhea is a common problem caused by antibiotics which usually ends when the antibiotic is discontinued. Sometimes after starting treatment with antibiotics, patients can develop watery and bloody stools (with or without stomach cramps and fever) even as late as two or more months after having taken the last dose of the antibiotic. If this occurs, patients should contact their physician as soon as possible.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long before a meal should lansoprazole be taken", + "output": "Swallow 1 capsule with a glass of water before eating in the morning." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does using fluorouracil make your face look like", + "output": "The most frequent adverse reactions to Fluorouracil 5% Topical Cream occur locally and are often related to an extension of the pharmacological activity of the drug. These include burning, crusting, allergic contact dermatitis, erosions, erythema, hyperpigmentation, irritation, pain, photosensitivity, pruritus, scarring, rash, soreness and ulceration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me level iracetam", + "output": "Levetiracetam is used in combination with other medications to treat certain types of seizures in adults and children with epilepsy. Levetiracetam is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "results of stopping terazosin?", + "output": "The effect of withdrawal of terazosin therapy in patients with mild to moderate hypertension was assessed in two double-blind, placebo-controlled studies. All patients had demonstrated a stable blood pressure response to terazosin prior to withdrawal of the drug. Patients were randomly assigned either to continue treatment with terazosin at a previously established dose that had brought blood pressure under control (dose range: 1 to 40 mg daily) or to receive a matching placebo. At the end of a six- or eight-week withdrawal period, placebo-treated patients experienced mean increases of 7.3 and 12.4 mm Hg in supine diastolic blood pressure (studies M81-020 and M81-028 site 1, respectively). These increases were significantly greater than those observed for patients who continued to receive terazosin. Similar results were observed in other blood pressure variables. Withdrawal of terazosin was accompanied by a significant weight loss (2.8 and 3.6 pounds in studies M81-020 and M81-028, respectively). There were no clinically significant changes in pulse rates, physical examinations, laboratory test results, or electrocardiograms. Headache was the most common adverse experience reported by those who received placebo during the drug withdrawal period. These studies demonstrate that withdrawal of terazosin therapy is associated with an increase in supine diastolic blood pressure, often to hypertensive levels, without signs of a withdrawal syndrome." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meloxicam look like", + "output": "Product Characteristics Color YELLOW (light yellow) Score no score Shape OVAL Size 3mm Imprint Code S160" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how often", + "output": "One tablet should be dissolved under the tongue or in the buccal pouch at the first sign of an acute anginal attack. The dose may be repeated approximately every 5 minutes until relief is obtained. If the pain persists after a total of 3 tablets in a 15-minute period, or if the pain is different than is typically experienced, prompt medical attention is recommended. Nitroglycerin may be used prophylactically 5 to 10 minutes prior to engaging in activities that might precipitate an acute attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whate is vitamin c chemicl symple ?", + "output": "Active Ingredient/Active Moiety ... ASCORBIC ACID ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the maximum dose of pregabalin", + "output": "In view of the dose-dependent adverse reactions, treatment with doses above 300 mg/day is not recommended" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana it stay in system", + "output": "The effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Anxiolytics; Sedatives; and Hypnotics: (Moderate) A reduction in the dose of anxiolytics, sedatives, hypnotics and concomitantly administered dopamine agonists with sedative properties (e.g., ropinirole, pramipexole, rotigotine, apomorphine) should be considered to minimize additive sedative effects. In addition, the risk of next-day psychomotor impairment is increased during co-administration, which may decrease the ability to perform tasks requiring full mental alertness such as driving." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "neupro and ropinirole when is it safe to take", + "output": "Switching from oral dopamine agonists to rotigotine: An open-label study of 99 subjects with Parkinson\u2019s disease was conducted in which the subjects, previously treated with 3 to 12mg/day ropinirole with or without levodopa, were converted to treatment with transdermal rotigotine. The following dosage conversion was utilized; 3mg/day ropinirole to 2mg/24 hours rotigotine, 6mg/day ropinirole to 4mg/24 hours rotigotine, 8-9mg/day ropinirole to 6mg/24 hours rotigotine, 12mg/day ropinirole to 8mg/24 hours rotigotine. Patients were instructed to take their last dose of ropinirole in the afternoon or evening, applying a rotigotine patch the next morning upon awakening. Overall this study determined that an overnight switch from ropinirole to rotigotine was generally well tolerated without loss of efficacy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mg does it take to overdose on oxycodone", + "output": "OXYCODONE HCl CONTROLLED-RELEASE 80 mg and 160 mg Tablets, or a single dose greater than 40 mg, ARE FOR USE IN OPIOID-TOLERANT PATIENTS ONLY. A single dose greater than 40 mg, or total daily doses greater than 80 mg, may cause fatal respiratory depression when administered to patients who are not tolerant to the respiratory depressant effects of opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medication not to take with lithium", + "output": "What special precautions should I follow?" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mst drug/?", + "output": "MST\u00aeContinus\u00ae 5 mg, 10 mg, 15 mg, 30 mg, 60 mg, 100 mg and 200 mg prolonged release tablets: Morphine sulfate" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size doses of metformin are available?", + "output": "Metformin Hydrochloride Tablets, USP ... 500 mg ... 850 mg ... 1000 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pravastatin s9 orange how many \"grams?\u009d\"", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long morphine remains in body", + "output": "Morphine takes longer to work than heroin and the effects tend to last longer. Despite this, blood tests can only detect morphine for the first 12 hours after the last dose, and urine tests only work for up to 3 days. However, saliva tests are more effective, being able to detect traces of morphine for up to 4 days. Again, morphine stays in the hair for 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the imprint on metoprolol succ., 50 mg", + "output": "50 mg tablets: White, round, coated tablets debossed with Andrx logo and \u201c831\u201d on one side and scored on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can take the place of tramadol", + "output": "The American Academy of Pediatrics (AAP) and other pediatric associations and academies have released guidelines on the management of nociceptive pain in children. The top 3 medications\u2019 recommendations in children are paracetamol, ibuprofen, and opioids: non-opioids for mild nociceptive pain; non-opioids + weak opioids for moderate nociceptive pain and non-opioids + strong opioids for severe nociceptive pain. Codeine and tramadol are the only two opioids classified as weak opioids. In most countries, they do not require a restricted medical drug prescription and as \u201cweak\u201d opioids, they are often considered to have a lower potential for adverse drug reactions (ADR) than \u201cstrong\u201d opioids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer denosumab", + "output": "Denosumab injection comes as a solution (liquid) to be injected subcutaneously (under the skin) in your upper arm, upper thigh, or stomach area. It is usually injected by a doctor or nurse in a medical office or clinic. Denosumab injection (Prolia) is usually given once every 6 months. When denosumab injection (Xgeva) is used to reduce the risk of fractures from multiple myeloma, or cancer that has spread to the bones, it is usually given once every 4 weeks. When denosumab injection (Xgeva) is used to treat giant cell tumor of bone, or high calcium levels caused by cancer, it is usually given every 7 days for the first three doses (on day 1, day 8, and day 15) and then once every 4 weeks starting 2 weeks after the first three doses.\n\nYour doctor will tell you to take supplements of calcium and vitamin D while you are being treated with denosumab injection. Take these supplements exactly as directed.\n\nWhen denosumab injection (Prolia) is used to treat osteoporosis or bone loss, your doctor or pharmacist will give you the manufacturer's patient information sheet (Medication Guide) when you begin treatment with denosumab injection and each time you refill your prescription. Read the information carefully and ask your doctor or pharmacist if you have any questions. You can also visit the Food and Drug Administration (FDA) website (http://www.fda.gov/Drugs/DrugSafety/ucm085729.htm) or the manufacturer's website to obtain the Medication Guide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is barbiturates", + "output": "Barbiturates are sedative-hypnotic drugs that were once commonly used as sedatives or antianxiety medications. A physician must prescribe barbiturates; otherwise, their use is considered illicit. Among their limited uses, barbiturates are used to manage some seizure disorders as well as for pre-procedural sedation. In rarer instances, they are prescribed for the treatment of headache, anxiety and insomnia. However, their use in most areas of medicine has largely been supplanted by other safer medications. Barbiturates are controlled substances due to the potential they pose for abuse, physical dependence, and addiction. Some of the more common barbiturates include Luminal (phenobarbital). Brevital (methohexital). Seconal (secobarbital). Butisol (butabarbital). Fiorinal (butalbital)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the inactive ingredients to the pneumonia vaccine", + "output": "Inactive Ingredients POLYSORBATE 80 \u2026 ALUMINUM PHOSPHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prep and administer insulin", + "output": "Humulin R U-100 may be administered by subcutaneous injection in the abdominal wall, the thigh, the gluteal region or in the upper arm. Subcutaneous injection into the abdominal wall ensures a faster absorption than from other injection sites. Injection into a lifted skin fold minimizes the risk of intramuscular injection. Injection sites should be rotated within the same region. As with all insulin, the duration of action will vary according to the dose, injection site, blood flow, temperature, and level of physical activity. Intravenous administration of Humulin R U-100 is possible under medical supervision with close monitoring of blood glucose and potassium levels to avoid hypoglycemia and hypokalemia. For intravenous use, Humulin R U-100 should be used at concentrations from 0.1 unit/mL to 1 unit/mL in infusion systems with the infusion fluids 0.9% sodium chloride using polyvinyl chloride infusion bags." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medical marijuana", + "output": "Some states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "clonazepam \".25mg\" lowest dosage?", + "output": "Klonopin Wafers (clonazepam orally disintegrating tablets) are white, round and debossed with the tablet strength \u2026 0.125 mg debossed 1/8 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levaquin treat uti?", + "output": "... Complicated Urinary Tract Infections: ... Acute Pyelonephritis: ... Uncomplicated Urinary Tract Infections" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow much to takea day", + "output": "Currently, there\u2019s scientific debate about how much vitamin D people need each day. The Institute of Medicine, in a long-awaited report released on November 30, 2010 recommends tripling the daily vitamin D intake for children and adults in the U.S. and Canada, to 600 IU per day. (7) The report also recognized the safety of vitamin D by increasing the upper limit from 2,000 to 4,000 IU per day, and acknowledged that even at 4,000 IU per day, there was no good evidence of harm. The new guidelines, however, are overly conservative about the recommended intake, and they do not give enough weight to some of the latest science on vitamin D and health. For bone health and chronic disease prevention, many people are likely to need more vitamin D than even these new government guidelines recommend." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "sickness in humans caused formaldehyde on toys from china?", + "output": "The Uphill Battle to Better Regulate Formaldehyde ... Safety advocates say that tighter restrictions ... are necessary, particularly for products coming from China, where items as varied as toys and Christmas lights have been found to violate American safety standards." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is cyclobenzaprine a benzodiazepine?", + "output": "Cyclobenzaprine is in a class of medications called skeletal muscle relaxants. It works by acting in the brain and nervous system to allow the muscles to relax. \u2026............ Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin d3 do", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in estrone injection", + "output": "Estrone, sold under the brand names Estragyn, Kestrin, and Theelin among many others, is an estrogen medication and naturally occurring steroid hormone which has been used in menopausal hormone therapy and for other indications.[5][8][9][10][1][2] It has been available as an aqueous suspension or oil solution that is given by injection into muscle and as a vaginal cream that is applied inside of the vagina.[1][2][3][4] It can also be taken by mouth in the form of estrone sulfate, as in estropipate (piperazine estrone sulfate; Ogen) and conjugated estrogens (Premarin).[11][2][5]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i eat after taking rapaflo?", + "output": "The recommended dose is 8 mg orally once daily with a meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much levothyroxine is needed to treat hashimotos", + "output": "If Hashimoto's disease causes thyroid hormone deficiency, you may need replacement therapy with thyroid hormone. This usually involves daily use of the synthetic thyroid hormone levothyroxine (Levoxyl, Synthroid, others). ... Treatment with levothyroxine is usually lifelong, but because the dosage you need may change, your doctor is likely to check your TSH level about every 12 months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take tea with azithromycin?", + "output": "tell your doctor and pharmacist what other prescription and nonprescription medications, vitamins, nutritional supplements, and herbal products you are taking or plan to take. Be sure to mention any of the following: anticoagulants ('blood thinners') such as warfarin (Coumadin, Jantoven); cyclosporine (Neoral, Sandimmune); digoxin (Lanoxin); dihydroergotamine (D.H.E. 45, Migranal); ergotamine (Ergomar); medications for irregular heartbeat such as amiodarone (Cordarone, Pacerone), dofetilide (Tikosyn), procainamide (Procanbid), quinidine, and sotalol (Betapace, Sorine); nelfinavir (Viracept); phenytoin (Dilantin); and terfenadine (not available in the U.S.). Your doctor may need to change the doses of your medications or monitor you carefully for side effects.\nif you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "Active Ingredient/Active Moiety LISDEXAMFETAMINE DIMESYLATE (UNII: SJT761GEGS) (LISDEXAMFETAMINE - UNII:H645GUL8KJ) LISDEXAMFETAMINE DIMESYLATE 10 mg Inactive Ingredients MICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U) CROSCARMELLOSE SODIUM (UNII: M28OL1HH48) MAGNESIUM STEARATE (UNII: 70097M6I30) GELATIN, UNSPECIFIED (UNII: 2G86QN327L) TITANIUM DIOXIDE (UNII: 15FIX9V2JP) FD&C BLUE NO. 1 (UNII: H3R47K3TBD) FERROSOFERRIC OXIDE (UNII: XM0M87F357) FERRIC OXIDE YELLOW (UNII: EX438O2MRT) FD&C RED NO. 3 (UNII: PN2ZH5LOQY) FD&C YELLOW NO. 6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vyvanse 10 what is all in this pill is it safe", + "output": "The following adverse reactions are discussed in greater detail in other sections of the labeling:\n\nKnown hypersensitivity to amphetamine products or other ingredients of VYVANSE [see CONTRAINDICATIONS (4)]\nHypertensive Crisis When Used Concomitantly with Monoamine Oxidase Inhibitors [see CONTRAINDICATIONS (4) and DRUG INTERACTIONS (7.1)]\nDrug Dependence [see BOXED WARNING, WARNINGS AND PRECAUTIONS (5.1), and DRUG ABUSE AND DEPENDENCE (9.2, 9.3)]\nSerious Cardiovascular Reactions [see WARNINGS AND PRECAUTIONS (5.2)]\nBlood Pressure and Heart Rate Increases [see WARNINGS AND PRECAUTIONS (5.3)]\nPsychiatric Adverse Reactions [see WARNINGS AND PRECAUTIONS (5.4)]\nSuppression of Growth [see WARNINGS AND PRECAUTIONS (5.5)]\nPeripheral Vasculopathy, including Raynaud's phenomenon [see WARNINGS AND PRECAUTIONS (5.6)]\nSerotonin Syndrome [see WARNINGS AND PRECAUTIONS (5.7)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a high level of troop", + "output": "TrOOP costs are those prescription costs that can be used to calculate when you exit the Donut Hole or Coverage Gap and enter the Catastrophic Coverage stage of your Medicare Part D Coverage. The 2019 plan year Out-of-Pocket Threshold or maximum TrOOP before exiting the Donut Hole is $5,100.00." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in flomax", + "output": "Active Ingredient/Active Moiety TAMSULOSIN HYDROCHLORIDE (UNII: 11SV1951MR) (tamsulosin - UNII:G3P28OML5I) TAMSULOSIN HYDROCHLORIDE 0.4 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the class for insulin glargine?", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines raise blood sugar", + "output": "Some medicines for conditions other than diabetes can raise your blood sugar level. This is a concern when you have diabetes. Make sure every doctor you see knows about all of the medicines, vitamins, or herbal supplements you take. This means anything you take with or without a prescription.\n\nExamples include:\n\nBarbiturates.\nThiazide diuretics.\nCorticosteroids.\nBirth control pills (oral contraceptives) and progesterone.\nCatecholamines.\nDecongestants that contain beta-adrenergic agents, such as pseudoephedrine.\nThe B vitamin niacin. The risk of high blood sugar from niacin lowers after you have taken it for a few months.\nThe antipsychotic medicine olanzapine (Zyprexa)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is metopol tar use", + "output": "Hypertension Metoprolol tartrate tablets are indicated for the treatment of hypertension. They may be used alone or in combination with other antihypertensive agents. Angina Pectoris Metoprolol tartrate tablets are indicated in the long-term treatment of angina pectoris. Myocardial Infarction Metoprolol tartrate tablets are indicated in the treatment of hemodynamically stable patients with definite or suspected acute myocardial infarction to reduce cardiovascular mortality. Treatment with intravenous metoprolol can be initiated as soon as the patient's clinical condition allows (see DOSAGE AND ADMINISTRATION, CONTRAINDICATIONS, and WARNINGS ). Alternatively, treatment can begin within 3 to 10 days of the acute event (see DOSAGE AND ADMINISTRATION)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does corticosteroids cause i \"insomnia?\"", + "output": "Psychic derangements may appear when corticosteroids are used, ranging from euphoria, insomnia, mood swings, personality changes, and severe depression, to frank psychotic manifestations. Also, existing emotional instability or psychotic tendencies may be aggravated by corticosteroids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how reduce cholesterol", + "output": "A healthy lifestyle is the first defense against high cholesterol. But sometimes diet and exercise aren't enough, and you may need to take cholesterol medications. Cholesterol medications might help" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is gardasil \"contra indicated?\"", + "output": "Hypersensitivity, including severe allergic reactions to yeast (a vaccine component), or after a previous dose of GARDASIL 9 or GARDASIL [see Description (11)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the classification of cromolyn", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i take lorazepam, my eyes are blurry, if i stop taking it, will my eyes clear up ?", + "output": "Withdrawal symptoms (e.g., rebound insomnia) can appear following cessation of recommended doses after as little as one week of therapy. Abrupt discontinuation of product should be avoided and a gradual dosage-tapering schedule followed after extended therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use thymol", + "output": "Thymol is a phenol obtained from thyme oil or other volatile oils used as a stabilizer in pharmaceutical preparations, and as an antiseptic (antibacterial or antifungal) agent. It was formerly used as a vermifuge." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is zolpidem a drug?", + "output": "Zolpidem belongs to a class of medications called sedative-hypnotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mercaptopurine can be the cause of elevated bun/ creatinine level?", + "output": "Causes Of Elevated BUN and Creatinine Levels: ... Chemotherapy drugs such as: Cisplatin, Carboplatin, Carmustine, Mitomycin, high-dose Methotrexate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when does skin redness start on fluorouracil", + "output": "When Fluorouracil 5% Topical Cream is applied to a lesion, a response occurs with the following sequence: erythema, usually followed by vesiculation, desquamation, erosion and reepithelialization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of colchicine is recommended", + "output": "The dosing regimens for colchicine tablets, USP are different for each indication and must be individualized." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tier drug is methylphenidate", + "output": "DEA Schedule: CII" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is normal saline", + "output": "physiologic saline solution (physiologic salt solution) (physiologic sodium chloride solution) a 0.9 per cent solution of sodium chloride and water; it is isotonic, i.e., of the same osmotic pressure as blood serum. It is sometimes given intravenously to replace lost sodium and chloride. Excessive quantities may cause edema, elevated blood sodium levels, and loss of potassium from the tissue fluid. Called also normal saline or normal salt solution." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is zostavax for?- consider waiting for a new vaccine coming spring of 2018", + "output": "ZOSTAVAX\u00ae is a live attenuated virus vaccine indicated for prevention of herpes zoster (shingles) in individuals 50 years of age and older. Limitations of Use of ZOSTAVAX: ZOSTAVAX is not indicated for the treatment of zoster or postherpetic neuralgia (PHN). ZOSTAVAX is not indicated for prevention of primary varicella infection (Chickenpox)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprodex?", + "output": "Ciprofloxacin and dexamethasone otic is used to treat outer ear infections in adults and children and acute (suddenly occurring) middle ear infections in children with ear tubes. Ciprofloxacin is in a class of medications called quinolone antibiotics. Dexamethasone is in a class of medications called corticosteroids. The combination of ciprofloxacin and dexamethasone works by killing the bacteria that cause infection and reducing swelling in the ear." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can i get a cortisone shot", + "output": "There's concern that repeated cortisone shots might cause the cartilage within a joint to deteriorate. So doctors typically limit the number of cortisone shots into a joint. In general, you shouldn't get cortisone injections more often than every six weeks and usually not more than three or four times a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why codeine", + "output": "Codeine is used to relieve mild to moderate pain. It is also used, usually in combination with other medications, to reduce coughing. Codeine will help relieve symptoms but will not treat the cause of symptoms or speed recovery. Codeine belongs to a class of medications called opiate (narcotic) analgesics and to a class of medications called antitussives. When codeine is used to treat pain, it works by changing the way the brain and nervous system respond to pain. When codeine is used to reduce coughing, it works by decreasing the activity in the part of the brain that causes coughing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give toradol im", + "output": "When administering ketorolac tromethamine injection, the intravenous bolus must be given over no less than 15 seconds. The intramuscular administration should be given slowly and deeply into the muscle." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wean off tegretol?", + "output": "As with all antiepileptic drugs, Tegretol should be withdrawn gradually to minimize the potential of increased seizure frequency." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take these tow medications at the same time of day concerta and lexapro?", + "output": "Human pharmacologic studies have shown that methylphenidate may inhibit the metabolism of ... selective serotonin reuptake inhibitors). Downward dose adjustment of these drugs may be required when given concomitantly with methylphenidate. It may be necessary to adjust the dosage and monitor plasma drug concentrations (or, in the case of coumarin, coagulation times), when initiating or discontinuing concomitant methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long the trichomoniasis take to clear after i take the medicine", + "output": "Most people are prescribed an antibiotic called metronidazole which is very effective if taken correctly. You'll usually have to take metronidazole twice a day, for 5 to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happened if one takes a double does of simvastatin", + "output": "A few cases of overdosage with simvastatin have been reported; the maximum dose taken was 3.6 g. All patients recovered without sequelae. Supportive measures should be taken in the event of an overdose. The dialyzability of simvastatin and its metabolites in man is not known at present." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is antibiotic?", + "output": "any of a large group of chemical substances, as penicillin or streptomycin, produced by various microorganisms and fungi, having the capacity in dilute solutions to inhibit the growth of or to destroy bacteria and other microorganisms, used chiefly in the treatment of infectious diseases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what kind of rash could pravastatin cause", + "output": "In rare cases, it\u2019s possible to have a serious allergic reaction to pravastatin. ... The warning signs of a serious allergic reaction are: getting a skin rash that may include itchy, red, swollen, blistered or peeling skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ketorolac eye drops", + "output": "Ophthalmic ketorolac is used to treat itchy eyes caused by allergies. It also is used to treat swelling and redness (inflammation) that can occur after cataract surgery. Ketorolac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the release of substances that cause allergy symptoms and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take your medicine diabetes", + "output": "The medicine you take will vary by your type of diabetes and how well the medicine controls your blood glucose levels, also called blood sugar. Other factors, such as your other health conditions, medication costs, and your daily schedule may play a role in what diabetes medicine you take." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg norco comes in", + "output": "... NORCO\u00ae 5/325 ... NORCO\u00ae 7.5/325 ... NORCO\u00ae 10/325 \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is ecstasy", + "output": "3,4-methylenedioxy-methamphetamine (MDMA) is a synthetic drug that alters mood and perception (awareness of surrounding objects and conditions). It is chemically similar to both stimulants and hallucinogens, producing feelings of increased energy, pleasure, emotional warmth, and distorted sensory and time perception." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of valsartan", + "output": "What are the possible side effects of valsartan tablets? \n\nValsartan tablets may cause the following serious side effects: \n\nInjury or death to an unborn baby. See \u201cWhat is the most important information I should know about valsartan tablets?\u201d \n\nLow Blood Pressure (Hypotension). Low blood pressure is most likely to happen if you also take water pills, are on a low-salt diet, get dialysis treatments, have heart problems, or get sick with vomiting or diarrhea. Lie down, if you feel faint or dizzy. Call your doctor right away. \n\nKidney problems. Kidney problems may get worse if you already have kidney disease. Some patients will have changes on blood tests for kidney function and may need a lower dose of valsartan tablets. Call your doctor if you get swelling in your feet, ankles, or hands, or unexplained weight gain. If you have heart failure, your doctor should check your kidney function before prescribing valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with high blood pressure include:\n\nheadache\n\ndizziness\n\nflu symptoms\n\ntiredness\n\nstomach (abdominal) pain\n\nSide effects were generally mild and brief. They generally have not caused patients to stop taking valsartan tablets. \n\nThe most common side effects of valsartan tablets used to treat people with heart failure include:\n\ndizziness\nlow blood pressure\ndiarrhea\njoint and back pain\ntiredness\nhigh blood potassium" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "keflex capsules how supplied", + "output": "Keflex\u00ae Capsules (Cephalexin, USP), are available in:\n\nThe 250 mg capsules are a white powder filled into size 2 capsules (opaque white and opaque dark green) that are imprinted with Keflex 250 mg on the white body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-112-97\n \nBottles of 100 NDC 11042-112-96\nThe 333 mg capsules are a white powder filled into size 1 capsules (opaque light green and opaque light green) that are imprinted Keflex 333 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-114-40\nThe 500 mg capsules are a white powder filled into size 0 capsules (opaque light green and opaque dark green) that are imprinted with Keflex 500 mg on the light green body in edible black ink. They are available as follows:\n\n \nBottles of 20 NDC 11042-113-97\n \nBottles of 100 NDC 11042-113-96\nThe 750 mg capsules are a white powder filled into elongated size 00 capsules (opaque dark green and opaque dark green) that are imprinted Keflex 750 mg on the dark green body in edible white ink. They are available as follows:\n\n \nBottles of 50 NDC 11042-115-40" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nano silver?", + "output": "Silver nanoparticles are added to a variety of textiles and home goods as an antimicrobial. Although silver has been used safely for centuries, some question whether the rapid expansion of new exposure sources to nanosilver could have adverse consequences." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why to take vicodin", + "output": "Hydrocodone is used to relieve severe pain. Hydrocodone is only used to treat people who are expected to need medication to relieve severe pain around-the-clock for a long time and who cannot be treated with other medications or treatments. Hydrocodone extended-release (long-acting) capsules or extended-release tablets should not be used to treat pain that can be controlled by medication that is taken as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Cocaine is a type of drug that functions to increase the availability of the neurotransmitter dopamine in the brain. Dopamine is associated with the generation of 'euphoric' emotions, the regulation of movement, and the processing of reward cues. However, it is also associated with a considerable potential for dependence and abuse. Cocaine abuse is related to an increased risk of: Psychiatric disorders. Disease. Death. Cocaine is attractive as a recreational substance due to the perceived positive effects on mood, motivation, and energy. Someone abusing cocaine may smoke, snort, or take it intravenously (via injection)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cocaine and amphetamine used", + "output": "Amphetamines are central nervous system (CNS) stimulants prescribed for the treatment of: Narcolepsy. Hyperactivity, e.g. ADHD. Asthma. For example, two common CNS stimulants, Adderall and Ritalin, are prescribed for hyperactivity disorders and narcolepsy, but are commonly abused. Amphetamines are often abused for their ability to suppress appetite and stave off fatigue. In fact, many people who begin taking amphetamines to lose weight or stay awake, for example to study, get caught in the web of use and abuse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is classed as a low dose of azathioprine", + "output": "approximately 1 mg/kg (50 to 100 mg) given as a single dose or on a twice-daily schedule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does ibuprofen contain. any aspirin?", + "output": "No, ibuprofen does not contain aspirin. Ibuprofen and aspirin are two different types of NSAIDs (non-steroid anti-inflammatory drugs) that can be used to treat similar conditions. Aspirin is also in a family of medicine called salicylates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much time before tizanidine takes effect", + "output": "This medication usually starts to work in 1 to 2 hours and wears off after 6 to 8 hours. Tizanidine can be taken every 6 to 8 hours, but you should not take more than 36 milligrams a day or more than 3 doses in 24 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoprolol pill how long before it takes affect", + "output": "Metoprolol starts to work after about 2 hours, but it can take up to 1 week to fully take effect. You may not feel any different when you take metoprolol, but this doesn't mean it's not working. It's important to keep taking your medicine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce humira", + "output": "Hu\u00b7\u200bmira | \\ hy\u00fc-\u02c8mer-\u0259" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is a shingles vaccine required?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what three trade names were gven inthis chapter for this generic drug about hydrochlorothiazide", + "output": "Esidrix\u00ae\u00b6 Hydrodiuril\u00ae\u00b6 Microzide\u00ae Oretic\u00ae Zide\u00ae\u00b6" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take miralax", + "output": "Stop use and ask a doctor if ... you need to use a laxative for longer than 1 week" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long on metoprolol after vavle replacement surgery", + "output": "Typically one stays on it for around a month but it can be indefinitely if you have high blood pressure. This is a very benign drug and is very commonly used." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strength dose triamcinolone come in", + "output": "cream/ointment 0.025% 0.05% 0.1% 0.5%, lotion 0.025% 0.1%, dental paste 0.1%, aerosol solution 0.0147%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is marijuana", + "output": "Cannabis, also known as marijuana among other names,[n 1] is a psychoactive drug from the Cannabis plant used for medical or recreational purposes.[16][17][18] The main psychoactive part of cannabis is tetrahydrocannabinol (THC), one of 483 known compounds in the plant,[19] including at least 65 other cannabinoids.[20] Cannabis can be used by smoking, vaporizing, within food, or as an extract.[21] Cannabis has mental and physical effects such as creating a \"high\" or \"stoned\" feeling, a general change in perception, heightened mood, and an increase in appetite.[21][22]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long i take cipro for a urinary tract infection ?", + "output": "Infection Urinary Tract / Acute Uncomplicated 250 mg q 12 h 3 days / Mild/Moderate 250 mg q 12 h 7 to 14 days / Severe/Complicated 500 mg q 12 h 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the clotrimazole pill look like", + "output": "Product Characteristics Color white Score no score Shape ROUND Size 16mm Imprint Code 54;552" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do opioid withdraws last", + "output": "Opioid withdrawal symptoms can last anywhere from one week to one month. The first phase (acute withdrawal) begins about 12 hours after your last opioid use. It peaks at around 3 - 5 days, and lasts for approximately 1 - 4 weeks. The second phase (post-acute withdrawal) can last up to two years. The symptoms include mood swings, anxiety, variable energy, low enthusiasm, variable concentration, and disturbed sleep." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin chemo.a drug?", + "output": "Herceptin is not chemotherapy and it is not a hormone therapy. It is called a monoclonal antibody and is one of two innovative cancer therapies that utilise the natural immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg is the lowest does of coreg?", + "output": "The white, oval, film\u2011coated tablets are available in the following strengths: \u2022 3.125 mg \u2013 engraved with \u201c39\u201d and \u201cSB\u201d \u2022 6.25 mg \u2013 engraved with \u201c4140\u201d and \u201cSB\u201d \u2022 12.5 mg \u2013 engraved with \u201c4141\u201d and \u201cSB\u201d \u2022 25 mg \u2013 engraved with \u201c4142\u201d and \u201cSB\u201d" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is magnesium chelated good for", + "output": "Chelated magnesium is used as a supplement to maintain adequate magnesium in the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much acetaminophen in acetaminophen and codeine", + "output": "Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/30 mg tablet contains acetaminophen 300 mg and codeine phosphate 30 mg. \u2026 Each Acetaminophen and Codeine Phosphate Tablet USP 300 mg/60 mg tablet contains acetaminophen 300 mg and codeine phosphate 60 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do u lower your dosage of gabapentin", + "output": "If the gabapentin dose is reduced, discontinued, or substituted with an alternative medication, this should be done gradually over a minimum of 1 week (a longer period may be needed at the discretion of the prescriber)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does a 20 mcg bedford norton transdermal patch compared to say oxycodone what would be the equivalent", + "output": "25 mcg fentanyl/hr = 40 mg oral / 20 mg IV oxycodone [from conversion chart]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if meclizine does not work", + "output": "Meclizine is the generic name for the prescription drug called Antivert and the over-the-counter (OTC) medicines known as Dramamine and Bonine. Meclizine is used to treat motion sickness and dizziness.\n\nThe drug belongs to a class of drugs called antihistamines, which are generally used to treat allergies. However, meclizine works a little differently, reducing nausea and muscle spasms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long keep patient on chantix", + "output": "Patients should be treated with CHANTIX for 12 weeks. For patients who have successfully stopped smoking at the end of 12 weeks, an additional course of 12 weeks' treatment with CHANTIX is recommended to further increase the likelihood of long-term abstinence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug will cause frequent urination?", + "output": "A number of medications can cause urinary incontinence in men and women. They do this in a variety of different ways." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "has lisinopril been taken off the market?", + "output": "This branded product is no longer on the market. Generic alternatives may be available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color are the pills for levodopa carbidopa for \"50/200\" mg extended relief", + "output": "The 50 mg/200 mg tablet is supplied as an oval, scored, biconvex, compressed tablet that is peach to light peach colored." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do the side effects last after taking medroxyprogesterone", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is guanfacine classified", + "output": "Guanfacine is in a class of medications called centrally acting alpha2A-adrenergic receptor agonists." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension lexapro?", + "output": "The following additional adverse reactions have been identified from spontaneous reports of escitalopram received worldwide. These adverse reactions have been chosen for inclusion because of a combination of seriousness, frequency of reporting, or potential causal connection to escitalopram and have not been listed elsewhere in labeling. However, because these adverse reactions were reported voluntarily from a population of uncertain size, it is not always possible to reliably estimate their frequency or establish a causal relationship to drug exposure. These events include: ||\nVascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to pronounce chlordiazepoxide", + "output": "pronounced as (klor dye az e pox' ide)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you take clindamycin", + "output": "Adults: Serious infections - 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours.\n\nPediatric Patients (for children who are able to swallow capsules): Serious infections - 8 to 16 mg/kg/day (4 to 8 mg/lb/day) divided into three or four equal doses. More severe infections - 16 to 20 mg/kg/day (8 to 10 mg/lb/day) divided into three or four equal doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mix salt and hydromorphone what will happen", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pill is close to the pill hyoscyamine for bloating food to more faster", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drugs which stimulating brain ?", + "output": "Central nervous system stimulants used for attention deficit disorder, narcolepsy or excessive sleepiness include methylphenidate, atomoxetine, modafinil, armodafinil and the amphetamines. Stimulants that are no longer used for medical conditions, but that are abused, include cocaine and ecstasy or methylenedioxymetamphetamine (MDMA)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of insulin for resistance", + "output": "Insulin sensitizers like Glucophage (Metformin) may be prescribed to help your body use insulin more effectively." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is restoril additive?", + "output": "RESTORIL is a federal controlled substance (C-IV) because it can be abused or lead to dependence. Keep\nRESTORIL in a safe place to prevent misuse and abuse. Selling or giving away RESTORIL may harm others, and is against the law. Tell your healthcare provider if you have ever abused or been dependent on alcohol, prescription medicines or street drugs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin b strong compound is used for what medical condition?", + "output": "For the treatment of clinical and sub-clinical vitamin B deficiency states (manifestations of which include glossitis, stomatitis, cheilosis, the heart manifestations of beriberi, the skin manifestations of pellagra, corneal vascularisation and polyneuritis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dose for vit b12 tabet?", + "output": "When taken at appropriate doses, vitamin B-12 supplements are generally considered safe. While the recommended daily amount of vitamin B-12 for adults is 2.4 micrograms, you can safely take higher doses. Your body absorbs only as much as it needs, and any excess passes through your urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how strong is 360 mg diltiazem", + "output": "Single oral doses of 30 to 120 mg of diltiazem tablets result in detectable plasma levels within 30 to 60 minutes and peak plasma levels 2 to 4 hours after drug administration. As the dose of diltiazem tablets is increased from a daily dose of 120 mg (30 mg qid) to 240 mg (60 mg qid) daily, there is an increase in area-under-the-curve of 2.3 times. When the dose is increased from 240 mg to 360 mg daily, there is an increase in area-under-the-curve of 1.8 times." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between vitamin b12 1000 geltabs and vitamin b12 shots", + "output": "The clinical evidence-based analysis has found that oral supplementation is as effective as intramuscular injections." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does spironolactone 25 mg pill look like", + "output": "Spironolactone Tablets USP, 25 mg are white, film-coated, round tablets, debossed \u201cAN\u201d above \u201c511\u201d on one side and plain on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i eat grapefruit on simvastatin", + "output": "Certain classes of drugs \u2014 most notably statins \u2014 are metabolized (broken down) in your intestines by an enzyme called CYP3A, which normally reduces the amount of drug that enters your bloodstream. Grapefruit juice contains compounds called furanocoumarins that stop CYP3A from doing its job. As a result, more of the drug is absorbed, making it more powerful than it's meant to be \u2014 even toxic in some cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is losartan gluten free?", + "output": "Unanswerable" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food \"?\"", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tdap (adacel) 10-64 yrs how often is booster needed", + "output": "Five years should have elapsed since the recipient's last dose of tetanus toxoid, diphtheria toxoid and/or pertussis containing vaccine and the administration of Adacel vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take cefuroxime axetil to work", + "output": "You should begin to feel better during the first few days of treatment with cefuroxime. If your symptoms do not improve or get worse, call your doctor. Take cefuroxime until you finish the prescription, even if you feel better. If you stop taking cefuroxime too soon or skip doses, your infection may not be completely treated, and the bacteria may become resistant to antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana how long to steam your system", + "output": "he effects of marijuana usually last from 1 to 3 hours, but marijuana can stay in the body for days or even weeks after use. Organs in the body have fatty tissues that absorb the THC in marijuana. In general, standard urine tests can detect THC several days after use. In people who use heavily, however, urine tests can sometimes detect THC for several weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do antibiotics like keflex continue working after cessation of drug ?", + "output": "Cephalexin is excreted in the urine by glomerular filtration and tubular secretion. Studies showed that over 90% of the drug was excreted unchanged in the urine within 8 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the survival rate of opdivo \"&\" yervoy combo treatments", + "output": "The overall survival rate at 3 years was 58% in the nivolumab-plus-ipilimumab group and 52% in the nivolumab group, as compared with 34% in the ipilimumab group." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams in tramadol", + "output": "Each tablet, for oral administration contains 50 mg of tramadol hydrochloride and is white in color." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pain medication how to use", + "output": "Pain medications are safe and effective when used as directed. However, misuse of these products can be extremely harmful and even deadly.\n\nConsumers who take pain relief medications must follow their health care professional's instructions carefully. If a measuring tool is provided with your medicine, use it as directed.\n\nDo not change the dose of your pain relief medication without talking to your doctor first.\n\nAlso, pain medications should never be shared with anyone else. Only your health care professional can decide if a prescription pain medication is safe for someone.\n\nHere are other key points to remember.\n\nWith acetaminophen:\n\nTaking a higher dose than recommended will not provide more relief and can be dangerous.\nToo much can lead to liver damage and death. Risk for liver damage may be increased in people who drink three or more alcoholic beverages a day while using acetaminophen-containing medicines.\nBe cautious when giving acetaminophen to children. Infant drop medications can be significantly stronger than regular children's medications. Read and follow the directions on the label every time you use a medicine. Be sure that your infant is getting the infants' pain formula and your older child is getting the children's pain formula.\n\nWith NSAIDs:\nToo much can cause stomach bleeding. This risk increases in people who are over 60 years of age, are taking prescription blood thinners, are taking steroids, have a history of stomach bleeding or ulcers, and/or have other bleeding problems.\nUse of NSAIDs can also cause kidney damage. This risk may increase in people who are over 60 years of age, are taking a diuretic (a drug that increases the excretion of urine), have high blood pressure, heart disease, or pre-existing kidney disease.\n\nWith opioids:\nUse of opioids can lead to drowsiness. Do not drive or use any machinery that may injure you, especially when you first start the medication.The dose of an opioid pain medication that is safe for you could be high enough to cause an overdose and death in someone else, especially children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "freezing clotrimazole?", + "output": "store at temperature not exceeding 30\u00b0C (86\u00b0F). Do not freeze." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does it look like/metoprolol", + "output": "25 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"564\" on one side and break line on the other side.\n\n50 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"565\" on one side and break line on the other side.\n\n100 mg tablets: White to off-white color, round shaped, biconvex coated tablets, debossed with \"566\" on one side and break line on other side.\n\n200 mg tablets: White to off-white color, oval shaped, biconvex coated tablets, debossed with \"5\" and \"67\" on either side of break line and plain on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it ok to take a probiotic when taking an antibiotic?", + "output": "Taking probiotics during antibiotic treatment can reduce the risk of diarrhea, although the two should be taken a few hours apart. Probiotics can also help restore the gut bacteria after antibiotics." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ivermectin \"derm gard\" for dog", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take meloxicam along with tylenol + cod?", + "output": "Tylenol (generic Acetaminophen) is commonly used as an adjunct for pain relief in patients with various forms of musculoskeletal pain. While acetaminophen is not an anti-inflammatory agent (like NSAIDS, including Celebrex), it does act on pain pathways. It is important for patients to inform their physicians of breakthrough pain that is requiring the use of any over-the-counter agents as there may need to be increased monitoring for certain possible side effects (increased liver function tests, etc)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what foods should a person taking warfarin eat", + "output": "Eat a normal, healthy diet. Some foods and beverages, particularly those that contain vitamin K, can affect how warfarin works for you. Ask your doctor or pharmacist for a list of foods that contain vitamin K. Eat consistent amounts of vitamin K-containing food on a week-to-week basis. Do not eat large amounts of leafy, green vegetables or certain vegetable oils that contain large amounts of vitamin K. Be sure to talk to your doctor before you make any changes in your diet. Talk to your doctor about eating grapefruit and drinking grapefruit juice while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take doxepin and prexum together?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what tramadol pills look like", + "output": "Tramadol Hydrochloride Tablets, 50 mg are available as white, round, film coated tablets, debossed with 466 on one side and WATSON on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are contraindications for kadian", + "output": "KADIAN is contraindicated in patients with\n\nSignificant respiratory depression\nAcute or severe bronchial asthma in an unmonitored setting or in the absence of resuscitative equipment\nKnown or suspected paralytic ileus\nHypersensitivity (e.g., anaphylaxis) to morphine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is oxycodone expired", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acebutolol hcl blue pill", + "output": "Acebutolol HCl, USP is a selective, hydrophilic beta-adrenoreceptor blocking agent with mild intrinsic sympathomimetic activity for use in treating patients with hypertension and ventricular arrhythmias. It is marketed in capsule form for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "drug therapyof gastritis when taking diclofenac sodium", + "output": "When taken for a long time, painkillers like diclofenac and ibuprofen can lead to ulcers in the stomach and duodenum. But the risk of this happening can be clearly reduced by also taking medication to protect your stomach. || Various medications can lower the risk of getting a peptic ulcer. These include, in particular, drugs called proton pump inhibitors (PPIs) and H2 blockers. Both of these types of drugs reduce the production of stomach acid. In Germany, the most commonly used PPIs are omeprazole and pantoprazole. The H2 blocker that is normally used is ranitidine.\n\nThe hormone-like drug misoprostol is sometimes used too, although less often. One of the things misoprostol does is increase the production of gastric (stomach) mucus, which helps protect the stomach wall. In Germany, misoprostol is available as a combination drug together with the painkiller diclofenac." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who administers succinylcholine?", + "output": "Succinylcholine should be used only by those skilled in the management of artificial respiration and only when facilities are instantly available for tracheal intubation and for providing adequate ventilation of the patient, including the administration of oxygen under positive pressure and the elimination of carbon dioxide. The clinician must be prepared to assist or control respiration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is vitamin a important to the body", + "output": "Vitamins are substances that your body needs to grow and develop normally. Vitamin A plays a role in your\n\nVision\nBone growth\nReproduction\nCell functions\nImmune system\nVitamin A is an antioxidant. It can come from plant or animal sources. Plant sources include colorful fruits and vegetables. Animal sources include liver and whole milk. Vitamin A is also added to foods like cereals.\n\nVegetarians, young children, and alcoholics may need extra Vitamin A. You might also need more if you have certain conditions, such as liver diseases, cystic fibrosis, and Crohn's disease. Check with your health care provider to see if you need to take vitamin A supplements." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does benazepril aggravate hepatitis?", + "output": "There have been rare reports of predominantly cholestatic hepatitis and isolated cases of acute liver failure, some of them fatal, in patients on ACE inhibitors. The mechanism is not understood. Patients receiving ACE inhibitors who develop jaundice or marked elevation of hepatic enzymes should discontinue the ACE inhibitor and be kept under medical surveillance." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type if medicine is pots chloride 10meq er cap pad", + "output": "Potassium chloride is a mineral supplement used to treat or prevent low levels of potassium in the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "latanoprost ophthalmic how long do you use the drops", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does oxycontin stay in the urine", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin and glycogen", + "output": "Insulin and glucagon work in what\u2019s called a negative feedback loop. During this process, one event triggers another, which triggers another, and so on, to keep your blood sugar levels balanced.\n\nHow insulin works\nDuring digestion, foods that contain carbohydrates are converted into glucose. Most of this glucose is sent into your bloodstream, causing a rise in blood glucose levels. This increase in blood glucose signals your pancreas to produce insulin.\n\nThe insulin tells cells throughout your body to take in glucose from your bloodstream. As the glucose moves into your cells, your blood glucose levels go down. Some cells use the glucose as energy. Other cells, such as in your liver and muscles, store any excess glucose as a substance called glycogen. Your body uses glycogen for fuel between meals.\n\n||\n\nHow glucagon works\nGlucagon works to counterbalance the actions of insulin.\n\nAbout four to six hours after you eat, the glucose levels in your blood decrease, triggering your pancreas to produce glucagon. This hormone signals your liver and muscle cells to change the stored glycogen back into glucose. These cells then release the glucose into your bloodstream so your other cells can use it for energy.\n\nThis whole feedback loop with insulin and glucagon is constantly in motion. It keeps your blood sugar levels from dipping too low, ensuring that your body has a steady supply of energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how xarelto affects in the process of homeostasis", + "output": "XARELTO is a selective inhibitor of FXa. It does not require a cofactor (such as Anti-thrombin III) for activity. Rivaroxaban inhibits free FXa and prothrombinase activity. Rivaroxaban has no direct effect on platelet aggregation, but indirectly inhibits platelet aggregation induced by thrombin. By inhibiting FXa, rivaroxaban decreases thrombin generation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for \"afib what\" are side effects", + "output": "Amiodarone may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\nconstipation\nloss of appetite\nheadache\ndecreased sex drive\ndifficulty falling asleep or staying asleep\nflushing\nchanges in ability to taste and smell\nchanges in amount of saliva\nSome side effects can be serious. If you experience any of the following symptoms, or those listed in the IMPORTANT WARNING section, call your doctor immediately or get emergency medical treatment:\nrash\nweight loss or gain\nrestlessness\nweakness\nnervousness\nirritability\nintolerance to heat or cold\nthinning hair\nexcessive sweating\nchanges in menstrual cycle\nswelling in the front of the neck (goiter)\nswelling of the hands, feet, ankles, or lower legs\nuncontrollable shaking of a part of the body\ndecreased concentration\nmovements that you cannot control\npoor coordination or trouble walking\nnumbness or tingling in the hands, legs, and feet\nmuscle weakness\nAmiodarone may cause other side effects. Call your doctor if you have any unusual problems while taking this medication.\n\nIf you experience a serious side effect, you or your doctor may send a report to the Food and Drug Administration's (FDA) MedWatch Adverse Event Reporting program online (http://www.fda.gov/Safety/MedWatch) or by phone (1-800-332-1088)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to combine dapaliflozin with metformin", + "output": "Xigduo\u00ae XR (containing Dapagliflozin, Metformin)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why prozac used", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pill form topamax what does it look like", + "output": "TOPAMAX\u00ae (topiramate) Tablets are available as debossed, coated, round tablets in the following strengths and colors:\n\n25 mg cream (debossed \"OMN\" on one side; \"25\" on the other)\n\n50 mg light-yellow (debossed \"OMN\" on one side; \"50\" on the other)\n\n100 mg yellow (debossed \"OMN\" on one side; \"100\" on the other)\n\n200 mg salmon (debossed \"OMN\" on one side; \"200\" on the other)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "There are a lot of medications available for pain control that are not opioids,\u201d says Dr. Soto, who\u2019s also president of the Michigan Society of Anesthesiologists. Here are several examples:" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to use with someone in place of morphine or iodine allergies", + "output": "Unfortunately, the amount of iodine in a food isn\u2019t on a food label. It\u2019s not in books or on many web\nsites that list nutrients either. So you can\u2019t easily track iodine like some people track calories or grams\nof fat. Instead, you need to know which foods and ingredients to avoid." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 25, totalhow totakeaday", + "output": "According to the US Institute of Medicine, the recommended daily allowance is 400\u2013800 IU (10\u201320 micrograms), but common supplemental doses range from 1,000\u20132,000 IU (25\u201350 micrograms) per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do ursodiol and coconut oil mix?", + "output": "No answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why would my urine test be negative for benzodiazepines when i take ativan", + "output": "Common limitations exist for screening benzodiazepines when using traditional immunoassay (IA) tests. IA testing for benzodiazepines often targets nordiazepam and oxazepam to measure whether an antibody-antigen response occurs, resulting in a positive or negative test result. Other benzodiazepine compounds are tested for their ability to cross react with the target drug in an IA technique. In other words, low cross-reactivity of other drugs can result in false negatives for the other benzodiazepines. || Some commonly prescribed drugs have limited cross-reactivity. For example, lorazepam and 7-aminoclonazepam, the primary metabolite of clonazepam, have limited cross-reactivity with traditional IAs due to their molecular structures. Therefore, it is not uncommon for a laboratory to obtain a \u201cnegative\u201d IA result for lorazepam and 7-aminoclonazepam that is indeed positive once confirmation testing with a mass spectrometer (MS) is performed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink cataflam when i drink medrol;", + "output": "Drug interactions are reported among people who take Medrol and Cataflam together. This study is created by eHealthMe based on reports of 36 people who take Medrol and Cataflam from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much pain rellief is in fentanyl?", + "output": "Fentanyl has several potential advantages for out-of-hospital analgesia, including rapid onset, short duration, and less histamine release." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dosage/quetiapine", + "output": "2.1 Schizophrenia \n\nAdults\n\nDose Selection\u2014 SEROQUEL should generally be administered with an initial dose of 25 mg twice daily, with increases in total daily dose of 25 mg - 50 mg divided in two or three doses on the second and third day, as tolerated, to a total dose range of 300 mg to 400 mg daily by the fourth day. Further dosage adjustments, if indicated, should generally occur at intervals of not less than 2 days, as steady-state for SEROQUEL would not be achieved for approximately 1-2 days in the typical patient. When dosage adjustments are necessary, dose increments/decrements of 25 mg - 50 mg divided twice daily are recommended. Most efficacy data with SEROQUEL were obtained using three times daily dosing regimens, but in one controlled trial 225 mg given twice per day was also effective. \n\nEfficacy in schizophrenia was demonstrated in a dose range of 150 mg/day to 750 mg/day in the clinical trials supporting the effectiveness of SEROQUEL. In a dose response study, doses above 300 mg/day were not demonstrated to be more efficacious than the 300 mg/day dose. In other studies, however, doses in the range of 400 mg/day - 500 mg/day appeared to be needed. The safety of doses above 800 mg/day has not been evaluated in clinical trials." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "one dose amoxicillin how many capsule", + "output": "Infection\tSeverity\u2021\tUsual Adult Dose\tUsual Dose for Children >3 months\u00a7 \u03c0\nEar/Nose/Throat\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nLower Respiratory Tract\tMild/Moderate or Severe\t875 mg every 12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nSkin/Skin Structure\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGenitourinary Tract\tMild/Moderate\t500 mg every12 hours or 250 mg every 8 hours\t25 mg/kg/day in divided doses every 12 hours or 20 mg/kg/day in divided doses every 8 hours\n \tSevere\t875 mg every12 hours or 500 mg every 8 hours\t45 mg/kg/day in divided doses every 12 hours or 40 mg/kg/day in divided doses every 8 hours\nGonorrhea Acute, uncomplicated ano-genital and urethral infections in males and females\t \t3 grams as single oral dose\tPrepubertal children: 50 mg/kg amoxicillin, combined with 25 mg/kg probenecid as a single dose.NOTE: SINCE PROBENECID IS CONTRAINDICATED IN CHILDREN UNDER 2 YEARS, DO NOT USE THIS REGIMEN IN THESE CASES." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if too much insulin is released into the blood", + "output": "Excess insulin in the bloodstream causes cells in your body to absorb too much glucose (sugar) from your blood. It also causes the liver to release less glucose. These two effects together create dangerously low glucose levels in your blood. This condition is called hypoglycemia. || Mild hypoglycemia\nSymptoms of low blood sugar may include:\n\nsweating and clamminess\nchills\nlightheadedness or dizziness\nmild confusion\nanxiety or nervousness\nshakiness\nrapid heartbeat\nhunger\nirritability\ndouble vision or blurred vision\ntingling in the lips or around the mouth || More severe symptoms of hypoglycemia, sometimes referred to as diabetic shock or insulin shock, include:\n\nconcentration problems\nseizures\nunconsciousness\ndeath" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is amphetamine", + "output": "Amphetamine (Adzenys ER, Adzenys XR, Dyanavel XR, Evekeo) is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Amphetamine (Evekeo) is used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Amphetamine (Evekeo) is also used for a limited period of time (a few weeks) along with a reduced calorie diet and an exercise plan for weight loss in obese people unable to lose weight. Amphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis metropropnal", + "output": "Drug interactions are reported among people who take Eliquis and Metoprolol tartrate together." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "age limits for use of bupropion?", + "output": "It is not known if Bupropion Hydrochloride Extended-release (SR) tablets are safe and effective in children under the age of 18." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to self inject enoxaparin sodium", + "output": "Remove needle cover by pulling straight off of needle (see FIGURE 1). If adjusting the dose is required, the adjustment must be done prior to injecting the prescribed dose into the patient.\nFigure 1\n\nSee ADMINISTRATION: SUBCUTANEOUS INJECTION TECHNIQUE for a description of the Standard Protocol for administration.\nFigure 2\n\nDepress the plunger while grasping the finger flange until the entire dose has been given. The Passive needle guard should not activate unless the entire dose has been given.\nFigure 3\n\nRemove needle from patient, then let go of the plunger and allow syringe to move up until the entire needle is guarded.\nFigure 4\n\nDispose of syringe/needle guard assembly in approved sharps container.\nFigure 5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is 5ml in cough syrup?", + "output": "A standard dosing teaspoon holds 5ml." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to come off citalopram", + "output": "If you suddenly stop taking citalopram, you may experience withdrawal symptoms such as mood changes, irritability, agitation, dizziness, numbness, tingling or electric shock-like sensations in the hands or feet, anxiety, confusion, headache, tiredness, nausea, sweating, shaking, and difficulty falling asleep or staying asleep. Do not stop taking citalopram without talking to your doctor. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what type of drug is heroin", + "output": "It's an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wetting in pants after penicillin shot?", + "output": "Penicillin G benzathine and penicillin G procaine injection may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject insulin", + "output": "Your doctor will tell you which type(s) of insulin to use, how much insulin to use, and how often to inject insulin. Follow these directions carefully. Do not use more or less insulin or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do if missed two days of thyroid medications", + "output": "Take the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not take a double dose to make up for a missed one. Tell your doctor if you miss two or more doses of thyroid in a row." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a biologic", + "output": "Biological products include a wide range of products such as vaccines, blood and blood components, allergenics, somatic cells, gene therapy, tissues, and recombinant therapeutic proteins. Biologics can be composed of sugars, proteins, or nucleic acids or complex combinations of these substances, or may be living entities such as cells and tissues. Biologics are isolated from a variety of natural sources - human, animal, or microorganism - and may be produced by biotechnology methods and other cutting-edge technologies. Gene-based and cellular biologics, for example, often are at the forefront of biomedical research, and may be used to treat a variety of medical conditions for which no other treatments are available." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking amlodipine", + "output": "Continue to take amlodipine even if you feel well. Do not stop taking amlodipine without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is 30mg prednisone", + "output": "Yellow, 9mm, round, flat, tablet, with a score line on one side, imprinted with \u201cA670\u201d on one side and \u201c30\u201d on the other." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use ceftriaxone in malaria", + "output": "Ceftriaxone was most commonly prescribed for comorbid malaria with bacterial infections, urinary tract infections, sepsis and gastroenteritis. The appropriateness of the indication was 86% (n = 218). The doses most prescribed were 1g (41%) and 2g (39%). Stat dose and once-daily dosage regimen constituted 51.4% and 84.5%, respectively. The most common duration of treatment was 1 (51.4%) and 2 days (35.1%). The overall appropriateness of prescribing was 93% against a pre-set threshold of 97%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what his acetaminophen and 8mg phosphate codeline", + "output": "ACETAMINOPHEN AND CODEINE PHOSPHATE- acetaminophen and codeine phosphate tablet" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take a statin with or without food ?", + "output": "Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldosterone", + "output": "ALD is a hormone made by the adrenal glands. || ALD affects blood pressure and also regulates sodium (salt) and potassium in your blood, among other functions. Too much ALD can contribute to high blood pressure and low potassium levels. It\u2019s known as hyperaldosteronism when your body makes too much ALD." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why no side affects on hydromorphone listed, yet on reg inet they have a list?", + "output": "Hydromorphone may cause side effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when you stop taking spironolactone do you bleed", + "output": "If you stop taking it suddenly: If you stop taking this drug, you may start retaining water. You may also have a sudden increase in your blood pressure. This can lead to a heart attack or stroke." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many tums aday", + "output": "\u2022do not take more than 15 tablets in 24 hours\u2022if pregnant do not take more than 10 tablets in 24 hours\u2022do not use the maximum dosage for more than 2 weeks except under the advice and supervision of a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "remipril compatible with cabergoline?", + "output": "Cabergoline: (Minor) Cabergoline has minimal affinity for adrenergic receptors; however, it has been associated with hypotension in some instances. Cabergoline should be used cautiously in those receiving antihypertensive agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you take lansoprazole long term", + "output": "Bone fractures warning: People who take several doses of this drug per day for one year or longer may have an increased risk of bone fractures. These breaks may be more likely to happen in your hip, wrist, or spine. Talk to your doctor about your risk of bone fractures. You should take this drug exactly as prescribed by your doctor. Your doctor should prescribe the lowest dose possible for your treatment for the shortest amount of time. || Fundic gland polyps warning: Long-term use (especially over one year) of lansoprazole can cause fundic gland polyps. These polyps are growths on the lining of your stomach that can become cancerous. To help prevent these polyps, you should use this drug for as short a time as possible. || Vitamin B-12 deficiency. Using this drug every day for longer than three years can make it harder for your body to absorb vitamin B-12. || Low magnesium levels. Using this drug for three months or longer can decrease your magnesium levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much ethanol alcohol is in 2 puffs of \"proair?\"", + "output": "After 2 puffs (30\u2009s between puffs), breathalyser BAC results were as follows: 0.008% (1\u2009min) and 0 at 2\u2009min" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can clots still occur when taking rivaroxaban", + "output": "Rivaroxaban works by decreasing the clotting ability of the blood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you get a zoster vaccine", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what insulin can be mixed with glargine", + "output": "Do not mix with\nother insulins" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is naproxen used for", + "output": "Prescription naproxen is used to relieve pain, tenderness, swelling, and stiffness caused by osteoarthritis (arthritis caused by a breakdown of the lining of the joints), rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), juvenile arthritis (a form of joint disease in children), and ankylosing spondylitis (arthritis that mainly affects the spine). Prescription naproxen tablets, extended-release tablets, and suspension are also used to relieve shoulder pain caused by bursitis (inflammation of a fluid-filled sac in the shoulder joint), tendinitis (inflammation of the tissue that connects muscle to bone), gouty arthritis (attacks of joint pain caused by a build-up of certain substances in the joints), and pain from other causes, including menstrual pain (pain that happens before or during a menstrual period). Nonprescription naproxen is used to reduce fever and to relieve mild pain from headaches, muscle aches, arthritis, menstrual periods, the common cold, toothaches, and backaches. Naproxen is in a class of medications called NSAIDs. It works by stopping the body's production of a substance that causes pain, fever, and inflammation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "taken off this medicine / how might it affect me? palmarosa?", + "output": "It is most useful during convalescence and cools the body of fever, while aiding the digestive system, helping to clear intestinal infection, digestive atonia and anorexia nervosa. It is effective in relieving sore, stiff muscles." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amitriptyline compare to alprazolam", + "output": "In a double-blind randomized study the therapeutic effect and safety of alprazolam was compared with amitriptyline in 81 outpatients suffering from major depression. Variable dosages of both drugs were used, the mean final dose of alprazolam being 3.05 and that of amitriptyline 130 mg. Both treatment groups improved steadily, assessed weekly with the use of the Hamilton Rating Scale for Depression, and no significant differences were found between the groups, either on comparison between single items or total scores. On several of the criteria used for assessment of treatment response, however, more patients responded to amitriptyline than to alprazolam. In an analysis of specific subgroups, patients whose depression was accompanied by retardation, those in whom there were no precipitating factors and those with low levels of anxiety, responded better to amitriptyline. Considerably fewer side effects were reported by patients receiving alprazolam. In particular, there was a significantly lower incidence of dry mouth, light-headedness, tremor and tachycardia in patients receiving alprazolam compared with amitriptyline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is aldactazide used for", + "output": "The combination of spironolactone and hydrochlorothiazide is used to treat high blood pressure. This medication is also used to treat patients with edema (fluid retention) caused by various conditions, including heart, liver, or kidney disease. Spironolactone is in a class of medications called aldosterone receptor antagonists. It causes the kidneys to eliminate unneeded water and sodium from the body into the urine, but reduces the loss of potassium from the body. Hydrochlorothiazide is in a class of medications called diuretics (''water pills''). It works by causing the kidneys to get rid of unneeded water and salt from the body into the urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does insulin work?", + "output": "Insulin is a hormone that helps glucose get into your cells to give them energy. Without insulin, too much glucose stays in your blood. Over time, high blood glucose can lead to serious problems with your heart, eyes, kidneys, nerves, and gums and teeth." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use albuterol oral inhalation demonstration video", + "output": "To inhale the aerosol using an inhaler, follow these steps:\nRemove the protective dust cap from the end of the mouthpiece. If the dust cap was not placed on the mouthpiece, check the mouthpiece for dirt or other objects. Be sure that the canister is fully and firmly inserted in the mouthpiece.\nIf you are using the inhaler for the first time or if you have not used the inhaler in more than 14 days, you will need to prime it. You may also need to prime the inhaler if it has been dropped. Ask your pharmacist or check the manufacturer's information if this happens. To prime the inhaler, shake it well and then press down on the canister 4 times to release 4 sprays into the air, away from your face. Be careful not to get albuterol in your eyes.\nShake the inhaler well.\nBreathe out as completely as possible through your mouth.\nHold the canister with the mouthpiece on the bottom, facing you and the canister pointing upward. Place the open end of the mouthpiece into your mouth. Close your lips tightly around the mouthpiece.\nBreathe in slowly and deeply through the mouthpiece.At the same time, press down once on the container to spray the medication into your mouth.\nTry to hold your breath for 10 seconds. remove the inhaler, and breathe out slowly.\nIf you were told to use 2 puffs, wait 1 minute and then repeat steps 3-7.\nReplace the protective cap on the inhaler.\nClean your inhaler regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your inhaler.\nTo inhale the powder using the inhaler, follow these steps. Do not use the Respiclick inhaler with a spacer:\nIf you will be using a new inhaler for the first time, remove it from the foil wrapper. Look at the dose counter at the back of the inhaler and check that you see the number 200 in the window.\nHolding the inhaler upright, with the cap on the bottom and the inhaler pointing upwards, load the dose by opening the protective dust cap at the end of the mouthpiece until it clicks. Do not open the cap unless you are ready to use the inhaler. Every time the protective cap is opened, a dose is ready to inhale. You will see the number in the dose counter go down. Do not waste doses by opening the inhaler unless you are inhaling a dose.\nBreathe out as completely as possible through your mouth. Do not blow or exhale into the inhaler.\nPlace the mouthpiece between your lips well into your mouth. Close your lips tightly around the mouthpiece. Inhale slowly and deeply through your mouth. Do not breath in through your nose. Make sure that your fingers or lips do not block the vent above the mouthpiece.\nRemove the inhaler from your mouth and hold your breath for 10 seconds or as long as you comfortably can. Do not blow or exhale through the inhaler.\nClose the cap firmly over the mouthpiece.\nIf you are to inhale 2 puffs, repeat steps 2-6.\nKeep the inhaler clean and dry at all times. To clean your inhaler, use a clean, dry tissue or cloth. Do not wash or put any part of your inhaler in water.\nTo inhale the solution using a nebulizer, follow these steps;\nRemove one vial of albuterol solution from the foil pouch. Leave the rest of the vials in the pouch until you are ready to use them.\nLook at the liquid in the vial. It should be clear and colorless. Do not use the vial if the liquid is cloudy or discolored.\nTwist off the top of the vial and squeeze all of the liquid into the nebulizer reservoir. If you are using your nebulizer to inhale other medications, ask your doctor or pharmacist if you can place the other medications in the reservoir along with albuterol.\nConnect the nebulizer reservoir to the mouthpiece or face mask.\nConnect the nebulizer to the compressor.\nPlace the mouthpiece in your mouth or put on the face mask. Sit in an upright, comfortable position and turn on the compressor.\nBreathe in calmly, deeply, and evenly for about 5-15 minutes until mist stops forming in the nebulizer chamber.\nClean your nebulizer regularly. Follow the manufacturer's directions carefully and ask your doctor or pharmacist if you have any questions about cleaning your nebulizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "gabapentin and pregabalin what is the difference?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is pyridostigmine prescribed", + "output": "Pyridostigmine is used to decrease muscle weakness resulting from myasthenia gravis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is highest dose of oxybutynin a person can take", + "output": "Adults\nThe usual dose is one 5-mg tablet two to three times a day. The maximum recommended dose is one 5-mg tablet four times a day. A lower starting dose of 2.5 mg two or three times a day is recommended for the frail elderly.\n\nPediatric patients over 5 years of age\nThe usual dose is one 5-mg tablet two times a day. The maximum recommended dose is one 5-mg tablet three times a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is brand name of acetaminophen", + "output": "Acephen Rectal Suppository\u00ae\nFeverall Rectal Suppository\u00ae\nMapap Rectal Suppository\u00ae\nNeopap Supprettes Rectal Suppository\u00ae\nUniserts Rectal Suppository\u00ae\nAceta\u00ae\u00b6\nActamin\u00ae\nAdprin B\u00ae\nAnacin\u00ae\nApacet\u00ae\nApara\u00ae\nApra\u00ae\nConacetol\u00ae\nDolono\u00ae\nFeverall\u00ae\nGenapap\u00ae\nGenebs\u00ae\nGericet\u00ae\nHalenol\u00ae\nInfantaire\u00ae\nLiquiprin\u00ae\nLopap\u00ae\nMapap\u00ae\nMardol\u00ae\nMasophen\u00ae\nMeda Cap\u00ae\nPain-Eze\u00ae\nPanadol\u00ae\nPanex\u00ae\nParamol\u00ae\nPediapap\u00ae\nQ-Pap\u00ae\nRedutemp\u00ae\nRidenol\u00ae\nSilapap\u00ae\nS-T Febrol\u00ae\nTactinal\u00ae\nTempra\u00ae\nT-Panol\u00ae\nTycolene\u00ae\nTylenol\u00ae\nTylophen\u00ae\nUni-Ace\u00ae\nVitapap\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ink 2.3 how much coumadine should one take", + "output": "Take COUMADIN exactly as prescribed. Your healthcare provider will adjust your dose from time to time depending on your response to COUMADIN.\nYou must have regular blood tests and visits with your healthcare provider to monitor your condition.\nIf you miss a dose of COUMADIN, call your healthcare provider. Take the dose as soon as possible on the same day. Do not take a double dose of COUMADIN the next day to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how about the sexual medicine name", + "output": "n/a" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does spiriva work", + "output": "Tiotropium is in a class of medications called bronchodilators. It works by relaxing and opening the air passages to the lungs to make breathing easier." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "norvasc and depression?", + "output": "The following events occurred in <1% but >0.1% of patients in controlled clinical trials or under conditions of open trials or marketing experience where a causal relationship is uncertain; they are listed to alert the physician to a possible relationship: || Psychiatric: sexual dysfunction (male4 and female), insomnia, nervousness, depression, abnormal dreams, anxiety, depersonalization." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many days after taking the pill with i start my period", + "output": "Regular menstrual cycles will return within 3 to 6 months after a woman stops using most hormonal birth control methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often zoster zoster vaccine needs to be taken", + "output": "The Centers for Disease Control and Prevention recommends that healthy adults 50 years and older get the Shingrix vaccine. You need two doses of the vaccine, given 2 to 6 months apart. Another vaccine, Zostavax, may be used in certain cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bioflavonoid", + "output": "Bioflavonoids are a group of what are called \u201cpolyphenolic\u201d plant-derived compounds. They\u2019re also called flavonoids. There are between 4,000 and 6,000 different varieties known. Some are used in medicine, supplements, or for other health purposes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the symptoms of a human exposed to boric acid powder", + "output": "The main symptoms of boric acid poisoning are blue-green vomit, diarrhea, and a bright red rash on the skin. Other symptoms may include:\n\u2022SKIN\tMAY BE ABSORBED! Redness. May be absorbed through injured skin.\tProtective gloves.\tRemove contaminated clothes. Rinse and then wash skin with water and soap. Refer for medical attention.\n\u2022EYES\tRedness. Pain.\tSafety spectacles.\tFirst rinse with plenty of water for several minutes (remove contact lenses if easily possible), then take to a doctor.\n\u2022INGESTION\tAbdominal pain. Convulsions. Diarrhoea. Nausea. Vomiting. Skin rash.\tDo not eat, drink, or smoke during work.\tRinse mouth. Refer for medical attention." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dtap/tdap/td vaccines how often is this due", + "output": "Routine Vaccination of Infants and Children, Adolescents, Pregnant Women, and Adults\nCDC recommends diphtheria, tetanus, and acellular pertussis vaccination (DTaP for those younger than 7 years of age, and Tdap or Td for those 7 years or older) across the lifespan.\n\nInfants and children should receive 5 doses of DTaP, usually administered at 2, 4, and 6 months, 15 through 18 months, and 4 through 6 years of age. DT can be used for infants and children who should not receive acellular pertussis-containing vaccines.\nAdolescents should receive a single dose of Tdap, preferably at 11 to 12 years of age.\nPregnant women should receive a single dose of Tdap during every pregnancy, preferably at 27 through 36 weeks gestation. Tdap is recommended only in the immediate postpartum period before discharge from the hospital or birthing center for new mothers who have never received Tdap before or whose vaccination status is unknown.\nAdults should receive a single dose of Td every 10 years. For adults who did not receive Tdap as an adolescent, a dose of Tdap can replace one of the 10-year Td booster doses. (Note: When feasible, Boostrix\u00ae should be used for adults 65 years and older; however, either vaccine product administered to a person 65 years or older may be used. Providers should not miss an opportunity to vaccinate persons aged 65 years and older with Tdap. Therefore, providers may administer the Tdap vaccine they have available.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "who makes this drug nitrofurantoin ?", + "output": "Procter and Gamble Pharmaceuticals, Inc." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a daily amount of prednisolone eye drops to take", + "output": "Two drops topically in the eye(s) four times daily. In cases of bacterial infections, concomitant use of anti-infective agents is mandatory. Care should be taken not to discontinue therapy prematurely." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lyrica the same as gabbentine?", + "output": "Lyrica (pregablin) and gabapentin (Neurontin) are anti-epileptic medications used to treat seizures and nerve pain (neuropathic pain).\nGabapentin also is used to treat nerve pain caused by shingles (herpes zoster). || Side effects of gabapentin that are different from Lyrica include:\nDifficulty speaking\nViral infections\nFever\nUnusual eye movements\nJerky movements\n|| Side effects of Lyrica that are different from gabapentin include:\nDry mouth\nConstipation\nSwelling (edema)\nBreast enlargement\nWeight gain" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long it takes for withdrawals to go away on oxycodone", + "output": "Withdrawal from oxycodone usually starts within 8-12 hours of taking the drug, and it peaks in the first 72 hours. Symptoms generally subside in about a week, although some of the psychological effects and drug cravings may persist for longer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a safe dosage for gabapentin?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "seniors and premarin?", + "output": "There have not been sufficient numbers of geriatric patients involved in studies utilizing PREMARIN to determine whether those over 65 years of age differ from younger subjects in their response to PREMARIN." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can mucinex fast-max products be used with other over-the-counter (otc) or prescription medications?", + "output": "Do not use with any other drug containing acetaminophen (prescription or nonprescription).\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how opioids reduce pain", + "output": "Opioids bind to and activate opioid receptors on cells located in many areas of the brain, spinal cord, and other organs in the body, especially those involved in feelings of pain and pleasure. When opioids attach to these receptors, they block pain signals sent from the brain to the body and release large amounts of dopamine throughout the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking buprenorphine", + "output": "The decision to discontinue therapy with buprenorphine and naloxone or buprenorphine after a period of maintenance should be made as part of a comprehensive treatment plan.\u00a0Advise patients of the potential to relapse to illicit drug use following discontinuation of opioid agonist/partial agonist medication-assisted treatment. Taper patients to reduce the occurrence of withdrawal signs and symptoms\u00a0[See Warnings and Precautions (5.7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effect of bp medicine on brain?", + "output": "Cough\n Diarrhea or constipation\n Dizziness or lightheadedness\n Erection problems\n Feeling nervous\n Feeling tired, weak, drowsy, or a lack of energy\n Headache\n Nausea or vomiting\n Skin rash\n Weight loss or gain without trying" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it for", + "output": "QVAR\u00ae\u00a0is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fentanyl \"patch,\" what if \"doesn't\" stick well", + "output": "If problems with adhesion of the fentanyl transdermal system patch occur, the edges of the patch may be taped with first aid tape. If problems with adhesion persist, the patch may be overlayed with a transparent adhesive film dressing." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size pill is risedronate", + "output": "12mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in the pill montelukast?", + "output": "MONTELUKAST SODIUM; CROSCARMELLOSE SODIUM; HYDROXYPROPYL CELLULOSE, LOW SUBSTITUTED; LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; CELLULOSE, MICROCRYSTALLINE; FERROSOFERRIC OXIDE; HYPROMELLOSES; FERRIC OXIDE RED; FERRIC OXIDE YELLOW; TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what meds are in the pill montelukast?", + "output": "ACTIVE INGREDIENT: MONTELUKAST SODIUM\u00a0(UNII: U1O3J18SFL) (MONTELUKAST - UNII:MHM278SD3E)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you take flu vaccine?", + "output": "Everyone 6 months of age and older should get a flu vaccine every season." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hyptotension caused by lexapro?", + "output": "Vascular Disorders: deep vein thrombosis, flushing, hypertensive crisis, hypotension, orthostatic hypotension, phlebitis, thrombosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop fluvoxamine malate", + "output": "Symptoms associated with discontinuation of other SSRIs and SNRIs have been reported (see\u00a0PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "dydrogesterone tablets 10 mg is for what purpose", + "output": "Dydrogesterone, sold under the brand name\u00a0Duphaston\u00a0among others, is a\u00a0progestin\u00a0medication\u00a0which is used for a variety of indications, including\u00a0threatened\u00a0or\u00a0recurrent miscarriage\u00a0during\u00a0pregnancy,\u00a0dysfunctional bleeding,\u00a0infertility\u00a0due to\u00a0luteal insufficiency,\u00a0dysmenorrhea,\u00a0endometriosis, secondary\u00a0amenorrhea,\u00a0irregular cycles,\u00a0premenstrual syndrome, and as a component of\u00a0menopausal hormone therapy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a shingles vaccine", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best tme to take magnesium citrate tab.", + "output": "It is best to take\u00a0magnesium\u00a0supplements\u00a0with a meal to reduce\u00a0stomach\u00a0upset and\u00a0diarrheaunless otherwise directed by the product instructions or your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "hydrochlorothiazide made by unichem is it safe?", + "output": "Accord Healthcare Inc. is voluntarily recalling One lot (Lot PW05264 \u2013 46632 Bottles, NDC 16729-182-01) of Hydrochlorothiazide Tablets USP, 12.5 mg, to the consumer level." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use spiriva", + "output": "For oral inhalation only. Do not swallow SPIRIVA capsules, as the intended effects on the lungs will not be obtained. The contents of the SPIRIVA capsules should only be used with the HANDIHALER device\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should you use a dulera inhaler", + "output": "DULERA should be administered as two inhalations twice daily every day (morning and evening) by the orally inhaled route (see\u00a0PATIENT INSTRUCTIONS FOR USE\u00a0in the Patient Information leaflet)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what exactly is butalbital", + "output": "Butalbital,\u00a05-allyl-5-isobutylbarbituric acid, is a barbiturate with an intermediate duration of action." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "testosterone over counter?", + "output": "NATURAL TESTOSTERONE- avena sativa. epimedium, lycopodium clavatum, damiana, testosterone, agnus castus spray" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are beta blockers", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is viagra a treament for cor pulmonale?", + "output": "Sildenafil (Revatio, Viagra) and tadalafil (Cialis, Adcirca) are sometimes used to treat pulmonary hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Mild congestive heart failure is initially managed with a thiazide diuretic [11]. However, loop diuretics (e.g., furosemide, torsemide, or bumetanide) are the principal drugs used in the treatment of heart failure [22]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is lasix the only diuretic drug for fluid build up in heart failure patients?", + "output": "Commonly prescribed include: Furosemide (Lasix), Bumetanide (Bumex), Torsemide (Demadex), Chlorothiazide (Diuril), Amiloride (Midamor Chlorthalidone (Hygroton), Hydrochlorothiazide or HCTZ (Esidrix, Hydrodiuril), Indapamide (Lozol), Metolazone (Zaroxolyn), Triamterene (Dyrenium). What this type of medication does: Causes the body to rid itself of excess fluids and sodium through urination. Helps to relieve the heart's workload. Also decreases the buildup of fluid in the lungs and other parts of the body, such as the ankles and legs. Different diuretics remove fluid at varied rates and through different methods." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what can i do if unusual bruising appears after injecting enoxaparin", + "output": "The local application of cold-hot packs is more effective on reducing bruises following enoxaparin sodium injections when compared with local cold pack application alone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what effect if take high cholesteron pill", + "output": "If diet and exercise don't reduce your cholesterol levels, you may need to take cholesterol medicine. Often, this medicine is a statin. Statins interfere with the production of cholesterol in your liver. They lower LDL (bad) cholesterol levels and raise HDL (good) cholesterol levels. This can slow the formation of plaques in your arteries." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will anti viral drugs activate my angio edema condition?", + "output": "[Antiviral] Treatment was discontinued prematurely due to patient-reported adverse effects in 4 (0.8%) patients, including angioedema (n\u2009=\u20091) [0.2%]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the length of entecavir treatment", + "output": "The optimal duration of treatment with entecavir tablets for patients with chronic hepatitis B virus infection and the relationship between treatment and long-term outcomes such as cirrhosis and hepatocellular carcinoma are unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how fast does teh medications take to work amlodipine", + "output": "After oral administration of therapeutic doses of amlodipine besylate, absorption produces peak plasma concentrations between 6 and 12 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are tobacco and nicotine products addictive?", + "output": "Is nicotine addictive? Yes. Most smokers use tobacco regularly because they are addicted to nicotine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does sutent affect creatine", + "output": "Among patients receiving sunitinib, the incidence of all grade increased creatinine levels is 12.4% to 65.6%" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much b-12 is needed in an adult/month", + "output": "Average daily recommended amounts \u2026 Adults 2.4 mcg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does heroin stay in toxicology test", + "output": "Most of the time, heroin is no longer detectable in a person\u2019s urine after just 2 days. However, certain tests have been known to have a positive result for this drug for up to 7 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dangerous is cutting nifedipine er cc tablets", + "output": "Nifedipine Extended-release Tablets should be swallowed whole. Do not chew, divide or crush tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of clindamycin", + "output": "Adults:\u00a0Serious infections\u00a0- 150 to 300 mg every 6 hours. More severe infections - 300 to 450 mg every 6 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do you pronounce prednisolone", + "output": "\\pred-\u02c8ni-s\u0259-\u02ccl\u014dn\u00a0\u00a0\\" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to administer insulin", + "output": "Inject NOVOLOG subcutaneously within 5-10 minutes before a meal into the abdominal area, thigh, buttocks or upper arm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what dosage amounts does aripiprazole", + "output": "The recommended starting and target dose for aripiprazole is 10 mg/day or 15 mg/day administered on a once-a-day schedule without regard to meals. Aripiprazole has been systematically evaluated and shown to be effective in a dose range of 10 mg/day to 30 mg/day, when administered as the tablet formulation; however, doses higher than 10 mg/day or 15 mg/day were not more effective than 10 mg/day or 15 mg/day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does ecstasy or mda leave your body", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can spironolactone e used when talking furosemide", + "output": "The combination product, in a daily dose of 1 or 2 capsules, was found useful and well tolerated in the management of congestive heart failure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take dutasteride", + "output": "We strongly recommend that physicians discuss with their patients these potential serious adverse effects of long-term dutasteride therapy prior to instituting this form of treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in norvasc", + "output": "ACTIVE INGREDIENT-AMLODIPINE BESYLATE; INACTIVE INGREDIENTS-MICROCRYSTALLINE CELLULOSE, ANHYDROUS DIBASIC CALCIUM PHOSPHATE, SODIUM STARCH GLYCOLATE TYPE A POTATO, MAGNESIUM STEARATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan afffect blood pressure", + "output": "Hypertension \u2026 Peak (6 hour) effects were uniformly, but moderately, larger than trough effects," + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tudorza pressair is what schedule drug", + "output": "DEA Schedule: None" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "should metoprolol and lexapro be taken together?", + "output": "Coadministration of Lexapro and metoprolol had no clinically significant effects on blood pressure or heart rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what shape is the amlodipine pill", + "output": "DIAMOND (DIAMOND)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "The cost for dronabinol oral capsule 2.5 mg is around $94 for a supply of 60 capsules, depending on the pharmacy you visit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dronabinol marijuana how much are ten mg pills worth", + "output": "Quantity: 60; Per Unit: $4.68 \u2013 $15.91; Price: $280.99 \u2013 $954.47" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off calan sr", + "output": "Do not stop taking verapamil without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 6mm, Imprint Code - M;103" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - WHITE, Shape - ROUND, Score - no score, Size - 8mm, Imprint Code - M;104" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - ORANGE, Shape - CAPSULE (biconvex), Score - no score, Size - 10mm, Imprint Code - m5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does memantine look like", + "output": "Color - GRAY, Shape - CAPSULE (biconvex), Score - no score, Size - 12mm, Imprint Code - m10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if your child ate a tylenol tablet", + "output": "In case of overdose, get medical help or contact a Poison Control Center right away. (1-800-222-1222) Quick medical attention is critical for adults as well as for children even if you do not notice any signs or symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is heroin originated from", + "output": "Heroin is ... an opioid drug made from morphine, a natural substance in the seedpod of the Asian poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine ?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications contribute to non-alcoholic fatty liver", + "output": "Medications commonly implicated in causing fatty liver include corticosteroids, antidepressant and antipsychotic medications and, most commonly, tamoxifen. In many instances, it is unclear whether the fatty liver disease is a direct result of the medication on the liver or a consequence of weight gain triggered by the medication (as occurs with many antidepressant or antipsychotic medications). Amiodarone and methotrexate are also capable of causing fatty liver disease and hepatic injury that resembles alcoholic hepatitis with fat, lobular disarray, inflammation, Mallory bodies and fibrosis. With these two agents, however, the inflammation and fibrosis generally overshadows the degree of steatosis. Both of these agents can cause fibrosis and cirrhosis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg does lunesta come \"in?\"", + "output": "LUNESTA is available in 1 mg, 2 mg and 3 mg strengths for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fentanyl", + "output": "Fentanyl is in a class of medications called narcotic (opiate) analgesics. It works by changing the way the brain and nervous system respond to pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the reason for having to use heparin after a antibodies fusion", + "output": "Heparin Lock Flush Solution, USP is intended to maintain patency of an indwelling venipuncture device designed for intermittent injection or infusion therapy or blood sampling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "The recommended schedule for live shingles vaccine is a single dose for\u00a0adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine , is it necessary to get a 2nd shot?", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs case erectile dysfuntion", + "output": "The following is a list of some medicines and drugs that may cause impotence in men. There may be additional drugs other than those on this list that can cause erectile difficulties." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does it take to get carbidopa levodopa out of your system", + "output": "When carbidopa and levodopa are administered together, the half-life of levodopa is increased to about 1.5 hours.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "it is latanoprost a cholinergic?", + "output": "Latanoprost ophthalmic is used to treat glaucoma (a condition in which increased pressure in the eye can lead to gradual loss of vision) and ocular hypertension (a condition which causes increased pressure in the eye). Latanoprost is in a class of medications called prostaglandin analogs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take tamsulosin and ciprofloxacin ?", + "output": "INTERVENTIONS: Ciprofloxacin, 500 mg twice daily; tamsulosin, 0.4 mg once daily; a combination of the 2 drugs; or placebo. ... Treatments also did not differ significantly for any of the secondary outcomes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i drink voltarel or cataflam when i drink medrol", + "output": "Methylprenisolone (oral route) ... Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. \u2026 Diclofenac" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is oxybutynin an \"opioid?\"", + "output": "OXYBUTYNIN CHLORIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "in how much temp bcg vaccine should store", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can biotin effect my blood test", + "output": "FDA Warns that Biotin May Affect Some Lab Test Results \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often?", + "output": "The pneumococcal polysaccharide vaccine (PPSV23 or Pneumovax\u00ae) protects against 23 types of pneumococcal bacteria. CDC recommends it for all adults 65 years or older and for those 2 years or older at\u00a0increased risk for disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give diazepam rectal gel", + "output": "1. Put the person having seizures on his/her side in a place where he/she cannot fall.2. Remove the protective cover from the syringe by pushing it up with your thumb and then pulling it off.3. Put lubricating jelly on the rectal tip.4. Turn the person on his/her side facing you, bend his/her upper leg forward, and separate his/her buttocks to expose the rectum.5. Gently insert the syringe tip into the rectum until the rim is snug against the rectal opening.6.Slowly count to 3 while pushing in the plunger until it stops.7. Slowly count to 3 again, and then remove the syringe from the rectum.8. Hold the buttocks together so the gel doesn't leak from the rectum, and slowly count to 3 before letting go.9. Keep the person on his/her side. Take note of what time diazepam rectal gel was given, and continue to watch the person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there an antacid malox?", + "output": "MAALOX ANTACID - aluminum hydroxide, magnesium hydroxide, simethicone liquid\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is pepsin", + "output": "Pepsin is a potent enzyme in gastric juice that digests proteins such as those in meat, eggs, seeds, and dairy products\u00a0[12]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calciun with alendronate?", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if i am allergic to sufa can i take glipizide?", + "output": "Glipizide is an oral blood-glucose-lowering drug of the sulfonylurea class. \u2026 Glipizide Tablets, USP are contraindicated in patients with: Known hypersensitivity to the drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "PINK" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE (/Light Lavender)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "ORANGE (/orange)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is phenytoin", + "output": "WHITE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in the drug methimazole", + "output": "ACTIVE INGREDIENT: METHIMAZOLE; INACTIVE INGREDIENTS: LACTOSE MONOHYDRATE; MAGNESIUM STEARATE; STARCH, POTATO; TALC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xanax", + "output": "XANAX Tablets contain alprazolam which is a triazolo analog of the 1,4 benzodiazepine class of central nervous system-active compounds. The chemical name of alprazolam is 8-Chloro-1-methyl-6-phenyl-4H-s-triazolo [4,3-\u03b1] [1,4] benzodiazepine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should you use anti inflammatory gel", + "output": "Use topical diclofenac (Pennsaid, Voltaren) exactly as directed. Do not use more or less of it or use it more often or for a longer period of time than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does hydro coding acet 5-325", + "output": "Hydrocodone bitartrate and acetaminophen tablets are indicated for the relief of moderate to moderately severe pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tetracycline metabolized?", + "output": "Tetracyclines are readily absorbed and are bound to plasma proteins in varying degrees. They are concentrated by the liver in the bile and excreted in the urine and feces at high concentrations in a biologically active form." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do percocets look like", + "output": "Color - blue, Shape - ROUND, Score - 2 pieces, Size - 11mm, Imprint Code - PERCOCET;5" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long is mda or ecstasy take to leave your \"body?\"", + "output": "In terms of its metabolism,\u00a0research suggests\u00a0that MDMA taken by mouth reaches its maximal blood concentration in about two hours. As ecstasy is metabolized, it is secreted into the urine and can be present for up to two days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "In double-blind placebo-controlled trials involving dementia patients, the most common adverse reactions (incidence \u2265 5% and higher than placebo) in patients treated with memantine hydrochloride were dizziness, headache, confusion and constipation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how will i feel when taking memantine tablets", + "output": "Memantine is in a class of medications called NMDA receptor antagonists. It works by decreasing abnormal activity in the brain. Memantine may improve the ability to think and remember or may slow the loss of these abilities in people who have AD. However, memantine will not cure AD or prevent the loss of these abilities at some time in the future." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood thinner pills how to use them safely", + "output": "Blood Thinner Pills: Your Guide to Using Them Safely ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is coumadin", + "output": "COUMADIN (warfarin sodium) tablets contain warfarin sodium, an anticoagulant that acts by inhibiting vitamin K\u2011dependent coagulation factors. The chemical name of warfarin sodium is 3-(\u03b1-acetonylbenzyl)-4-hydroxycoumarin sodium salt, which is a racemic mixture of the\u00a0R- and\u00a0S-enantiomers.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 35", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the different strenths of dexamethasone?", + "output": "Dexamethasone Tablets 0.5, 0.75, 1, 1.5, 2, 4 and 6 mg USP, Dexamethasone Oral Solution, 0.5 mg per 5 mL and Dexamethasone\u00a0Intensol\u2122 Oral Solution (Concentrate), 1 mg per mL are for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can megestrol be taken?", + "output": "At least 2 months of continuous treatment is considered an adequate period for determining the efficacy of megestrol acetate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does metformin do", + "output": "Metformin helps to control the amount of glucose (sugar) in your blood. It decreases the amount of glucose you absorb from your food and the amount of glucose made by your liver. Metformin also increases your body's response to insulin, a natural substance that controls the amount of glucose in the blood.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you use fluorouracil past expiration date?", + "output": "Do not use Carac after the expiration date on the tube." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is usual infusion time for cetuximab injecetion", + "output": "Administer 400\u00a0mg/m2\u00a0initial dose as a 120-minute intravenous infusion followed by 250\u00a0mg/m2\u00a0weekly infused over 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is streptomycin", + "output": "Streptomycin is an antibiotic produced by the soil actinomycete Streptomyces griseus. It acts by inhibiting the initiation and elongation processes during protein synthesis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the drug to drug interation for luvox and quillivant", + "output": "AUGMENTATION OF SELECTIVE serotonin re\u2010uptake inhibitor (SSRI) therapy with methylphenidate is one form of next\u2010step treatment for patients with refractory major depression, especially in elderly patients.1 We present what we believe to be the first reported case of serotonin syndrome induced by augmentation of SSRI with methylphenidate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "albuterol portable \"nebulizer?\" microtia vibrating mesh nebulizing \"system.\"", + "output": "Evidence suggests that the vibrating mesh nebulizer (VMN) provides 5-fold greater aerosol delivery to the lung as compared to a jet nebulizer (JN)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what if i quit taking thyroid medicine", + "output": "Thyroid helps control the symptoms of hypothyroidism, but does not cure this condition. It may take up to several weeks before you notice any change in your symptoms. To control the symptoms of hypothyroidism, you probably will need to take thyroid for the rest of your life. Continue to take thyroid even if you feel well. Do not stop taking thyroid without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the highest dose lidocaine comes in", + "output": "Group: local anaesthetic agent\nInjection (hydrochloride): 5 mg/ml (0.5%), 10 mg/ml (1%) in 20-ml ampoule; 10 mg/ml (1%) + epinephrine 5 micrograms/ml (1:200 000) in 20-ml ampoule; 20 mg/ml (2%) + epinephrine 12.5 micrograms/ml (1:80 000) in 2.2-ml cartridge for dental anaesthesia; 50 mg/ml (5%) in 2-ml ampoule to be mixed with 75 mg/ml (7.5%) glucose solution\nTopical forms: 20-40 mg (hydrochloride)/ml (2-4%) as gel or solution" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drugs contain in testerone injection", + "output": "TESTOSTERONE UNDECANOATE [or] TESTOSTERONE CYPIONATE [or] TESTOSTERONE ENANTHATE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take statins", + "output": "Take your medicine as directed. The medicine comes in tablet or capsule form. DO NOT open capsules, or break or chew tablets, before taking the medicine. You take statins once a day. Some should be taken at night, but others can be taken anytime. They come in different doses, depending on how much you need to lower your cholesterol. DO NOT stop taking your medicine without talking with your provider first. Read the label on the bottle carefully. Some brands should be taken with food. Others may be taken with, or without food. Store all of your medicines in a cool, dry place. Keep them where children cannot get to them. You should follow a healthy diet while taking statins. This includes eating less fat in your diet. Other ways you can help your heart include: Getting regular exercise Managing stress Quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the therapeutic effect of levaquin", + "output": "Levofloxacin is the L-isomer of the racemate, ofloxacin, a quinolone antimicrobial agent. The antibacterial activity of ofloxacin resides primarily in the L-isomer. The mechanism of action of levofloxacin and other fluoroquinolone antimicrobials involves inhibition of bacterial topoisomerase IV and DNA gyrase (both of which are type II topoisomerases), enzymes required for DNA replication, transcription, repair and recombination." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it nessasary to ween off of cymbalta before starting effexor?", + "output": "Switching from one antidepressant to another is frequently indicated due to an inadequate treatment response or unacceptable adverse effects. All antidepressant switches must be carried out cautiously and under close observation. Conservative switching strategies involve gradually tapering the first antidepressant followed by an adequate washout period before the new antidepressant is started. This can take a long time and include periods of no treatment with the risk of potentially life-threatening exacerbations of illness. Clinical expertise is needed for more rapid or cross-taper switching as drug toxicity, including serotonin syndrome, may result from inappropriate co-administration of antidepressants. Some antidepressants must not be combined. Antidepressants can cause withdrawal syndromes if discontinued abruptly after prolonged use. Relapse and exacerbation of depression can also occur. Gradual dose reduction over days to weeks reduces the risk and severity of complications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do steroids do to the brain", + "output": "Even though anabolic steroids do not cause the same high as other drugs, they can lead to addiction. Studies have shown that animals will self-administer steroids when they have the chance, just as they do with other addictive drugs. People may continue to abuse steroids despite physical problems, high costs to buy the drugs, and negative effects on their relationships. These behaviors reflect steroids' addictive potential. Research has further found that some steroid users turn to other drugs, such as opioids, to reduce sleep problems and irritability caused by steroids. People who abuse steroids may experience withdrawal symptoms when they stop use, including: mood swings fatigue restlessness loss of appetite sleep problems decreased sex drive steroid cravings One of the more serious withdrawal symptoms is depression, which can sometimes lead to suicide attempts." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramoxine a nsaid?", + "output": "Pramoxine is in a class of medications called topical anesthetics. It works by stopping nerves from sending pain signals." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is it he ingredients in indomethacin", + "output": "ACTIVE INGREDIENT: INDOMETHACIN; INACTIVE INGREDIENTS: FERROSOFERRIC OXIDE;SILICON DIOXIDE;GELATIN;FD&C BLUE NO. 1;FD&C YELLOW NO. 5;MAGNESIUM STEARATE;CELLULOSE, MICROCRYSTALLINE;POWDERED CELLULOSE;SODIUM LAURYL SULFATE;SODIUM STARCH GLYCOLATE TYPE A CORN;TITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to inject pills morphine", + "output": "MORPHINE SULFATE EXTENDED-RELEASE TABLETS ARE TO BE TAKEN WHOLE, AND ARE NOT TO BE BROKEN, CHEWED OR CRUSHED. TAKING BROKEN, CHEWED OR CRUSHED MORPHINE SULFATE EXTENDED-RELEASE TABLETS COULD LEAD TO THE RAPID RELEASE AND ABSORPTION OF A POTENTIALLY TOXIC DOSE OF MORPHINE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Tablets, USP:5 mg - Light green, round, unscored tablets in bottles of 100 and 500. Debossed: WPI on one side and 2228 on the other side. 10 mg - White, round, scored tablets in bottles of 100, 500 and 1000. Debossed: WPI on one side and 2229 on the other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Metoclopramide Injection, USP 5 mg metoclopramide base (as the monohydrochloride monohydrate) per mL; available in:2 mL single use vials (NDC 23155-240-31 ) in cartons of 25 (NDC 23155-240-41 ),10 mL single use vials (NDC 23155-240-32) in cartons of 25 (NDC 23155-240-42),30 mL single use vials (NDC 23155-240-33) in cartons of 25 (NDC 23155-240-43)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "XACTDOSE\u2122 Metoclopramide Oral Solution USP, 5 mg/5 mL, is a clear, sugar-free liquid with a butterscotch flavor. Each 5 mL contains 5 mg Metoclopramide (present as the hydrochloride) and is available as follows: NDC 66689-031-50: 10 mg/10 mL unit dose cups, packaged in cartons of 50 (5 trays of 10 unit dose cups each)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metoclopramide how supplied", + "output": "Each white to off white, capsule shaped biconvex metoclopramide tablets, USP with \"RF11\" embossed on one side & score line on the other side contains 10 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in: Bottle of 30 tablets NDC 63304-846-30; Bottle of 100 tablets NDC 63304-846-01; Bottle of 500 tablets NDC 63304-846-05; Bottle of 1000 tablets NDC 63304-846-10. Each white to off white, oval shaped biconvex tablets metoclopramide tablets, USP with \"RF10\" embossed on one side and plain on the other side contains 5 mg of metoclopramide base as metoclopramide hydrochloride, USP. Available in Bottles of 30 tablets NDC 63304-845-30; Bottle of 100 tablets NDC 63304-845-01; Bottle of 500 tablets NDC 63304-845-05; Bottle of 1000 tablets NDC 63304-845-10" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why finasteride is not allowed by prostate \"cancer?\"", + "output": "Used for symptomatic treatment of BPH and male pattern baldness (i.e., androgenetic alopecia)\nMay decrease risk of low-grade prostate cancer; but, may increase risk of more serious high-grade prostate cancer" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when teeth have been treated how lon after do yohave to wait to have zoledronic acid injection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are there antibiotics for cold symtoms?", + "output": "The list of ineffective cold remedies is long. Some of the more common ones that don't work include: Antibiotics.\u00a0These attack bacteria, but they're no help against cold viruses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many years will the viagra pill be potent", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking xanax", + "output": "Because of the danger of withdrawal, abrupt discontinuation of treatment should be avoided (see\u00a0WARNINGS,\u00a0PRECAUTIONS,\u00a0DRUG ABUSE AND DEPENDENCE). In all patients, dosage should be reduced gradually when discontinuing therapy or when decreasing the daily dosage. Although there are no systematically collected data to support a specific discontinuation schedule, it is suggested that the daily dosage be decreased by no more than 0.5 mg every three days. Some patients may require an even slower dosage reduction. In any case, reduction of dose must be undertaken under close supervision and must be gradual. If significant withdrawal symptoms develop, the previous dosing schedule should be reinstituted and, only after stabilization, should a less rapid schedule of discontinuation be attempted. In a controlled postmarketing discontinuation study of panic disorder patients which compared this recommended taper schedule with a slower taper schedule, no difference was observed between the groups in the proportion of patients who tapered to zero dose; however, the slower schedule was associated with a reduction in symptoms associated with a withdrawal syndrome. It is suggested that the dose be reduced by no more than 0.5 mg every 3 days, with the understanding that some patients may benefit from an even more gradual discontinuation. Some patients may prove resistant to all discontinuation regimens." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what drug reverses the effect of heparin", + "output": "When clinical circumstances (bleeding) require reversal of heparinization, protamine sulfate (1% solution) by slow infusion will neutralize heparin sodium." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active incredience in balsalazide", + "output": "BALSALAZIDE DISODIUM" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does enalaprilat is used for treat stroke?", + "output": "Enalaprilat injection, USP is indicated for the treatment of hypertension when oral therapy is not practical." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to group of mebendazole", + "output": "Mebendazole is used to treat several types of worm infections. Mebendazole (Vermox) is used to treat roundworm and whipworm infections. Mebendazole (Emverm) is used to treat pinworm, whipworm, roundworm, and hookworm infections. Mebendazole is in a class of medications called anthelmintics. It works by killing the worms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why did my doctor give me levetiracetam what is use for", + "output": "Levetiracetam Extended-release Tablets is indicated as adjunctive therapy in the treatment of partial onset seizures in patients 12 years of age and older with epilepsy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium USP is a stable co-ordination compound comprised of sodium valproate and valproic acid in a 1:1 molar relationship and formed during the partial neutralization of valproic acid with 0.5 equivalent of sodium hydroxide. Chemically it is designated as sodium hydrogen bis(2-propylpentanoate)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is divalproex", + "output": "Divalproex sodium delayed-release capsules are indicated as monotherapy and adjunctive therapy in the treatment of adult patients and pediatric patients down to the age of 10 years with complex partial seizures that occur either in isolation or in association with other types of seizures. Divalproex sodium delayed-release capsules are also indicated for use as sole and adjunctive therapy in the treatment of simple and complex absence seizures, and adjunctively in patients with multiple seizure types that include absence seizures.\u00a0" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicines should not be taken with gabapentine", + "output": "Although certain medicines should not be used together at all, in other cases two different medicines may be used together even if an interaction might occur. In these cases, your doctor may want to change the dose, or other precautions may be necessary. When you are taking this medicine, it is especially important that your healthcare professional know if you are taking any of the medicines listed below. The following interactions have been selected on the basis of their potential significance and are not necessarily all-inclusive. Using this medicine with any of the following medicines is usually not recommended, but may be required in some cases. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Calcifediol Orlistat Using this medicine with any of the following medicines may cause an increased risk of certain side effects, but using both drugs may be the best treatment for you. If both medicines are prescribed together, your doctor may change the dose or how often you use one or both of the medicines. Aluminum Carbonate, Basic Aluminum Hydroxide Aluminum Phosphate Dihydroxyaluminum Aminoacetate Dihydroxyaluminum Sodium Carbonate Ginkgo Magaldrate Magnesium Carbonate Magnesium Hydroxide Magnesium Oxide Magnesium Trisilicate Morphine Morphine Sulfate Liposome" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic Acid Capsules, USP are supplied as 250 mg off-white colored soft gelatin capsules, imprinted with \"U-S 250\", packaged in bottles containing 100." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what strengths do valproic acid come in meds come in", + "output": "Valproic acid is available as a red oral solution containing the equivalent of 250 mg valproic acid per 5 mL as the sodium salt in bottles of 16 ounces." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage for betamethasone", + "output": "Apply a thin film of Betamethasone Dipropionate Cream or Ointment to the affected skin areas once daily. In some cases, twice daily dosage may be necessary. Apply a few drops of Betamethasone Dipropionate Lotion to the affected skin areas and massage lightly until it disappears. Apply twice daily, in the morning and at night." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tranexamic acid how fast does it work", + "output": "After a single oral administration of two 650 mg tablets of tranexamic acid, the peak plasma concentration (Cmax) occurred at approximately 3 hours (Tmax). The absolute bioavailability of tranexamic acid tablets in women aged 18-49 is approximately 45%. Following multiple oral doses (two 650 mg tablets three times daily) administration of tranexamic acid tablets for 5 days, the mean Cmax increased by approximately 19% and the mean area under the plasma concentration-time curve (AUC) remained unchanged, compared to a single oral dose administration (two 650 mg tablets). Plasma concentrations reached steady state at the 5th dose of tranexamic acid tablets on Day 2." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me the stages of oxycodone 15 milligram hcl", + "output": "Stages of Opiate Withdrawal \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is asa ec", + "output": "Acetylsalicylic acid [Aspirin] \u2026 Enteric coated tablet \u2026 Asa EC" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "glucosamine make glacoma worst?", + "output": "In general, glucosamine and chondroitin are thought to be safe. However, as with any medication, there are potential risks. ... A small 2013 study found that taking glucosamine may increase the risk of glaucoma, a condition that can threaten vision if not treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does polyethylene glycol stay good", + "output": "Expiration Dates - Questions and Answers \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 6mm; Imprint Code - A16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 8mm; Imprint Code - AC41" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does bumetanide pill look like", + "output": "Color - WHITE (White to off white); Shape - ROUND; Score - 2 pieces; Size - 11mm; Imprint Code - AC42" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol transdermal system patch", + "output": "There's no limit on how long you can take HRT, but talk to your GP about the duration of treatment they recommend. Most women stop taking it once their menopausal symptoms pass, which is usually after a few years. When you decide to stop, you can choose to do so suddenly or gradually. Gradually decreasing your HRT dose is usually recommended because it's less likely to cause your symptoms to come back in the short term. Contact your GP if you have symptoms that persist for several months after you stop HRT, or if you have particularly severe symptoms. You may need to start HRT again." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking bisoprolol", + "output": "Abrupt Cessation of Therapy: Exacerbation of angina pectoris, and, in some instances, myocardial infarction or ventricular arrhythmia, have been observed in patients with coronary artery disease following abrupt cessation of therapy with beta-blockers. Such patients should, therefore, be cautioned against interruption or discontinuation of therapy without the physician's advice. Even in patients without overt coronary artery disease, it may be advisable to taper therapy with BISOPROLOL FUMARATE over approximately one week with the patient under careful observation. If withdrawal symptoms occur, BISOPROLOL FUMARATE therapy should be reinstituted, at least temporarily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i have allergie test when taking methylprednisolone?", + "output": "May suppress reactions to skin tests" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between gabbentibe lyrica \"?\" for pain", + "output": "Though pregabalin and gabapentin have somewhat similar pharmacokinetic and pharmacodynamic profiles, there are clearly significant differences. Overall, pregabalin has more predictable pharmacokinetics, and it also shows a stronger binding affinity to its target receptor, increased potency, and a steeper dose-response curve in neuropathic pain that does not plateau over recommended dosing levels. A few studies have found that pregabalin has fewer side effects and may be more efficacious for neuropathic pain than gabapentin. Several studies reviewing conversion of gabapentin to pregabalin predict that a rough ratio for conversion is about 6:1 gabapentin to pregabalin. In addition, a direct switch from gabapentin to pregabalin seems to be well tolerated, making the conversion simple. Clinicians should note that pregabalin has various pharmacokinetic and pharmacodynamic advantages over gabapentin, and a conversion between the 2 medications is often well tolerated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's different opioid and opium", + "output": "Opioids are a class of drugs naturally found in the opium poppy plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "foods to avoid when taking metformin", + "output": "While you do not need to avoid any foods when taking metformin, you may need to limit or avoid alcohol" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Edema: The usual adult dosage is 25 to 100 mg daily as a single or divided dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the lowest dose of hydrochlorothiazide", + "output": "For Control of Hypertension: The usual initial dose in adults is 25 mg daily given as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to wean off lamotrigine", + "output": "Unless safety concerns require a more rapid withdrawal, the dose of lamotrigine extended-release should be tapered over a period of at least 2 weeks (approximately 50% reduction per week)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amphetamine", + "output": "Amphetamines are non-catecholamine, sympathomimetic amines with CNS stimulant activity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - no score; Size - 17mm; Imprint Code - RX904" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - blue; Shape - CAPSULE; Score - 2 pieces; Size - 21mm; Imprint Code - RX905" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - no score; Size - 16mm; Imprint Code - 54356" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like in color shape", + "output": "Color - WHITE; Shape - OVAL; Score - 2 pieces; Size - 20mm; Imprint Code - 54518" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pantoprazole can it be taken \"plavix?\"", + "output": "Avoid concomitant use of Plavix with omeprazole or esomeprazole. In clinical studies, omeprazole was shown to reduce significantly the antiplatelet activity of Plavix when given concomitantly or 12 hours apart. A similar reduction in antiplatelet activity was observed with esomeprazole when given concomitantly with Plavix. Dexlansoprazole, lansoprazole, and pantoprazole had less effect on the antiplatelet activity of Plavix than did omeprazole or esomeprazole" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what the interaction between trimethoprim blood pressure medication", + "output": "Hyperkalemia was first recognized during high-dose trimethoprim\u2013sulfamethoxazole therapy for P. jiroveci, but it is increasingly appreciated as a potential complication at doses usually prescribed. \u2026 Hyperkalemia tends to develop after several days of therapy,32,34 and the risk factors predictably include \u2026 treatment with other drugs that inhibit kaliuresis such as angiotensin-converting enzyme (ACE) inhibitors, angiotensin receptor blockers36 and spironolactone.37 A recent population-based case\u2013control study involving 439 677 patients taking ACE inhibitors or angiotensin receptor blockers found a sevenfold increased risk of hospital admission for hyperkalemia among those taking trimethoprim\u2013sulfamethoxazole compared with those taking other antibiotics used for urinary tract infections.36 We suggest that physicians monitor patients for hyperkalemia following a few days of trimethoprim\u2013sulfamethoxazole treatment at a standard dose, especially patients with impaired renal function, which may include older patients, those with diabetes or AIDS, and those also taking ACE inhibitors, angiotensin receptor blockers or spironolactone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what antidepressants are best for someone with a heart arrhythmia", + "output": "A research team at Harvard-affiliated Massachusetts General Hospital has verified that several antidepressants may increase the risk of a potentially dangerous heart rhythm disturbance (arrhythmia). By examining the electrocardiograms (ECGs) of more than 38,000 people taking 11 different antidepressants, they confirmed that higher doses of citalopram (Celexa), amitriptyline (Elavil), and escitalopram (Lexapro) were associated with a slight disruption of the electrical function of the heart. This delay as seen on an ECG is known as a prolonged Q-T interval, and it is a risk factor for an arrhythmia that causes sudden death. Although the majority of people with this ECG abnormality never develop an arrhythmia, the researchers cautioned that people taking these antidepressants should discuss the risk with their doctor. The researchers emphasized that no one with a history of arrhythmias should start taking these medications. Instead, such a patient might try one of the antidepressants that do not increase the Q-T interval: fluoxetine (Prozac), paroxetine (Paxil), sertraline (Zoloft), or buproprion (Wellbutrin). The study was published Jan. 29, 2013, in the journal BMJ." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take phentermine to clear a drug screen?", + "output": "Since phentermine has a similar structure to amphetamines, a urine drug screen can test positive for amphetamines. This will signal the need for a confirmatory test, which will then show that it was phentermine and not amphetamine or methamphetamine. The original result will then be ruled a false positive. If you have a prescription for phentermine, you should disclose that to the testing lab so your results can be appropriately interpreted. Phentermine is likely to be detected in the urine for one to four days after a dose, up to 24 hours in the blood, and up to one month in hair tests. The amount of phentermine detected in tests and how long it stays in your system is dependent on a number of factors. These include your age, the dose and how long you've been taking it, and your metabolism. For instance, a person of average build and metabolism can expect phentermine to be present in urine for three to five days. It may be faster for someone of a small build or longer for an older person." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "senna tablets what dose", + "output": "HOW SUPPLIED \u2026 DOSAGE & INDICATIONS ... MAXIMUM DOSAGE ... DOSING CONSIDERATIONS ... ADMINISTRATION \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vitamin a prevent", + "output": "Vitamin A plays a role in your Vision Bone growth Reproduction Cell functions Immune system" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is 600mg of gabapentin considered a strong dose ? how high in my can it go?", + "output": "In adults with postherpetic neuralgia, gabapentin capsules therapy may be initiated as a single 300 mg dose on Day 1, 600 mg/day on Day 2 (divided BID), and 900 mg/day on Day 3 (divided TID). The dose can subsequently be titrated up as needed for pain relief to a daily dose of 1800 mg (divided TID). In clinical studies, efficacy was demonstrated over a range of doses from 1800 mg/day to 3600 mg/day with comparable effects across the dose range. Additional benefit of using doses greater than 1800 mg/day was not demonstrated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana taken", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is supartz fx for knee", + "output": "SUPARTZ FX (also called a viscosupplement) is a non-surgical, non-pharmacologic therapy for knee osteoarthritis.... SUPARTZ FX therapy is an injectable solution made from highly purified sodium hyaluronate (also known as hyaluronic acid) that is extracted from chicken combs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lorcet \"7.5\" liquid whats in this", + "output": "HYDROCODONE BITARTRATE (UNII: NO70W886KK) (HYDROCODONE - UNII:6YKS4Y3WQ7) HYDROCODONE BITARTRATE 7.5 mg in 15 mL" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "motoprolol pill how long before it takes affect", + "output": "In man, absorption of metoprolol is rapid and complete. ... In comparison to conventional metoprolol, the plasma metoprolol levels following administration of metoprolol succinate extended-release tablets are characterized by lower peaks, longer time to peak and significantly lower peak to trough variation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "famotidine 10 mg?", + "output": "relieves heartburn associated with acid indigestion and sour stomach\nprevents heartburn associated with acid indigestion and sour stomach brought on by eating or drinking certain food and beverages" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is peppermint oil safe in \"mouth wash?\"", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can alprazolam lower blood pressure?", + "output": "Alprazolam is as effective as captopril in lowering BP in ED patients with an initial SBP > 160 mmHg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what side effects would magnesium have on a woman taking dilantin?", + "output": "Oral administration of MgO in a low dose (500 mg/kg) for 4 weeks in healthy rats appears to exert protective effect against MES. High oral doses of MgO (750 and 1000 mg/kg) appear to enhance the activity of phenytoin and carbamazepine in the MES model." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine is the neurotransmitter at neuromuscular junctions, at synapses in the ganglia of the visceral motor system, and at a variety of sites within the central nervous system. Whereas a great deal is known about the function of cholinergic transmission at the neuromuscular junction and at ganglionic synapses, the actions of ACh in the central nervous system are not as well understood." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is acetylcholine how does it work", + "output": "Acetylcholine functions in both the central nervous system (CNS) and the peripheral nervous system (PNS). In the CNS, cholinergic projections from the basal forebrain to the cerebral cortex and hippocampus support the cognitive functions of those target areas. In the PNS, acetylcholine activates muscles and is a major neurotransmitter in the autonomic nervous system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are tne side effects of carprofen", + "output": "\u2026 vomiting (4%), diarrhea (4%), changes in appetite (3%), lethargy (1.4%), behavioral changes (1 %), and constipation (0.3%)\u2026." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "lansoprazole long term use?", + "output": "you may repeat a 14-day course every 4 months * do not take for more than 14 days or more often than every 4 months unless directed by a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is efudex?", + "output": "Efudex Solutions and Cream are topical preparations containing the fluorinated pyrimidine 5-fluorouracil, an antineoplastic antimetabolite." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can induce hypo pigmentation of skin?", + "output": "The most common causes of drug-induced vitiligo are immune-modulating, biologic or targeted medicines. These medicines include: Topical imiquimod Interleukin (IL)-2, IL-4, and interferon Tumour necrosis factor inhibitors: infliximab, adalimumab, and etanercept The programmed death receptor inhibitors, pembrolizumab and nivolumab, used in metastatic melanoma (15% of treated patients develop vitiligo) BRAF inhibitors: vemurafenib and dabrafenib Tyrosine kinase inhibitors: imatinib and gefitinib. Rare cases of drug-induced vitiligo have also been reported from: Topical diphencyprone and squaric acid Anticonvulsants Levodopa Antimalarials such as hydroxychloroquine Other drugs. Note: phenols that cause localised contact leukoderma, such as monobenzyl ether of hydroquinone, paraphenylenediamine and rhododendrol, may also cause generalised vitiligo in rare cases." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is salonpas made of", + "output": "SALONPAS- camphor, menthol, methyl salicylate patch" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the side effects of invokana", + "output": "he following important adverse reactions are described below and elsewhere in the labeling:\n\nLower Limb Amputation [see BOXED WARNING and WARNINGS AND PRECAUTIONS (5.1)]\nHypotension [see WARNINGS AND PRECAUTIONS (5.2)]\nKetoacidosis [see WARNINGS AND PRECAUTIONS (5.3)]\nAcute Kidney Injury [see WARNINGS AND PRECAUTIONS (5.4)]\nUrosepsis and Pyelonephritis [see WARNINGS AND PRECAUTIONS (5.5)]\nHypoglycemia with Concomitant Use with Insulin and Insulin Secretagogues [see WARNINGS AND PRECAUTIONS (5.6)]\nNecrotizing Fasciitis of the Perineum (Fournier's gangrene) [see WARNINGS AND PRECAUTIONS (5.7)]\nGenital Mycotic Infections [see WARNINGS AND PRECAUTIONS (5.8)]\nHypersensitivity Reactions [see WARNINGS AND PRECAUTIONS (5.9)]\nBone Fracture [see WARNINGS AND PRECAUTIONS (5.10)]\nIncreases in Low-Density Lipoprotein (LDL-C) [see WARNINGS AND PRECAUTIONS (5.11)]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after teeth treatment can you start zoledronic acid infection", + "output": "Routine dental treatment generally should not be modified solely on the basis of oral bisphosphonate therapy. However, patients with possible risk factors for BON may benefit from assessment by an expert in metabolic bone diseases. These risk factors may include concomitant use of estrogen or glucocorticoids, older age (over 65 years) and prolonged use of bisphosphonates." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are steroids", + "output": "any of various compounds containing a 17-carbon 4-ring system and including the sterols and numerous hormones (such as anabolic steroids or corticosteroids) and glycosides" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what's the smell of marijuana", + "output": "Consumer perceptions of strain differences in Cannabis aroma \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long do you leave bimatoprost ophthalmic", + "output": "2 to 3 minutes" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is dopamine", + "output": "Dopamine (DA, a contraction of 3,4-dihydroxyphenethylamine) is an organic chemical of the catecholamine and phenethylamine families that plays several important roles in the brain and body. It is an amine synthesized by removing a carboxyl group from a molecule of its precursor chemical L-DOPA, which is synthesized in the brain and kidneys. Dopamine is also synthesized in plants and most animals. In the brain, dopamine functions as a neurotransmitter\u2014a chemical released by neurons (nerve cells) to send signals to other nerve cells. The brain includes several distinct dopamine pathways, one of which plays a major role in the motivational component of reward-motivated behavior. The anticipation of most types of rewards increases the level of dopamine in the brain,[2] and many addictive drugs increase dopamine release or block its reuptake into neurons following release. Other brain dopamine pathways are involved in motor control and in controlling the release of various hormones. These pathways and cell groups form a dopamine system which is neuromodulatory." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use an epinephrine pen", + "output": "How should I use EpiPen and EpiPen Jr? \u2026 [entire subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reconstitute cefazolin", + "output": "RECONSTITUTION \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is actonel prescribed for?", + "output": "Postmenopausal Osteoporosis ... Osteoporosis in Men ... Glucocorticoid-Induced Osteoporosis ... Paget\u2019s Disease \u2026" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brimonidine interaction with herbal supplements?", + "output": "Yohimbe: The active ingredients in yohimbine can block the actions of brimonidine in certain human tissues, thus reducing the drug's beneficial effects. Adequate human studies involving the eye are lacking, and until more information is available, yohimbine should be avoided in people using brimonidine. The interaction is supported by preliminary, weak, fragmentary, and/or contradictory scientific evidence." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do i take over the counter calcium with \"alendronate?\"", + "output": "Co-administration of alendronate sodium and calcium, antacids, or oral medications containing multivalent cations will interfere with absorption of alendronate sodium. Therefore, instruct patients to wait at least one-half hour after taking alendronate sodium before taking any other oral medications." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does flomax medication do?", + "output": "Tamsulosin is used in men to treat the symptoms of an enlarged prostate (benign prostatic hyperplasia or BPH) which include difficulty urinating (hesitation, dribbling, weak stream, and incomplete bladder emptying), painful urination, and urinary frequency and urgency. Tamsulosin is in a class of medications called alpha blockers. It works by relaxing the muscles in the prostate and bladder so that urine can flow easily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prevnar >65?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) protects against 13 types of pneumococcal bacteria. CDC recommends PCV13 for use in infants and young children and adults 65 years or older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where yo get tetanus shots", + "output": "Getting vaccinated is convenient \u2014 you can get most recommended vaccines at your doctor\u2019s office. Many recommended vaccines are also available at local pharmacies, health centers, health departments, and travel clinics. Below you\u2019ll find information and tools to help you find out where to get vaccinated near you \u2014 and some tips for making an appointment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does marijuana come from", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for donepezil to show in your blood", + "output": "Based on population pharmacokinetic analysis of plasma donepezil concentrations measured in patients with Alzheimer's disease, following oral dosing, peak plasma concentration is achieved in 3 hours for donepezil hydrochloride 10 mg tablets." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "for a \"rinse,\" how many \"cc\" should be \"used?f\" lidocaine lidocaine used", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many cc of lidocaine is a dose?", + "output": "For symptomatic treatment of irritated or inflamed mucous membranes of the mouth and pharynx, the usual adult dose is 15 mL undiluted." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medicine besides statins lower cholesterol?", + "output": "Fibrates ... Fenofibrate (TriCor) ... Gemfibrozil (Lopid) ... Resins ... Cholestyramine (Questran, LoCholest) ... Colestipol (Colestid) ... Colesevelam (WelChol) ... Absorption Blocker ... Ezetimibe (Zetia) ... Niacin ..." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does the pill oxybutynin look like", + "output": "Product Characteristics Color BLUE (light blue) Score 2 pieces Shape ROUND Size 8mm Imprint Code 4853;V" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the normal dose of lactulose", + "output": "The usual dose is 1 to 2 tablespoonfuls (15 to 30 mL, containing 10 g to 20 g of lactulose) daily." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what pills are not compatible with hydrocodone", + "output": "Taking certain medications or stopping treatment with certain other medications while you are taking hydrocodone may increase the risk that you will experience breathing problems, sedation, coma, or other serious, life-threatening side effects. Tell your doctor if you are taking, plan to take or plan to stop taking any of the following medications: certain antifungal medications including itraconazole (Onmel, Sporanox), ketoconazole (Extina, Nizoral, Xolegel), and voriconazole (Vfend); benzodiazepines such as alprazolam (Xanax), chlordiazepoxide (Librium), clonazepam (Klonopin), diazepam (Diastat, Valium), estazolam, flurazepam, lorazepam (Ativan), oxazepam, temazepam (Restoril), and triazolam (Halcion); carbamazepine (Carbatrol, Epitol, Equetro, Tegretol, others); cimetidine; clarithromycin (Biaxin, in Prevpac); erythromycin (E.E.S., Erythromycin, others); other narcotic pain medications; medications for mental illness or nausea; certain medications for human immunodeficiency virus (HIV) including ritonavir (Norvir, in Kaletra, in Viekira Pak); muscle relaxants; phenytoin (Dilantin, Phenytek); rifampin (Rifadin, Rimactane, in Rifamate, in Rifater); sedatives; sleeping pills; or tranquilizers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingrix vaccine how often do you get a shingles shot", + "output": "Shingles Vaccine (recombinant) Two doses, 2 to 6 months apart, are recommended for\u00a0adults 50 and older. This vaccine is also recommended for people who have already gotten the live shingles vaccine (Zostavax). There is no live virus in this vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will suboxone block opioid", + "output": "Suboxone typically lasts up to 3 days. Most doctors ask their patients to take the drug once per day, typically at the same time each day. A person\u2019s weight, metabolism, and history of drug abuse can lengthen or shorten the action of Suboxone. It\u2019s best to work with a doctor on a customized dose, based on your medical history." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking trazodone", + "output": "Do not stop taking trazodone without talking to your doctor. If you suddenly stop taking trazodone, you may experience withdrawal symptoms such as anxiety, agitation, or difficulty falling asleep or staying asleep. Your doctor will probably decrease your dose gradually." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does marijuana use lead to negative health outcomes?", + "output": "Marijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "blood pressure when on eliquis", + "output": "Less common adverse reactions \u2026 Vascular disorders: hypotension (including procedural hypotension)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what do i mix albuterol sulfate inhalation solution with in my nebulizer?", + "output": "Albuterol sulfate inhalation solution is supplied as a single-dose, ready-to-use vial containing 3 mL of solution. No mixing or dilution is needed. Use one new vial with each nebulizer treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color metoprolol", + "output": "Product Characteristics Color WHITE Score 2 pieces Shape OVAL (Capsule-Shaped) Size 11mm Flavor Imprint Code M" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tramadol \"milligrams?\"", + "output": "Adults (17 years of age and over): For patients with moderate to moderately severe chronic pain not requiring rapid onset of analgesic effect, the tolerability of tramadol hydrochloride can be improved by initiating therapy with a titration regimen. The total daily dose may be increased by 50 mg as tolerated every 3 days to reach 200 mg/day (50 mg q.i.d.). After titration, tramadol hydrochloride tablets 50 mg to 100 mg can be administered as needed for pain relief every four to six hours, not to exceed 400 mg per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what ppis this medication for simvastatin", + "output": "PPIs may modestly boost the statin-mediated LDL-C reduction." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to give insulin", + "output": "Insulin comes as a solution (liquid) and a suspension (liquid with particles that will settle on standing) to be injected subcutaneously (under the skin). Insulin is usually injected several times a day \u2026 [whole section]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do i get the pneumococcal conjugate vaccine", + "output": "Vaccination Schedule for Adults 18 Years of Age and Older: Prevnar 13 is administered as a single dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the active ingredients in bimatoprost", + "output": "Active Ingredient/Active Moiety: Ingredient Name bimatoprost (UNII: QXS94885MZ) (bimatoprost - UNII:QXS94885MZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does it take for strattera to begin to show some improvement", + "output": "Some people report small changes in hyperactivity and impulse control within two weeks, but it may take 4 to 8 weeks for the drug to achieve maximum effectiveness." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "will citalopram exacerbate heart arrhythmias?", + "output": "QT-Prolongation and Torsade de Pointes: Citalopram causes dose-dependent QTc prolongation, an ECG abnormality that has been associated with Torsade de Pointes (TdP), ventricular tachycardia, and sudden death, all of which have been observed in postmarketing reports for citalopram.... [whole subsection]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does marijuana look like", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitroglycerin how it works", + "output": "The principal pharmacological action of nitroglycerin is relaxation of vascular smooth muscle and consequent dilatation of peripheral arteries and veins, especially the latter. Dilatation of the veins promotes peripheral pooling of blood and decreases venous return to the heart, thereby reducing left ventricular end-diastolic pressure and pulmonary capillary wedge pressure (preload). Arteriolar relaxation reduces systemic vascular resistance, systolic arterial pressure, and mean arterial pressure (afterload). Dilatation of the coronary arteries also occurs. The relative importance of preload reduction, afterload reduction, and coronary dilatation remains undefined." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is an esi shot in the \"back?\" epidural steroids shot in the \"back?\"", + "output": "An epidural steroid injection (ESI) is a minimally invasive procedure that can help relieve neck, arm, back, and leg pain caused by inflamed spinal nerves due to spinal stenosis or disc herniation. Medicines are delivered to the epidural space, which is a fat-filled area between the bone and the protective sac of the spinal nerves." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is medication for singular 10 mg.", + "output": "SINGULAIR is indicated for the prophylaxis and chronic treatment of asthma in adults and pediatric patients 12 months of age and older. SINGULAIR is indicated for prevention of exercise-induced bronchoconstriction in patients 15 years of age and older. SINGULAIR is indicated for the relief of symptoms of allergic rhinitis (seasonal allergic rhinitis in adults and pediatric patients 2 years of age and older, and perennial allergic rhinitis in adults and pediatric patients 6 months of age and older)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "diclofenac sodium, 75 mg. how much is to much", + "output": "Diclofenac sodium may be administered as 25 mg, 50 mg, or 75 mg delayed-release tablets. Regardless of the indication, the dosage of diclofenac should be individualized to the lowest effective dose to minimize adverse effects (see CLINICAL PHARMACOLOGY: Individualization of Dosage). Osteoarthritis: The recommended dosage is 100 to 150 mg/day in divided doses, 50 mg b.i.d. or t.i.d. or 75 mg b.i.d. Dosages above 150 mg/day have not been studied in patients with osteoarthritis. Rheumatoid Arthritis: The recommended dosage is 150 to 200 mg/day in divided doses, 50 mg t.i.d. or q.i.d., or 75 mg b.i.d. Dosages above 225 mg/day are not recommended in patients with rheumatoid arthritis. Ankylosing Spondylitis: The recommended dosage is 100 to 125 mg/day, administered as 25 mg q.i.d., with an extra 25 mg dose at bedtime if necessary. Dosages above 125 mg/day have not been studied in patients with ankylosing spondylitis." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what upis this medication for simvastatin", + "output": "No Answers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "any \"side effects\" when stop taking clopidogrel", + "output": "Discontinuation of clopidogrel bisulfate increases the risk of cardiovascular events. If clopidogrel must be temporarily discontinued (e.g., to treat bleeding or for surgery with a major risk of bleeding), restart it as soon as possible. When possible, interrupt therapy with clopidogrel for five days prior to such surgery. Resume clopidogrel as soon as hemostasis is achieved." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can hormonal contraceptives be used for medical reasons?", + "output": "Medical Uses of the Birth Control Pill \u2026 [whole page]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what opioid is in the bupropion patch", + "output": "Active Ingredient/Active Moiety: Ingredient Name buprenorphine (UNII: 40D3SCR4GZ) (buprenorphine - UNII:40D3SCR4GZ)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is nicoderm", + "output": "reduces withdrawal symptoms, including nicotine craving, associated with quitting smoking" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if wanting to change from duragesic patch to oxycontin how are doseages compared", + "output": "Based on TDF patch strength, calculate oral morphine equivalent (or other opioid equivalent). If converting to oral morphine, use the 2 mg oral morphine/day ~ 1 mcg/h TDF rule" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is fluoride", + "output": "The mineral fluoride occurs naturally on earth and is released from rocks into the soil, water, and air. All water contains some fluoride. Usually, the fluoride level in water is not enough to prevent tooth decay; however, some groundwater and natural springs can have naturally high levels of fluoride. Fluoride has been proven to protect teeth from decay. Bacteria in the mouth produce acid when a person eats sugary foods. This acid eats away minerals from the tooth\u2019s surface, making the tooth weaker and increasing the chance of developing cavities. Fluoride helps to rebuild and strengthen the tooth\u2019s surface, or enamel. Water fluoridation prevents tooth decay by providing frequent and consistent contact with low levels of fluoride. By keeping the tooth strong and solid, fluoride stops cavities from forming and can even rebuild the tooth\u2019s surface." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why is losartin prescribed rather than a calcium channel blocker.", + "output": "Losartan is in a class of medications called angiotensin II receptor antagonists. It works by blocking the action of certain natural substances that tighten the blood vessels, allowing the blood to flow more smoothly and the heart to pump more efficiently." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when used as a rinse, how big should the amount of lidocaineof lidocaine used", + "output": "Lidocaine viscous comes as a thick liquid and should be shaken well before using. Lidocaine viscous usually is used as needed but not more frequently than every 3 hours, with a maximum of 8 doses in 24 hours. In children under 3 years of age, do not use more frequently than every 3 hours, with a maximum of 4 doses in 12 hours. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use lidocaine exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to add peppermint essential oil in mouthwash?", + "output": "Peppermint oil appears to be safe when taken orally (by mouth) in the doses commonly used. Excessive doses of peppermint oil can be toxic. Possible side effects of peppermint oil include allergic reactions and heartburn. Capsules containing peppermint oil are often enteric-coated to reduce the likelihood of heartburn. If enteric-coated peppermint oil capsules are taken at the same time as antacids, the coating can break down too quickly. Like other essential oils, peppermint oil is highly concentrated. When the undiluted essential oil is used for health purposes, only a few drops are used. Side effects of applying peppermint oil to the skin can include skin rashes and irritation. Peppermint oil should not be applied to the face or chest of infants or young children because serious side effects may occur if they inhale the menthol in the oil. No harmful effects of peppermint leaf tea have been reported. However, the long-term safety of consuming large amounts of peppermint leaf is unknown." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to identify clonidine tablets", + "output": "Product Characteristics Color WHITE Score no score Shape ROUND (biconvex) Size 6mm Flavor Imprint Code A;16" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "enoxaparin shot admin they injected into my kidney what will i do", + "output": "If patients have had neuraxial anesthesia or spinal puncture, and particularly, if they are taking concomitant NSAIDs, platelet inhibitors, or other anticoagulants, they should be informed to watch for signs and symptoms of spinal or epidural hematoma, such as tingling, numbness (especially in the lower limbs) and muscular weakness. If any of these symptoms occur the patient should contact his or her physician immediately. Additionally, the use of aspirin and other NSAID's may enhance the risk of hemorrhage. Their use should be discontinued prior to enoxaparin therapy whenever possible; if co-administration is essential, the patient's clinical and laboratory status should be closely monitored [see Drug Interactions (7)]. Patients should also be informed: of the instructions for injecting Enoxaparin Sodium Injection if their therapy is to continue after discharge from the hospitals. it may take them longer than usual to stop bleeding. they may bruise and/or bleed more easily when they are treated with Enoxaparin Sodium Injection. they should report any unusual bleeding, bruising, or signs of thrombocytopenia (such as a rash of dark red spots under the skin) to their physician [see Warnings and Precautions (5.1, 5.5)]. to tell their physicians and dentists they are taking Enoxaparin Sodium Injection and/or any other product known to affect bleeding before any surgery is scheduled and before any new drug is taken [see Warnings and Precautions (5.3)]. to tell their physicians and dentists of all medications they are taking, including those obtained without a prescription, such as aspirin or other NSAID's [see Drug Interactions (7)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to safely stop taking anastrozole", + "output": "A study has found that postmenopausal women who stop taking hormonal therapy early or skip doses are much more likely to have a breast cancer recurrence than women who take hormonal therapy as prescribed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vitamin d 15000,what can do for bones", + "output": "Vitamin D helps your body absorb calcium. Calcium is one of the main building blocks of bone. A lack of vitamin D can lead to bone diseases such as osteoporosis or rickets. Vitamin D also has a role in your nerve, muscle, and immune systems." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "metformin after dinner and bed time?", + "output": "Metformin hydrochloride extended-release tablets, USP should generally be given once daily with the evening meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is cortisol", + "output": "Cortisol is a steroid hormone, in the glucocorticoid class of hormones. When used as a medication, it is known as hydrocortisone. It is produced in humans by the zona fasciculata of the adrenal cortex within the adrenal gland.[1] It is released in response to stress and low blood-glucose concentration. It functions to increase blood sugar through gluconeogenesis, to suppress the immune system, and to aid in the metabolism of fat, protein, and carbohydrates.[2] It also decreases bone formation.[3]" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "effects of salt of epson to diabetes?", + "output": "While Epsom salt baths can be relaxing, they are not recommended for people with diabetes. Epsom salt is made up of magnesium sulfate. Why does that matter? When Epsom salts are added to a warm bath, some magnesium can be absorbed through the skin, causing an increased release of insulin, leading to hypoglycemia (low blood sugar)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "1 mg ativan ccis a small does of ativan for adults?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available. The usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day. For anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day. For insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime. For elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated. The dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what help withdrawal \"fom.\" hydrocodone 10 325", + "output": "Narcotics Anonymous (N.A.) assists people who want to stop abusing prescription or illegal drugs. Find a meeting center or online support group by searching for the local helpline or website for the area where the meeting is located." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is prochlorperazine", + "output": "For control of severe nausea and vomiting. \nFor the treatment of schizophrenia.\n\nProchlorperazine is effective for the short-term treatment of generalized non-psychotic anxiety. However, prochlorperazine is not the first drug to be used in therapy for most patients with non-psychotic anxiety, because certain risks associated with its use are not shared by common alternative treatments (e.g., benzodiazepines).\n\nWhen used in the treatment of non-psychotic anxiety, prochlorperazine should not be administered at doses of more than 20 mg per day or for longer than 12 weeks, because the use of prochlorperazine at higher doses or for longer intervals may cause persistent tardive dyskinesia that may prove irreversible (see WARNINGS).\n\nThe effectiveness of prochlorperazine as treatment for non-psychotic anxiety was established in 4-week clinical studies of outpatients with generalized anxiety disorder. This evidence does not predict that prochlorperazine will be useful in patients with other non-psychotic conditions in which anxiety, or signs that mimic anxiety, are found (e.g., physical illness, organic mental conditions, agitated depression, character pathologies, etc.).\n\nProchlorperazine has not been shown effective in the management of behavioral complications in patients with mental retardation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does valacyclovir 1gm cure?", + "output": "Valacyclovir tablets, USP are a prescription antiviral medicine. Valacyclovir tablets, USP lower the ability of herpes viruses to multiply in your body.\n\nValacyclovir tablets, USP are used in adults:\n\nto treat cold sores (also called fever blisters or herpes labialis)\nto treat shingles (also called herpes zoster)\nto treat or control genital herpes outbreaks in adults with normal immune systems\nto control genital herpes outbreaks in adults infected with the human immunodeficiency virus (HIV) with CD4 + cell count greater than 100 cells/mm3\nwith safer sex practices to lower the chances of spreading genital herpes to others. Even with safer sex practices, it is still possible to spread genital herpes.\nValacyclovir tablets, USP used daily with the following safer sex practices can lower the chances of passing genital herpes to your partner.\n\nDo not have sexual contact with your partner when you have any symptom or outbreak of genital herpes.\nUse a condom made of latex or polyurethane whenever you have sexual contact.\nValacyclovir tablets, USP are used in children:\n\nto treat cold sores (for children \u2265 12 years of age)\nto treat chickenpox (for children 2 to < 18 years of age)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "methotrexate how many milligrams for psoriatic arthritis", + "output": "Psoriasis\nRecommended Starting Dose Schedules\n\n1. Weekly single oral, IM or IV dose schedule: 10 to 25 mg per week until adequate response is achieved.\n\n2. Divided oral dose schedule: 2.5 mg at 12 hour intervals for three doses.\n\nDosages in each schedule may be gradually adjusted to achieve optimal clinical response; 30 mg/week should not ordinarily be exceeded.\n\nOnce optimal clinical response has been achieved, each dosage schedule should be reduced to the lowest possible amount of drug and to the longest possible rest period. The use of methotrexate may permit the return to conventional topical therapy, which should be encouraged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take raloxifene", + "output": "the Raloxifene Use for The Heart (RUTH) trial, that evaluated as primary endpoint the effect of raloxifene on cardiovascular events in 10,101 postmenopausal women for a median of 5.6 years (mean age 67.5 years), clearly demonstrates the benefits of raloxifene in older women in the prevention of clinical vertebral fracture (\u221235%, p = 0.007), but not for nonvertebral fractures (p > 0.05 versus placebo), irrespective of presence or absence of risk factors for fracture.48,49" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe to take toradol when breast feeding", + "output": "Nursing Mothers\nLimited data from one published study involving 10 breastfeeding women 2 to 6 days postpartum showed low levels of ketorolac in breast milk. Levels were undetectable (less than 5 ng/mL) in 4 of the patients. After a single administration of 10 mg of ketorolac tromethamine tablets, the maximum milk concentration observed was 7.3 ng/mL, and the maximum milk-to-plasma ratio was 0.037. After 1 day of dosing (10 mg every 6 hours), the maximum milk concentration was 7.9 ng/mL, and the maximum milk-to-plasma ratio was 0.025. Assuming a daily intake of 400 to 1,000 mL of human milk per day and a maternal body weight of 60 kg, the calculated maximum daily infant exposure was 0.00263 mg/kg/day, which is 0.4% of the maternal weight-adjusted dose.\n\nExercise caution when ketorolac is administered to a nursing woman. Available information has not shown any specific adverse events in nursing infants; however, instruct patients to contact their infant's health care provider if they note any adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "oxycodone hcl 5 mg & oxycodone \"10-325\" apap the same?", + "output": "PERCOCET - oxycodone hydrochloride and acetaminophen tablet. Each tablet, for oral administration, contains oxycodone hydrochloride and acetaminophen in the following strengths: Oxycodone Hydrochloride, USP 10 mg*\nAcetaminophen, USP 325 mg\n*10 mg oxycodone HCl is equivalent to 8.9637 mg of oxycodone." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do beta blockers work", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is contraindication of carbamazepine", + "output": "Carbamazepine should not be used in patients with a history of previous bone marrow depression, hypersensitivity to the drug, or known sensitivity to any of the tricyclic compounds, such as amitriptyline, desipramine, imipramine, protriptyline, nortriptyline, etc. Likewise, on theoretical grounds its use with monoamine oxidase (MAO) inhibitors is not recommended. Before administration of carbamazepine, MAO inhibitors should be discontinued for a minimum of 14 days, or longer if the clinical situation permits.\n\nCoadministration of carbamazepine and nefazodone may result in insufficient plasma concentrations of nefazodone and its active metabolite to achieve a therapeutic effect. Coadministration of carbamazepine with nefazodone is contraindicated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is docusate sodium", + "output": "Stool softener" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what valacyclovir looks like", + "output": "Color blue Shape CAPSULE Size 17mm" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insulin glucagon", + "output": "Glucagon for Injection is a polypeptide hormone identical to human glucagon that increases blood glucose and relaxes smooth muscle of the gastrointestinal tract." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milligrams the allopurinol", + "output": "The dosage of allopurinol tablets USP to accomplish full control of gout and to lower serum uric acid to normal or near-normal levels varies with the severity of the disease. The average is 200 to 300 mg/day for patients with mild gout and 400 to 600 mg/day for those with moderately severe tophaceous gout. The appropriate dosage may be administered in divided doses or as a single equivalent dose with the 300-mg tablet. Dosage requirements in excess of 300 mg should be administered in divided doses. The minimal effective dosage is 100 to 200 mg daily and the maximal recommended dosage is 800 mg daily. To reduce the possibility of flare-up of acute gouty attacks, it is recommended that the patient start with a low dose of allopurinol tablets USP (100 mg daily) and increase at weekly intervals by 100 mg until a serum uric acid level of 6 mg/dL or less is attained but without exceeding the maximal recommended dosage." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long itching lasts after stopping doxycycline", + "output": "Doxycycline is virtually completely absorbed after oral administration.\n\nFollowing a 200 mg dose, normal adult volunteers averaged peak serum levels of 2.6 mcg/mL of doxycycline at 2 hours, decreasing to 1.45 mcg/mL at 24 hours. Excretion of doxycycline by the kidney is about 40%/72 hours in individuals with normal function (creatinine clearance about 75 mL/min.). This percentage excretion may fall as low as 1\u20135%/72 hours in individuals with severe renal insufficiency (creatinine clearance below 10 mL/min.). Studies have shown no significant difference in serum half-life of doxycycline (range 18\u201322 hours) in individuals with normal and severely impaired renal function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why \"shouldn't\" i take gemfibrozil while taking lovastatin?", + "output": "Strong inhibitors of CYP3A4: Lovastatin, like several other inhibitors of HMG-CoA reductase, is a substrate of cytochrome P450 3A4 (CYP3A4). Certain drugs which inhibit this metabolic pathway can raise the plasma levels of lovastatin and may increase the risk of myopathy. These include itraconazole, ketoconazole, posaconazole, voriconazole, the macrolide antibiotics erythromycin and clarithromycin, the ketolide antibiotic telithromycin, HIV protease inhibitors, boceprevir, telaprevir, the antidepressant nefazodone, or cobicistat-containing products. Combination of these drugs with lovastatin is contraindicated. If short-term treatment with strong CYP3A4 inhibitors is unavoidable, therapy with lovastatin should be suspended during the course of treatment (see CONTRAINDICATIONS; PRECAUTIONS, DRUG INTERACTIONS).\n\nGemfibrozil: The combined use of lovastatin with gemfibrozil should be avoided.\n\nOther lipid-lowering drugs (other fibrates or greater than or equal to 1 g/day of niacin): Caution should be used when prescribing other fibrates or lipid-lowering doses (greater than or equal to 1 g/day) of niacin with lovastatin, as these agents can cause myopathy when given alone. The benefit of further alterations in lipid levels by the combined use of lovastatin with other fibrates or niacin should be carefully weighed against the potential risks of these combinations." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65?", + "output": "CDC recommends PCV13 for use in infants and young children and adults 65 years or older. Older children and adults younger than 65 years old who are at increased risk for getting pneumococcal disease may also need a dose of PCV13." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is cyanocobalamin adminitsered", + "output": "Cyanocobalamin Injection, USP is a sterile solution of cyanocobalamin for intramuscular or subcutaneous injection. Each mL contains 1000 mcg cyanocobalamin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how dextroamphetamine works", + "output": "Dextroamphetamine is used as part of a treatment program to control symptoms of attention deficit hyperactivity disorder (ADHD; more difficulty focusing, controlling actions, and remaining still or quiet than other people who are the same age) in adults and children. Dextroamphetamine is also used to treat narcolepsy (a sleep disorder that causes excessive daytime sleepiness and sudden attacks of sleep). Dextroamphetamine is in a class of medications called central nervous system stimulants. It works by changing the amounts of certain natural substances in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is beta vulgaris", + "output": "Beetroot or beet juice\nBeets and beet juice are among the best food sources of nitrate. Beet juice might improve athletic performance because the body converts some of this nitrate to nitric oxide, which expands blood vessels. This blood vessel expansion increases blood flow and the delivery of oxygen and nutrients to exercising muscle. The expanded blood vessels also speed up the removal of waste products that cause muscle fatigue." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if \"i'm\" allergic to penicillin can i take \"amoxicillin?\"", + "output": "A history of allergic reaction to any of the penicillins is a contraindication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what milagrams olanzapine come in", + "output": "Olanzapine Tablets USP, 20 mg are white, film coated, oval, biconvex tablets with \u201cR\u201d 20\ndebossed on\u00a0one side and \u201c0168\u201d on other side." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many milligrams of aceitomohen in a bottle of acetaminophen with codeine", + "output": "Acetaminophen and Codeine Phosphate Tablets 300 mg/30 mg are white, round, flat-faced, beveled edge, scored (bisect bar) tablets, debossed \"2064\" and \"V\" on one side and debossed \"3\" on the reverse side. They are supplied in bottles of 30, 50, 60, 90, 100, 120, 180, 500 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications can you not take with grapefruit", + "output": "Here are examples of some types of drugs that grapefruit juice can cause problems with (interact):\n\nSome statin drugs to lower cholesterol, such as Zocor (simvastatin) and Lipitor (atorvastatin).\nSome drugs that treat high blood pressure, such as Procardia and Adalat CC (both nifedipine).\nSome organ-transplant rejection drugs, such as Sandimmune and Neoral (both cyclosporine).\nSome anti-anxiety drugs, such as buspirone.\nSome corticosteroids that treat Crohn\u2019s disease or ulcerative colitis, such as Entocort EC and Uceris (both budesonide).\nSome drugs that treat abnormal heart rhythms, such as Pacerone and Nexterone (both amiodarone).\nSome antihistamines, such as Allegra (fexofenadine)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "nitrofurantoin generic for?", + "output": "Furadantin\u00ae Tablets\u00b6\nFuradantin\u00ae Oral Suspension\nFuralan\u00ae\u00b6\nMacrobid\u00ae\nMacrodantin\u00ae" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "mouth wash\" with salt water -how much salt to \"water?", + "output": "Rinse your mouth with salt water (one-half teaspoon or 3 grams of salt in 1 cup or 240 milliliters of water) or mouthwashes with hydrogen peroxide or Xylocaine to ease discomfort." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is vancomycin", + "output": "Vancomycin injection is used alone or in combination with other medications to treat certain serious infections such as endocarditis (infection of the heart lining and valves), peritonitis (inflammation of the lining of the abdomen), and infections of the lungs, skin, blood, and bones. Vancomycin injection is in a class of medications called glycopeptide antibiotics. It works by killing bacteria that cause infections.\n\nAntibiotics such as vancomycin injection will not work for colds, flu, or other viral infections. Taking or using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "at what point do i no longer need cyanocobalamin injection?", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back.\n\nCyanocobalamin injection will supply you with enough vitamin B12 only as long as you receive injections regularly. You may receive cyanocobalamin injections every month for the rest of your life. Keep all appointments to receive cyanocobalamin injections even if you feel well. If you stop receiving cyanocobalamin injections, your anemia may return and your nerves may be damaged." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "amiodarone for afibwhat are side effects", + "output": "Adverse reactions have been very common in virtually all series of patients treated with amiodarone for ventricular arrhythmias with relatively large doses of drug (400 mg/day and above), occurring in about three-fourths of all patients and causing discontinuation in 7 to 18%. The most serious reactions are pulmonary toxicity, exacerbation of arrhythmia, and rare serious liver injury (see \u201cWARNINGS\u201d), but other adverse effects constitute important problems. They are often reversible with dose reduction or cessation of amiodarone treatment. Most of the adverse effects appear to become more frequent with continued treatment beyond six months, although rates appear to remain relatively constant beyond one year. The time and dose relationships of adverse effects are under continued study.\n\nNeurologic problems are extremely common, occurring in 20 to 40% of patients and including malaise and fatigue, tremor and involuntary movements, poor coordination and gait, and peripheral neuropathy; they are rarely a reason to stop therapy and may respond to dose reductions or discontinuation (see \u201cPRECAUTIONS\u201d). There have been spontaneous reports of demyelinating polyneuropathy.\n\nGastrointestinal complaints, most commonly nausea, vomiting, constipation, and anorexia, occur in about 25% of patients but rarely require discontinuation of drug. These commonly occur during high-dose administration (i.e., loading dose) and usually respond to dose reduction or divided doses.\n\nOphthalmic abnormalities including optic neuropathy and/or optic neuritis, in some cases progressing to permanent blindness, papilledema, corneal degeneration, photosensitivity, eye discomfort, scotoma, lens opacities, and macular degeneration have been reported (see \u201cWARNINGS\u201d).\n\nAsymptomatic corneal microdeposits are present in virtually all adult patients who have been on drug for more than 6 months. Some patients develop eye symptoms of halos, photophobia, and dry eyes. Vision is rarely affected and drug discontinuation is rarely needed.\n\nDermatological adverse reactions occur in about 15% of patients, with photosensitivity being most common (about 10%). Sunscreen and protection from sun exposure may be helpful, and drug discontinuation is not usually necessary. Prolonged exposure to amiodarone occasionally results in a blue-gray pigmentation. This is slowly and occasionally incompletely reversible on discontinuation of drug but is of cosmetic importance only.\n\nCardiovascular adverse reactions, other than exacerbation of the arrhythmias, include the uncommon occurrence of congestive heart failure (3%) and bradycardia. Bradycardia usually responds to dosage reduction but may require a pacemaker for control. CHF rarely requires drug discontinuation. Cardiac conduction abnormalities occur infrequently and are reversible on discontinuation of drug." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you mentally \"i'll\" when you \"take fluoxetine?\"", + "output": "Fluoxetine (Prozac) is used to treat depression, obsessive-compulsive disorder (bothersome thoughts that won't go away and the need to perform certain actions over and over), some eating disorders, and panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Fluoxetine (Sarafem) is used to relieve the symptoms of premenstrual dysphoric disorder, including mood swings, irritability, bloating, and breast tenderness. It is also used along with olanzapine (Zyprexa) to treat depression that did not respond to other medications and episodes of depression in people with bipolar I disorder (manic-depressive disorder; a disease that causes episodes of depression, episodes of mania, and other abnormal moods)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to use lantus solostar insulin pen", + "output": "Important Administration Instructions\nAdminister LANTUS subcutaneously once daily at any time of day but at the same time every day.\nPrior to initiation of LANTUS, train patients on proper use and injection technique.\nPatient should follow the Instructions for Use to correctly administer LANTUS.\nAdminister LANTUS subcutaneously into the abdominal area, thigh, or deltoid, and rotate injection sites within the same region from one injection to the next to reduce the risk of lipodystrophy [see ADVERSE REACTIONS (6.1)].\nVisually inspect LANTUS vials and SoloStar prefilled pens for particulate matter and discoloration prior to administration. Only use if the solution is clear and colorless with no visible particles.\nRefrigerate unused (unopened) LANTUS vials and SoloStar\u00ae prefilled pens.\nDo not administer intravenously or via an insulin pump.\nDo not dilute or mix LANTUS with any other insulin or solution.\nThe SoloStar prefilled pen is for single patient use only" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the dosage strengths of sildenafil", + "output": "Sildenafil Tablets\n\nWhite, film-coated, round tablets engraved with SDF20 containing sildenafil citrate equivalent to 20 mg of sildenafil." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should i take cipro for a urinary tract infection \"?\"", + "output": "Urinary Tract Infections: 250\u2013500 mg every 12 hours for 7 to 14 days" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop using estradiol patch", + "output": "Attempts to taper or discontinue the medication should be made at 3 to 6 month intervals.\n\nEstradiol transdermal system (twice-weekly) may be given continuously in patients who do not have an intact uterus. In those patients with an intact uterus, estradiol transdermal system (twice-weekly) may be given on a cyclic schedule (for example, 3 weeks on drug followed by 1 week off drug)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much penicillin to treat strep throat for adult", + "output": "The usual dosage recommendations for adults and children 12 years and over are as follows:\n\nStreptococcal Infections\nMild to moderately severe \u2013 of the upper respiratory tract and including scarlet fever and erysipelas: 125 to 250 mg (200,000 to 400,000 units) every 6 to 8 hours for 10 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what class is diazepam", + "output": "Diazepam is a benzodiazepine that exerts anxiolytic, sedative, muscle-relaxant, anticonvulsant and amnestic effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is estradiol transdermal patch bio-identical estrogen?", + "output": "Estradiol transdermal system (twice-weekly) is an estrogen indicated for:\n\u2022Treatment of moderate to severe vasomotor symptoms due to menopause ( 1.1)\n\u2022Treatment of moderate to severe symptoms of vulvar and vaginal atrophy due to menopause" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to reduce bisoprolol", + "output": "Cessation of Therapy\nIf withdrawal of bisoprolol fumarate and hydrochlorothiazide therapy is planned, it should be achieved gradually over a period of about 2 weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Prednisone is in a class of medications called corticosteroids. It works to treat patients with low levels of corticosteroids by replacing steroids that are normally produced naturally by the body. It works to treat other conditions by reducing swelling and redness and by changing the way the immune system works." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does prednisone do to the body", + "output": "Fluid and Electrolyte Disturbances:\n\nSodium retention.\n\nFluid retention.\n\nCongestive heart failure in susceptible patients.\n\nPotassium loss.\n\nHypokalemic alkalosis.\n\nHypertension.\nMusculoskeletal:\n\nMuscle weakness.\n\nSteroid myopathy.\n\nLoss of muscle mass.\n\nOsteoporosis.\n\nVertebral compression fractures.\n\nAseptic necrosis of femoral and humeral heads.\n\nPathologic fracture of long bones.\nGastrointestinal:\n\nPeptic ulcer with possible perforation and hemorrhage.\n\nPancreatitis.\n\nAbdominal distention.\n\nUlcerative esophagitis.\nDermatologic:\n\nImpaired wound healing.\n\nThin fragile skin.\n\nPetechiae and ecchymoses.\n\nFacial erythema.\n\nIncreased sweating.\n\nMay suppress reactions to skin tests.\nMetabolic:\n\nNegative nitrogen balance due to protein catabolism.\nNeurological:\n\nConvulsions\n\nIncreased intracranial pressure with papilledema (pseudo-tumor cerebri) usually after treatment.\n\nVertigo.\n\nHeadache.\nEndocrine:\n\nMenstrual irregularities.\n\nDevelopment of Cushingoid state.\n\nSuppression of growth in children.\n\nSecondary adrenocortical and pituitary unresponsiveness, particularly in times of stress, as in trauma, surgery or illness.\n\nDecreased carbohydrate tolerance.\n\nManifestations of latent diabetes mellitus.\n\nIncreased requirements for insulin or oral hypoglycemic agents in diabetics.\n\n Ophthalmic:\n\nPosterior subcapsular cataracts.\n\nIncreased intraocular pressure.\n\nGlaucoma.\n\nExophthalmos.\n\nAdditional Reactions:\n\nUrticaria and other allergic, anaphylactic or hypersensitivity reactions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to prescribe fluocinonide .05% gel", + "output": "Patients using topical corticosteroids should receive the following information and instructions:\n1. This medication is to be used as directed by the physician. It is for external use only. Avoid contact with the eyes.\n2. Patients should be advised not to use this medication for any disorder other than for which it was prescribed.\n3. The treated skin area should not be bandaged or otherwise covered or wrapped as to be occlusive unless directed by the physician.\n4. Patients should report any signs of local adverse reactions, especially under occlusive dressing.\n5. Parents of pediatric patients should be advised not to use tight-fitting diapers or plastic pants on a child being treated in the diaper area, as these garments may constitute occlusive dressings." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what to do with hydrogen peroxide poisoning", + "output": "Seek medical help right away. Do NOT make the person throw up unless poison control or a health care provider tells you to do so. If the chemical is on the skin or in the eyes, flush with lots of water for at least 15 minutes.\n\nBefore Calling Emergency\nHave this information ready:\n\nPerson's age, weight, and condition\nName of the product (ingredients and strength, if known)\nTime it was swallowed or got into eyes or on skin\nAmount swallowed, in eyes, or on skin" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does amxacillin clavulanic acid work", + "output": "The combination of amoxicillin and clavulanic acid is used to treat certain infections caused by bacteria, including infections of the ears, lungs, sinus, skin, and urinary tract. Amoxicillin is in a class of medications called penicillin-like antibiotics. It works by stopping the growth of bacteria. Clavulanic acid is in a class of medications called beta-lactamase inhibitors. It works by preventing bacteria from destroying amoxicillin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the action of ezetimibe in my body", + "output": "Ezetimibe is in a class of medications called cholesterol-lowering medications. It works by preventing the absorption of cholesterol in the intestine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time of day to take propranolol", + "output": "The extended-release propranolol capsule (brand name: Inderal LA) usually is taken once a day. The extended-release capsule (Innopran XL, Inderal XL) is usually taken at bedtime and should consistently be taken either always with or always without food each time. Immediate-acting propranolol tablets or solution may be taken two, three, or four times a day. Take propranolol at around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long are you protected after taking the hep b vaccine", + "output": "Studies indicate that immunologic memory remains intact for at least 30 years among healthy vaccinated individuals who initiated hepatitis B vaccination >6 months of age. The vaccine confers long-term protection against clinical illness and chronic hepatitis B virus infection. Cellular immunity appears to persist even though antibody levels might become low or decline below detectable levels. Among vaccinated cohorts who initiated hepatitis B vaccination at birth, long-term follow-up studies are ongoing to determine the duration of vaccine-induced immunity" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "do not take more than directed (see OVERDOSE WARNING)\nadults and children 12 years and over \ntake 2 caplets every 6 hours while symptoms last\nswallow whole \u2013 do not crush, chew, or dissolve\ndo not take more than 6 caplets in 24 hours, unless directed by a doctor\ndo not use for more than 10 days unless directed by a doctor\nchildren under 12 years \nask a doctor" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how you use for paracetamol", + "output": "Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "problems when stopping metformin, hair loss?", + "output": "Metformin is often used to treat type 2 diabetes and may help some women with PCOS symptoms. It is not approved by the FDA to treat PCOS symptoms. Metformin improves insulin's ability to lower your blood sugar and can lower both insulin and androgen levels. After a few months of use, metformin may help restart ovulation, but it usually has little effect on acne and extra hair on the face or body. Recent research shows that metformin may have other positive effects, including lowering body mass and improving cholesterol levels." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac sodium topical gel used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. \nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is rate for iv infusion cilastatin/imipenem", + "output": "Recommend that the maximum total daily dosage not exceed 4 g/day.\nAdminister 500 mg by intravenous infusion over 20 to 30 minutes.\nAdminister 1,000 mg by intravenous infusion over 40 to 60 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a beta blocker", + "output": "Beta blockers, also known as beta-adrenergic blocking agents, are medications that reduce your blood pressure. Beta blockers work by blocking the effects of the hormone epinephrine, also known as adrenaline.\n\nWhen you take beta blockers, your heart beats more slowly and with less force, thereby reducing blood pressure. Beta blockers also help blood vessels open up to improve blood flow.\n\nSome beta blockers mainly affect your heart, while others affect both your heart and your blood vessels. Which one is best for you depends on your health and the condition being treated." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "marijuana is what schedule drug", + "output": "Cannabis , also known as marijuana, is a plant grown in many parts of the world which produces a resin containing compounds called cannabinoids. Some cannabinoids are psychoactive (acting on the brain and changing mood or consciousness) (see Question 1).\nThe use of Cannabis for medicinal purposes dates back to ancient times (see Question 3).\nBy federal law, the possession of Cannabis is illegal in the United States outside of approved research settings. However, a growing number of states, territories, and the District of Columbia have enacted laws to legalize medical marijuana (see Question 1).\nIn the United States, Cannabis is a controlled substance requiring special licensing for its use (see Question 1 and Question 3)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do when stopping taking oxycodone", + "output": "Discontinuation of Oxycodone HCl Tablets\nWhen a patient who has been taking oxycodone HCl tablets regularly and may be physically dependent no longer requires therapy with oxycodone HCl tablets, taper the dose gradually, by 25% to 50% every 2 to 4 days, while monitoring carefully for signs and symptoms of withdrawal. If the patient develops these signs or symptoms, raise the dose to the previous level and taper more slowly, either by increasing the interval between decreases, decreasing the amount of change in dose, or both. Do not abruptly discontinue oxycodone HCl tablets in a physically-dependent patient [see WARNINGS AND PRECAUTIONS (5.1), DRUG ABUSE AND DEPENDENCE (9.3)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does cocaine i effect the nervous system", + "output": "Cocaine is an illegal stimulant drug that affects your central nervous system. Cocaine comes from the coca plant. When used, cocaine causes the brain to release higher than normal amounts of some chemicals. These produce a sense of euphoria, or a \"high.\"\n\nCocaine intoxication is a condition in which you're not only high from using the drug, but you also have body-wide symptoms that can make you ill and impaired." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "are you able to take guaifenesin if you have a heart \"transplant?\"", + "output": "Guaifenesin can be used in transplant recipients but should be used with caution in patients receiving kidney or lung transplants and in patients with renal impairment. Codeine combined with guaifenesin is another option for cough and can be used in most transplant patients although those with reduced renal function should be monitored carefully for adverse events." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does marijuana get into a persons body", + "output": "Cannabinoids can be taken by mouth, inhaled, or sprayed under the tongue" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i took minocycline for acne when i have kidney stone", + "output": "The antianabolic action of the tetracyclines may cause an increase in blood urea nitrogen (BUN). While this is not a problem in those with normal renal function, in patients with significantly impaired function, higher serum levels of tetracycline may lead to azotemia, hyperphosphatemia, and acidosis. Under such conditions, monitoring of creatinine and BUN is recommended, and the total daily dosage should not exceed 200 mg in 24 hours (see DOSAGE AND ADMINISTRATION). If renal impairment exists, even usual oral or parenteral doses may lead to systemic accumulation of the drug and possible liver toxicity." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is amlodipine ?", + "output": "Amlodipine is used alone or in combination with other medications to treat high blood pressure and chest pain (angina). Amlodipine is in a class of medications called calcium channel blockers. It lowers blood pressure by relaxing the blood vessels so the heart does not have to pump as hard. It controls chest pain by increasing the supply of blood to the heart. If taken regularly, amlodipine controls chest pain, but it does not stop chest pain once it starts. Your doctor may prescribe a different medication to take when you have chest pain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do antibiotics kill bacteria", + "output": "Have you ever wondered how antibiotics kill invading bacteria, while leaving human cells alone? Although there are similarities between bacteria and human cells, there are many differences as well. Antibiotics work by affecting things that bacterial cells have but human cells don\u2019t.\n\nFor example, human cells do not have cell walls, while many types of bacteria do. The antibiotic penicillin works by keeping a bacterium from building a cell wall. Bacteria and human cells also differ in the structure of their cell membranes and the machinery they use to build proteins or copy DNA. Some antibiotics dissolve the membrane of just bacterial cells. Others affect protein-building or DNA-copying machinery that is specific to bacteria." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is enoxaparin dispensed", + "output": "Enoxaparin Sodium Injection is available in two concentrations:\n100 mg/mL Concentration\n 30 and 40 mg prefilled syringes, and 60, 80, and 100 mg graduated prefilled syringes each contain 10 mg enoxaparin sodium per 0.1 mL Water for Injection.\n150 mg/mL Concentration\n 120 and 150 mg graduated prefilled syringes contain 15 mg enoxaparin sodium per 0.1 mL Water for Injection." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication riva-clonazepam", + "output": "Clonazepam is used alone or in combination with other medications to control certain types of seizures. It is also used to relieve panic attacks (sudden, unexpected attacks of extreme fear and worry about these attacks). Clonazepam is in a class of medications called benzodiazepines. It works by decreasing abnormal electrical activity in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "Benazepril comes as a tablet to take by mouth. It is usually taken once or twice a day with or without food. To help you remember to take benazepril, take it around the same time(s) every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is the best time to take lotensin", + "output": "The morning administration is preferable because it more effectively covers the whole 24 hours than an evening dose" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is ciprofloxacin", + "output": "Ciprofloxacin tablets are synthetic broad spectrum antimicrobial agents for oral administration." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when is it ok to discontinue use of premarin crea m", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary.\n\n2. 1 Treatment of Atrophic Vaginitis and Kraurosis Vulvae\nPREMARIN Vaginal Cream is administered intravaginally in a cyclic regimen (daily for 21 days and then off for 7 days). \n\n2. 2 Treatment of Moderate to Severe Dyspareunia, a Symptom of Vulvar and Vaginal Atrophy, due to Menopause\nPREMARIN Vaginal Cream (0.5 g) is administered intravaginally in a twice-weekly (for example, Monday and Thursday) continuous regimen or in a cyclic regimen of 21 days of therapy followed by 7 days off of therapy [see DOSAGE FORMS AND STRENGTHS (3)].\n\nAn increased risk of stroke and DVT has been reported with estrogen-alone therapy. An increased risk of PE, DVT, stroke and MI has been reported with estrogen plus progestin therapy. Should any of these occur or be suspected, estrogen with or without progestin therapy should be discontinued immediately. \n\nMost studies show no significant increased risk associated with use of estrogens for less than 1 year. The greatest risk appears to be associated with prolonged use, with increased risks of 15- to 24-fold for 5 to 10 years or more, and this risk has been shown to persist for at least 8 to 15 years after estrogen therapy is discontinued." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "if diclofenac is instilled in the wrong eye what happens", + "output": "Instill the missed dose as soon as you remember it. However, if it is almost time for the next dose, skip the missed dose and continue your regular dosing schedule. Do not instill extra eye drops to make up for a missed dose." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how other inject cortisone to the knee", + "output": "A steroid injection is a shot of medicine used to relieve a swollen or inflamed area that is often painful. It can be injected into a joint, tendon, or bursa.\n\nDescription\nYour health care provider inserts a small needle and injects medicine into the painful and inflamed area. Depending on the site, your provider may use an x-ray or ultrasound to see where to place the needle.\n\nFor this procedure:\n\nYou will lie on a table and the injection area will be cleaned.\nA numbing medicine may be applied to the injection site.\nYou may be given medicine to help you relax.\nSteroid injections can be given into a bursa, joint, or tendon." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cbd from marijuana to treat what", + "output": "Cannabis and cannabinoids have been studied in the laboratory and the clinic for relief of pain, nausea and vomiting, anxiety, and loss of appetite (see Question 6 and Question 7).\nCannabis and cannabinoids may have benefits in treating the symptoms of cancer or the side effects of cancer therapies. There is growing interest in treating children for symptoms such as nausea with Cannabis and cannabinoids, although studies are limited (see Question 7).\nTwo cannabinoids (dronabinol and nabilone) are drugs approved by the U.S. Food and Drug Administration (FDA) for the prevention or treatment of chemotherapy -related nausea and vomiting (see Question 7 and Question 10)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will benzonatate last on the shelf", + "output": "There have been very few studies to attempt to ascertain how long medications are effective after their expiration date having been stored in the unopened original stock pharmacy bottle. The pharmaceutical industry has not sponsored such a study due to the fact the expected results would severely hamper their sales. \n\n SLEP (http://www.ofcaems.org/ds-Stability_Profiles.pdf) is a US military study that evaluated 122 products over several years time for stability. The solid oral drugs (tablets, capsules) were tested over time for potency, impurities, water content, dissolution properties in liquid, and physical appearance by a FDA chemist. The results showed the following were uniformly stable nearly 5 years after the expiration date: Acetaminophen (Tylenol), Amoxicillin sodium tablets, Ampicillin, Benzonatate, Cephalexin (Keflex), Cimetadine (Tagamet), Ciprofloxacin (Cipro), codeine sulfate, doxycycline hyclate, enalapril maleate, erythromycin lactobionate, guaifenesin, mebendazole, naproxen (Alleve), oxacillin, potassium iodide, primaquine phosphate, pyridostigmine, sulfisoxazole, triamterene/hydrochlorothiazide." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tretinoin medication treats what disorder", + "output": "Tretinoin is used to treat acute promyelocytic leukemia (APL; a type of cancer in which there are too many immature blood cells in the blood and bone marrow) in people who have not been helped by other types of chemotherapy or whose condition has improved but then worsened following treatment with other types of chemotherapy. Tretinoin is used to produce remission (a decrease or disappearance of signs and symptoms of cancer) of APL, but other medications must be used after treatment with tretinoin to prevent the cancer from returning. Tretinoin is in a class of medications called retinoids. It works by slowing or stopping the growth of cancer cells by causing immature blood cells to develop into normal blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why are anticholinergic drugs useful for treating gastrointestinal spasms associated with ibs", + "output": "Dicyclomine relieves smooth muscle spasm of the gastrointestinal tract. Animal studies indicate that this action is achieved via a dual mechanism: (1) a specific anticholinergic effect (antimuscarinic) at the acetylcholine-receptor sites; and (2) a direct effect upon smooth muscle (musculotropic.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole betamethasone dipropionate cream", + "output": "What is clotrimazole and betamethasone dipropionate cream?\n\nClotrimazole and betamethasone dipropionate cream is a prescription medication used on the skin (topical) to treat fungal infections of the feet, groin, and body in people 17 years of age and older. Clotrimazole and betamethasone dipropionate cream is used for fungal infections that are inflamed and have symptoms of redness or itching." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is triamcinolone acetonide used for", + "output": "Topical corticosteroids are indicated for the relief of the inflammatory and pruritic manifestations of corticosteroid-responsive dermatoses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is benzodiazepines", + "output": "Benzodiazepines (sometimes called \"benzos\") work to calm or sedate a person, by raising the level of the inhibitory neurotransmitter GABA in the brain. Common benzodiazepines include diazepam (Valium), alprazolam (Xanax), and clonazepam (Klonopin), among others." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "whats zithromax", + "output": "What is ZITHROMAX?\n\nZITHROMAX is a macrolide antibiotic prescription medicine used in adults 18 years or older to treat certain infections caused by certain germs called bacteria. These bacterial infections include:\n\nacute worsening of chronic bronchitis\nacute sinus infection\ncommunity-acquired pneumonia\ninfected throat or tonsils\nskin infections\ninfections of the urethra or cervix\ngenital ulcers in men\nZITHROMAX is also used in children to treat:\n\near infections\ncommunity-acquired pneumonia\ninfected throat or tonsils" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does vicodin stay in breast milk", + "output": "Following a 10 mg oral dose of hydrocodone administered to five adult male subjects, the mean peak concentration was 23.6 \u00b1 5.2 ng/mL. Maximum serum levels were achieved at 1.3 \u00b1 0.3 hours and the half-life was determined to be 3.8 \u00b1 0.3 hours.\n\nAcetaminophen is rapidly absorbed from the gastrointestinal tract and is distributed throughout most body tissues. A small fraction (10-25%) of acetaminophen is bound to plasma proteins. The plasma half-life is 1.25 to 3 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you be on clopidogrel \"&\" aspirin combined for", + "output": "The following are key points to remember about the updated guideline on duration of dual antiplatelet therapy (DAPT) in patients with coronary artery disease (CAD):\n\nThe scope of this focused update is limited to addressing recommendations on duration of DAPT (aspirin plus a P2Y12 inhibitor) in patients with coronary artery disease (CAD).\nIntensification of antiplatelet therapy, with the addition of a P2Y12 inhibitor to aspirin monotherapy, and prolongation of DAPT, necessitate a fundamental tradeoff between decreasing ischemic risk and increasing bleeding risk. Decisions regarding treatment with and duration of DAPT require a thoughtful assessment of the benefit/risk ratio, integration of study data, and patient preference.\nRecommendations in the document apply specifically to duration of P2Y12 inhibitor therapy in patients with CAD treated with DAPT. Aspirin therapy should almost always be continued indefinitely in patients with CAD.\nLower daily doses of aspirin, including in patients treated with DAPT, are associated with lower bleeding complications and comparable ischemic protection compared with higher doses of aspirin. The recommended daily dose of aspirin in patients treated with DAPT is 81 mg (range 75\u2013100 mg).\nIn patients with stable ischemic heart disease (SIHD) treated with DAPT after drug-eluting stent (DES) implantation, P2Y12 inhibitor therapy with clopidogrel should be given for at least 6 months (Class I). In patients with SIHD treated with DAPT after bare-metal stent (BMS) implantation, P2Y12 inhibitor therapy (clopidogrel) should be given for a minimum of 1 month (Class I).\nIn patients with SIHD treated with DAPT after BMS or DES implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT with clopidogrel for longer than 1 month in patients treated with BMS or longer than 6 months in patients treated with DES may be reasonable (Class IIb).\nIn patients with acute coronary syndrome (ACS) (non-ST elevation [NSTE]-ACS or ST elevation myocardial infarction [STEMI]) treated with DAPT after BMS or DES implantation, P2Y12 inhibitor therapy (clopidogrel, prasugrel, or ticagrelor) should be given for at least 12 months (Class I).\nIn patients with ACS (NSTE-ACS or STEMI) treated with coronary stent implantation who have tolerated DAPT without a bleeding complication and who are not at high bleeding risk (e.g., prior bleeding on DAPT, coagulopathy, oral anticoagulant use), continuation of DAPT (clopidogrel, prasugrel, or ticagrelor) for longer than 12 months may be reasonable (Class IIb). A new risk score (the \u201cDAPT score\u201d), derived from the Dual Antiplatelet Therapy study, may be useful for decisions about whether to continue (prolong or extend) DAPT in patients treated with coronary stent implantation.\nIn patients with ACS (NSTE-ACS or STEMI) treated with DAPT after coronary stent implantation and in patients with NSTE-ACS treated with medical therapy alone (without revascularization), it is reasonable to use ticagrelor in preference to clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa). Among those who are not at high risk for bleeding complications and who do not have a history of stroke or transient ischemic attack, it is reasonable to choose prasugrel over clopidogrel for maintenance P2Y12 inhibitor therapy (Class IIa).\nIn patients with ACS (NSTE-ACS or STEMI) being treated with DAPT who undergo coronary artery bypass grafting (CABG), P2Y12 inhibitor therapy should be resumed after CABG to complete 12 months of DAPT therapy after ACS (Class I).\nIn patients with STEMI treated with DAPT in conjunction with fibrinolytic therapy, P2Y12 inhibitor therapy (clopidogrel) should be continued for a minimum of 14 days and ideally at least 12 months (Class I).\nElective noncardiac surgery should be delayed 30 days after BMS implantation and optimally 6 months after DES implantation. In patients treated with DAPT after coronary stent implantation who must undergo surgical procedures that mandate the discontinuation of P2Y12 inhibitor therapy, it is recommended that aspirin be continued if possible and the P2Y12 platelet receptor inhibitor be restarted as soon as possible after surgery (Class I)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium can i stop taking it?", + "output": "Angioedema of the face, lips, tongue and/or larynx has been reported with trospium chloride. In one case, angioedema occurred after the first dose of trospium chloride. Angioedema associated with upper airway swelling may be life threatening. If involvement of the tongue, hypopharynx, or larynx occurs, trospium chloride should be promptly discontinued" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does chlordiazepoxide stay in \"system?\"", + "output": "It takes several hours for peak blood levels to be reached and the half-life of the drug is between 24 and 48 hours. After the drug is discontinued plasma levels decline slowly over a period of several days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much gravol to kill you", + "output": "Dimenhydrinate is a type of medicine called an antihistamine.\n\nDimenhydrinate overdose occurs when someone takes more than the normal or recommended amount of this medicine. This can be by accident or on purpose.\n\nThis article is for information only. DO NOT use it to treat or manage an actual overdose. If you or someone you are with has an overdose, call your local emergency number (such as 911), or your local poison center can be reached directly by calling the national toll-free Poison Help hotline (1-800-222-1222) from anywhere in the United States. \n\nPoisonous Ingredient\nDimenhydrinate can be harmful in large amounts.\n\nWhere Found\nDimenhydrinate is found in some allergy medicines. It is also in some medicines used to treat nausea, vomiting, and motion sickness.\n\nIt may be in medicines with these brand names:\n\nDramamine\nGravol\nMarmine\nNico-Vert\nTriptone\nDimenhydrinate may also be found in other medicines.\n\nSymptoms\nBelow are symptoms of a dimenhydrinate overdose in different parts of the body.\n\nBLADDER AND KIDNEYS\n\nInability to urinate\nEYES, EARS, NOSE, MOUTH, AND THROAT\n\nBlurred vision\nDry mouth\nEnlarged pupils\nVery dry eyes\nRinging in the ears\nHEART AND BLOOD VESSELS\n\nLow blood pressure\nRapid heartbeat\nNERVOUS SYSTEM\n\nAgitation\nConfusion\nSeizures\nDelirium\nDepression\nDrowsiness\nHallucinations (seeing or hearing things that aren't there)\nIncreased sleepiness\nNervousness\nTremor\nUnsteadiness\nSKIN\n\nDry, red skin\nSTOMACH AND INTESTINES\n\nNausea\nVomiting" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Nicotine use can have many different effects on the body. It can:\n\nDecrease the appetite -- Fear of weight gain makes some people unwilling to stop smoking.\nBoost mood, give people a sense of well-being, and possibly even relieve minor depression.\nIncrease activity in the intestines.\nCreate more saliva and phlegm.\nIncrease the heart rate by around 10 to 20 beats per minute.\nIncrease blood pressure by 5 to 10 mm Hg.\nPossibly cause sweating, nausea, and diarrhea.\nStimulate memory and alertness -- People who use tobacco often depend on it to help them accomplish certain tasks and perform well." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects and long term consequences of using nicotine", + "output": "Tobacco and related chemicals can increase your risk of serious health problems such as cancer, lung disease, and heart attack." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is nicotine taken", + "output": "Nicotine supplements come in many forms:\n\nGum\nInhalers\nLozenges\nNasal spray\nSkin patch\nAll of these work well if they are used correctly. People are more likely to use the gum and patches correctly than other forms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "brinzolamide is brimodine?", + "output": "SIMBRINZA (brinzolamide/brimonidine tartrate ophthalmic suspension) 1%/0.2% is a fixed combination of a carbonic anhydrase inhibitor and an alpha 2 adrenergic receptor agonist indicated for the reduction of elevated intraocular pressure (IOP) in patients with open-angle glaucoma or ocular hypertension." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does take drug with food mean?", + "output": "Some medicines need to be taken with or after food. Here are the 6 main reasons for this.\nTo reduce side effects of nausea or vomiting\nIt's better to take some medicines that can cause nausea or vomiting after a meal to reduce these side effects. Examples include allopurinol, bromocriptine and madopar.\nTo reduce side effects of stomach irritation, including indigestion, stomach inflammation or ulcers\nSome medicines can irritate the stomach, and taking them with food will reduce this effect. Things such as biscuits or a sandwich, or a glass of milk, are usually enough. Examples include:\naspirin\nnon-steroidal anti-inflammatory drugs (NSAIDs), such as diclofenac and ibuprofen\nsteroid medication (corticosteroids), such as prednisolone and dexamethasone\nTo treat problems such as heartburn, reflux or indigestion\nMedicines called antacids are taken to prevent heartburn, reflux and indigestion, which usually occur when acid is produced as food enters your stomach. Therefore, these medicines are most effective if taken immediately after, or during, a meal.\nTo ensure the medicine is not washed away\nPreparations such as mouthwashes, liquid nystatin, and miconazole gel for oral thrush or mouth ulcers must be used after meals. This is because eating food washes the medicine away too quickly.\nTo ensure the medicine is absorbed into the bloodstream properly\nSome medications require food in the stomach and gut for the body to absorb them properly, such as the HIV medicines ritonavir, saquinavir and nelfinavir.\nTo help the body process the meal\nMedicines for diabetes, if taken by mouth, should usually be taken around meal times to reduce blood sugar levels after eating and to avoid a very low blood sugar (hypoglycaemia).\nEnzyme supplements, which can be used to help people with chronic pancreatitis, should also be taken with food to help the body process the meal." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what would a normal dose be for valacyclovir", + "output": "Cold Sores (Herpes Labialis): The recommended dosage of valacyclovir tablets for treatment of cold sores is 2 grams twice daily for 1 day taken 12 hours apart. Therapy should be initiated at the earliest symptom of a cold sore (e.g., tingling, itching, or burning).\n\nGenital Herpes:\n\nInitial Episode: The recommended dosage of valacyclovir tablets for treatment of initial genital herpes is 1 gram twice daily for 10 days. Therapy was most effective when administered within 48 hours of the onset of signs and symptoms." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how many mgs of seroquel does one take for sleep", + "output": "The recommended initial dose, titration, dose range and maximum SEROQUEL dose for each approved indication is displayed in Table 1. After initial dosing, adjustments can be made upwards or downwards" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does tasmar contain", + "output": "CTIVE INGREDIENT/ACTIVE MOIETY\nTolcapone (UNII: CIF6334OLY) \n\nINACTIVE INGREDIENTS\nLactose Monohydrate (UNII: EWQ57Q8I5X)\npovidone K30 (UNII: U725QWY32X)\nsodium starch glycolate type a potato (UNII: 5856J3G2A2)\ntalc (UNII: 7SEV7J4R1U)\nmagnesium stearate (UNII: 70097M6I30)\ntitanium dioxide (UNII: 15FIX9V2JP)\ntriacetin (UNII: XHX3C3X673)\nsodium lauryl sulfate (UNII: 368GB5141J)\nferric oxide yellow (UNII: EX438O2MRT)\nferric oxide red (UNII: 1K09F3G675)\nMICROCRYSTALLINE CELLULOSE (UNII: OP1R32D61U)\nANHYDROUS DIBASIC CALCIUM PHOSPHATE (UNII: L11K75P92J)\nETHYLCELLULOSE, UNSPECIFIED (UNII: 7Z8S9VYZ4B)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is another drug similar to sulfonylureas", + "output": "Types of Insulin Secretagogues\nInsulin-releasing medicines\nSulfonylureas (Generic names): Glimepiride, Glipizide, Glyburide\nMeglitinides (Generic names): Repaglinide, Nateglinide" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do botulinum toxin injections treat muscle conditions?", + "output": "Targeted injection of botulinum toxin into muscles with the most tome can help to selectively weaken these muscles to improve range of motion and function." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "Acute overdose with Fentanyl Citrate Injection can be manifested by respiratory depression, somnolence progressing to stupor or coma, skeletal muscle flaccidity, cold and clammy skin, constricted pupils, and, in some cases, pulmonary edema, bradycardia, hypotension, partial or complete airway obstruction, atypical snoring, and death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "People use heroin to get high. But if they overdose on it, they get extremely sleepy or may become unconsciousness and stop breathing.\n\nBelow are symptoms of a heroin overdose in different parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "heroin mixed with fentanyl what are the symptoms of an overdose", + "output": "However, most recent cases of fentanyl-related harm, overdose, and death in the U.S. are linked to illegally made fentanyl.2 It is sold through illegal drug markets for its heroin-like effect. It is often mixed with heroin and/or cocaine as a combination product\u2014with or without the user\u2019s knowledge\u2014to increase its euphoric effects." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is pramipexole addictive?", + "output": "you should know that some people who took medications such as pramipexole to treat Parkinson's disease or restless legs syndrome developed gambling problems, an increased interest in shopping or sex, overeating problems, or other intense urges or behaviors that were compulsive or unusual for them. There is not enough information to tell whether the people developed these problems because they took the medication or for other reasons. Call your doctor if you develop intense urges or have difficulty controlling any of these behaviors. Tell your family members about these risks so that they can call the doctor even if you do not realize that your behavior has become a problem." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take amoxicillin with hydrocodone ?", + "output": "There are no direct drug interactions between Norco (acetaminophen, hydrocodone), amoxicillin (Amoxil) and Adipex (phentermine). Take the Norco only as needed. This may cause drowsiness, be careful if you must be alert. Take the amoxicillin until finished." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will the cyanocobalamin stay good", + "output": "Store at room temperature between 59-86 degrees F (15-30 degrees C) away from light and moisture. Do not freeze. Do not store in the bathroom. Keep all medicines away from children and pets.Do not flush medications down the toilet or pour them into a drain unless instructed to do so. Properly discard this product when it is expired or no longer needed. Consult your pharmacist or local waste disposal company for more details about how to safely discard your product." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "entocort ec how prescribed", + "output": "2.1 Mild to Moderate Active Crohn\u2019s Disease\nThe recommended adult dosage for the treatment of mild to moderate active Crohn's disease involving the ileum and/or the ascending colon is 9 mg orally taken once daily in the morning for up to 8 weeks. Repeated 8 week courses of ENTOCORT EC can be given for recurring episodes of active disease.\n\n2.2 Maintenance of Clinical Remission of Mild to Moderate Crohn\u2019s Disease\nFollowing an 8 week course(s) of treatment for active disease and once the patient\u2019s symptoms are controlled (CDAI less than 150), ENTOCORT EC 6 mg orally is recommended once daily for maintenance of clinical remission up to 3 months. If symptom control is still maintained at 3 months an attempt to taper to complete cessation is recommended. Continued treatment with ENTOCORT EC 6 mg for more than 3 months has not been shown to provide substantial clinical benefit." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "celebrex caps 200 mg what is it for", + "output": "These doses can be given without regard to timing of meals.\n2.2 Osteoarthritis\nFor OA, the dosage is 200 mg per day administered as a single dose or as 100 mg twice daily.\n2.3 Rheumatoid Arthritis\nFor RA, the dosage is 100 to 200 mg twice daily.\n2.4 Juvenile Rheumatoid Arthritis\nFor JRA, the dosage for pediatric patients (age 2 years and older) is based on weight. For patients \u226510 kg to \u226425 kg the recommended dose is 50 mg twice daily. For patients >25 kg the recommended dose is 100 mg twice daily.\n2.5 Ankylosing Spondylitis\nFor AS, the dosage of CELEBREX is 200 mg daily in single (once per day) or divided (twice per day) doses. If no effect is observed after 6 weeks, a trial of 400 mg daily may be worthwhile. If no effect is observed after 6 weeks on 400 mg daily, a response is not likely and consideration should be given to alternate treatment options.\n2.6 Management of Acute Pain and Treatment of Primary Dysmenorrhea\nFor management of Acute Pain and Treatment of Primary Dysmenorrhea, the dosage is 400 mg initially, followed by an additional 200 mg dose if needed on the first day. On subsequent days, the recommended dose is 200 mg twice daily as needed." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how ph change with antibiotic", + "output": "Collins' team had already discovered that antibiotics that kill bacteria do so by triggering oxidative stress in the bacteria. They wondered whether antibiotics caused side effects by triggering oxidative stress in the mitochondria, a bacterium-like organelle that supplies human cells with energy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does vicodin look like", + "output": "Color: WHITE Score: 2 pieces Shape: OVAL Size: 14mm Imprint Code: VICODIN;HP;10;300" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much is fish oil daily dose", + "output": "LC omega-3s are present in several dietary supplement formulations, including fish oil, krill oil, cod liver oil, and vegetarian products that contain algal oil. A typical fish oil supplement provides about 1,000 mg fish oil, containing 180 mg EPA and 120 mg DHA, but doses vary widely. Table 1 lists the current AIs for omega-3s in grams per day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "meropenem injection ip what is the rate of injection", + "output": "The recommended dose of Meropenem for Injection, USP is 500 mg given every 8 hours for skin and skin structure infections and 1 gram given every 8 hours for intra-abdominal infections. When treating complicated skin and skin structure infections caused by P. aeruginosa, a dose of 1 gram every 8 hours is recommended. \n\nMeropenem for Injection, USP should be administered by intravenous infusion over approximately 15 minutes to 30 minutes. Doses of 1 gram may also be administered as an intravenous bolus injection (5 mL to 20 mL) over approximately 3 minutes to 5 minutes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how does vitamin d help our bodies", + "output": "Vitamin D helps the body absorb calcium. Calcium and phosphate are two minerals that you must have for normal bone formation.\n\nIn childhood, your body uses these minerals to produce bones. If you do not get enough calcium, or if your body does not absorb enough calcium from your diet, bone production and bone tissues may suffer.\n\nVitamin D deficiency can lead to osteoporosis in adults or rickets in children." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is xifaxan used for", + "output": "XIFAXAN is indicated for the treatment of travelers\u2019 diarrhea (TD) caused by noninvasive strains of Escherichia coli in adults and pediatric patients 12 years of age and older.\nXIFAXAN is indicated for reduction in risk of overt hepatic encephalopathy (HE) recurrence in adults.\nXIFAXAN is indicated for the treatment of irritable bowel syndrome with diarrhea (IBS-D) in adults." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why synthroid is interfered by calcium", + "output": "Calcium carbonate may form an insoluble chelate with levothyroxine, and ferrous sulfate likely forms a ferric-thyroxine complex. Administer SYNTHROID at least 4 hours apart from these agents." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens when you mix cymbalta with muscle relaxes", + "output": "CNS Acting Drugs \u2014 Given the primary CNS effects of CYMBALTA, it should be used with caution when it is taken in combination with or substituted for other centrally acting drugs, including those with a similar mechanism of action [see Warnings and Precautions (5.12) and Drug Interactions (7.16)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to start tamiflu", + "output": "TAMIFLU is indicated for the treatment of acute, uncomplicated illness due to influenza A and B infection in patients 2 weeks of age and older who have been symptomatic for no more than 48 hours.\n1.2 Prophylaxis of Influenza\nTAMIFLU is indicated for the prophylaxis of influenza A and B in patients 1 year and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can i take vitamins with rasagiline?", + "output": "Results of a special tyramine challenge study indicate that rasagiline is selective for MAO-B at recommended doses and can be used without dietary tyramine restriction. However, certain foods may contain very high amounts (i.e., 150 mg or greater) of tyramine and could potentially cause a hypertensive reaction in individual patients taking rasagiline due to increased sensitivity to tyramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to take clotrimazole", + "output": "Clotrimazole comes as a cream, lotion, powder, and solution to apply to the skin; lozenges (called troches) to dissolve in the mouth; and vaginal tablets and vaginal cream to be inserted into the vagina. Clotrimazole is usually used five times a day for 14 days for oral thrush, twice a day (in the morning and evening) for 2 to 8 weeks for skin infections, and once a day at bedtime for 3 or 7 days for vaginal infections. Follow the directions on the package or your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Use clotrimazole exactly as directed. Do not use more or less of it or use it more often than prescribed by your doctor.\n\nTo use the topical cream, lotion, or solution, thoroughly clean the infected area, allow it to dry, and then gently rub the medication in until most of it disappears. Use just enough medication to cover the affected area. You should wash your hands after applying the medication.\n\nThe lozenges should be placed in the mouth and dissolved slowly over about 15 to 30 minutes. Do not chew or swallow the lozenges whole." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to apply clonidine patch on chest", + "output": "Apply clonidine patches to clean, dry skin on a hairless area on the upper, outer arm or upper chest. Choose an area where it will not be rubbed by tight clothing. Do not apply patches to skin that has wrinkles or folds or to skin that is cut, scraped, irritated, scarred or recently shaved. You may bathe, swim, or shower while you are wearing a clonidine patch.\n\nIf the clonidine patch loosens while wearing it, apply the adhesive cover that comes with the patch. The adhesive cover will help to keep the clonidine patch on until it is time for the patch to be replaced. If the clonidine patch significantly loosens or falls off, replace it with a new one in a different area. Replace the new patch on your next scheduled patch change day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do patients get better medication deposition when using a spacer?", + "output": "In some cases, such as for children or older adults, using a spacer or valved holding chamber with an inhaler might make it easier to inhale the full dose. A spacer holds medication in a tube between the inhaler and your mouth after it's released. A valved holding chamber is a specialized spacer with a one-way valve to help regulate the flow of medication.\n\nReleasing the medication into the spacer allows you to inhale more slowly, increasing the amount that reaches your lungs. Spacers and holding chambers require a prescription.\n\nThere are inhalers with built-in spacers. Others can be used with a spacer that attaches to the inhaler." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what color is the clonazepam", + "output": "yellow" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how 9is cyanocobalamin adminitsered", + "output": "Cyanocobalamin comes as a solution (liquid) to be injected into a muscle or just under the skin. It is usually injected by a healthcare provider in an office or clinic. You will probably receive cyanocobalamin injection once a day for the first 6-7 days of your treatment. As your red blood cells return to normal, you will probably receive the medication every other day for 2 weeks, and then every 3-4 days for 2-3 weeks. After your anemia has been treated, you will probably receive the medication once a month to prevent your symptoms from coming back." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop pregabalin lyrica", + "output": "When discontinuing LYRICA, taper gradually over a minimum of 1 week." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "i need to know how to use this medication ultibro", + "output": "The way to take this medicine: Inhalation\nStore below 25 degrees Celsius\nProtect from Moisture\nLifetime is 24 Months." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "howmuch aspirin in butalbital", + "output": "Butalbital 50 mg; Aspirin 325 mg; Caffeine 40 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles vaccine how often", + "output": "The recommended schedule for live shingles vaccine is a single dose for adults 60 years of age and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show me omeprazole", + "output": "Color: BROWN; Shape: OVAL; Size: 12mm; Imprint Code: 20" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is u02 medicine", + "output": "imipramine pamoate, Hydrocodone Bitartrate and Acetaminophen" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what does magnesium do to your body", + "output": "Magnesium is a nutrient that the body needs to stay healthy. Magnesium is important for many processes in the body, including regulating muscle and nerve function, blood sugar levels, and blood pressure and making protein, bone, and DNA." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "shingles sq (zostavax) i have to take again ?", + "output": "Zostavax is approved by the Food and Drug Administration for people aged 50 years and older. However, CDC does not have a recommendation for routine use of Zostavax in people 50 through 59 years old. Protection from this shingles vaccine lasts about 5 years, so adults vaccinated before they are 60 years old might not be protected later in life when the risk for shingles and its complications are greatest. Adults 50 through 59 years who have questions about shingles vaccine should discuss the risks and benefits with a healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size bottle does latanoprost ophthalmic come in", + "output": "Latanoprost ophthalmic solution is a sterile, clear, isotonic, buffered, preserved, colorless solution of latanoprost 0.005% (50 mcg/mL). It is supplied as a 2.5 mL solution in a 6 mL natural low density polyethylene bottle with a natural low density polyethylene dropper tip and a turquoise polyethylene screw cap." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is bcg vaccine stored", + "output": "The intact vials of BCG VACCINE should be stored refrigerated at 2-8\u00b0C (36-46\u00b0F).\n\nThis agent contains live bacteria and should be protected from direct sunlight. The product should not be used after the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is shingrix (rzv) recombinant vaccine", + "output": "CDC recommends that healthy adults 50 years and older get two doses of the shingles vaccine called Shingrix (recombinant zoster vaccine), separated by 2 to 6 months, to prevent shingles and the complications from the disease. Your doctor or pharmacist can give you Shingrix as a shot in your upper arm.\n\nShingrix provides strong protection against shingles and PHN. Two doses of Shingrix is more than 90% effective at preventing shingles and PHN. Protection stays above 85% for at least the first four years after you get vaccinated. Shingrix is the preferred vaccine, over Zostavax\u00ae (zoster vaccine live), a shingles vaccine in use since 2006." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the max dose of oral iron supplement for senior citizen", + "output": "Table 1 lists the current iron RDAs for nonvegetarians. The RDAs for vegetarians are 1.8 times higher than for people who eat meat. This is because heme iron from meat is more bioavailable than nonheme iron from plant-based foods, and meat, poultry, and seafood increase the absorption of nonheme iron [5].\n\nFor infants from birth to 6 months, the FNB established an AI for iron that is equivalent to the mean intake of iron in healthy, breastfed infants.\n\nTable 1: Recommended Dietary Allowances (RDAs) for Iron [5]\nAge\tMale\tFemale\tPregnancy\tLactation\nBirth to 6 months\t0.27 mg*\t0.27 mg*\t \t \n7\u201312 months\t11 mg\t11 mg\t \t \n1\u20133 years\t7 mg\t7 mg\t \t \n4\u20138 years\t10 mg\t10 mg\t \t \n9\u201313 years\t8 mg\t8 mg\t \t \n14\u201318 years\t11 mg\t15 mg\t27 mg\t10 mg\n19\u201350 years\t8 mg\t18 mg\t27 mg\t9 mg\n51+ years\t8 mg\t8 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is a normal dosage of klonopin", + "output": "Seizure Disorders\nThe use of multiple anticonvulsants may result in an increase of CNS depressant adverse effects. This should be considered before adding Klonopin to an existing anticonvulsant regimen.\n\nAdults\n\nThe initial dose for adults with seizure disorders should not exceed 1.5 mg/day divided into three doses. Dosage may be increased in increments of 0.5 to 1 mg every 3 days until seizures are adequately controlled or until side effects preclude any further increase. Maintenance dosage must be individualized for each patient depending upon response. Maximum recommended daily dose is 20 mg." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often can a prescription of fentanyl be called in", + "output": "Fentanyl comes as four different transmucosal products and several other types of products. The medication in each product is absorbed differently by the body, so one product cannot be substituted for any other fentanyl product. If you are switching from one product to another, your doctor will prescribe a dose that is best for you.\n\nA program has been set up for each fentanyl product to decrease the risk of using the medication. Your doctor will need to enroll in the program in order to prescribe fentanyl and you will need to have your prescription filled at a pharmacy that is enrolled in the program. As part of the program, your doctor will talk with you about the risks and benefits of using fentanyl and about how to safely use, store, and dispose of the medication. After you talk with your doctor, you will sign a form acknowledging that you understand the risks of using fentanyl and that you will follow your doctor's instructions to use the medication safely. Your doctor will give you more information about the program and how to get your medication and will answer any questions you have about the program and your treatment with fentanyl." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does stomach take to empty for fosamax", + "output": "Absorption\n\nRelative to an intravenous reference dose, the mean oral bioavailability of alendronate in women was 0.64% for doses ranging from 5 to 70 mg when administered after an overnight fast and two hours before a standardized breakfast. Oral bioavailability of the 10 mg tablet in men (0.59%) was similar to that in women when administered after an overnight fast and 2 hours before breakfast.\n\nFOSAMAX 70 mg oral solution and FOSAMAX 70 mg tablet are equally bioavailable.\n\nA study examining the effect of timing of a meal on the bioavailability of alendronate was performed in 49 postmenopausal women. Bioavailability was decreased (by approximately 40%) when 10 mg alendronate was administered either 0.5 or 1 hour before a standardized breakfast, when compared to dosing 2 hours before eating. In studies of treatment and prevention of osteoporosis, alendronate was effective when administered at least 30 minutes before breakfast.\n\nBioavailability was negligible whether alendronate was administered with or up to two hours after a standardized breakfast. Concomitant administration of alendronate with coffee or orange juice reduced bioavailability by approximately 60%." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone \"infection?\"", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "fluoxetine what mgs are available", + "output": "20 mg, Capsule is a Dark blue opaque cap and Light blue opaque body, imprinted with \u201c20\u201d on the cap and \u201cA106\u201d on the body.\n\n40 mg, Capsule is a Light blue opaque cap and Light blue opaque body, imprinted with \u201c40\u201d on the cap and \u201cA107\u201d on the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can i take ibuprofen", + "output": "It's safe to take ibuprofen regularly for many years if you need to as long as you don't take more than the recommended dosage.\nIf you need to take ibuprofen by mouth for a long time and you're at risk of getting a stomach ulcer, your doctor may prescribe a medicine to help protect your stomach." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how can i split a 3mg or 4mg waefin pill so i can get a 2.5mg pill", + "output": "Warfarin comes as a tablet to take by mouth. It is usually taken once a day with or without food. Take warfarin at around the same time every day. Follow the directions on your prescription label carefully, and ask your doctor or pharmacist to explain any part you do not understand. Take warfarin exactly as directed. Do not take more or less of it or take it more often than prescribed by your doctor. Call your doctor immediately if you take more than your prescribed dose of warfarin.\n\nYour doctor will probably start you on a low dose of warfarin and gradually increase or decrease your dose based on the results of your blood tests. Make sure you understand any new dosing instructions from your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "does doxycycline contain resin and shellac in it. ?", + "output": "INACTIVE INGREDIENTS:\nSILICON DIOXIDE \nSTARCH, CORN \nCROSCARMELLOSE SODIUM \nDOCUSATE SODIUM \nSODIUM BENZOATE \t \nMAGNESIUM STEARATE \t \nCELLULOSE, MICROCRYSTALLINE \nFD&C BLUE NO. 2 \nFD&C YELLOW NO. 6 \nHYPROMELLOSES \t \nPOLYETHYLENE GLYCOLS \nTITANIUM DIOXIDE" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "wht is a normal dose daily for ativan?", + "output": "Ativan (lorazepam) is administered orally. For optimal results, dose, frequency of administration, and duration of therapy should be individualized according to patient response. To facilitate this, 0.5 mg, 1 mg, and 2 mg tablets are available.\n\nThe usual range is 2 to 6 mg/day given in divided doses, the largest dose being taken before bedtime, but the daily dosage may vary from 1 to 10 mg/day.\n\nFor anxiety, most patients require an initial dose of 2 to 3 mg/day given two times a day or three times a day.\n\nFor insomnia due to anxiety or transient situational stress, a single daily dose of 2 to 4 mg may be given, usually at bedtime.\n\nFor elderly or debilitated patients, an initial dosage of 1 to 2 mg/day in divided doses is recommended, to be adjusted as needed and tolerated.\n\nThe dosage of Ativan (lorazepam) should be increased gradually when needed to help avoid adverse effects. When higher dosage is indicated, the evening dose should be increased before the daytime doses." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "ok to use expired lidocaine patches??", + "output": "A 2006 study of 122 drugs tested by the program showed that two-thirds of the expired medications were stable every time a lot was tested. Each of them had their expiration dates extended, on average, by more than four years, according to research published in the Journal of Pharmaceutical Sciences.\n\nSome that failed to hold their potency include the common asthma inhalant albuterol, the topical rash spray diphenhydramine, and a local anesthetic made from lidocaine and epinephrine, the study said" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often is the tetanus shot \"given?\"", + "output": "Everyone needs tetanus vaccines throughout their lives. That means everyone needs to get vaccinated as babies, children, and adults.\n\nInfants and children birth through age 6\nYoung children need the DTaP vaccine as part of their routine vaccine schedule. Young children need a dose of the vaccine at:\n\n2 months\n4 months\n6 months\n15 through 18 months\n4 through 6 years\nIf your child has had a serious reaction to the whooping cough part of the DTaP vaccine, they may be able to get the DT vaccine instead. \nPreteens and teens ages 7 through 18\nOlder children need 1 booster shot of the Tdap vaccine at age 11 or 12 as part of their routine vaccine schedule.\nAdults age 19 and older\nAdults need 1 booster shot of the Td vaccine every 10 years as part of their routine vaccine schedule. If you get a deep cut or a burn, you may need the booster earlier \u2014 especially if the cut or burn is dirty.\n\nIf you missed the Tdap booster as a teen, you\u2019ll need to get a Tdap booster instead to make sure you have protection from whooping cough.\n\nPregnant women\nPregnant women need 1 booster shot of the Tdap vaccine during the third trimester of each pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why take simvastatin", + "output": "Simvastatin is used together with diet, weight-loss, and exercise to reduce the risk of heart attack and stroke and to decrease the chance that heart surgery will be needed in people who have heart disease or who are at risk of developing heart disease. Simvastatin is also used to decrease the amount of fatty substances such as low-density lipoprotein (LDL) cholesterol (''bad cholesterol'') and triglycerides in the blood and to increase the amount of high-density lipoprotein (HDL) cholesterol (''good cholesterol'') in the blood. Simvastatin may also be used to decrease the amount of cholesterol and other fatty substances in the blood in children and teenagers 10 to 17 years of age who have familial heterozygous hypercholesterolemia (an inherited condition in which cholesterol cannot be removed from the body normally). Simvastatin is in a class of medications called HMG-CoA reductase inhibitors (statins). It works by slowing the production of cholesterol in the body to decrease the amount of cholesterol that may build up on the walls of the arteries and block blood flow to the heart, brain, and other parts of the body." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the medication thera tab used to treat?", + "output": "This medication is a multivitamin product used to treat or prevent vitamin deficiency due to poor diet, certain illnesses, or during pregnancy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i stop taking heparin?", + "output": "Unlike warfarin, which requires a slow reduction, heparin treatment can be started and stopped quickly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what spices can be used while on warfarin", + "output": "We found 58 different plants that may alter the blood haemostasis and anticoagulation with warfarin. The herbs that showed the greatest potential to interact with warfarin include garlic, ginger, ginkgo, St. John's wort, and ginseng, i.e. plants normally consumed as food and also used for therapeutic purposes. The interactions between drugs and herbs are varied because of the complex chemical matrix of plants. Mainly coumarins, quinones, xanthones, terpenes, lignans, and vitamin K showed significant influence on warfarin treatment. In general, these plants can potentiate the effect of warfarin by stimulating anticoagulation in multiple ways, and the clinical outcome associated with this interaction is the increase of bleeding risk." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "teroid abuse can also be hepatotoxic, promoting disturbances such as biliary stasis, peliosis hepatis, and even hepatomas, which are all usually reversible upon discontinuation." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the digestive system", + "output": "Corticosteroid use was associated with increased risk of gastrointestinal bleeding and perforation. The increased risk was statistically significant for hospitalised patients only. For patients in ambulatory care, the total occurrence of bleeding or perforation was very low, and the increased risk was not statistically significant." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "tylenol pm mg?", + "output": "Acetaminophen 500 mg; Diphenhydramine HCl 25 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what should i do if i just started taking an antibiotic and i am experiencing diahreea", + "output": "Call your doctor right away if you have serious signs and symptoms of antibiotic-associated diarrhea. These signs and symptoms are common to a number of conditions, so your doctor might recommend tests to determine the cause." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is there danger in stopping sertraline form \"days?\"", + "output": "Discontinuation of Treatment with Sertraline\n\nSymptoms associated with discontinuation of sertraline and other SSRIs and SNRIs, have been reported (see PRECAUTIONS). Patients should be monitored for these symptoms when discontinuing treatment. A gradual reduction in the dose rather than abrupt cessation is recommended whenever possible. If intolerable symptoms occur following a decrease in the dose or upon discontinuation of treatment, then resuming the previously prescribed dose may be considered. Subsequently, the physician may continue decreasing the dose but at a more gradual rate." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time should take memantine", + "output": "Memantine comes as a tablet, a solution (liquid), and an extended-release (long-acting) capsule to take by mouth. The solution and tablet are usually taken once or twice a day with or without food. The capsule is taken once a day with or without food." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "trospium chloride in patients with neurogenic detrusor \"over activity:\" is dose titration of benefit to the \"patients?\"", + "output": "The recommended dose is 20 mg twice daily. Trospium chloride tablets should be dosed at least one hour before meals or given on an empty stomach. \n\nDosage modification is recommended in the following patient populations:\n\nFor patients with severe renal impairment (creatinine clearance less than 30 mL/min), the recommended dose is 20 mg once daily at bedtime [see WARNINGS AND PRECAUTIONS (5.5), USE IN SPECIFIC POPULATIONS (8.6), and CLINICAL PHARMACOLOGY (12.3)].\nIn geriatric patients greater than or equal to 75 years of age, dose may be titrated down to 20 mg once daily based upon tolerability [see USE IN SPECIFIC POPULATIONS (8.5)]." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the purpose or desired effect of aspirin", + "output": "Prescription aspirin is used to relieve the symptoms of rheumatoid arthritis (arthritis caused by swelling of the lining of the joints), osteoarthritis (arthritis caused by breakdown of the lining of the joints), systemic lupus erythematosus (condition in which the immune system attacks the joints and organs and causes pain and swelling) and certain other rheumatologic conditions (conditions in which the immune system attacks parts of the body). Nonprescription aspirin is used to reduce fever and to relieve mild to moderate pain from headaches, menstrual periods, arthritis, colds, toothaches, and muscle aches. Nonprescription aspirin is also used to prevent heart attacks in people who have had a heart attack in the past or who have angina (chest pain that occurs when the heart does not get enough oxygen). Nonprescription aspirin is also used to reduce the risk of death in people who are experiencing or who have recently experienced a heart attack. Nonprescription aspirin is also used to prevent ischemic strokes (strokes that occur when a blood clot blocks the flow of blood to the brain) or mini-strokes (strokes that occur when the flow of blood to the brain is blocked for a short time) in people who have had this type of stroke or mini-stroke in the past. Aspirin will not prevent hemorrhagic strokes (strokes caused by bleeding in the brain). Aspirin is in a group of medications called salicylates. It works by stopping the production of certain natural substances that cause fever, pain, swelling, and blood clots." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "qvar 40mcg what is it doe", + "output": "QVAR\u00ae is indicated in the maintenance treatment of asthma as prophylactic therapy in patients 5 years of age and older.\n\nImportant Limitations of Use: QVAR is NOT indicated for the relief of acute bronchospasm." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the ingredients in cephalexin", + "output": "CEPHALEXIN ANHYDROUS 250 mg" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the effect of eliquis and cialis", + "output": "liquis active compound is Apixaban. Apixaban prevents blood from forming clothes and is prescribed to reduce risk of systemic embolism associated with nonvalvular atrial fibrillation and stroke. There are no reports that suggest interaction when used together with Tadalafil. This does not mean that the side effects are not possible. Always consult a doctor before taking these medications together. Never stop using a medication prescribed by a doctor without its advice. It is important to tell the health care provider about all other medications in current use, including vitamin supplements and herbs. Patients should call doctor if they experience of the following symptoms, sign of potential toxicity such as dizziness, nausea, diarrhea, irregular heartbeat, visual disturbances in one or both eyes, pain or tightness in the chest or jaw, shortness of breath, prolonged erection for more than 4 hours." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "jalyn 0.5-0.4 mg capsule?", + "output": "1.1 Benign Prostatic Hyperplasia (BPH) Treatment\nJALYN (dutasteride and tamsulosin hydrochloride) capsules are indicated for the treatment of symptomatic BPH in men with an enlarged prostate.\n\n1.2 Limitations of Use\nDutasteride-containing products, including JALYN, are not approved for the prevention of prostate cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "topiramate?", + "output": "Topiramate is used alone or with other medications to treat certain types of seizures including primary generalized tonic-clonic seizures (formerly known as a grand mal seizure; seizure that involves the entire body) and partial onset seizures (seizures that involve only one part of the brain). Topiramate is also used with other medications to control seizures in people who have Lennox-Gastaut syndrome (a disorder that causes seizures and developmental delays). Topiramate is also used to prevent migraine headaches but not to relieve the pain of migraine headaches when they occur. Topiramate is in a class of medications called anticonvulsants. It works by decreasing abnormal excitement in the brain." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "show spironolactone 30mg \"tab/accord\" healthcare", + "output": "Spironolactone oral tablets contain 25 mg, 50 mg, or 100 mg of the aldosterone antagonist spironolactone" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long after steroids to see results", + "output": "You may have heard of anabolic steroids, which can have harmful effects. But there's another type of steroid - sometimes called a corticosteroid - that treats a variety of problems. These steroids are similar to hormones that your adrenal glands make to fight stress associated with illnesses and injuries. They reduce inflammation and affect the immune system." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "exercise restrictions with taking moxifloxacin?", + "output": "Fluoroquinolones, including Moxifloxacin Tablets, have been associated with an increased risk of tendinitis and tendon rupture in all ages [see Warnings and Precautions ( 5.1) and Adverse Reactions ( 6.2)] . This adverse reaction most frequently involves the Achilles tendon, and has also been reported with the rotator cuff (the shoulder), the hand, the biceps, the thumb, and other tendons. Tendinitis or tendon rupture can occur within hours or days of starting moxifloxacin or as long as several months after completion of therapy. Tendinitis and tendon rupture can occur bilaterally.\n\nThe risk of developing fluoroquinolone-associated tendinitis and tendon rupture is increased in patients over 60 years of age, in patients taking corticosteroid drugs, and in patients with kidney, heart or lung transplants. Other factors that may independently increase the risk of tendon rupture include strenuous physical activity, renal failure, and previous tendon disorders such as rheumatoid arthritis. Tendinitis and tendon rupture have also occurred in patients taking fluoroquinolones who do not have the above risk factors. Discontinue Moxifloxacin Tablets immediately if the patient experiences pain, swelling, inflammation or rupture of a tendon. Patients should be advised to rest at the first sign of tendinitis or tendon rupture, and to contact their healthcare provider regarding changing to a non-quinolone antimicrobial drug. Avoid fluoroquinolones, including Moxifloxacin Tablets, in patients who have a history of tendon disorders or who have experienced tendinitis or tendon rupture [see Adverse Reactions" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are fat soluable vitamins.", + "output": "As is the case with all dietary supplements, the decision to use supplemental vitamins should not be taken lightly, says Vasilios Frankos, Ph.D., Director of FDA's Division of Dietary Supplement Programs.\n\"Vitamins are not dangerous unless you get too much of them,\" he says. \"More is not necessarily better with supplements, especially if you take fat-soluble vitamins.\u201d For some vitamins and minerals, the National Academy of Sciences has established upper limits of intake (ULs) that it recommends not be exceeded during any given day. (For more information, visit www.nap.edu/catalog.php?record_id=6432#toc\n\nAlso, the AAFP lists the following side effects that are sometimes associated with taking too much of a vitamin.\n\nFat-soluble Vitamins\n\nA (retinol, retinal, retinoic acid): Nausea, vomiting, headache, dizziness, blurred vision, clumsiness, birth defects, liver problems, possible risk of osteoporosis. You may be at greater risk of these effects if you drink high amounts of alcohol or you have liver problems, high cholesterol levels or don't get enough protein.\nD (calciferol): Nausea, vomiting, poor appetite, constipation, weakness, weight loss, confusion, heart rhythm problems, deposits of calcium and phosphate in soft tissues.\nIf you take blood thinners, talk to your doctor before taking vitamin E or vitamin K pills." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vaccine when pregnant", + "output": "Vaccines help keep your pregnant patients and their\n \ngrowing families healthy." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "vit b12 tabet?", + "output": "Vitamin B12 is found in almost all multivitamins. Dietary supplements that contain only vitamin B12, or vitamin B12 with nutrients such as folic acid and other B vitamins, are also available. Check the Supplement Facts label to determine the amount of vitamin B12 provided.\n\nVitamin B12 is also available in sublingual forms (which are dissolved under the tongue). There is no evidence that sublingual forms are better absorbed than pills that are swallowed.\n\nA prescription form of vitamin B12 can be administered as a shot. This is usually used to treat vitamin B12 deficiency. Vitamin B12 is also available as a prescription medication in nasal gel form (for use in the nose)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumonia vaccine is good for how long?", + "output": "Do not use any pneumococcal vaccine beyond the expiration date printed on the label." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often should adult take pneumonia vaccine", + "output": "CDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what mg. does meprobamate have?", + "output": "Meprobamate Tablets USP 200 mg are scored, round, white tablets imprinted 591-B supplied in bottles of 100 and 1000.\n\nMeprobamate Tablets USP 400 mg are scored, round, white tablets imprinted 591-A supplied in bottles of 100 and 1000." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what happens if voiting happens after taking a medication", + "output": "Of the 76 responses from the study hospital, 65 were suitable for analysis. Many respondents reported encountering vomiting after administration of oral medications on a weekly (25 [38%]) or monthly (24 [37%]) basis. Most of the respondents reported that they would follow a general rule to redose if vomiting occurred within 30 min (39 [60%]) or 15 min (21 [32%]) after initial ingestion. When respondents were asked to rate the importance of 8 factors potentially affecting the decision to redose, more than half indicated that time after dose ingestion (59 [91%]), medication type (45 [69%]), patient status (39 [60%]), and visibility of medication in the vomitus (36 [55%]) were very important. Of the 53 respondents to the survey of health care professionals at other institutions, 16 (30%) indicated that their pediatric hospital or ward had a guideline on redosing in cases of vomiting after administration of oral medications. Most respondents (12/13 [92%]) stated that the guideline took into account the interval between initial ingestion and vomiting." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "influenza when received", + "output": "You should get a flu vaccine before flu begins spreading in your community. It takes about two weeks after vaccination for antibodies that protect against flu to develop in the body. CDC recommends that people get a flu vaccine by the end of October. Getting vaccinated later, however, can still be beneficial and vaccination should continue to be offered throughout the flu season, even into January or later.\n\nChildren who need two doses of vaccine to be protected should start the vaccination process sooner, because the two doses must be given at least four weeks apart." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "prevnar >65what is this vaccine used for?", + "output": "The pneumococcal conjugate vaccine (PCV13 or Prevnar 13\u00ae) provides protection against the 13 serotypes responsible for most severe illness. The vaccine can also help prevent some ear infections. CDC recommends administering PCV13 as a four-dose series at 2, 4, 6, and 12 through 15 months of life. Research shows that this vaccine is very effective at preventing infection resulting from the serotypes contained in the vaccine. PCV13 should also be administered to all adults 65 years or older and to some adults 19 through 64 years of age with conditions that put them at increased risk for pneumococcal disease." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is clotrimazole and betamethasone dipropionage cream", + "output": "Clotrimazole and betamethasone dipropionate cream is a combination of an azole antifungal and corticosteroid and is indicated for the topical treatment of symptomatic inflammatory tinea pedis, tinea cruris, and tinea corporis due to Epidermophyton floccosum, Trichophyton mentagrophytes, and Trichophyton rubrum in patients 17 years and older." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "levodopa carbidopa what will these drugs do to me if i take alcohol", + "output": "Alcohol can make the side effects from levodopa and carbidopa worse." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how often do you need a zoster vaccine?", + "output": "People 60 years of age or older should get shingles vaccine (Zostavax). They should get the vaccine whether or not they recall having had chickenpox, which is caused by the same virus as shingles. Studies show that more than 99% of Americans aged 40 and older have had chickenpox, even if they don\u2019t remember getting the disease. There is no maximum age for getting shingles vaccine.\n\nA new shingles vaccine called Shingrix was licensed by the U.S. Food and Drug Administration (FDA) in 2017. CDC recommends that healthy adults 50 years and older get two doses of Shingrix, 2 to 6 months apart. Shingrix provides strong protection against shingles and PHN. Shingrix is the preferred vaccine, over Zostavax.\n\nEven if you have had shingles, you can still receive shingles vaccine to help prevent future occurrences of the disease. There is no specific length of time you must wait after having shingles before receiving shingles vaccine, but generally you should make sure the shingles rash has disappeared before getting vaccinated. The decision on when to get vaccinated should be made with your healthcare provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "do prescription antacids help prevent reocurrence of arts?", + "output": "Antacids help to treat heartburn (indigestion). They work by neutralizing the stomach acid that causes heartburn.\n\nYou can buy many antacids without a prescription. Liquid forms work faster, but you may like tablets because they are easy to use.\n\nAll antacids work equally well, but they can cause different side effects. If you use antacids often and have problems with side effects, talk with your health care provider." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long can you take a steroid for arthritis", + "output": "The length of time that patients will remain on steroid treatment will vary between patients (and rheumatologists). Some patients may only be given low-dose oral steroids for the first few months following diagnosis, while others may stay on steroids for longer. There is evidence to suggest that patients can experience a continued reduction in the progression of the disease from steroids for 1 to 2 years, but this will not be appropriate for everyone, so the decision will be made on an individual basis. These patients can also get symptom improvement for a year or two as a kind of 'beneficial side effect'." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long does marijuana stay in your system", + "output": "Marijuana, also known as cannabis or weed, is usually detectable in bodily fluids for 1 to 30 days after last use. As with other drugs, it may be detectable in hair for several months.\n\nMarijuana detection windows depend on how much you smoke or ingest, as well as how often. In general, higher doses and more frequent use are associated with longer detection times.\n\nFor daily users, cannabis may be detectable for several months after last use. The longest-reported detection times are more than 90 days." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the expiration time for fluorouracil topical cream", + "output": "The recommended shelf life of Efudix cream is 60 months.\n\nShelf life after first opening the immediate packaging: 90 days for the 20g and 40g tubes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the difference between atorvastatin and lipitor", + "output": "LIPITOR \u00ae (atorvastatin calcium) tablets, for oral use" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what medications could cause excessive hair growth", + "output": "The following medications can cause hirsutism:\nAnabolic steroids\nTestosterone\nGlucocorticoids\nCyclosporine (Sandimmune\u00ae)\nMinoxidil (Loniten\u00ae, Rogaine\u00ae)\nDanazol (Danocrine\u00ae)\nPhenytoin (Dilantin\u00ae)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is formoterol", + "output": "Formoterol is an ADRENERGIC BETA-2 RECEPTOR AGONIST with a prolonged duration of action. It is used to manage ASTHMA and in the treatment of CHRONIC OBSTRUCTIVE PULMONARY DISEASE." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what painkillers can i take when taking rivaroxaban", + "output": "You can take paracetamol while you're taking rivaroxaban.\nDo not take aspirin and ibuprofen while you're taking rivaroxaban unless a doctor has said it's OK to. They increase the chance of bleeding." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long should wait to take another medicine after i take azithromycin", + "output": "if you are taking antacids containing aluminum hydroxide or magnesium hydroxide (Maalox, Mylanta, Tums, others), you will need to allow some time to pass between when you take a dose of these antacids and when you take a dose of azithromycin tablets or liquid. Ask your doctor or pharmacist how many hours before or after you take azithromycin you may take these medications. The extended-release suspension may be taken at any time with antacids." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what time of day to take aripiprazole", + "output": "Aripiprazole comes as a tablet, a solution (liquid), and an orally disintegrating tablet (tablet that dissolves quickly in the mouth) to take by mouth. It is usually taken once a day with or without food. Take aripiprazole at around the same time every day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what types of steroids shots are there", + "output": "Steroids are often injected directly into joints to treat conditions such as rheumatoid arthritis, gout or other inflammatory diseases. Steroids can also be injected into inflamed bursae (bursitis), or around inflamed tendons (tendinitis) near the shoulder, elbow, hip, knee, hand or wrist." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are some side effects nicoderm", + "output": "Nicotine skin patches may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\ndizziness\nheadache\nnausea\nvomiting\ndiarrhea\nredness or swelling at the patch site\nIf you experience any of the following symptoms, call your doctor immediately:\n\nsevere rash or swelling\nseizures\nabnormal heartbeat or rhythm\ndifficulty breathing" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "warfarin and cabbage?", + "output": "Some foods can change the way warfarin works in your body. Make sure you check with your provider before making any big changes in your diet.\n\nYou do not have to avoid these foods, but try to eat or drink only small amounts of them. In the least, DO NOT change much of these foods and products you eat day-to-day or week-to-week:\n\nMayonnaise and some oils, such as canola, olive, and soybean oils\nBroccoli, Brussels sprouts, and raw green cabbage\nEndive, lettuce, spinach, parsley, watercress, garlic, and scallions (green onions)\nKale, collard greens, mustard greens, and turnip greens\nCranberry juice and green tea\nFish oil supplements, herbs used in herbal teas" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can a patient stop using enalapril if the condition \"stabilize?\"", + "output": "Enalapril controls high blood pressure and heart failure but does not cure them. Continue to take enalapril even if you feel well. Do not stop taking enalapril without talking to your doctor." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "rosuvastatin calcium what are the side effects", + "output": "Rosuvastatin may cause side effects. Tell your doctor if any of these symptoms are severe or do not go away:\n\nconstipation\nstomach pain\ndizziness\ndifficulty falling asleep or staying asleep\ndepression\njoint pain\nheadache\nmemory loss or forgetfulness\nconfusion\nSome side effects can be serious. If you experience any of the following symptoms, call your doctor immediately or get emergency medical help:\n\n:\n\nmuscle pain, tenderness, or weakness\nlack of energy\nfever\nchest pain\nyellowing of the skin or eyes\ndark colored urine\npain in the upper right part of the abdomen\nnausea\nextreme tiredness\nweakness\nunusual bleeding or bruising\nloss of appetite\nflu-like symptoms\nrash\nhives\nitching\ndifficulty breathing or swallowing\nswelling of the face, throat, tongue, lips, eyes, hands, feet, ankles, or lower legs\nhoarseness\nRosuvastatin may cause other side effects. Call your doctor if you have any unusual problems while taking this medication." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the protocol for adding insulin for type2 diabetics", + "output": "Why do I need to take insulin?\nAll people who have type 1 diabetes and some people who have type 2 diabetes need to take insulin to help control their blood sugar levels. The goal of taking insulin is to keep your blood sugar level in a normal range as much as possible. Keeping blood sugar in check helps you stay healthy. Insulin can\u2019t be taken by mouth. It is usually taken by injection (a shot). It can also be taken by using an insulin pen or an insulin pump.\n\nHow often will I need to take insulin?\nYou and your doctor will develop a schedule that is right for you. Most people who have diabetes and take insulin need at least 2 insulin shots a day for good blood sugar control. Some people need 3 or 4 shots a day." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is the dosage of levofloxacin tablets for bronchitis please", + "output": "Dosage of Levofloxacin Tablets in Adult Patients with Creatinine Clearance \u2265 50 mL/minute\nThe usual dose of levofloxacin tablets are 250 mg or 500 mg administered orally every 24 hours, as indicated by infection and described in Table 1." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is insuline and glucagon", + "output": "Glucagon is a peptide hormone, produced by alpha cells of the pancreas. It works to raise the concentration of glucose and fatty acids in the bloodstream, and is considered to be the main catabolic hormone of the body.[3] It is also used as a medication to treat a number of health conditions. Its effect is opposite to that of insulin, which lowers the extracellular glucose.[4]\nThe pancreas releases glucagon when the concentration of insulin (and indirectly glucose) in the bloodstream falls too low. Glucagon causes the liver to convert stored glycogen into glucose, which is released into the bloodstream.[5] High blood-glucose levels, on the other hand, stimulate the release of insulin. Insulin allows glucose to be taken up and used by insulin-dependent tissues. Thus, glucagon and insulin are part of a feedback system that keeps blood glucose levels stable. Glucagon increases energy expenditure and is elevated under conditions of stress.[6] Glucagon belongs to the secretin family of hormones." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when to take loratadine", + "output": "Hay fever typically worsens at night and feels most severe in the morning, when levels of symptom-triggering histamine are highest. Once-daily antihistamines, such as Claritin, reach their peak eight to 12 hours after you take them, so using them at dinnertime means better control of morning symptoms. (Take twice-a-day antihistamines in the morning and evening.)" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where is tetracycline metabolized?", + "output": "The majority of first-generation tetracyclines are not metabolized (though 5 % of tetracycline is metabolized to a less active metabolite). Instead, they are most often eliminated by renal excretion. Second-generation tetracyclines are 3 to 5 times more lipophilic, which enhances their tissue penetration. Doxycycline, the most common member of this group, features more than 80 % bioavailability. Bile concentration of doxycycline is 10 to 25 times higher as compared with its serum concentration. High concentrations of doxycycline are found also in kidneys, liver and bowel. Primarily, doxycycline is excreted in bile to feces. Part of doxycycline is inactivated in the liver and 40 % of it is excreted by kidneys in urine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how to stop taking atorvastatin", + "output": "You may think that once your cholesterol goes down, you can stop taking statin medication. But if the drug helped lower your cholesterol, you'll likely need to stay on it for the long term. If you stop taking it, your cholesterol levels will probably go back up.\n\nThere is one exception: If you make significant changes to your diet or lose a lot of weight, you may be able to lower and control your cholesterol without medication. However, don't make any changes to your medications without talking to your doctor first." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "can you take ultram with ibuprofen?", + "output": "The maximum recommended dose is 400 mg per day, so if using it alone does not provide adequate relief, other medications can be used with Ultram (tramadol) to help manage the pain. For instance, if there is throbbing pain from tight muscles, a muscle relaxant, such as Flexeril (cyclobenzaprine) or Zanaflex (tizanidine) may be beneficial. NSAIDs (non steroidal anti-inflammatory drugs), such as Aleve (naproxen) or Motrin/Advil (ibuprofen) can be added to help reduce pain caused from swelling." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is herceptin a chemo drug??", + "output": "For over a decade, the monoclonal antibody trastuzumab has been the cornerstone of adjuvant treatment for HER2-positive early breast cancer (EBC) [1, 2]. Based on results from four large randomized trials [3\u20136], combined treatment with trastuzumab and chemotherapy (either as primary systemic or adjuvant treatment) is considered the standard of care in patients with this biologically aggressive subtype of breast cancer." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "bupropion hcl 300mg is good for what?", + "output": "Bupropion hydrochloride extended-release tablets (XL) are indicated for the treatment of major depressive disorder (MDD), as defined by the Diagnostic and Statistical Manual (DSM). || Bupropion hydrochloride extended-release tablets (XL) are indicated for the prevention of seasonal major depressive episodes in patients with a diagnosis of seasonal affective disorder (SAD)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "td vaccine (90714)what is a tad vaccine", + "output": "Td vaccine can protect adolescents and adults from tetanus and diphtheria. Td is usually given as a booster dose every 10 years but it can also be given earlier after a severe and dirty wound or burn.\n\nAnother vaccine, called Tdap, which protects against pertussis in addition to tetanus and diphtheria, is sometimes recommended instead of Td vaccine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what size syringe to use for testosterone inject", + "output": "The suggested dosage for testosterone cypionate injection varies depending on the age, sex, and diagnosis of the individual patient. Dosage is adjusted according to the patient\u2019s response and the appearance of adverse reactions.\n\nVarious dosage regimens have been used to induce pubertal changes in hypogonadal males; some experts have advocated lower dosages initially, gradually increasing the dose as puberty progresses, with or without a decrease to maintenance levels. Other experts emphasize that higher dosages are needed to induce pubertal changes and lower dosages can be used for maintenance after puberty. The chronological and skeletal ages must be taken into consideration, both in determining the initial dose and in adjusting the dose.\n\nFor replacement in the hypogonadal male, 50 to 400 mg should be administered every two to four weeks." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much weight gain with carvedilol", + "output": "Newer beta blockers, such as carvedilol (Coreg), don't usually cause weight gain as a side effect. Weight may rise in the first weeks of taking the beta blocker and then generally stabilizes." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is dicyclomine good for heartburn?", + "output": "Normally when you swallow, the muscles in the esophagus move in waves to push food down into your stomach. Just after the food enters the stomach, a band of muscle (the lower esophageal sphincter, or LES) closes off the esophagus. If the muscle does not close tightly enough or gets weak over time, stomach contents can back up into the esophagus, causing heartburn and other symptoms. || Some medicines can also weaken the LES. Among them are: || Anticholinergic drugs\n\nBenztropine (Cogentin)\nDicyclomine (Bentyl)\nHyoscyamine (Levsin)\nIsopropamide\nScopolamine" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are iron injections", + "output": "Iron sucrose injection is used treat iron-deficiency anemia (a lower than normal number of red blood cells due to too little iron) in people with chronic kidney disease (damage to the kidneys which may worsen over time and may cause the kidneys to stop working). Iron sucrose injection is in a class of medications called iron replacement products. It works by replenishing iron stores so that the body can make more red blood cells." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how much iron should an anemic take per day", + "output": "The amount of iron needed to treat patients with iron deficiency is higher than the amount found in most daily multivitamin supplements. The amount of iron prescribed by your doctor will be in milligrams (mg) of elemental iron. Most people with iron deficiency need 150-200 mg per day of elemental iron (2 to 5 mg of iron per kilogram of body weight per day). Ask your doctor how many milligrams of iron you should be taking per day. If you take vitamins, bring them to your doctor's visit to be sure." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is in lidocaine", + "output": "LIDOCAINE HYDROCHLORIDE ANHYDROUS\t10 mg in 1 mL\nINACTIVE INGREDIENTS\nSODIUM CHLORIDE \t7 mg in 1 mL\nSODIUM HYDROXIDE \nHYDROCHLORIC ACID" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "when taking plavix and xarelto blood thinners is it safe to take dilaudid for pain", + "output": "Tell your doctor and pharmacist if you are taking anagrelide (Agrylin); aspirin and other nonsteroidal anti-inflammatory drugs (NSAIDs) such as ibuprofen (Advil, Motrin, others), indomethacin (Indocin, Tivorbex), ketoprofen, and naproxen (Aleve, Anaprox, others); cilostazol (Pletal); clopidogrel (Plavix); dipyridamole (Persantine); eptifibatide (Integrilin); heparin; prasugrel (Effient); ticagrelor (Brilinta); ticlopidine; tirofiban (Aggrastat), and warfarin (Coumadin, Jantoven). If you experience any of the following symptoms, call your doctor immediately: back pain, muscle weakness, numbness or tingling (especially in your legs), loss of control of your bowels or bladder, or inability to move your legs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is erythromycin ophthalmic ointment good for inflamed eyelids?", + "output": "For the treatment of superficial ocular infections involving the conjunctiva and/or cornea caused by organisms susceptible to erythromycin." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how should i dilute ceftriaxone injection?", + "output": "Ceftriaxone has been shown to be compatible with Flagyl\u00ae*IV (metronidazole hydrochloride). The concentration should not exceed 5 to 7.5 mg/mL metronidazole hydrochloride with ceftriaxone 10 mg/mL as an admixture. The admixture is stable for 24 hours at room temperature only in 0.9% sodium chloride injection or 5% dextrose in water (D5W). No compatibility studies have been conducted with the Flagyl\u00ae*IV RTU\u00ae or using other diluents. Metronidazole at concentrations greater than 8 mg/mL will precipitate. Do not refrigerate the admixture as precipitation will occur.\n\nVancomycin and fluconazole are physically incompatible with ceftriaxone in admixtures. When either of these drugs is to be administered concomitantly with ceftriaxone by intermittent intravenous infusion, it is recommended that they be given sequentially, with thorough flushing of the intravenous lines (with one of the compatible fluids) between the administrations.\n\nDo not use diluents containing calcium, such as Ringer\u2019s solution or Hartmann\u2019s solution, to reconstitute ceftriaxone for injection. Particulate formation can result.\n\nCeftriaxone solutions should not be physically mixed with or piggybacked into solutions containing other antimicrobial drugs or into diluent solutions other than those listed above, due to possible incompatibility (see WARNINGS)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "symptoms from taking multiple doses of lasix 40 mg per dayproblems with taking lasix 40mg twice daily ?", + "output": "Furosemide is a strong diuretic ('water pill') and may cause dehydration and electrolyte imbalance. It is important that you take it exactly as told by your doctor. If you experience any of the following symptoms, call your doctor immediately: decreased urination; dry mouth; thirst; nausea; vomiting; weakness; drowsiness; confusion; muscle pain or cramps; or rapid or pounding heartbeats." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long for allergic reaction after using nivolumab", + "output": "n patients receiving OPDIVO as a single agent, immune-mediated pneumonitis occurred in 3.1% (61/1994) of patients. The median time to onset of immune-mediated pneumonitis was 3.5 months (range: 1 day to 22.3 months). Immune-mediated pneumonitis led to permanent discontinuation of OPDIVO in 1.1%, and withholding of OPDIVO in 1.3% of patients. Approximately 89% of patients with pneumonitis received high-dose corticosteroids (at least 40 mg prednisone equivalents per day) for a median duration of 26 days (range: 1 day to 6 months). Complete resolution of symptoms following corticosteroid taper occurred in 67% of patients. Approximately 8% of patients had recurrence of pneumonitis after re-initiation of OPDIVO." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "Fluorouracil is a nucleoside metabolic inhibitor that interferes with the synthesis of deoxyribonucleic acid (DNA) and to a lesser extent inhibits the formation of ribonucleic acid (RNA); these affect rapidly growing cells and may lead to cell death." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "where does fluorouracil come from", + "output": "dailymed list of manufacturers" + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "chlorpheniramine how long in system", + "output": "Chlorpheniramine has a serum half-life of approximately 20 hours in adults, and elimination from the body is primarily by metabolism to monodesmethyl and didesmethyl compounds. The half-life is increased in the presence of renal dysfunction and decreased in children. The exact mechanism of the presystemic first-pass elimination and the effects of dose levels on the process presently are unclear. Biopharmaceutical and pharmacokinetic studies after single or multiple doses in humans reveal wide interindividual variations in pharmacokinetics. Age, dialysis, urinary pH and flow influence the elimination kinetics of chlorpheniramine." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how long will 6 mgs of suboxone block opiates", + "output": "Comparisons of buprenorphine with full agonists such as methadone and hydromorphone suggest that sublingual buprenorphine produces typical opioid agonist effects which are limited by a ceiling effect.\n\nIn non-dependent subjects, acute sublingual doses of SUBOXONE tablets produced opioid agonist effects, which reached a maximum between doses of 8 mg and 16mg of SUBUTEX. The effects of 16mg SUBOXONE were similar to those produced by 16mg SUBUTEX (buprenorphine alone).\n\nOpioid agonist ceiling effects were also observed in a double-blind, parallel group, dose ranging comparison of single doses of buprenorphine sublingual solution (1, 2, 4, 8, 16, or 32 mg), placebo, and a full agonist control at various doses. The treatments were given in ascending dose order at intervals of at least one week to 16 opioid-experienced, non-dependent subjects. Both drugs produced typical opioid agonist effects. For all the measures for which the drugs produced an effect, buprenorphine produced a dose-related response but, in each case, there was a dose that produced no further effect. In contrast, the highest dose of the full agonist control always produced the greatest effects. Agonist objective rating scores remained elevated for the higher doses of buprenorphine (8-32 mg) longer than for the lower doses and did not return to baseline until 48 hours after drug administrations. The onset of effects appeared more rapidly with buprenorphine than with the full agonist control, with most doses nearing peak effect after 100 minutes for buprenorphine compared to 150 minutes for the full agonist control." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is marijuana?", + "output": "Marijuana is a green, brown, or gray mix of dried, crumbled parts from the marijuana plant. It can be rolled up and smoked like a cigarette or cigar or smoked in a pipe. Sometimes people mix it in food or inhale it using a vaporizer.\n\nMarijuana can cause problems with memory, learning, and behavior. Smoking it can cause some of the same coughing and breathing problems as smoking cigarettes. Some people get addicted to marijuana after using it for a while. It is more likely to happen if they use marijuana every day, or started using it when they were teenagers.\n\nSome states have approved \"medical marijuana\" to ease symptoms of various health problems. The U.S. Food and Drug Administration (FDA) has not approved the marijuana plant as a medicine. However, there have been scientific studies of cannabinoids, the chemicals in marijuana. This has led to two FDA-approved medicines. They contain THC, the active ingredient in marijuana. They treat nausea caused by chemotherapy and increase appetite in patients who have severe weight loss from HIV/AIDS. Scientists are doing more research with marijuana and its ingredients to treat many diseases and conditions." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is marijuana used", + "output": "Marijuana is best known as a drug that people smoke or eat to get high. It is derived from the plant Cannabis sativa. Possession of marijuana is illegal under federal law. Medical marijuana refers to using marijuana to treat certain medical conditions. In the United States, about half of the states have legalized marijuana for medical use." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how is tocilizumab administered", + "output": "Tocilizumab injection comes as a solution (liquid) to be injected intravenously (into a vein) in your arm by a doctor or nurse in a medical office or hospital outpatient clinic or as a prefilled syringe to inject subcutaneously (under the skin) by yourself at home. When tocilizumab is given intravenously to treat rheumatoid arthritis or polyarticular juvenile idiopathic arthritis, it is usually given once every 4 weeks. When tocilizumab is given intravenously to treat systemic juvenile idiopathic arthritis, it is usually given once every 2 weeks. When tocilizumab is given intravenously to treat cytokine release syndrome, it is usually given once, but up to 3 additional doses may be given at least 8 hours apart. It will take about 1 hour for you to receive your dose of tocilizumab injection intravenously. When tocilizumab is given subcutaneously to treat rheumatoid arthritis or giant cell arteritis, it is usually given once weekly or once every other week.\n\nYou will receive your first subcutaneous dose of tocilizumab injection in your doctor's office. If you will be injecting tocilizumab injection subcutaneously by yourself at home or having a friend or relative inject the medication for you, your doctor will show you or the person who will be injecting the medication how to inject it. You and the person who will be injecting the medication should also read the written instructions for use that come with the medication.\n\nThirty minutes before you are ready to inject tocilizumab injection, you will need to remove the medication from the refrigerator, take it out of its carton, and allow it to reach room temperature. When removing a prefilled syringe from the box, be careful not to touch the trigger fingers on the syringe. Do not try to warm the medication by heating it in a microwave, placing it in warm water, or through any other method.\n\nDo not remove the cap from the prefilled syringe while the medication is warming. You should remove the cap no more than 5 minutes before you inject the medication. Do not replace the cap after you remove it. Do not use the syringe if you drop it on the floor.\n\nCheck the prefilled syringe to be sure that the expiration date printed on the package has not passed, Holding the syringe with the covered needle pointing down, look closely at the liquid in the syringe. The liquid should be clear or pale yellow and should not be cloudy or discolored or contain lumps or particles. Call your pharmacist if there are any problems with the package or the syringe and do not inject the medication.\n\nYou may inject tocilizumab injection on the front of the thighs or anywhere on your stomach except your navel (belly button) and the area 2 inches around it. If another person is injecting your medication, the outer area of the upper arms also may be used. Do not inject the medication into skin that is tender, bruised, red, hard, or not intact, or that has scars, moles, or bruises. Choose a different spot each time you inject the medication, at least 1 inch away from a spot that you have used before. If the full dose is not injected, call your doctor or pharmacist.\n\nDo not reuse tocilizumab prefilled syringes and do not recap the syringes after use. Discard any used syringes in a puncture-resistant container and ask your pharmacist how to throw away the container." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is diclofenac ointment used for", + "output": "Diclofenac topical gel (Voltaren) is used to relieve pain from osteoarthritis (arthritis caused by a breakdown of the lining of the joints) in certain joints such as those of the knees, ankles, feet, elbows, wrists, and hands. Diclofenac topical liquid (Pennsaid) is used to relieve osteoarthritis pain in the knees. Diclofenac is in a class of medications called nonsteroidal anti-inflammatory drugs (NSAIDs). It works by stopping the body's production of a substance that causes pain.\n\nDiclofenac is also available as a 3% gel (Solaraze; generic) that is applied to the skin to treat actinic keratosis (flat, scaly growths on the skin caused by too much sun exposure). This monograph only gives information about diclofenac gel (Voltaren) and liquid (Pennsaid) for osteoarthritis. If you are using diclofenac gel (Solaraze, generic) for actinic keratosis, read the monograph entitled diclofenac topical (actinic keratosis)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "cephalexin is for what sexual diseases", + "output": "Cephalexin is used to treat certain infections caused by bacteria such as pneumonia and other respiratory tract infections; and infections of the bone, skin, ears, , genital, and urinary tract. Cephalexin is in a class of medications called cephalosporin antibiotics. It works by killing bacteria.\n\nAntibiotics such as cephalexin will not work for colds, flu, or other viral infections. Using antibiotics when they are not needed increases your risk of getting an infection later that resists antibiotic treatment." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is terfenadine", + "output": "Terfenadine is a selective histamine H1-receptor antagonist devoid of central nervous system depressant activity. The drug was used for ALLERGY but withdrawn due to causing LONG QT SYNDROME." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what is bisolvon", + "output": "Bromhexine hydrochloride is a hydrochloride resulting from the reaction of equimolar amounts of bromhexine and hydrogen chloride. It is used as a mucolytic for the treatment of respiratory disorders associated with productive cough (i.e. a cough characterised by the production of sputum). It has a role as a mucolytic. It contains a bromhexine(1+)." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it safe for a 72 year old to stop taking premarin?", + "output": "Use of estrogen-alone, or in combination with a progestin, should be with the lowest effective dose and for the shortest duration consistent with treatment goals and risks for the individual woman. Postmenopausal women should be re-evaluated periodically as clinically appropriate to determine if treatment is still necessary." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "what are the side effects of taking the two medication amlodipine metoprolol together", + "output": "There were six AEs reported in five patients. Peripheral edema 2.97% (3/101) was the most common AE, which was reported in three patients and was related to the study medication, probably to the amlodipine component. All these patients had hemoglobin (Hb) less than 12 g/dL at baseline (one patient had Hb of 11.6 g/dL at baseline, which was 12.1 at end of study and two had 11.7 g/dL which was 11.3 and 12.9 respectively at the end of study). Of these three, one patient had severe peripheral edema and was withdrawn from the study. The patient was followed-up and after a week time peripheral edema was resolved. Peripheral edema of mild and moderate degree was seen in one patient each. In these two patients, edema was resolved and improved respectively. Vertigo, lumbar spondylosis and eosinophilia (considered unlikely due to the study drug), were seen in one patient each and were mild in intensity. Though there were statistically significant changes in sodium, chloride, which showed decrease and blood urea, fasting blood sugar, which were increased, but these were clinically insignificant. Details of laboratory tests are shown in Table 6. The other AEs were of mild severity and not related to the study medication. Table 7 summarizes the AEs." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how soon does losartan affect blood pressure", + "output": "The effect of losartan is substantially present within one week but in some studies the maximal effect occurred in 3 to 6 weeks. In long-term follow-up studies (without placebo control) the effect of losartan appeared to be maintained for up to a year." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "how do steroids effect the respiratory system", + "output": "Several efforts have been made to show the beneficial effects of anabolic agents in humans. In malnourished patients suffering from chronic obstructive pulmonary disease (COPD) nandrolone decanoate was beneficial in regaining respiratory muscle strength.74Recent data showed an improvement in expiratory and inspiratory muscle strength following treatment with oxandrolone in patients with tetraplegia.75 This increase in muscle strength was attributed to the observed increase in diaphragm muscle mass and resulted in an increased vital capacity. Basin and co-workers showed a beneficial effect of a high dose of testosterone on fat free body mass, muscle size, and peripheral muscle strength in normal men.76 During the 1970s and 1980s several studies were performed to investigate the additional effects of anabolic steroids on a training programme in healthy athletes. The results of these studies varied from no additional effect on muscle force production and no improvement in aerobic capacity77 78 to a small but significant increase in muscle force." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "why am i so cold taking bystolic b p med", + "output": "Feeling cold is found among people who take Bystolic, especially for people who are female, 60+ old , have been taking the drug for < 1 month, also take medication Nexium, and have Depression. This study is created by eHealthMe based on reports of 11,671 people who have side effects when taking Bystolic from FDA, and is updated regularly." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "pneumococcal vaccine how often", + "output": "CDC recommends routine administration of pneumococcal conjugate vaccine (PCV13 or Prevnar13\u00ae) for all children younger than 2 years of age:\n\nGive PCV13 to infants as a series of 4 doses, one dose at each of these ages: 2 months, 4 months, 6 months, and 12 through 15 months.\nChildren who miss their shots or start the series later should still get the vaccine. The number of doses recommended and the intervals between doses will depend on the child\u2019s age when vaccination begins.\nImmunization Schedules\n\n HCP adult and child schedules\nView current schedules for children, teens, and adults.\n\nCDC recommends pneumococcal vaccination (PCV13 or Prevnar13\u00ae, and PPSV23 or Pneumovax23\u00ae) for all adults 65 years or older:\n\nGive a dose of PCV13 to adults 65 years or older who have not previously received a dose. Then administer a dose of PPSV23 at least 1 year later.\nIf the patient already received one or more doses of PPSV23, give the dose of PCV13 at least 1 year after they received the most recent dose of PPSV23." + } + ] + }, + { + "conversation": [ + { + "system": "You are a professional, highly experienced doctor professor. You always provide accurate, comprehensive, and detailed answers based on the patients' questions.", + "input": "is it alright to use fluticasone when using oxygen", + "output": "Pharmacological therapy can influence morbidity and mortality in severe chronic obstructive pulmonary disease (COPD). Long-term domiciliary oxygen therapy (LTOT) improves survival in COPD with chronic hypoxaemia. Oral steroid medication has been associated with improved survival in men and increased mortality in women, while inhaled steroid medication has been associated with a reduction in the exacerbation rate. We have analysed the relationships between pharmacological therapy including oxygen therapy, sex, performance status and need for hospitalization and mortality in 403 patients with COPD (201 men) after their registration in a national oxygen register for LTOT. The mean value of days spent in hospital per year was 44. An increased need of hospital care was independently predicted by a poor performance status, high age and, in women, orally administered steroid medication. Hospital admissions were significantly longer in the terminal stage of COPD among women receiving oral steroid medication. Increased mortality was predicted by a poor performance status and, in women, oral steroid treatment. Predictors of morbidity and mortality during LTOT were found to coincide. The increased mortality in women receiving oral steroid medication was found to be associated with an increased need of hospital care due to longer hospital stays during the terminal stage of the disease. When analysing effects and side-effects of steroid medication in COPD, the possibility of sex-related differences should be considered." + } + ] + } +] \ No newline at end of file diff --git a/xtuner/MedQA2019.xlsx b/xtuner/MedQA2019.xlsx new file mode 100644 index 0000000000000000000000000000000000000000..8eedf27c1274fb7d9805ebaa0b537d5d6047b62f GIT binary patch literal 163497 zcmaI6Q*b5?v^5-KV%tw_+xEn^ZQJ(5wkEc1+qRQQo;aC*-tXL;oB#AhS9eucSMRmf zM(@3U%7R0ngTTPRfNW=%D}em31Mc6ofwP&d3nRmS=bGd>8E|Igh&#XNL?4e<3^CKD zp2+!ZDZjvs>2D*>OeP#RKc5g7?aET<1Zn@r8BWox9aM8*bdF@SghQ1!ZEXA}woh?B z;>#6YkB!C**{r$@0Lf&sYI)f9i8$FFv=NVKT~}#PQ=jM1uoS-|!gR;fC)7^Q0Q|4% z`Ez9D^RDIYN1S@ZOK5t1<&{K)$FV+`1oy(BMo}XD3zY;TYd4DGoS2GQ0j@%qEu+Vq zj{*$Us!qdxq*HFYYEx`RpBrCCgmbPS+F5Arw+nYWj6}kBce4D&l;ukQ0;Q!O$WK{l z81t&&w*7x*^MZl=yZ`?K2KnC;rVb`QogExq7>yhq89eQ5a}yP9hM3?-?mo~5p0c=L z^{7UiHn4dyT17eB;qq#l3BMz1em!l?Z57;jaq{y&q&%(LHs;bY&z7!#$kH&?62 zwD8ngV|Nd+drn9DK>tI^PQoSr`X3Iyp#K+ADE}KN69;Fr|DcLf)^iAELigLNBle33 zKF>igd`3wjXJu7tGIP-DFy^F^*Af5w^#jHw8_B2ZC1=T{4_6*Z{PtSdN*QV26H%Q0M7`Ha|wRcvXdRa-d7 zl{_^VS$i3^pC&4)M$#LUGayL5e{r!4EoBf!S_)}>BwZWjv>d2CXdK{`!$~5*LKnF1 z!9Hu)3x4=L2oL2@!`a89GRW{YY7nvAg{i4|sjW-d{RQ>U6{OEr(qp((V-}KjwGL&1 zTo$_21Yb*OV1T^Hm1Ec z)B=EAFY0TC00~^$1#FIu^k({aIaPj#@hT557ZnX74ENMpVrbjL<2IIj*UcHhD8HLKViO!H4CB~^g(n~p@GZ-p0I^fOr zv_HFC2LINZtRWy86#L{ejU&L$I1?tZE+{7$@6$4}KtI{No$#Lsk`kGXEQsIF&8u zY$jyCI}Il9wvKfty9B4v5%c6s{UbIn%zEq<5#thIP42f3meHc?W`sasGuCY04nLj! zT+36u;qQ4G^8+SB!U|n1ksIS@ATxnnrbSY9uxt&nIad9(`bT>67=fTi+eyw*f1q;>ORx#9-r zcoNT{GE3b)%mE$t3w3~yWr-Y(=v^QL!VacE;$%Y(<%T&rditS0PbE(ny>lsv#5Z zN5%)Kb0j}}OZL(yWN_i97!kS>3^=J#!Dj(nuqMhT`*&kbbq`cjjuc`Dv8~ZT>>YjQ zV-=wC;yXR7WE|f0-AUPacOWw3%ab>XV!{;_p-7DjH}v4t{NA3e7pEkft#p9=$~5g8 zpvAq+%`YvvS5z2q3_5uertWhKX#K%?hJQTC{7Bv5!yD|+7<=;n+$#0y7zpxDIBwwo zR}e(_AMv=jdfA$}{O3+L8G4FaOxR&}FSK-f2_>b!m`jEGm#sL_aK*FOZUzAg#s>-G z?u7?ycWyal(m0z`aroB;P(cuQuHm&lE084LSG;sPC0$D^nxR9V8A z9JY_af{SeX=eA7#a*u9|)3B8}=x;6k_G&e=ed1Lb&@eY5&SuIsNNj<^9D|P35B@Da zKbU#7XV21!PB6SdFNf&7WmPGyKi0MQ!B08w-OH1U!>f38X-AR2 z@rp#Ool^ zr`N*ujCZMX8{Hh$r6L*6V&S@bUTm* z&nM9>(lmZB3LCGAgw1Q!kj_zZ&VCl1@G2|E^Dl1-X>1c8?*Wd0V1C3CqvDsmuxA>y z)j|BbK56Jo^^1WM;5uLuaAOTEl3WDeerqKH$y}~omV$h>d))?b#I5l*FJZr8LG~o zROb2r0dBz2t;zH+V{1VCUx5E(b{57{4wo^p&dEl%>-y_X1j1Ml1qe$NnA=MHfAtFEqb?SxhzR_FcM0 zJ638`Sz6fSE;2sS8B`{JPh;g8=h|Rk$kt4$EnawZ9nH#&{CiV|-Qu5@d<37N1B+dX zxW2t}mA5Lv3kAWCu>h*WfKO=ug=*s(5pO}D>iMT|z;nXi?geq_;_nEBw}ij*!bAC1 zpJtf$Kkm-y_UPjA_zittZrf~j&ZAPAJ(scAc4-onu6;+BlRJa}BRKX_OCsDGI7*e1xTd0P^mK4fViAuQ7Eyv0+N-#1u#AvslAc0WrP z2J$S>=B7P?ziVFd72K_PVcHEg_7n4^+SIAuU0`~${cQd*01 zQckr2H#{XZJSed&Mwokeb(J;r@og=~U2?r8DHlX@n!BfB%`*w72C3d3q5|ZeLhQXX zUW?Yt#`1lF7}9B04p?N*Wo!x0f%JEJvj+20mEzsAYMB;So=ruF=S$%7&Ek}!yff;; zbOE_`jkE+mZMy3OR6E~yrT+{mkJ0A-Rj6q?d>o896sZn|YLr^0m{yPOoU&3;O|)bj zCv;P0*D~v_636c?4=c9Y1dt?EU_Kj*s;D+|u;F<-t2OsHSVx$bw(3{8h0efQCBw~R zqnbhPz;2QV7y=s(GwI?U=$`pY;_@AmO{Y?*4yAm&1zrg_S`bYHlz3F} zyc8RzIi!#EG9Diy%-b@lY=lcvpU^U56~vUC+Z8EwuN&sS8n`jIVpfp6Yt;31J);q=-@zM5eIbL@jGcffvlq!# zPt>!?b~q9Ab@M1U6o_xuDxp!&F1ZzyVXV=-80Hs46x8Qr`Km24!keOP4XzH6z2iXo zZGSk}0zDl%*&GVoLkj91ue^m|FBei7SOR^4^3zkeh9LvEZ9}9r0XU8mj`DP+k8xga zzds`r%o5@nRyfeidw*0NoI5*c=+&L1mqFIxzrtLnoOvXu>E$K1tJhI$G}(D0${iSM z859(Ey*V8e>=_jm>h|>ezE2BSu`0PX7T>JPC#rHsWw||1Wd(w;T*0;ue1Q=n=}u1{ z3zpbaHIn}G*-xJbj>|7A71f_cif$G|5563@5pfdzzw({~QcteTRNP&Dn#AHSN-wE+ zS@EQ+bd=F57n8VuL}^zgp9|XYCMArS$(iy%F>f<*GjKMiKY^bMJ`}47;mIoox7<6G zg=CJ>rlQ|CNbdRZzRh+~ITZEs<1j&scjiT%O3$YVsoac0EH z%cnsJor|8^N_6z{kfkox&>qpplOACUuVMvTM#emeSl0qoqhJ~&X>^TX{_RQX=E=hQjlTr=?TxU;w4)z8WI+w9`Li!UDV zTm?cuTAm|yrHtp#mM7H(+jC(f0Nb&|;v|@EzE-1{#WZAfA>S8Z*Z~KWQ9qnUj~Z{- zO`Kc1tP)mh4}f~duIuN7Y_^D#p9MXa9fQ?h!bJ;JBs=Ziem?&0PX2BIXSuq$UX+}i zXOwM}8s%sC?jP?5rs$PaPb&c2*B!&(zB>d6U-s$f<=l41_d<)f7r~)~sP-(%V8p}T zc*aHT_HmtF&z?hm^?;_0mS)Dnhd<}UfoNuE!eP$}Vxr2OsEJ&tlv9oqM2_gvX#kQG zis76u;S=Vi$roq);`Is`CtM0Vs;=G6@jsdvPmN^cH?dsNOLWUQyV7@X7z>9jMd?-) zKWULqNp-A{nbb7hkxduUB#VZKq!|5IY2jD_gd$AhKHo`Y*onQ#dx(A6k)uhLE=Vj)w+{Y={jEkQsWT0?7+j&9FgQRY8$CP7KP?^j_e@|SlM>5Br*tTykcbL%IQ3!z<8-f)`>-nq zi9*&%R~lGWP)kppJLVgfL5k_cU__vV9;B$7lZgQ)foZa15$>yVU1d3ga z%D3E_k$fF-r^@=neR50W^L$UulfTP=1OsUeY}1VV0G!z7VR2UsvBhuvQSST$43t6L zIu@SXh6cw-h)2L6v<|yTCvk^%-9U1$*qM25z{?i}tzh3=l$a5(E5P7B<QohK}vLw*nG)bs0qVj-2t!d7hCb6xyhZ9%_XxEGD3#%Vc|;nY1)$i zg7d1uN?O?E-&30{RBy^pG@Tp-D>H-zCJ9W~S2CMjoJUSaBJ0ZhNLbuB_N`x2Zoe<& zhj*+>`wgPP`^HW(ySQQGr5bm3j)9NfvBsxO?(qtJvVU15tbRto zr!dGRAPUgqxOd=2W+Noj{RZ~C53teN^fa5wtvFr~ST@WyL3gpORvMn^um?1VZu?oO zH{DyLm1kBW1Uyp67Uh;Iiy0pWMw4J&%~o62Hb=MtCJbwxKZh{&7Qj@6d^50pws@yJ zxqy^XF%!=mi?K#e+1c_PePd!}=i{X;;Q)O+!QkuPAE;|K;*4tCI)MeqdriZmfVwan zS&Lfn!*2cTh4I|U0ZVH%UykE1b?Tn<9n?{8`ZzSyBzm)F!-n*$5yfefNRF_~<5$i$ z=Z`Ddp0>$RwP1t;#+g828Pz~`{Cx#@Y2{Gwkw!{85cBtexYwdqaLA-4Q=3uNw;9g% z{sOAeBE?7QH^g}?Caaqq?t6%O`O{ut_HFJ`bB`v2;jqm*%im3(T4kqUvF^~*+F;@W z1Rt+!EP!M>@5|#EWb8W*XR@}s;Ej2e3a46fy=rH`qL`3*SfZwP14)t4Qc#Gfq}`o; z0*i2Df1gjT>I*0sw*4KcNry!~Y9{lHzYAXZGhhni$cZnwzqQ*?WmBAv5aTtG&qE~n z0=ljlA078>lY3H~-Dra+>Tr_jsvW&@vwo3{ty0(rUAkk@!AT+mgG0@(FQ5R3>#hMe zhbz~Qg@-Hook?iFdS9KQgOZd{w)DnMhtd0>TuuXdHb`y+hu|tfrY%B13LB6uWdGv< z-pQPUK6`|wJE?7j#-cC=0wF0a876(OSDjp3-G|d5@#&5S#q8`uUhd3bdise&xp7~G z`LM8@RGHJV&SjT<^=D;Ev?j`t$AN3p`uJM<(UQXV& zfv!Q6)9udA#Fe65`c-`Smy^eFf<#I`QGA(60Om~Dce9|%k+8>VOpzCB2yTXH`$(Lw z1@|ni9pi)`thz~MO3QfxbI!VW6RYlBP2sm#L=hDy%2ieZS3GUKr=22^RYTE&x7?92 zmkANu74F{Tc<&Z>u<^$D`u;OJ)u+$5@$?*y*OoLXlAEy z3F~!yCu@Gh`Qxi!!{DpA(Wf;E4|L{PSSh8}ZLm!8ObF?voZkW@8Rl*UufGhTwY$7j zmkRf~Lh&hQBlIrygHNZf7|OmnBi|hFNyA=VzLz9-rO^y&tw7cfq>nGBzCDd^)5ZL^ zpx(`t#If$LVN*rj9@+TKN~f(sw541?sa3ZkL7`}F3BtUuT}3_+j)Pg zH1snpeqLzs7@;h>w{J^$JvWEhHj=ad^4|gc9v4v%7R410ml*ys%G4_9?1wLao$&DW zFu4?%md5xVA z%pjwojD-irSilNG9e@nNX_QS0A9@w5xG<^FED~t67Oz+6h`z{q5w1paW`?GSMlhIz zw3)ZA?4wbg>{)NV$~(51?0F}J5y4td)kH_#O?FFMeJ$|x^@AddNu#>uzK;8oek?Ei zyK1;OEMRI(4s6xASN3EP(WR2mGx3_tz|(6cu+H9KWsR0@!e?HUPM9ArGGCNTTe2Lf-iP zls|cJT_i{hn9i>wO`O6V87jFVAoJ76idp+7)wlpf(=5+&ZI|!1HdAIwc$FG^2np)k z8l3D|A(W%lauc!$$}tBm)h6g7wwIVJW8KeoPTp<;2wJkj9v2*00CAOg)W$n1n-ve; zXD@0FEO)@s9pY=w^c>9?R9c!S0WAdTZ~?Se86@305ng@-bXgJ8_XFsZ!uZ{p{KUnCc2P5`a`wUE0+o~lN0y9GvOc_- zQP)2{q5+#4L4t^9kM<7uPtBJcd~Z63MgR`Gno2uRW_$57{G7-%Ro}sxNHl(B|4+2p z>PaPzR9bZ|LOks&LLsbqG+ct_60`yIn)wH$Y~36$8d9@brtf90D9eOWQTd_{eXOn4 z7hB}MbGPj{xZOvmEEpO097t;TWZ0c7CI;~q_L5Z5(f~c8L)%pX0^~7zl8Ht`vsV2k zn1TUq%j=onVzpi-GUUJFHW2N=CjJcPWhk%b>9a}x39mT}jhd&4ab$1#2_hSZd?Jh| z@v^2VBE25fhyaV@FI0`$!q>_Gk?DZ{d|0xZSS#}3A)=k-v!yKF97PMzIF@@uhu~IV z3#1w?RIuGH4_L#o-QkM12eWClThQ=fb#1;Mm4|CpSj;Gn<>v>W(eGC-Gv~XZ>3}Ra z8~Fd$htjJf+$r)ZacU^>FPesmHj)r#7&!NFSucUfXb^^%{Dd#^e4<6g*-tTAiL+X0 z2!$9(E*Az!l_{aJS*)dDDsSt-s0ZDw(;iah-?YNG-5*%jFizpR_iwJ=vsoS6(>|eP zowF^Eqa5^mz$%`a@LD0g8o#{X6t-!5IcPdkbKu`98VeHGgbrTMypCUYdT`&o?f9p6 zCC;hfG7|jOk7-kHl97F^ZD4$K-sQH{;G^8^SK@&q^kGQi0%VDLBEBBSM0tj92$9iJ8$)^+P>bfk^1sG{nDNv%O zY3ZvZk#XpXP6Qn#z(*ImggCuAT=^uMw-`X8v^M6bFLmtcxq?wh(=H1s zK0#x&rU3S?elrb0GKXjmKad$?i!HeH$T7wO7wRFNu4xw{(e!;uI$)E(|FehG>@_OB z|5B)7i~of)lXL|6ZRTyO?O(${64n5|;TYe?!-&G7b05h=wqyN<>bqcpHN+;pgQw zqmP0;e!JUQTE_8;{Hr?c`6>BSQuLy^wDE+a3-xbo>$E`9x~}Yv{0Crufsg9222gIE zyB1=O{xn4IU56s9ea$2GVb&KVSZc9LJaIU+><9YOIJ|5U?~vS zESMvAI=uK!7QmtAC;0P`TCbQma&(4HsK5Z9#tL6rKeA#@4L`WP7I|PxZnQNapF<&S zdqV9Z!-1hmGevneY1X5Bt<69;$D6Vo%OY+mPQY6{#9#2b+ES+T^5@%-Aq%j4LGwe2 z>q>svltpRa)$s4C%mR5>>JBz_<%$R-jg^!uqOE_@BEzL5<>->^SELk_UPbyfeT|=& z9@wR{ZDAa?D~XZ^@-G5eOPw2c|3mz#LPE)&fnklIjYxN6o`(?O^_P#wq@omo_#$D} z=gZ&OwyZiy>u+aqG8j3HB?0xf6bslh87+R_fv)?A)7Q|}xkWQw1KN)QcwOB3aTs}^ zPJFF4WXhG+2uIzy*|PINx{7!c57xGJ>6*%gA9(FKwU1#kF}V?3mH`SS^Actofp(tb z;PxJWPk-&WJ>Lu)C_5CYpu(l3fi91eDVVR(f$N+J!=B(Ox=cbgfD-E2@nKo<2Y@6E z$kq^^k2m+9lgpa+ZF%1&`hZflXQ$u)&X&}a*32hB>nqZ>fJktp(w}?DvJ$1d7PUYo$8GYlGo{)IUE1~+q zXe9$hq>lKG)YdAaV4A1}n7#vi6A%W(Z99D)Iy@}??7&4e`Zwv7Uq^YL5a{79O*VLt zGHZ|umBe30{XF5RPCkR<7?+VWww+QgvUUs?;chk3=dtJ-)`o42j9W>k!d$|LAt|XA zD&Q)*v1zkj3d<2issp0^On+TFG= z6#gY;?;DJt-UyZwokZq-Q++4izB0yRxUj2FA1#p?>&STiQJy2N&JWM}*DDsUI|jMi zJ-H@TIp4IlTO{a9X$z(Y`enan90He7=*-5YPsODkY!3P^JttrEr4N%aJ{`lk)4tcb5 z!z5EjCzN4o0&bIwa8;a6n1!>FY5_d7o*!g4NMSg)+fDzzID*Jp0BFJZkGpwr#u}8C z{N8QT%opFpBX|hAwgPzr_k* zCQC+|S)jN!WCUps%fh)OiRR84r%Xa)L>Mb?pHEu@eBJRDO%uP{}H?u(()e+&53+UsLHO#*jVs z9^mv<{>XZFm9kYGQ@s{}T}-eU1g{*A=VF|^ohA=jgJ`w2{K9+V1`Yk{udyGtEMA^z z?B?aM*Sur!*O{ib=CCdx=;T+tq@sef;y3QNfytxUTJBq~FF*zsGD#sqdb*KgNh1$j znT7*4w>i8u`U}FX-~!aLqQ`4*p}L+mAt|>vKE=Im3y*NrX2FTNhH2A`q9n~0^Wy&9vscFyyPtzy-ypp{_NOUn^;rj zqV+zKM9`mzp{PG07p}L}NtYfWPIW|2+4Ss{z8t7KwC2dbpy{*oKCy(xraPp7uQ_mI zX`3$&>j20TJf_^4b^T2%b85#`w(4HeTwG<1E$vF*8csS^Ux$M_V; zv6v1_CLnjy4k~xOr}=8?DfA9r3#n5)CISZ}M+HbQ!bKAZuc!;0;N=k_1_2MEz!2_m zC8PTC(2}6>k+-Sb5{pUJkLyJy+qQ0{qw2mFI?7#kZ%0+QSIWUJAPd8Wc9SqMV$t2e zXB;ivqVT8^@3fTSB2_?uraJ{!{{5CCD3CBBwJ zw=9fms&8M{$JS%@+KYpL)BdinKnC#iU|2&B<8|nb?aAUR>iMJiqL~*rG{wFzGv!$c zq(Hg+P(~N5iz*Ves)EFDK{!qkm1@HH-sU%RZpPzXZYa$nEl2w{$W7g}5gi{7cL#TE z&}Qw8BExeK*_~$b0iq$6DPE`ScDOxkfyhlDNhD(;jg1PD$|c3J4Ko9c^lU>_GPdk_ z23kj@`1{w>QJ+RJ4!d13lMyMnD)_0)5p4Ib9 z$!hh>?yL&O>CJ{Je5})rku>|3mo7*~9{={~JVeZctzxh&p>fu;VpQx|B%bof zEb)e=^`JEe^-Z36EKW~L$1Vqwrf}NWZ5oeruQkWx8g=2dd(c)w+dVKHD^tJv{8;ai zAse~FsGA_y-j^bT^vS}OcqUxs2 z`sTN%_4hs5*)r=*f`uN9vv0XFAXyI&)sET--b9SQ?0}dxl+QQ z2NU8O)i@geLP)eYU;eFqY68o}tnOs@4Zr`wmDmaYiNCR zj^5xY9PBO7R*ZL8*1%KS2LZaaZ}-$ZoEaTlm*-;f~xV%slz1j=XGjoQ@{$qkY? zlaZZT^82uqj{~Z>cmyFyk&@Y_C6pfLZ7L+iNq+dN16s3rx@Bb}-qNz3?M3@@ZaGl! zFnggPHN_yyI(1`Z@8PZYHOoB}MhhCxf({`@=k7NwP}fu&j@Ks$I!P*#H3iS1L0s%| z$BCo69vVt;G*Dn=w_|2CFL1-gnp^=d_h;uAIeN_&ilI>wdrVSfu%hLCz0*xfFD^hC z#Mtj?^tJHg;T-Ro4JGIw`dAm+(=@8-1Q6M!QOEXP?xoo09Hq>q_ZeKW!gk*h3~uM0 zh)Wg|l?`uTL3yAc9T`+$IiVXd3se_n$6X%}wjWopZgCz&kw*+K?( z^;!(mJK?{=MuiUPppvz&3lbW)3CnhN8ZX>l=eA~|$@CLIPBNugQ}Ns0#u)dD!%M#- z**?u$mla!x?g9tG_CQ8k{t`!-K>iT}OYVI3|6qZFk6{s{I4vJqw!&%#FNhT**5Ga7 ze*e4zeNOxVbHFVWv_&-)%lRl;C|S&i0Uf)wZ{-x99KVJSRXbG?3rz=i%i9 zyj|?_a`E$c4EKKkg7x>BeDa@4d-qVX)aRGoaKQc${Ss*%(Y2hAH zNGkB@w8C}rlG@_T#@O_3+vUywf<;~IKC&u;(_6!^=G%M!8$y+W7ZQ4rCR|}e4oZYo z5^3pfM{gX3!ZgP{6MTCfp>H_5aZAgWi%FMVj1N<%h(HBDi#7;87Tf}L+py0BaTXpKM%L)p4-D;-UPf1Vb+d2BKr zK_OEG@@&ir0*7=>l-WKAV8Ve`uOllHDyL)6C9T@u&8!kE;|h;Wo|TH+Ykxwg*H&77 z!h}{9V+j`9t1}LI8^O9$3+~$j9G)~vnx9V-KTGP|#7Uu&OKv$CA*qPKQkHMs7E)<% zX!V@Tlf6WQBHDV&7#lLsT&uoJ@on^x^z6Q{w|Olu9nOnsu#Q>z~nb>`>f}hOYn()^Ke}sw#FCoFc+~yL)s5k1M!;Vra z1GA}#(dkI@iUeQ;H<0wqk@qz)WS7xIs#uJ%!lIO%T#NIvX5dd*NYwdG^Wm1>L1}P1 zGf&jeQaJxTRrU5Cy~*zp&VJ=%3=TTSlKb$gyN+ZB zYgfsRFB4*Qp$g2*AqkE!`azB0v6X+dTg#Yf^TDv;*bsHoGJg@$4>~FS+=++;S%0N> zE%UHkF&2YaB}CXmtSC3n{maOK?`6f1>siuzHFuhFz?090q6?K$WzXR^IV5PwjQd%Q zSFMtX7$q?(7ju8no!mgL&pHcA48@`FgN$+}SIsrlvm8&7Y6E0OI9l~X; zrXr>CR`{^OKlsRc#dof0+#?A}IXeY3Dy0(~MkVSTHH8ciE@d&z#M;qcTa}dq>TW^6 z09D)cMBnSl9Z9~cAN@rjUihv$`h8nhtKj5QeEO6O?Aa!3RS)wu;W+4*FR}~Ct;BHc z6ukmrd-^S0hM9o67?0K>i7nnN{71g&`*rmQB|7C$H9T${caGBqdys+EKWMySN+jz) z$l#0jL_86T&|XD>$|jgFNyQ?+os5PeAup8VlY`cmB=S+s8@bRA*OL*__xaL$&DGn??TU4X+rT(5;qELOLDyn;ql57GW4bW?O+qwB9L8#e|QZ_WBLLz-_#w9dtx+H zu8+Iv@C#=sDzb_`F#MGgOmwKxJJ zhUcz-^MR(3y1v?RCMC=si@c8G(R;tEM-w6`&U8=2u3vxW@dH@~%-TjEHufDrzJTjH z0y-eO_x(R{lG$*WVSK$JydTTYH{#^FUC>n*ATShFk@GNGac0(s>5lt5jTnlzT#A&}2Fr zoqjH9G3Qyo`Yugs1XZKjO3feskguRo)+7?t)q(HoA|nd=NkIV-gwvzqXqR`?8;}`! z<)i0(Lq*9fgss!qF-YMhU4u3~iRqn|f>WoSy{wMJl?b@I>&z5)Em%|T4qFWu{)^G> zsHY{02Lw7P=1!^f3(8$O(h4(#?F+}xOVGE9>3)yfu0nL6Fh;PM+B3^)JE!Wv>zST5 z%<}@{R}}b7pz=&vt7>434))30P<_UASHQqg6{l7K{m3(|^jBrL3~x4ar>S#@>`CSS zmfk*YxAfD$Uv}F37!t2}JPO}!4~qKw_Ucjk*3oTZ+@-%pr7@CJaf=IwvmtaG=Jp-1 zqhU=$QlyYAMMk%p70LRTPNST3t2@{hTj{~S-0yeVLt#T7cI(0BZ+pElsq11 zW5?3X?cOmP@owEveOyHWpj?m&9c!O1cUjNZ>$txFL-fwsTEtJHLzgLpOW07pU|mC4-ztdc0rkE}66ZcX57E2vQAId9*=YI3QOZ>Z?WAqZqMnz-kRmL^QzkxSeE~2 zRyFV5jZ*UKct&WT&b2IqfQv{MkU!40&m$KG!Nxepbn}g_ZpC#+$7JE+Gq_m}{<^)} z#dcC^_JQ@f0^0EzH+316J9)aNZJJYfq5=l~`1P?^dsGdbX6ILCYL_5G`eMs|8^?_GD(go_5xW-@yCI9RYsyYwmCGM5O16urOyx;=~&Qc4r6DustpHD_h)kY)3iZUsXzUK^K7?s=mh0_oT zUI#B!8|)67Fp{LJlOit0!!cnL=Ie1i+$otlH=x>Gyky&?j8YOCP&CGBTtAk7m-f!x zxrk$Ou)V-07Fr4O^VrIX-_kwhDXbhXQ(@FI z!tF=#EwQ(%CP7_jTJ`U;p(MIy+ z;Um^^j2XNw4DhmW^!g1IP%4bSz{r#}mK2yxd<5xk0I}yQOhX%wDxaSo0+n@Xs^FKn zsW^#kf>S5^jyoW@g(__zX`!ndj}=zqQbGL7IQ63R`qhQy=M0qhbVKB=ClAY{Ye>`m z@2k90@5(oI9aaTBL&XmC2bY7SoYbEoJn4~3p1lDO82$a+F9lVD#i+v^NmV4|JerP^ zHju(qbqNd@HS1`0Pnanh^mqPEH26C;E91>gs9(7VDfr-%IFsTB(Hxx_%GCLKjLH3Z z0j%1;?<2BSD???2Ck;U)B6$y~{TZy6&G==UbAxW6FAOKjy$!zT(;(B-Anp~U@JviW z*K@hL9G2{D2J50Kn8lZ6d!M@bTC*VMIxE2vc$-#@rhh?S%g#neS+_H}9&4!eS)_za zUJ2L|p*!aK=xGcpZe+Etz8A`Vw(lG5va(-8YRFy7A2{&jVJJ9+z>I2l>#@NjqX z@_(7p8BQSR>FR9vJlXkL`ZC@2@%w(i%@{xM_t`sAcNiU7xbko)5BMxU%D+*WeCfvS zboX-d_VM%nnA!Q7*lP2o7g8<7^jNdN zx?`{#n)-fvx4WCkK6qO1;`8!z^N%39yPZ?Cw?WHx?P{7hc{QHrf7Z`mx@V}>X3Or% zeq4%SWc`2r%#!`{o@XQU7b_oE5M7@+vjU;Z&^Dte!d>Z_;Bnawo8;B zU#`r*q6~bIOrlT_A)G7#d3L1&>-l_@V~A#3oYY%CQ$!lsslB272Gf9)ln{#&W7*A! zuQj!gD)7cgshR~ihAtk1bKb80C#dp08oTh|R$;wT>qph2Tu%USMuSqrm8Xxs8S__s zinr5v@xg<~XD6qd*vS%KID2#x`K}R7Iq$259A%IVnMpgvEd;8M(M-e0T(>-!$MZpF zcd>Mrg~Xr|zXgM*=KCgShvf!R^0jt#`4K@}MZP*PIfXHhC|KR%jPp#x;!LC5b=cy@ ze=55L`ZUf%TO?iq$Kpdc({oU#t&T4=-^XI_=?QWwbUe&tA{pg^Slg?uURjrG7-(=k zk9Y&MZc7pJG@R20K5FLi5^rh-rz;Y1=$6O7i1~eZM8^9=y8xKHfYNukGO-%n+>zFh zd&II`Wmmt!TmL#OU%GYKz26Dv z9DeLh#-{tlVn1dgCEXO=TXny@Ni1R4ov{o)Qc6X3_ULo)qSO+y49ZH6cw0X$r_W@6 zCm)M7&JdKO#L(W&a9RL5y1jh-bkbqGJq&>6#k(i;QS!q~KbAj>7jT0vfcxR0zoy!X zV@&Rb{*4cR6~7Me(-^hk#hs?~C#bT4woguL$h>@YsHfE9K@QoAvK{1B6<*VriEDs$ zD3Q|{ust8$3a-#WzkUvP!KL$T0^UZG-O?_`y;L2*hj0(xlS(ujM#@|F80dS<2vD9_T z@_Dbog)QQJlv8I$ifv`xPBkF5(xRXHIb4evGqHKoY6s(xXjU>|id!nJvRX#yw5gL^ zXxJ(P;nk{_vxEzg;Z?8gChqeUPIjOdRl9JqQwu!5OF;T>@i*9U8uPZv73XQC)6E?? z`M0r@ zz(*OOX*5#x)#6#mpmS+X6E59a77TN?4JN}Q?oN4!w8x9h$f90yYD^(&(2KyN{~W}7 zXcuCSz>28rxNdp%jQ8|W`~Cj|FhI}0yp|oMdi_yvGCVx9mC<$MmYpt&|m_%M3`&T%5g!zi=<3b(KY17=KM! zBq=nuTloy$tQ2VnFq&?-z7p1rW1m;msN!l=6&^&mtD&ukYN>=Xr1tzx^{k`XsWDxh*PS*`;kDF*WD${2nz5=H?!ia)aAE?x#m`-oTTy2# zU=<>U&^aBDvVg=?Z)qb*y=DDQZ&7xLc?&cK?h>Y4GP+aT7(^Zm%K&j2Og9vjHR+pXHmws)4K$!CT z-R`J68#TlCx1}#g2#Qn@C$!2+9@Dh8So65ag~dA z>Md_Iz%Gv*IsinQH3>RtdEBbpbye+7=N^20a(i}ick$K(&}sD-+x5n9IFnh)p0zz?Rg9ucDc$PXsNi5~_t9ZsU@coZF8@X2D&g)WCXBqot1+h+TC zP~(p;NIsZPyE+O4J7L%-?mi{T>yLs_7z_uqfo@ok+{B_Jq&jlYbPENV_0|B61j!~x zPD4B=Hjmo9)>|HzEpcbt)?ot1yID7^HRj&e%#&L$6=~9uZNU~Da2AB++{Y5UC~`pM z58~_$yPx|3b*_FMqLnyPL`i5dSCJK=4)I&Wxr2POF4>PH*we00B$3@rX+)4n=%;)f7mydDDAtD#j&tdnB%sqKJOzOLM%fbJ9H^mjwp^{_K zGbI;9fQ?q130J-T0p&dAo5g|HSL;oHEc55sjm#zJ=5%B^|IWBQe}CW5=R#}xLzb-R zh_6ijtY$agKGdl3zt}ef9Ed337C)b7vyYJVHwM~2i|-h8`=bNk?@1C=M6lKZL2Yzg zW;4pfc4}lhvmC!kI~=uLBKpYW(=>&2ufL`ltCo1y>$!Js2k^zaD@i%4#_*OgMI_Pr zw2oFF^0zVnkqj9ZYg`*rfKF8&WVJtlB*u|tmvJdkLM;}heU?Km0Si^a7FQl{vT36j zJHfe+>PQM5NVC2P_v&!Ac2=TDFG*ECN#rW=?VoK`teg3JSf*qxn1OFd=a7n6u*7%* zVv^KyFoYd^>94vM-j3Mn#n0v zJxDoum8%0ZJb#Bj!3a}Xl0nat$7bkZnEMZL zXemOZJ~zm>altVlA?X8c-EO(W1YmS!#fmLeYZqTrSjUdek+mmy$Cb52(wSTMl!_#%(ptrYqtdQ|)Ky$n1|dD!a`cSpWlEP-09r;O z)TUah08??kVZz>nBHKLy4AAVps21~Ji32p>HwcU>-?nKCbE3DkZ@}Yf8~pb&fWNnI zJm?hvKufD0)Dy_tAAASe=>Y_TZKCX010X@oqQER=ZDGjz-Ci?O%)gj-HEVo*cYpHL z$)EoE7m?T#cEF&#_=dOgABmRj?5~g<#4H)U_v^m zE_tq<+th^E7|+RCpxpOHVO$GUzF!DTlLQpfxILBk=PZ`8d0c5U&fty)dawz~DNuCM zxS9oU2>qlR#!_M}VE2s%T$Fp=Eke%GJ#1BTz7(u>)q%^0E(Byp_QeA15M?alCySkr zVo*j20$t_y+)_~VGuR9_xhEouV&>57oH4s_Rbf6j&%f2L!WF3;-nA||u798V?{M@} zhk8U>;&eEf4I2_&I1#x-OT%N^ysa($vQt8Wv|3{BT%!g#ezxk26pOhqi7-WG+_hD9 z?1ut3c9IfnK?!iWagAI%3btCqY32suOv=b|l^iV;U1XZSW2vd2FmvP;aguL{Alq%# zePcrvY5JTUPvTt&(u_bY5(A)(%Q^kU9$5I@uqbRRVua6^TIR9lqGNFlX@>pSmJ&ZQ z$kERL&WORm)X~Hiedu+2>%RL=Q-$2V)ne#cqP}KZ%Dgs`iZK+`R{qLxDc$h__B>;; zW|T3aa$H^~Zf488H_b0Do7;yfWNEC~drhy*NIgPmJoDC7T&I66gS=CP*94>=6wX{> z%Bj$S1x8x}`xVo^-UvxAw7rJ6??N~4VH#Hs4(YB)vPV;eBGRrX~~k~^c`)Sq^Tp+66%qhK^2&Q(Lu$w!THgL685dXdvgH#EK8o7T<3XUlB8 zrmgH)|4*|>g&OWPF1=pIiTD)Q3fuDR7;2mIXk2Eg^*o7sZLzxdss%7!w!ngc{J7o#i5rzMP!HPUHF zI-4vwuastvDm)?e4c`~H)7`LrU!?WC*{BJzB;G`8(2*$_nO$>O1w+^$m2&@ z-m;7%RKlP`r1LXqkbwk{5Jd=c$1NGK2`@CD1C=9}oy65No{j$#TPoFb+V4$6e-!lK z&hK~q>3lTyNBwc6d#XPfht166uEMKWAL4MCap?%84BC?A;;I)nbL=jQi<55VgWc_# zPe`K&FJafKp=6rC`GDn_nx<-n9NGs!ZbpE5vrtX+LYC`YJyyggNL)CH!ze73Y#B~K z^aY}tR(_NSauaa1+jaSfs%lEWOkrgiq2c6!GOQ<+ntiaCpDqhjiLOOU?XGaAf*fgX zL|GyX05y=fkHnKC=6P74wr<*l;#fe!Fuj8T^70Wc4 z1;)Ve;KH-*h)p6LBA~ZFxG>F~^>ZldmLN;99QePiDepb!4l60H1fPGSHN5`n{8plf zKe3ZZMT4mx1pZ{Erv4nU!rk$>?}vTj%X&JSsBm&vQm4BV4UugGlMWi*#&244estV5TzPlwlQ@D)vJaIbEj>Xs-!!{0v z>LZX`_q+%JjknO9YG0af=ld8_nR~e^ka~n`Q!kj#dRn92OldBm2~ZIk>)X{usmiMs zCj0wYcd*TaWu^*uDNd`*%w`e$Hi7OSLG!*Qnbs39 zZFMJFYaUa%U5hej-@>S4G;*#LSeI{Y(qvIjNVOG}oP!uA(Hw(Xeq!6ZW=f8#m04cP zf8?%&${V=&N|bBWK}i`Wz-0mC2IkL2fr8+W(zC6>$qI1m{^C`sstv74I~l}c-@ou& zg#z1uGbX(wxyDiS-pLj+dB0Yvv}3#OK#Y2b^<&2*Z`ZRJE!R5$mUy**^F7Q=8Rv#1 z_X>|RY6*^Vb$xq!{nx*Eqt2i|^6KAA+Rwl1b@{7LUT0-IR)hXD2>tG8H1~(S?!=!4 z)1E&c&u4>KpjB5LAf&mQV}gNnNEE7QR^j82wu9Et7p)pPNt``xeX(Iyh&e}>XO}0( z;{31RE_q-~Efv!83dzmlv}T=io-;h%>JiyCT8KFjd@h>9YJLFo=zi6rW9wzGf+cQY zyozD*WISkSCM78yf-A_>gc`vc$t3RjnnSI}V9US;YF ztHwgRGzbXKXY1PNdvaN!W&@Su0xeMh82Zwcnd59GJb+3gVmo+%xz5@0 zRG!ll2;G5k<1ua7LE(ZD&xXUA8~*UaR>Hb=;16?VibO}Yh{36$eZ?elZfn)<_P*eA zfN_!ZSLkXXP~P5{oZib5Mu{^;c5A8Ea7m(_NiM}w83qNihuE9?|VnZ9?3_l21!vJ`e*1Jwmx+A z4Neu8MybAbwQ6x!pAi@OHt`X32ib{^;}GPr zo*UeQ>Sx{%Se}g5<&GWdBGpp5{wvqGemq`S-QBfJo>3vwNbWoTA<-zj2&nVm7H@a4 z>w9aXK0mQ{a@g$$-G1L6O}jIH*dO)$Xs+k}XgDA1`DoG~G(`1$ujh$=f@O+iXLyJJ z9=nn3fJPnskvlk`DG9Wv_H9R}dQIYweu7!;-QCTxQ1m*I@2lOT(jPIDryDOfmx6}0 z_K%1+oyV+RvAei{PqJS%Kg!l9jbI*N6PkPxsr)^l8?{yX8Tn#`$W&W8*pu4^)9pg=*y5V18J1spwJk)c2A zx)m994?jxX#w&8bfieU6uUVCsj@96xV>PHBtI1*ak)xP6G*FiFh4ri!?ttYqD>>P@ znzf$x7E;Fds~@is9j{NUqEF|68cmfynGC1?a75bqbU5hy^HF~~4u|7t);%!wM5Q>| z$%D?D*=X>9v~TFtOE@k_q38|becd66BAb84)#=3NRq7|?$XYWSNwX;VSk$s!+1U}0 zXwPUmOD@PLashTZ|g8v3*#op9Y7XgQ5qD={!O)+)7_smN8JFESR^ zq_iQ6H`N*#cZIkW3|1>wnUo~Ck13G1pHRDAg&n(cotw+k!KB;ocE?Rk_giOUeTc&> zYG}^->VURyfL2eoSQa621WQhhW=hT+Tb=2sVDTrOM9&KiLE4bjaOFJOiCSlFF}KZ|}IGZdv}k zsTF9A>SD(7Jiu}X{?%BS6Y+D@SHr6Gf^l!_-2A#G{@$=VJTR;gwlJ;_VQNX$>~ffD z!?0lPpkd&Yyo{}VJ4Q%eA*&7=hpVZJ&S9g%0G$7w1FrXL3`Ru8Omt+u&fuB*8nmj& z!nit5?9FAh$!0Z3{D^^v3gs_r#WRKFO<_y(zzWrZ>F~L_v|Muo>1vWUm1~Z)3O8_g zxuW)Q74E!0Cgswz1g*_Q?6J|l0^;T!W22pC*OmX26x&3Zn~5+4XP`77jO+oeV_8RW zk>wHUB;uDdYqP*-SgYt$ed|hqO-i9&E`p~egWZ&YG2SjO+DP2Z(ik zDcg2|zD3`gBxC_XhAma>CYhO=L~O}GU&m%L|0Z-lC$wHdK|nA?g%o>&6fmhd)5Oojt`XBByk2dZfa1-Y>kPQCC19 zq0=0jkXV6?;j~jTz+4RA9B1h7x_v(}T+eJi==WxGe>$7a{bAG{`D!@m`e8p9kUlaR zsd=yY4sg_99Bh#9C!xP3b5@*dRjlK@X$>>iM?=4DtM*nN1lu$XKCyW-T{PE5KzR6T zas3dDsh}MoaIktP;Txz-mHM_a=m%mwj=h)g{Y{XH@f}tkM$}i5w_E1U0Vi`h_{r8q zoCqq6K-Umy3%6XJ{&01qSSnOFGH@scLAV~k;y;^|&y(t4Eq%ANzFAS(2F z`$IE^W~$xw*WUfL_wMen@X-7z+u-ooWf*gh?|>T?6&y0#+_4 z-JFcLw4un&Pej#cGf#LmguO#xpx)R;+OO|jEH|6?Y_n#HE&y;qbmdZV{F9tw4lft~ z8|^du7eN3k`m$S-ts1?&i;H{V;<=PoK+V$-Y?>~5#c(-w@xpywd4Fk8@3nT$o1M6< z!>Gs0!H3m|o9+3M88Oe89wS*BQvY(Zit}c6t~bq_-njlzGrD2#fBnCH`tg6pE4+X6 z{wI%km1hrPL}fse_DNVNyR9^o&E_sKIVH zrTFyhv|{rn9N2+HRsH33kBy0f@j2YsQu``MXUm-JkE5A|`$$OMr*l*qtO0}k0)U$R z1tn>-v_&OG@;I!M7WF}z3DS(=d)81r?pALz5qHLPw3av1GYJPtpx8k?HwA)9TOWZd zSK8s&!~($fB~>~b9Kmc8D~KeW$dF!|FjNg*L~ByDQ+hUE!@f+ZG&dR<-t?MumODF&uVfU5harYh$bzt$M$vg#M;$vk6UEfA$Tyuh zjr0?n$NnyD2-G04a*PtdM8FiR7hk-AGFoyxnOb8{MPCF8F^m^Bj7=7u>xMF-QC6Cw zAI&EGkyf_lk@8{)5lvS@SKs z3ckDP*6bgYBEDijM^~}An*mMlJxA`*m@)tuh3^wFDtd2eSjOYCbC|d~!|tLL9K)4t zYZ=4XsIM(^MO-j)x}yDKX?$XAOq3x0^(J3uoTDU`Le6C5#28mgLWXy@w~@f@+`h00 z#sy69HN2(-%keC@L@HfYl-CFKkZ6mP$fkIc;MB}m;&7Q5m8j&xHC06|cFNL8=b~D5 z#aQr8O@SaJEY{;ap9f9W>$0nhLTQ?Vvh!p!zbf#6JBV@Q z?evdQE+q3W=n=M8oO8%+TV;7Y@A%gKT}9NIfXx5%CZF+2GI3*-f0~Cg4avu@{>9qh+l+M4-`1PCKUy z0YDWCXStKj-ZP-=ZE0LmvLO{eH8u$@aeJwEY;rkJof46q|AJSI4fwzaHUCHOvCCOvflm z4C-j2asVvPkS&~0TcI>I0_nu|vW;CPr zd{dhzmlru*az-_?+TN3H?Zm-{6osoEoDB^~o(o3nUF;7?`aqUpjeja6xOD(I>738AAcjv?hxCYv4!4?gsXO%bbN zRco+=_f(}yZgK>C6p7aBhOs-cW>pQLgGEdg84Qhr2H_wdL26|`e8F<`-A~K1Sy~BL zl;IUAC!%KULrSTOGsu=cGTE{QdJ-o)BPy60WCV`e zHd4J26>vV{G|e8wxD_G}EI0kd7XN@m%_KH)eW^k@WZ)^THqcBsCh4G>AlNJz5rD4E z)pWzG{e$WN){CUZtqWZ`up;hiVN)=XWml9AISF*O;a;7hX=B6#Cg>#JJOBW99w)1x ze*9mowWe0_wVr>opMz>;?^oVWKmH%ypxx__Fp-~r{9oz1p?0JVG5qPr{}{}W8j9_s zKkmN3A9!fo{+VZnycDFx7eGC zG_B8w__pnmJ7@!f!uuPBG5%YJ!5w^J%*5_s&<`h}GQh9%VC2unTKRny=;370@ArDm z1xu1CHztSLBrCHugJ}Fh1tdqOO}XrW%`YT;y?RP)OB}V$*k!F6Mx_>&m!qoVa#IC~ zr-Fa;P%Z1zwh(um3Q+;VG8C{9P}mJahnkR=BV`>?fT_)*3c6EsNkaqJNh5>f zPh#IC+TDcY<_!a@_aX!?Dole-?eh{zAV^gpO?JhGxH4R_Jw@eW$uD4i zf7+VV6=ouj4y6#_gx_ys5)J6UG}C!(S0qco8j^0C2|wV;;le%BS?1pFy`g08K~U@P z$y8Jr3+}8VGQEH5 z-r_?sMw#H=sJ)I3sDl+F4l_((UD8#&2|}+LhNYQj8%CwsHyL@-#smHBT&*PW1E(c1KZzhjZ?sYP$q&P1&NY zF8D4Hm_7mLN#W#DwrpDnr|X&&&4z)M>=?QzYAbbQcj5T(Ae9dbLI)iqX9?j5K!fMt z$yKAlHLQViK-(J&8BqgEt!Lt$zB#$NzxWfM;9lPv7LeglVVu|iq+%1oVJ;Ds43h_S zUQE4~v1q}Wv|Y8B!$lHT4NEI*Bf8$gq-IsQDLcd3Ei)+boH-k#ck;@1J>QiFQUzSV z5*~?99E&mP2jQ?A_)#zk{9%7MK&`*fpJ_cC1wl9-4MztUD{(6sT1Nc52F|?{Q!bXW z*#VX-Tth2#&o|@nwPGl{7>jAWznph|HDK27|$ebIWZ<0Xw)Wx)Cm%#Q|CS+m;xebNiF8O@G%IV2I2D{d@~6D z@Ii1P>jIK`9w*{wH=!-_xxrJ;-|Mp3{=aoSHQVo6c4qV7eGckENQtp?vmMIHpav#D z2Ho~v8>U&4c^x{vvxxl4Re$^4(E*5=eE&i=%{$OB;9yCFmww2QorqDd{+mlDT|H7W!hN(z%k%D9DlVyeY=fYxm@V&70N1lcZV1fra8NPS#7+Kk*gf zsce8AZ0xxAiwt`0uUvh++v|>I2c-3HX)FfL@35*ShZHio-!VMbbB6L#q-APEqDf2`Zv)+Lr2G>5Q7c|tP8=t}KZzc>8tgq+DEYZJh0Cnak}SZk zsX{R3Tvac%U(3)0#6i(%RYhO|^q3-x<2#hZ-O@9u@lvCB``On~ypCOnJ;dFDoQV z>{hwV7)m|d{b9XKbU^2oqfu?&O-)y_7q@ONezzc|eFNv|C5tM!4(Cs>pdBnf9$rCa z5Cqfyc;fd$MY_X4k9-v>?TBl_e z-pPW-(R)Z$(U$JQ4;}z9o{a8C-8GAHNt<%L14_tEriWpzm`pi|vZ2l+#U(2m#*Q4; zUb2E-d3Pqxw^nf0_j;1MZjAXht<_||ULuUdAolD$h353saP-1cm1*b(5lM_F;_L@U zjPm4a+#2j4W#~=usK7;BAo=kJ20i8Aow20fcaTMUG?Y|a`X&kR&9TQto-Lf&Zgo$1 zw-O20|CvelIK7uGobEO9=I%$l=hNQ)*?6Q!qagD8K|l1n;~?<+W8L*hZy5|H!=CQz z=x@0FtN2MOoHH9kfZ!_2*UQQ{EdaK_0d5wGQ17C-M#X_vi~zy$x0zF{XiQlVZpFZf zBNikktzga|x|!ry&k^z3Y{qY@4i7Mrh(Xh!m+opZ5joLgT7%eR~#5$0bK`G}<`yKds)M$DJ zKHpI9Y+Uc`=c6>QvaHMzwR~8xvO${XDhiSXtBY8WmKug*%A)|Br}g{+FgdV(daqFi zgOr*DmP40t#>MHeHLf`C9$zW0p(`ac5d0&>yQN>gZLT_7(lBJ8j&;t)gVg8|J2jDP zWvvhu0zgJSB3U%bA9bA6kTQG#VB?T?Fc+UD9r=uZQFaVwx9mS#FwWNoJW4|?zHEVo+cYl3*@m9ji=Q@(;j^6e_L$rG9tf#)sAv#`qw#z)kNloebALFU&;6-V6F(Y`Cwer~y>73W zQ{f?ILg@uq2~MXq82~$pbC0gjOr2ggo8wpJ4PSVtw(C22l?i%l)XSGI0F`-CLfzy6 z&;{__7Z2{G!W3Drg{las+m%Y=xh_hJFFCgrC=H)kBv6-GePj&xQa*>ICMTk$Vk820 z{=Bb1bErhzs&WFKH(JvnSBqT1kea6&BQ`2>TqsuwV4WpfU?AfC4SCq9T>-&+MUO^> zz2_KBy@9q&l+fD24koki`hej9UPQ0Lj@kpus*{ZI6?+zjkeAUdVQRZ zrp^p^#Qa{fxc9HCykN*02%}!-T)91x#L$OYkF|ihV$ZK_VH^$MEz(hAlTKOpO$siU zWHvIYe!X{=;RNG>mZIMtN<~426XGHZOuh}CF6)-aV=-kR3WlsP%vuG+%mRb!iX<76 z2tx~s5TC-PscelTh-9&XV|E2sf{8BtQw{wrl1V9-?@%-H&WTdnOl~gAP)v*c+M@er zy?ipSTu{cJUgs4?Mvqd)~K+Vuk20$*cWQX;9`a8c{(**%~At+M6g7qwz5<_vw2n07iJ!(8(T&VX$E`E`>g-( zWGP5u=T1BqAkeBS`{K~p@NN-Fjmc6jfqlkI>_}oGzmKD1*2^Uh>1bSi%a1WFl{z*1 zSyuGPC!S(MW;Qv4G}1j9NQvlLintBJ+Z&pBDGVm&aD3b=d+n)t<$;vCDi+@CynK8p zg6f4mHKj4nqR1bH{jMK$$31^Mn9loAH`HNt7=F3L3(ieyC$YZr5ki;~Du}%Gy4@~O z%!H1HoV)su#WHJ1FHW;SC3vo}^TNpj8j>Ro&kuOdRcZoPb!(IPEh3^-f*K;tL{AFzN>0~&Wj1I_s=Fm8(L|KaZnaG7S zG5a5p{&u(1&qq9BVwMX8Ew{`#z;8|71TrQJNJYz&)F?x5ko_EF?2P{D$NxCF;=F<& zd*EVQqaNobz*CYMA1sqUR6F8tIc5moH?$JeQ=*kfvz(OiiH(7yUND^vr+yT6N#a*} z?$2huu0QRE{ZT*Cv%&apF$UVO$=E}L9zX*1Jm18uMjcv8{M0z31k<$^G5FJu|C>}B zO0$w(P|~UVfStBV_z$#`M?s#wXH?L~^w`y~Lcs|R+~R_)ND@wepe3{3+|zGv1}8QK zF-6od#59SzE{v(lN?{c$IU}IdD~CcWRI9f4x>|=nZ%|3zh0Rxq(&o+cO|H@`%r?jn zx3NcDiHXM~tR~919v2<)KW72+QDxY8OUx@K;@ak{i$sU>zLFS$xRiEl1hoT_gCT_~ zgh2ofmIeU_i~9ew_b$6}B-@tYIRC;Mr?Nnz!pV3)GI4MbA}NV=#K$42%#(HNB4Pdr z(o+%Paor;*QK&%ff`+)2H7>}o?X)=_TFZ09;7lolu|u_ zKEP2jBHYc*?YV95wb#OFT{vpcf-JufHy51#>o>uvl&tDsx>PC$o8Sf=*K4Q@;FC)m zx^`aWJIEL&xlPTsZK6sDg%i7HhqvH|cHvaIZa!zP*dxR~m?)iFa8|^EE5J0R4DD2n zJH~a@aHD*b;##AsDyZx5Th-64?YC;kgbMvbWIyYAaf1SP8#LSTK3M063S@-?s@TXj zen|Gps6TF;?YU0OD%gW=Tsq$;YbPA`gNH(-yd0%tl;;RiXr@KO03S*WZm9TX4icCr zLJO$>^GyP698n!!OuRrV3o;eCB>0 zlI}=0Cp_880UXn$;QVWPQ3OinmX5aJF6r)`^4-lrTgj$q4%PjkVlP%&`dp}O$y(}J0Dr@Vqwsq}>py^=vYR^}Lg1^jU<>*P^`!jf26-d~n^0R=y2 z)hi^v(*B5qsln*t#uPy|QnMC0j&&AgIhY(iyTW^W*c_5jQPsHN%bEgY+1Q>#P_fyt zdxAu!*}K&U)T%03GH+gd*fwGk@1D=yTwTo`Fz6(B8LJ|e!sE1%k-bKyS#6@vy zmSycGUKD3$4W);yEH^e~T`VoW?&jqY1J&)*S?580e((s>K!7F0jxv>UMg7DH!*?_A z0L~oL&a2Pq(ie$90EMiTdv-S5S!mdHv9Q_LtKdI?No4gQl9$oc((neS1P84Ir6wa< zerl~Y+=OoJW~;PeV!Tt9WbyHL$S7nug>d!pJCgl=JEylR_#jQEJG)KrOxr~Kb(v~1 zBErfz+3@!EHnoR#gn%aPuWN?$TjM=)vlI%St%s{;Y`hB}yYtvw?&`7e{Uzn5xJRB} zz=Stc?|hYH_qm#Pe1ub^_ydCfOr;j(o&;8-CtgUQXv!bBm}W)?uY`xr-+|z1V~0zA zFOn|x7o->OS-N8Cm%;dJ+Y!qQz{Z7%LacZp86|ThtePl*gJi{ZA9NpIEo60 z^6u2@yNkCAYu3S6d=%T=f&JJsvx#7mbjRcIWHf2W#e<}GIOjbzfsAuX7ba=A+TQGP zF{hG?2St=;*aNm@vbh8Az&fIBg*?7v>r=@}r|l?+|1WLdrK5Pzk2+!0@3+H#9Gh@5 zO2=V3h{oMPztc;4&Dx%I-aM%Z1x7ZNg1W@*UgA;nn|wez4mccbXMBruIWmW>Wp_xj zf+@!R%t;Bw%K})YHrd7zuYpA^U8M5|N8`!m-*d3sBy^~&z@M+BIZ!88OOYa3OgCa1 zyG^Z>%Uh1~@NI5NnZ6bgQ{&p8_p+c_n1*2VWftN`36&T| z+3hl$(YMHh)^MgJ6c@3=3V~bs0$ni&0sD8*a@Ca8sUwhtrRV$+=r1!n<5VSl=1ztr zc*ZtNDh8N6L!t6ai@#pm)1;CVE0UYXE1+joSFQ-($@&md^X=QWU&k+Cd!&lo(>IR? zkdh$-#Sw$cHcb=G#NhNq)?=`vq}&=MJXtWPD#3>t1TI>Z2%CAJ{TV4txiBl20&uFX zQ@ti6Fo@;_66T>mg~XJt%3(}y=CQ>{!Pmk!$;@?E(X67s7dqlz%lf9WS21&kl)1kC zn=Dx(%a&({|LzMuQB{%6U0p`H~1uYBWwGdz%*kT_6Sn@Bme?G!w?@wOr4RSJLI_9||ZDBV)d_z&x5 z<@SQ)wC58<- zdK(*&Di7^nn-##u<>4k?v?qh%sMpx<3TOO#cJz3xo6QcV*EIFqMv|4ZyfmZ_#GK_5 z%{pB`mU6u*B=-w=8kv^8_J{v`6zq+MAO7?6eK)qavJJhR7s_GqB{*}aFYtc=o&Q$O zeLP_rC+*Y>GIM3!_v4#&~Rgq_~7m(IFrIx_=4ngXc&XEfT}>~Qq8Zc`UfKHOdT zt8mg^8x`kibf<)oHBkHw09tECvgWf{D2Ek3sR%6}%(a!D=p5Af`Mf|gTXdS?XMmF%?ttJHGXsFqLGu-mwXf1t0mdZ?28 zIUH3rPBT|8hJsdgu0amA+ISb(!R)^>?4Z-0jAz|p5{`SFN!U*!6Pjc=4139}+fAZw z)SFEH0PH~YWpbw0)etBQ8+K4S^%gcYmY(af*)o4)ZM57vJT=r&739S?Vz#86V2a9U z)Ba$Jf=m+dz~g*)D{%?Xpl*jhMMp%zbAaEn7@2*xv&lHaLQ)3gQMYvHbU_6bGW^sK zLKPavsN-CSB79ak$Pydgai2!kHVO`GgEEtt&JE_Bb5CCx~mCbA{P*M1|8r_HLi^%7y^y;z z30G>CGoLDIovTfw-Xfvx&y0fRu~J$bGM8&DVUa$xheDg(zkGO1lg6*Xcs)UGay(Bp zxoYkJ>VXWIH=Id`7>B@>R!{0T?N#@QlVOI=Vp|kPU27%mgzAghS zK$*Lx`mHHuz(4^>)(nlWH#GEGgUDK-T`l#U;W!8mAqJ;N-9*<=T{$f;8v-HSJ9Su9 zO4AmU`j?h0)ZF>(26k^FymWdd19t08%|D3lldw=$s^|{0L14H_m7ad!L2x2pBZ7>1 z=m{XXi+o=bV}V$79Fae)=S=Py8E_of0|!8SkMxuvq69hlf-$=3ZOWDo$4~7XaNn{D zSG~%Q%JbgA`Gj)zpKd!(RYdcF)pg&<@mk!or9<{f7v4N^x6tRSn1_ci8Z{61dwXJ%ze9Sj7@f3q zZ)nlYsbgtbY*xi%DWF9L4DQ|`kJSc;gc)l$0I`i;i8Q5)EZtapT#iX~igZ(2crc$j z1SR}CmVAFWe003{etL6#ab7ddn?utqXIAre!b@=Srtwm-c-44g$mDFc6#iw0OQ*-D z)AK;lTJEXp8~3e@>Ns^>`J7>|uChYRg(PKX9o1L@AuK6j0SN#H=F9jFQwEIv3&SZB z%V4wAZ5LoPb@MWLj{wD@k~0XHj;Gu($qq-qu=}rIp!2i-!px`4mW+AHa)qWa^9N39 zo2Q#nq8*@)(KKjUq#lC3^x*aY?o>l&$K1Tj%6;VzSlu<|=ls+oR5y)p|~ z-%m|%IB1rQtRVyzCt;TMlFzPX%@sf^*F2x4OG8}*0pq4QeD zSS6F^LPROk)xg!4LsRzNo`**>2dYashHVR+9Uke+RgQ35|OyF0slwX=P z-IATen%S*7Ni=GK6XRyFg63!zVJD!&)#c?WEyZYrmtC2YDL9Ir<%s22M1v#8kRm-V zjba@v#hY!@I7=98_X1SxOG)LE#FP5@8&8)=*Mjym(fwkZiMG64zYrays&?*R>at6? zD4bLc?QdC<)dKIhSygvJ87mm#i>!nVc99FlEXr^Qv8uy?w)S)5rmf}n_Ql~Y_~__aktm> z44u0L9czL_G#=(LAPCE*QLOq+pK_1q!W0q>%#6q$kV|ethnu8cr@hirFJPjBSb>QF z#Wu8i9hbrjHfT8K)J>`$jiZwQ7^=a-^!NphFmNEy-n)sag4iX(;1QvqRQ(#Jkg3QI zWhn9P>$|O_qJDq0>k2?~az8J?D^V`XaAnB!Ke+v>y zh;*FR0|-uW_Ae|&i{DCL7!@~*+T+f!lZK;FrxW(uv?Zsbs28TDKj;kN_GmJ0Dx>3<=Pg3!^?eu6W;~b(5y3&jk1#Kd^ucx3wihu1pga zR8>~KSk`o{9?A3-R1Yvk^P~A9hGh9nKh{0vQ-xWXSA~8F9t1Qk4-nA|W*HqsnXHA~ z_(gu_kVF&Fq0D}kd)IOvTg4yC`OqRwbH5Mo`VsA& z?^7m*H@8q)!$NtNu7ta$*@p7WmC+RPP0i$Kz8l9`D-<`h6y|spUh%Qxq?W7I)=NRd zxopv#n96$#dlb~$P758wf;e|omiq+~IN<&DeHXMoPmfMK<5HICMG8M-RxWG=gqMCY zT9Bpa7%YW@7~4j@48aTPqVkj3z-uC)K^)k?^PAqgT|!2_I)VOgK40m$j(2O@rIX(nAGEB{UftA5y%(u`}N$bg1%~18P zyn-)W!Jm-i$*wfkZu1k*7{1utsn%FA&N|gB*CM9q?VL)uZAiYVJEzUXA zGdKd;)8^yvnMw*G%Pq_e7DB2>8EE?4n!-*F(7}K{+6TEqX+YnIqji!EAeBops3UM1 z=@a2Nw(#LIWQI8P&O;B%asZ=sa@Y)Kxy1DNW%XM=!{bf)(rp@v76UcKfl_4RH&>)-MAHoQx!!#UR(IkB40%`tn=u2iqj;6d{?I|J6`C;%b#WZOxi&=^n|( z>0@3DC4jP5E%JM|GVROrGg^Mv)!#I@&6(CiBeqf{JJ;={NaABPX=M|zrCPhs#tkc@ zR+PYmwXaBhqBE~d<1uCGz_t_3=Th6i7O_9@Np!Z6gkxqnT5Q?E%5(3AVQn(WIDAq2 zit)PwT+op$CsvEcpFPo;(@0noHe!@!@3!^C5hHEY8d2NZwv}{7lFA5c*%^qj`O!gT zUqy$fm5{Ct#_c|^qb&E6a7qdOxJKm#q&~UCqiBa{y0oG;wRd`Ql4049jDl*c@EJ=p zh0udKoc!6ru4NpBYAc!?39_daM~R?WKL)enN_Hw8>9AgvA6>A7047_lG|34&eT(X3 z)1K;Q+dCPm>(tN(wi`HEKwqJ8Wb(;(;050LCknpNU03%MHnIU~2laE-%pUlgl-TUr>D9@rn~SYjl4q>b^Pm6Ca9=x7Nx>(j z?DCu$#w+aEB?_W~p(s$$o1C7W?n^L114+nVx;I7s&O}Tx$B!u)ERN@B_&&D-bu zD+bFl*L)sDE-^q02P$)1!-57cYL0bIh4L(Sc4R{_-kOopusU zy0b~x?X}xr5ow3x-Y^P>qh8uE>7+C4v>Vlc4)%FspwHxKgPB<|K0;GLxA$oJW7h5!?yuto@{4U^dmm$P}OzTxYwoQ%|?LL8}- zotQl3T0Fnyf?oR3m5wj0G_=hbfkwb=slfzoo}MUMI7X7x3B`D==jkfhR^&Vr(mv5DST-%Ly+vVD}_Y!Wtz1y6ITCrch zT(7tTp%sLbkqd8@Z`h1PUMUAd=jpAy-ezeT*Ex7m-buuj^`;Q}w8dcy-x|ksqezXp zSpch9NQLd*k5R;#%kmJuYL#ki{$yJuF*eoJebinUml=WIeUk~pg zhb+9PR6^{vTBkm_JXHA#)gp29XassbTa5S3l6hWSvf^)p@+!mZiP>YPmR|*-N6w2{ z9Z=;GTC+yIkv3TI93~lF9_dd(U8CH(hWDNyPxq0^|2@lhTQ#T?KF3~Jp)kA;2pSOT zVvz}zxc1ZCgdF+M7PZd|^$&sQtL$~cG3_P2UN`Kt$K!_hVZkGAuR2?;DBbm$k%*&q zdl!K^NfD3`FcQ31v~teo`FqQ3x3D4<&5#>(|E(>c6`bvK^HCLtZe{~!x5*~|@Xx{D zu7W)eb^EbOG?R0A2Eshn1Lu9u4~|>9hR@nzojxSfcThHcKt0}@nEjH?e4TuKGiti| zMulX8J-KcFu{3#wDx`%sDrE}@LGZGf^KM|JI)c4OBqXp03r4~&p>K0XMyUpfi|E?8 z4J{}Ptg;a$ci^@MSp2cC;ReNaIgyZ-MTYE3+`~f~ONVn{gsa5zWF#7njqs z>ECF^?a^%+Ai(Q%-%$ZSLi<`MZ!36`3fS%cm5HT!auWC8$Z6@3SxA0p%szxYhZ7cK z{Nn8VaW>+&`eWD2r*xR%{q3Yq7Qqc4QYKy4sr*6vx69Xj%ugx0)Bc^ZHItGo-UVH; zTeCb}cC-9ynk2OA7N0=F^xLO8DVWc6OmV?k%w)VU?DiiwY4Px99kcw+3P~f``}EIv z8T-Ybn^8qdSV|J)c(b!<_}Nlrbdb2Ez+*;0=Lsi>0lBsf? z$5z^XO4cTpzYHX5EU6nfjvC8sm%cNgVJyFCcBu7*!&zSpfF;4^+I%u9eMuE{@3OP= zD@x6Vro@_)tRAUM(W}tX>(zsEt86_u$x7tlQIB=FOC@BKG$U+4n%#P{;aGRd@mn?`by%GMT{!|6_(Zpx<`NruJ{ zv1c285FLjy=GA2PuT+N-CcNb;1&RDh=heK(BtwY_(fEl-s4@W2EZIHUs^K!;ERnOt z;iW1Oj2gd46PJf*?y1?E`%sz4==5>Pe9CdiQhAfzBdc-jma909EhF)dz_{}KJY1!# zO;jGv^B=SPM^2JjCCwz`Ej%R&x&s8%)@ClIIifr!X-ME;u{zC|Kc;caN7Y+<>Uw?6 z9hI#&!ghG(IK0+RtK?uiV|M|Wi2Zi^*Ps6b9hHL9*K}yY2k3@4eVl#qW(um;7jLja zDg{R$gkQAP=F+Id3O`vD zN#^Xp<@;O&gqhf%v7?p}ovvz_<1}r4DcdAJ!esuDcK@>R>F`Jf8qlFu%!`SMgmo=O zVkPT?KJ`Kp0;Yw{DXC`w4d$jSAwqjP-It7FTG*z6h#cHL**wB3zD73Ynqlbjo9dD0 z@AL!mo0wFODFoSjV@VXChKN6IIl=~!b~t$An3;FQ`cmhSsX(%MQS};kqg-gCv-Mhf z`UuPym9kHBCL(TG;rm}{?vFS4l!OHVUtMz%^d4oh1%OS4sPb559$ShYO1i?*`sdgg0iH5+b?TA*_mIkCY|n>8>H$iCFmF*)_Wu^t7Kg-0g3q+?|)~Re?q) zYXufwg_Gy?yW;IV^n{*p@nMoKfK{C#Xc5*&T*%91h>;b_x)SbkDw14aAvz>8!hr0- zF01k_wFw#c&158wv;?@la91<0olITo4eMg5@S$*#EP%A~29G*A!>O9S(|s4+tK zJX_V>F?nJsEK&!@3%y4iN)I2}?r)Zv!X(6qURxp(VIpC-$_$3p@?qZ0RCume?{qOo zvhDG2m9wxlCqL50zGhNRPKeyl*=ZKu<>e|{v-+o*05uNf5aR4iu zAU(`^Rp4P1p=d>#H0$FNpCDUehoXguvx$9|IytpF^8e-=?9TS{QSRw>XEN#bnnk89 z{4imXsYBXgsohsi51fD9?egwHC%BI9viJGwj?TfE2|S1s3t{?HzO+eS3lt+?Lec2@ zs5}Ho zCiKL(_-!unTOc=7!BNvZQ=}}Y7dk6&$a!Gqa*2wv{}Lxs`#d~J&MYheX@v>Tr!es{v0?Jlrj$*m#iCv|+rRa=)!6I{n6#6c?cNCP7+XG15N4R| zvXTMUTM$XCq$ESx^@mvcDxd-COq#~3P!E08ciBQB)16R?v!2@Z!%78f`Q)p5jgQ|% z{7@+?5){;kqUMM`liig=t#ai@`^xKd-HzPxQ<0r1@C7CYTk6`#xTxNcF%E3&Kv+QR zdG2!+Xt1M&*Prw@L!jE?ZP-!j>2=eoj$XPe^}Nkkr;BT+Cs1a~XMdWb0zdF3%89Kf z0Lrz=^p>6E3t%n^%kW^fMplQL9$8$IZ^!OC`M} zbMIXiL)bvb_1T4}Oa~1iOHx4AFz$P5WqrQ7#weik(62xL?_a%UGy-oj0k#(X;@E0W zA8Gy?Bh7js3R~ZmAO6qa|NU7eohc5_q3(NgSL9~>)fruVc$O!;l7A(GNZ7MGUB%{7 zq1{3Cy%ik!is${|8#n9h3MC^;uB{c){{8ET^@ejy1<-Ghq+!*+8-iR+!&;a3lYo6}@|GyC% zG-AHYnU^$R`lXimXI671bu!C5yhS@3If#O!{jT5)`Ay%QQiGTzGcxrYKGfhVk8)u4RMxeGKM^ZH}Ug}o0D&X z>(le2li>2|;@Qdh$7Xg(MfVKSQCEa>;^5XQ2E~8s+UY^jmN7L(*>o1&wKkQGE?s!1k<}8kA z15J|9m_ZtLXT5%>JMOf*vu1=id@vINn39!Lt+;^&_A^7~+{#?ow0vYA?2-W1?9eN@ zH15e>LZaqiF!ao(7`dDiO)attYxWInI>#PoN$hW@8ZpYg5;2g3Bgr#i$r8y6nS0qi zHhl!AF$<7$tRvzrs>DVhJ*Rm(AIpHW6AsSG$W)7B#88??d8C3$nbedSmXOg{tUtP;oR`8i_ z9Ib&_zLVfP{P=a$uHabhC-I!H3`0b<5pebf?e;XpHxVrAJu@gU%yGUcU_swkoC@23 z)OohzS{nuLa1?bz3k9_$9mFa~dFeHw-@Yx6G^a>sY2k=B0!c*yf!AFgzY&r-8M6FE z>xpKsfpZ;NRoW)a-or0m;eSg$i@4@uy@h7%E8e@fp44YHhaN z91dVf=2o1~(^dHZu@*_1aBn5au(Hrr0DLk=SOthL&MIFgBOZN}BVVxp@tW{D&egHR zxDvAhyc=w`Gf^Ab6AE=!wA}akyp7{JQ%DHYu?oouowVPjMU2E+u&D48{A319vIzTv zw(VxgSSP4TVda-g>s1$jw-EvRZMc+f0kU4q?OLkTFX&nb6fM`n?I*dOk+R)7UZRRa z*Wyr@5EEgF0LOM?H(0QBetv9dw>dVnuFxZKB#0f%GaA3Zo{KieYS~am5_Fr_P*wyuCJ`rngxYj)6v*5=#0zS?(i-;anU!sTXtIYO(#^G>~= z0j*FtJII@yINWaFu$>Pby-Czf z2JK0R6GqtY5BuRHo^?Vq=|@rA8As!O3MdGHM8T< zDpTd^&Rjb4zJ7M}`eu55asjy9`M*9n;!$^Va`f{2^slc^blXfkwK>JsURycpOE7H4 zDkQMQ7VFof>jl?jj7p{FY~gEy7FkN=s#1mLUuJW5or_F6M*--sLK_pFZ}xg~BtzWg zmqx4z?UmaNs%iBxp+$kIibZp?oZD*rMw$Lg^s1Mr4-p|#vuuD&A%KkL+uSh)>U#=5 z84hLT1M=@v;e)1j8_>g_ptW*)FkO566OF7iy=k^ zjnGwTxk#)IrxxC9nrf&3#836HC2Lka*-gH?-bC?+Mo$XsC*|L7L+vS=KD#s3%Kh0M* zhqQWfOXVdV{IpS=9+JYmHQs5@vNJ4T)oNOCEAZVKbY8nvfM=_6th54~V%w?`Y=PcZYh0S~lyrrTT@9 z6XKmX$kXljI|9f`j-yGojERSz#9%SAS&55scHev(mFQSO-f` z)vof@>Osgx|JaFA-hGD#R0?rsY-BJ8a~6TuT%*F&`|D&ost*V z3aU+e>j!iSepHP6cD(?jw(`|wO~BgIlh;*lQ!0Q2&|^PvVbvSf`m;O=J~+>$j~;4^ z-{*C|bcdat7auUDG1FznnV1N2Fp7%j_XE_WeJ@qRyueSp?|IJPe8KrNdlEb`?Bti) zCrZXv!elbcndMaIsbdbn>Mr0Npw~ohWX@?;>?gEX{bl-Y&1JPfR=#@t1kQ6&?p5wi ztCg;1TS>cZvH{7z4jR><)R2Y<+vlQLMdt!Jh3OM=XrVtvlf!06h69bj0>xFFE4i)h zEOsy!`P*F<6RS2QBLS*YyLLqLA=)49L?ED=FhL{B?lLKLdo$ZX2@0AK_DirGzko}vfQN3v9E*< z%e7vSZg3~-DA1~N5ZJmqo*;fIkD{5x1EEo;moxFqaud%}7M;n&Y~=7hi_|*qh|*(Y za&F^Rpd2U>hf6WaafoFSe%l%npk+|1yoX;yX6m<`%xrHMR-RPon=?3+TRaTzHVea; z>Wn4%@OUKD(byE4u26^prAo>w$O|m=M{(N3lR3@h&L(UsiQk5ehA>TVJhxY7sO}5u zjZnb;Jjv;WcwXD#2QD8!;YJpDqw3v^o~8Z5as<&`mL3Vi4Y}eiztZ(UO07BUeHAmg z1R!_^T;}>FRT4;@&|rtjUz=Uk9N0bK)DqONuM&dbh-83H0|yB@0Lp*!nZB8wO4J-{ zGWX*+Kcw?{0mb%Cuh$lZx}98!-s!_E=6RAeMvhN+yZp$}Zd-9-cRw@J+QphqWb*)7 z+)tj6yqkXKg!Fk&DBX6yzvBwb3uWqhCU%JtFI2iTD%{0UX)g~H(o<=pdHx@4BMcpAX5a&tSSlnpp z7uK@M-NB_Ttyv*QCpXix)ANhVmnY}!Pd~aiJ~=%<2`*n=TwlJN-kgL_R6Ev(RaKW& zu+cMLfpFssyW1yGrxQoBa5NYX!v3Jw4adXrEF28S!&#d;Z!~GfDS@MhJteW6hf=!b zh1(sOM5LKr;?50onvAqSG$t_J_4-%GVnA8;YIde+A{8q`(#m!_hl`fse7N3n5O1L$ zByd#bdXxnDi9|tzz0%CrGSO?Y4HcrWr5FV<3Y~%wEd&-6i3f`^5cDFW&01J9v)j9; z>H$wk^(f0Cuf#19Sf^z}fK0B%V3IS0qe5rmd|Ot?Osd3g3KLXeuSWu;QSWY-J`HHw zb!32ZVwtP$pgoAN3?K#UH_expVzm`Kq-)6)hGUYK()2;eEBTscFY&Tg_8)N>Hb0%W zJ3F}eY;V`hT4Z44bf5xdHAkEH3R<%o^8eYOj8|l~b}^c7f+v1w-zVOs3e}WAs!#`5 zn#H#?p$Zj+GAe7S9ipf+Umn4uTDSAUf_6ROO(R%V#j8nNq{!biJbbb1iczHnlly(9 zab0iz5E%PVwv0bvbq!4!?)F5RRJGm!yx)}E=Z3Csbm6Z*|EI)rk+DyUeWsm(PrcXe zOOgUzp0NRQ%U+R>+}i%gtx4sRNdN;0>WMYO|W-Hrcbf&7s6l-U<@ETN9!(ft{)VN zQm|-276(>*x%{?D&IHib;yh>{%j3+rBO&nKRz#V>MhmMU$|=g0`w;oHjfOvl`+I2RxwQX@M@VP=6C#Zs9B~YlG+L z*45r+G&A!7mG%HGR3?OBD9*yzO}ARz6DK|#)t+y2JR-X4O=MHKmTYPsTM@n za@^ID89_6n)C21(C(F(fGjcK2>C(nPnA!q&R2+YZk+2#2oCWK|u%*K04=b+&Ujh7q zVZiI`9v^Tsp#%WT&UO^X?`q?R?NhdJW{=Ca9i&f#w^O7v9VNnCcKUo)lccr?ba=-Z zRuW^D7tE!9ld~|flSo^8PY_c=TT(U*+abLAl*;{KByxn#(MA;!Y-MYE7IwOd{0Ce9 zLGZe)SuC1@XGgJ)Tuny@0|1&z%nl9~@v_Fqde?PZc~JM>lesFdcn80w!@qCLZ`Why zcqSw{*_%hPC%qw$d{kUB%g(91>R2h6{pvCO`XA=DQ(MR%U1AAoW_Vb_MF=wfKjE?A zPLH)A<`lgILLN~gRd9bdSZ!uAUZ{kwc2(piEB;PCG<2Be)2s+yK5r&!J7vU!eeNDS zn*Y9Zf>Qh~=nOHz@67yx?h2kwk1QFkxVTKI#Kz?}LHnTH9)BI|b*LN=k+Y@KMtq|y z-!zNmf(Gr^pZ_<IcB10e6$o@3M150m`@qE zBM@3h_UBnt&=z^{Hk+pp0))@ALxlVfJMDuG{qGP?x`R%y(`hDe%kOQyT2pNzr@va`Nc{s@#yz_ zX17t-rVyzW4WUoC6YLF#Slt_f9@5}QB3`_h9*Y=oaHL6L80?p_(PZo!P=*-gxRoXA z!6sr2+Pd#*X%1%n{B`qa_>0+N4+7%vHdn71{ zNMd#Ezkv?cy?NKFg(-o5wQ9*AGis=}WYCM8i(RUgIa=V4!tQL5yCMk`siVR2MfT1f z3CPr-qeR1j@j@?d1-qmb==5^>DmXs9rvLm9Tu#qV zUeU3Ej=g8E!cK5>@%sEG`0kW0IhtPGd}&gbWRSK;rX7c)w9^m!qrotobOzmUGD}T= zJV=IvezWkCb=ocsXq}kZRANVs?mpMMn#Lrnj0g8TFSW6teSt=Yt zpgq4+=C=0GM+*FDLo*P`7=Cdg(Lk5-Wmd`DPj}i^?e*oGhq;2BR{1h{m~U5zmosFf z;>=>x<#C|E`Dp(jc)IP?Vbg-JMLjLc{URQha-}DC20Xa@Pp{8p*GMhpylbCmQ0v&-3N#_oo!ge$G;>h~jk_(+X78wSaZ1t2Ui}axK<+ zREtuQtu%599WXH9(Tm$#fy|;d=8sfkuZF*ylY4$WJw4t^yoCeWr82QDm%^(xg71b_ zg`oD6p=Dv2iL*+$TbHXM8yOHSdaSMN|Dx}01` zXIZu37wO+ogUlCXw3enJSleE{Ls}?@)~WT$xVNJjYRn+0iB(Du5!YNqV&!1X#GCi3 zEscSgB`(`fl%KKUaE^A1y$Oonp+Rd3&e%nIppS28c{kF!4r)DFSZSWU%Zwy`m!bwr zm9FKU%6#F)mwA+V`?31O4UsFh;R4#Vlm``D?dWXfLEdTLxKgN)lFm;D?@jexh%XOa z*X{)AVu>KL$ktd?9_E((o9PSk001%^>>H-~O#O0N!F0E~m3$D`-7umO5+Fj8e38A! zZo$OCy!Lw-O%+S6Q@B=@X52-c$hH2e)Y;<>_*^yV5Fkq`k_W9MYnY#~C_8nlgWx;B zY7}0~oVM&{1eGWAi1R^zQ`)T5MG8&>9-5Yi)T>^U;z7NG_CPsCjSyed>e%Ulq3Ixa zmNOx^^&s9B`DRrz4olJyLG8(OsK`=ej59(j^M{I-UA+MK^CdlFPSYZ|62h8mT7$(= zdF&~9vFusSV$m6B9NA_;`=q=Z^1IHM0>(N*P`1>pr3xYe?-S?(pwrxi${dxgp)1G< zx}c?Ev>9yy7fa`n)(X>V%Md1yhk{>oVU=oJ!xYL~>2XN1huL+pT#zW^Os%cOCFqZP z;lx}r$L|9`QGooy*E&PW*e0?s>q>vi;fiX+2oq?`O|Z+~o@% z-KnM3#6A;eD^6y^h-86ch5qtg+_k_FC<77(k4;UhUX$8`kA8J@X<)4*ow z+bxMmsfJ@{K_QA`V&Hc~E)!Z9)#@+D_Q67QJP-mL=XziU2VAJZx#tsu- zu#ksu4LiU|JC3t~7MV<{^@xJz2^@>Y>%EMq8eNRLwVEC1hcrnSCfMWC0Oo=?YxX@u z91v}|t1Dc#Z%;EIpe1x-929z!(Kvaq=c$9>y8ebuj86}#;v$^^)0P8sqkJ$Pmzg}0 z1&LCyZ!9GhUI=Fe2qD{&po@4japsOA8(^IP;TRUfU5V0EVYxyF)$Tv=I5uki^}BCL zbtyouMQ0%~q~%|!?urS@ys!7SNN~)?`8B=QhsUhQ7{B<``y1#-{KngVUMFZ9uH@aE zpdyl}J}bOzGt>CAqVTJLY3gL0uNc{L~`g_&W9J_X@z%sj?uxV_U5N#wE3a7GchTxVKwW5iV+HFAHS6HOJa@=$ND#Afd zF}6T~NJ^}s(&|6g%AM6vEws+AR-h1{mTzRPs16KtqX4+C8rCc~GeH^@)=S|X_n7|^ zo2B}EI57U`@xl+l5oq`stpKhhw?g6J?b3Fy>yf?^*n7m9ecI#;SuAv|H5oi0(A2G% zI;plPceSS93d&1X^lFCL^#+TBbm#S*O$fD(#_2cw+cOS8rU5f4m74d)$^l;R9x-qx z?T|P(MvL72GM^{)mve^~Z`^7F(5Y*kFIspFj42*r%dOj2@YLbg&FU@Lj0eFbi+FMk zfiih=f_dw;)Gat-vN`^Sxi8nSP+5hbPJro+dD{?hAkrG36DCP%8GLZ>zjfnO<{EPb z%938|_UhFg*$l7i=xRM}R(9CdD{!4|MDU5z4P+1DO7ax!v{mkcMrKhhPi|bYXV2?g zd8yj`=HtSeyHJ*C4VSlQfuaH30mKZLXg8?oXaVbx7sj9$jt+EjT)9s2R!1y!`ubWa zx%_C3Gd91D9gdaekC$=&x2VERRcDgItC$CL>e{}+E)5_453POTkYN>;=s8_eX zb*%EY@OwX66`$HVYPs>a_6kJo@jQbPr=5tJwS^6<_@>r5SQR6?0K)u{9asjG$uSYBC-vnieL7$hOCQ zztzy%$hDrk&3UPDwI;h_ZIiaPTE=xk{ayHL8DLBb{>SzNTaO4cffIsx;oW#nI*UuTXJ&2_j2P;axW-V6 zgW+@{WAfAvboFQz_x66_YZk(e-`ouX!QnCNRJk6g1EEpOUL)FRKh{nDCbzX>=Q`5a z*cBU+VT-?GJi1|B?JTt|q#F+9p1*)X$$xQPkfoz&Mj;Ixj3+Rg*ba*y?IA5WXUH!t zzDt9SF#6`X*ReE9ID=}%EQp1rf^=2jD|IpZ*fO;^P)(3(8(=C^cM3p> z>_MpD-4d^n0MI-yuyj1y)%bO?S*^elO^yHnpIA!1+0yvkyk%2-rjg-%<-d{mAZU9| z-?K=26}8uz>Pq5TJdiV9o)rhdqhpIqSa)eP9Od-nIb2%J30EH64KbW5%t7F=g6szq<_ zHt}jvNmV>FmkCSuT6N~xs)J`_$7a4j^g|Y6u~&hDnrk8h+hv2WGf*qE)Zx8AcOcBn zfUI|7Emr)WV2M=hk~Y7uqQQ{TiC5v&%N_>Q!w$wzCd5-&oEtO^K^xHqdzz6 z9&Rf%ATcvMPQe~a6u1IwS-BQOYFz0<%1o@xm%_jN z>$G_Du=U*&)z!Lutg7DI)T?XbMs@|GX|dui5?_UdYwdB=Vc#tqPzziFV#u}PufG@G zdF1GS>TtTJ{p=&di8dUv+p19LCo@?rQ_&`#^W%TKFMq6_c*x;5vioV0{z)%z)vI6n zjcN3PnBJ67$j0Ap745QI*$+eIB2(+nq3yZaMv@h6T;pHMi{TN=HL8Z4YBx&-wf zsQ2$!Zt=D-_t|I9@9pja;<0NXy!S452;%4O9%zGqSc;B2D1HP|3(!xaf-hVF%{<_h zc0prJrd;%=G52O8N8zIzL*{j1!~$5~dm+=Imm0 znp1E+Q0-SwuhqL#j=$9tomZnUw9lsi7+Qyw7%()S3{$_l@FX8X1_}y?Nqw8{(jb4N z9UeF3mjx70#)IxK8PCGWtTzdhPH!A`;@KpenL)2Nh-Tf$>>zSQFBBEL^_hjBTzry^ zrUW2N$Zrf%2n2pQkx~#}5S{5#`4(eZ9;O z()f)ln6Ko+KY#eY^b^0W{VhS}Q}E1wT*5Qfq(?gI^O_pFz6P+7VnX*3|ZO~$Bx@d_s*RNH>et5VO5|96qNQqD}t z9c(|Qi3yI}rI)mkh9~b+_i<^eTj^8!&i!4OMfD5jW%am5m&SdhVqAmY&@-xnZXO`DvrOGbzv1YU|H?E_LK+JC2?>c@ zh0l!&ZSO!PmM!1VQrW9$TH}1PFo~CF&7tb1+sKiGA3L(^<8eMk~2E zI0M14iAb#y(Tb9T$3`t)4EBP`A`5sGBgAiUFjQ(#)hnh;?Bivv=eQpVp5$ zIPCUf6D9)_$8o-WG1fp1*4*IfJM8@qUyV&}H+%^&SJ}N`d`Y7_ujPhj zb1uuF;lzYR4M0G&CNATwEOMOxcMTu%!_+d#_F55V9aJi@m%h0jIR?PEx-7^n32duEd&qoFX!uT zJ6|)z3-hFXKpz0@vLJ=ATtwnx$-@yHFSw6&fVo-l$ zXH4=?TAr+64;r<7Pp@_#n7%S!ETISKiCVV24r|dYTmnKtWkIC0^t2bS3E)&@=Gprl z5;~^G-<@1tp9EJYQ`YIZmi6n%w)~AW>xpa0FS~q2?e<{Qp3TC38@f+}PCtzLgD6a+ z;cPVM^#|>SVzZ7zh*=7Sq2EzArHt;A?JZN@rp1FM^)w`KF6dsHXL|{(V6!Y~-EgZ+ zqWA%M6tdTo9S-*{>O~WwSI?Z~SHPONKz=K`XvGiDDJFusqw*rInU#f9BH}-`_<%*i zx>63??NNW&-YKg>600>Ex}Frx&?8AHkDj$CR`JZe;p_WiRi?6`1 zMHRR0x7zJCuNg!Bt8xkoi!*q!nJVufxCZZtDXK(jyIr@yAhnu{_mT0!GY5DRLo8Tr z3J`klq7A{d^qcB)apu(uZ9X=f;HWQ)D(v3a6>{~FMR}pT_AUHnOpS#++}`@U}p&-{*^LjSMcsD(RXNO9lq}XR)ys9CKB3_zk2bF1SD4 zlO72)|N8TPy8g@Q`B!JtAA)Bm!Svbn#nrQub7(D0U3&RVe4JCe^Eq~hJ znf#ouE-Mhm?L5DyG4qwiVi}YrNbp2L#E33m0UTLDo;X;Hl4LFRf#POGS3?Y0IMS4w z+)3LW*w;Au;pF-&S8E)y55BsV>?fwVHJqmQ)pG{(6#RI87EOVrWJt+V@f4e7V`E}_ zh4(J;I-pws{>Wx*(}8bT_y2v>XA>Hw+_AE`TArT2IJw6D`qeZ-64z4GUpedKelstH zJM)fs6VS>C8`L6yliDmp*s#SMccp@t{H8p7{`F4C`E?dD36^MVE?cmgw z*tovqr@J%~@gT|R`AE~(A@rO}q9>NxOUoemJ*~}}Pv*IqkB*OghK?j#K^DD$Ik-;O zX1P)9xp4vkV13(^NW;4KDzk@|Qg^Sycq)RYQO%nx1>*HFd~Oo&E_Y!eR3Q8G+#)Zn zbp0%)hFN;h~TB)9ZB^fCV1{G0=G(0aqb@<6 zvHKR+^xY4`+S}1|y0NqyE>A9ds-7Tz^TZr&eV=IQP_d?%VRrl-sF%}q_4a!ko8M=B z5i;Obto6>gA$sRd2Mb51TYm*{0osA{76YeI>2?(ms;`w5&)a@zcjVfxH&pUTx;8X4pSFF%Cpp}MF8^#t}tDF?gG&bBt zz+x`gAmRK$MZI$hzrM4M*@`DX(hU7sfOpuGai31=*VTp23 zsU)k96|RtB`e5TmLd$b}@dX%-g#vovc2xXLryVknAU!t9#XjblauDpD)BgHR@I5w{ z88)2=3LwvLQIWm-@Xy<1k+Z6n!@)M4k4IIh*{IeESN?$dM3fV*gxXwTc0KTUdcdzC zZoAT-M&kK{@EcMlH_W0*W!hd!wd@iDJ$a(KvQMMk)E1s`{`ty1i}M#;jkzVcmF-)t zD+**MQnLTwY?0sDAdZumH%zO@8YRXR+Tifu3S-|B|m%}JQj1)JeBZ%M7m@B^dvc8PY zWYkH=lU_KOB~jS#q`lB|(n&Z-2i=5@z3pDoOcu6Mq!O`*iXC&MIwx~1Ccv5?L8r7D zF->WS5;&f?2#!;(Q;+hd+0h0ZVEW`0dZXGRs8Z0)^Wxh44xAm$oL+nidQy>tw%QoR zFJ_Y_>oWjJuW?+rOtS$ATf`$lrCazMy21*gxjc-Pv_d+fe}y(&KnE&qs_*IR6Z`VS zUv@NglVRLTO+OrT#*?r=8>V3t4NVwNdZWp#-|r+N^DoU}^{v???5O)QL_ju+h7*k1 zaBd+-8dIU&?AAmP!($qv(O`))CNq;Tj0#9O;aW-d%q8^-YwEj)I8U1L;eTHV;0nW# zz1ta*?8+;x18oc!{RTtmt#)S5*~SR9S;13RHB3-A)?H7&R?5H|=LU@yad2y|n`%Gz*1rtAD2 zm+7_8vFf<&G%BgvF$R_c)v5-v5}y#g zLS;2gK6aKFpX_tsnTi!sy92gmM!*JC`|)fg}pX7N7RyA z2FG-5rxgtO+rvagGQR8vdr1b{Bnh6K9xEZ%arWUtkMEv^AN);{l`tp%n(?= zGNkX)wHvlCHKiQQ#Arxn=b5R`!Ab$~=LppnUt)0_h2XyOOXovo6F zVeT_?R;5NLCpeyd`hY`?qxQT85lVMP&@qJBjr-~h$<^dy56D20Xb#-hG|y%kZ*Jn< zmIvNqnAtsR^%!)bUuPRqik+@`Bih`JvaE0VNn&Y{GR6Shl>+=l9}5*5MM6#Wl~~ zqjN5=PR^!R2&w~b2m)@Fmb**&bRnJu9znx8j7&Y(E(3=h6g2WV-&)t=tPW$ak80Mr zudh!6s@C=8$;_~$?-lcbwiQ0Xe9*on@u-y$!FP??{IF7^EjN9R;mqgJl z8h5(0*`Kb*2hE~b%)z~Z_5UuInQ|R2%)3eu)E@dow1}G=jUCcop-p1j%h&Nfqvw6D zJTDI3Y`|?-Vi)$&jdi&q94FP3y{~em)bMc(A+G8Qk3gO3Z~x%KFJHD7XXz+SqfsYJ zyB(V1@wgwFxIGLfQ07& ziKUoMW1h!G*#|fPYJdWEOv?px0D>2jg+7a<<%yKC%&D`5Ku}7$Gb4>Ohl8zvM0^$l;jbK z<8gWDKReWC??MmaOBO{N`gsX$r>5|=-S1#ihQB_fP|(UK-&<~hqc!Yx?; zRYTwESp<&9faP$>442hWkA={H5Yv=HqZv|nDveUHq9H0vi^w#&&q|LA&D!kwT1g6p zM1qV($+nzR7m;nks~2lVIH*hYp3YgMGgK*)4w(uJAs6}VEx{pJjRb09D+u`8irHkf zW)+tyr^X4QM!CW&yPPME*b_GN_u-enzfRNOd#iq+l;9#NL)Y#N4o3U`@P#d=PBa@w zy@3g%5iF+RAP!A;HV)g9$#^(UW^vM;{ps}h$9}Ij?j&g%&UzEtJjZb-Bty%Dv!p+2 z4|{Q%#5;&GYDSgE;l{p(RfSvw17GvWyCqs@OKA!ly_KAtfc|%^p}KHoF4kq-ZycTc$9q!*{q`chbt!$>x-pj>?rwD9U%#7P zefZ}Ozc9Ly7ZHzZ$Xghz``m$Brn>XTf8j-<7nyi$ zCQ&#W#)GgwN@k%MOnM=i3H=Tosb=j-)TjnCdJ8gq=2i^FtmC_u{H^_Bby5IET}mqI zS}&lvNHYLwayvb%nV({|#WrRVvV=S$Z&!0V$1Y21av=SL=r`ckkdGIE660` z?&*B<#xxZaJ-ax+IeGQ^FVpLr;QHeD^!3@d!O_*l_0ja|?Bvy}3p%IUuV4Ofe0A}+ zA1<#hE`N9x9MP|@@p~(Hb@6?0{rcJU&FRhSo0H>jgICj|8{A2SU*N9k&B?dH+4Kc1 z{!~(MeRDFE@4Q0JPU*2nS3g|eOkcgCZQ|SD`NvtH>$kKFsRvlVL|Nqier2B{L919Vmy4Tlo#sLIn4zvhOUSyo9^~zY5EY)D$J@{K-Fi5|*$Q z;SB&#B(DFkx|^qw$R$)|f9dl@FN((9;VA6HCZZ)T9fT$}X*d{|eli)1hP`&P+!1?f zHnVgtatmmb`~01F5*FaqY&JNzZcCfq=K@aK0-{fyFxhEyeSLK*=ep~2{Kbx5cJex| z>b){eKm0Ry;yB)`^Rr}gRmsAo2cTswv8ob$jHr&QQ{;{(8_uk-N)$e) zR$M;>Jc-dhmAWCBEg+|vrxH%65VS0FRvp7lmG$mF9eE?G zeEC!xx_3|nCz9hA72#QWuhOek!k!eVwo$B{;Q+y0dy$*gR<;N$Xs-5~1^TDNlTxk{vp@WDyjk7R9-A*e{Njn(gI${@)Q4YI zQcgxcSKgWrzr4N6$T+r43z9Y{_zQneru)M$NNK0;T&Br~U-II^FEr%YiNipt z*c3%Zd)J3w1h|KXTg)DPS0xT1L9yAAAgdGI!SldS+a)Nu5h?C^N^@$tx7VfI^7vB~UWgWND5Rke1N z@g1#yDjqRsotCX)HRSE#4QCh)7PQy?Lx=Bc`>^lyVSA`ULo4pLpl3ju-Df5KA7a;+ z^pQ`{#Cu#rZay&bFW37)aAV~JTTdwmwv>CVMr+|3Z_xJID-be%ztxdvvrUPys-&L< zDL5Bqx7!@hcttxu)s1^rvT)yK>Oe*=m#goyVxtGAst%vpg?fs7cc*b7ISfFEK=+3hm)PI z5hdpjzid`z%91*?fU4J4Nj`b6c#HUfkeG=XFJ^A3* z4~(2%JXl^gX8xza0?C$jR!AVY;TdSxJ6`#B1Si{~e>ZBe)cmU0(UPBd^Sw`fcPY~= z`W{vr-~nL4V?gsgt6S*)ZK$&_tCe4x>&B!}Z)lPvOxtAk^(RppPU2o1rla9t(u>Ig z95%zHKBbewF*uqBn0Be+c@+VXq6Bs5PvX;QaU~=nO~QN!S^8!*++I;GYr> zv7_Mi^<|4Xj7gSS73-rwDn(&vchQ_#Vz_%GLGAF0U!y$S#EW5PJQ(+ON~_hCq1=HR zVV7&4GwWhqPXfswj%TBMYna>d`ttPZ^t-78)q(9(>1JhyRlIgfk0?Qe2^f$RIqpT^LbUn z0H3K{6>li6G+^=e=%qh0XLz6jv;?X3cX)ZR@W#5jKX$`e8OV{&2_F1Z$BKt75RBV&9r=IR5R; z(p{!Eudk-Bf}4};n~Uq4ldFsKlQ5vO!xBhlz_SjplcT*hi&ijyi1U@mUd3}dFRbxp zViuWMa%N}sbXqrWmyr1~B~sT|$l}Wm?3C7~IPDKZ-WdC4*b67^BnrEubkgf_UculG zwB)eIiGKl$*Q`xwkgk;$w>04SI$o)6C2h+TX^k9+ zc~=#2Q|U{2N^iBtak4ebJ==0QKwGi7O4_4%KT>E?ukJ+atX@s7q4_jDzJ+$S)Gw7dgz9VUn&uw16hEFLXG)x(U1OcE3;Og1=k+x!LjtBP}zx zv`-l}joC7uF~$Yd*K;N)X=n$2#|1SzF=u2#FU>5Q2YXlPJ$kSe$o=~&l9Nk!HbQHRd=1G>+S2KhD%0*(#Y37dcW2dL`Vw8~suucHgO=Fs5)Qp8FN5ZN zOkLRkBkG2{AE`Q(NS4p4I*=A)v5-GDdNMw0!!w@90Lr7#U|P=4XQbttDT1bXcs{`|rEmh7i2&LGW7A zJC0pVsr;8*+;b^z=kfMf%5xE03{-h|d3Mwv^t$6=r&(Ul?+uoQcsWR_*W)ghz$AF? z`h<>s7&`l{;F;@k9iu1K= zXt;2e+1|^CTe>x0($!BL9qEpjM>qc_*gGk+q{!asRf&DV=`u0EBy+v<_c^{h1F@-j z&&B^6Q{?aR`2)%a@74nLH-0#Np#PEuu@6W!t4qMwMialzX~*Px-vq%?CCte%Y527u z@31b@`Hazh?+|>GekpxnPD=)W7=&^Fykz}G0m5dfN@eiywH*G~{Gc0j5KOU~*$A9g z0KG13NiqyF{|s0`&sUtdXHn{mJTJl4sYgk(d^1-%`FVQFOevQ7sG73M)*{a_N{W!?#hTahmnXEdUR=F6JgU}mp1eAD4=)R5&7&V~?0S*U zYFBtWOGvXTqqDOma(9?=Vwt~#v%X=L!;Y83KY$E}Ii7D3^B6aAK2O3s z$Ud6*jpPI)l3GdG=Swl@7z&S<;Otb#Rp_c==YqZwtU-2f*VU7y4tOX(uvQz$k~D+` zUz{JkdVRffTGDR`Fn34Y_NYH;mVzcHQUOP2Gx686a4M2kHLS*%q-NEt-#PczrltT% zI%kN2eflmfV)m}*7NS`*$o37E3-PXmV4t_iGya!}XT2;;Z0N8wCZV1!tJ57dbwAi^ zAB?}=cUG@2&&_YD8sE!bfByG>rvG>LgTHSdbie+GW=mdWIBwRo3Z=W9D56E|hJBRL z?Fo{)sVO)JDi-bgE5vxsni!(^9yckCkhiq3o(MV>>eve6|VQ`KLi0+M&_%eTj5Q!D|3OY!}h z+TfWB|0X~fa(Ag%0yUlgBvxDfwTHN7qCqi|2UhWvGVneItG6%#T zq>svZ^kv;gNjmHGy3s7`PTE7bkK!;I50WsMMT21!P5Qk~vlAyA-^eT#cIb6_SNFvz zsUAC7%wkU4^QtL6W5>& zf%UnR6;I}%yr3NkL+)71S<$TXI^ecfDxCZcRbwan^wZqoaTWv=f?W z*bjTApO~oM=}(eo-7X@Ak%?nTZl!6IuRS^{IK-HT;=ZBN$QIDd*eI(9R?i830PWTp zD0P`mu_#4~Ppj#a&8X8DyIavkOBrH#*n)R=5bkxk~vKSV2#K~IN_j%rleea0#F!Lx>o@)TUCw>HY>dcTWEBaRQ>6*{L1ROO*E@YDNX3e!;X0ueceFPk1Yalk< zrrgaZSIuIM-W?x7r7j#;LXiK66ogAkb&N>r{)xQb(SI?l#%je`V+yC>;!E@eTreN)~4g5#FLrK?~%n zFz;!}Yk2(F@rFlWe=Er-LFNK!h8EFZs}7r@6%AYgGHd-%Lt4RA5MV0{O^6>|Hi2bJ zfOcuYCk%8nEh|(1DR+!?0DO$MII~tN&h*~QH-ctGsOL_1_{jH;vjtIcvN3^Njor8GY|=!83& zbi)2@G7h8Ocoq(ZfXNJ!;V^2hqgC0IX-osC(3pUA5dB5ro=DU7{B zWG5i*hIna|&$DvTLNbz^Eorg2MQpu9z7kEev*WX=Qm96%EKGwCR3N1k0!>fONdi2k z=GUkQGJzh{ZE#w>c2-s4J=jPx-quS*4~5V|7csSE!PhQa?)*xMED_@q4`^A9m=5Ysoc+AH9e~2EN9(EWVU4M&03&tlH9qd zInZ~XiXV+OPoGV%PmhA5>8m4k9)&r!&i3(vTJhMPUrbt5lhV0QL)jl^IK-fZOFY^mG-ZK zS359&9OaLLSb9I#%PaWKK(oU!LxcPxyQKjR7u(v;-`OI;%M0Dcn==*2h`2MW)VguJ z7+Pbf$?@s*?Be`5*wa6D%Z%M!mvYceyOZ`HoN=f#?hnH#>h{BKJQ@x9@gSjr(-d6G zbWvn>0gpnb#Gf`~AXW0z92BE5vbg2OV0c|a4}Vqg4hEp|&3l#N@TZ!3fh52&GNxdA z?_W&%%6Y(vpiFr%Y8~3gPSy|K&})868$uDhUS{iWf`8FJ7>+sB@LzNW2b0dXQcL=wJ8mCLCi2r{ z&_C#pc5xcLO`(}Hn?Vv12Zv^B-w|JY-OQbA6ZkxGSOj~3O`TWFjCw3t=es8^H`a3R zw|nhf(#(xw1QzMSur38)+i!w-)==%l-PdpdozqAUgYRFSvhl@>Rv3_xc79ABV>l>6 ztea)b(nQx_k_&_3V$ljt7XX8=gCnvF=)1FTJMD%}f=^zf(sr*q>!e}a>Gs0@z_dft z>kmRR7)I%EX8Jud{F1Ld{>W=Lv)t`NFRrHNFTAH7O)sxszd8x_qKwXt_l)8GXcao` zC+e_hc)a^$%J)fkIO@#0;jG&w`^of@&~!S~_}$^qOa|Rix?>Z(xSIa(sSVJ5ssTFf z=F{sAxZWj;Tq@2IuzkSxOt5~KL)lgxea&n_xuvOx3X(ufZAI%5oDVJLZnJWgcjEgKIFizDHpFkI5-dyIA+7MM-ib|Au9?7A9Y|%GCM)6n#>Z(1LakN4fe9g5}MJgDQ&X zal|w;$6+?Dmg#1Z$9XIu@a0dNTg(v04Rd+)U8jfcztpF8dLRCIA1=1F=%9cDnJh25 z2x%O`pYNAx6|oM2Em=@0nO&bka^?$KvXVwMM46FkOAOHJ_ZdraG zlLhOv_K-J4R=yG4o>YS4wKvi1H4*DWeu&a7S=S=J&<-aD9~sCh=UIeIa)7Qtr9O}I zJ7{kQGn&~Cg2QfT8Ej>Le$K+rYL(X1rfeZ81L7(LnvA``Rna!%3Hg(>vPhnAmayz8 zP5M;M*$N!RS0XkAe4_t0^lM8*;_ahbw1O}4ciAjm9t2PXVxb6(NX)y^`ryRiZaW{h?K*$wcD>6xvLASn{P8(jf5+3pLW6Dd%@Vq{m;$M? ze`m|TlRujI5v71e*S>mvesX;?<%waHM={4c%q7!BrO-q@{87@l172RtizlGRU)XY( z{eR@W-EQMZwl4T81UBlxK3kMUiu%h$V?${>Grh}cyKQIvbfYl{{>dy;qMDR!t1brn zVs7Sc1~WHv*BD^#&v}J@fb$UjB(uJ?B1lShR)(_6=L|4~?kYpCF45EdW0^oh`GaKym1;&91#6vN9@4e7YNu|+(w>tm zoZ|k5M`7d-lYZo?B!N6sFLuK?^jvyd z2EBf7oQ9EQ4tJMTu%ijH775eimW;g+`f6XW8Fo*FX%!`_gS2Z$% za(dB_4r?ts&B(|XUYQct-5bk5n@U#9KV3MtBPJ5`e0wpGZLEmaQ#G?80!t4Bu7Gtf z_z#5a3hlGYx@L(@FfB=@LRzy+OmkK2i|6Zth%GU3NqLA#a;Ngt&B^}coU=KJ*AU}X z06xd)5wAPY=#keZ@>2c5AReT?8}vpo{VP?j>W>1KJm|jf4?Tc@?1KEfgy)L3HY8Y} zz`@m=nb6Nza=bUE+Zi3L%N5Hz&=$;LlJ2sa%yPAkP$+iLD!s%DrFo6(Cr~GO8YyRf zUC1Zk<_t--==!7_+AkJDxl#z_e4CtP`+9P*NSF$K^O|I@w{OkHP~amK-6--9Y$O!3 zfAUq{-PR|gUT=?W9phFjBarh&P7>M13vDS=f785pQjxXh`foL1Tjp|l{ln=6ldZjR zj@u1%oPl7NTQqNPTfOc$J(PRQ7^-M~R$E{q?f?0*5Wi&s%AC3o7F~`A)ite}mKUU; zEaNJ=psnO1IVT*ATWn0DHC1(8BKiA)O}s%c@%w$dgpH<0AiL-u?3627^l}bQ(sYH( zCGakD#2h*?cC+Q+2WgG1onzgayjY*?Tlqu_?j~P?Iz-F6AFzAD)O&~g7(Q1uf~PKm zZ=^c4C{evp-nV=iAF`RaaWs5bs5)jLR)e{o{F-R@%#;TCQR@aDQnP?~nWA)V>6Q z0lOKhPz}e(e4{-z>#{jH-!7PNGG(Dl?KixWD}SO@V=7m_!5Va~LM}dYt~pf6WsLiU zs8q;RbH#$0`mhKrlE>;Ojg|X|%e&HNmsSc_%4c1yelDHp;!Ib9q;`0Qtzf#DxAl@| zDHr}i8{d}eSQh!Fq6Y3114EmH$JNabzGOW3@CWtuV#34UJK-S;id^#hrCf#tH47s+ z?mzo^1s2(7=?WddwR@rT4W`Tr)=HU3P1rv84rV-$Gxck-RERxAE4uwzVz;N)=h>d% zb)73Md@S{$CX`eYl;f+cLd~Q|rAjR+j5S9xfp^JKb;qVZ_WG2bMAz@q+rwmAnhs~B zi!>r8V67#as}00Vm=Js^+ERF)>!lbOytl9J*7MLXWGukBnCrueH0}1K`}sO7*~q6~ zen~iBz0e^t9==t!>;`02uFFOHR(EeLRm}cG*CjIrC~EVoR6*qlm!r}a-O$;W*y!Hl+vpS*LVGTdq@zv!XlcI^RRK?90y= zs>%0UJ0uAurpn9aFTQPD!GKp$-+7}_UC>WZzih7ay9b2(dw7l#3r08v3(g8u%@7nT zo-DzmIMmKvm`=|xe{!Z5x6|XZ6UU_`7fM((O_}HaiFq#@L5|j!RR)t6=oIAl$mEY- zJ5rPQ$_qwA-|dfwJvRuVzN`9)atCo31%osQy?Bpm!VK&z%gWNq*yGSEK2&0zQhwni zi(l!c@S4t4wF3F}FYAnDy%Dd?xb{jGRB(?q6o^HogPuqkCbJn!HYJh^j^Trso0>M| z?|=KVXG+>&g*-VvE9~Gn2H$Q14J%?iMSD#iL&)VyOw#f(2A*c zQ&`TPOP0Gi*%DIaKF2_}8Zl&lQeMW_>6q87VwzWWnRh`4Dr27eIfBFwXbvG+%@xQ( zvfG?-Ek2+ZFR$a+DI>XzYRs1S`=iQO9}Xq|EBLoALZ}=U)mb2o<9y-X^ipaLfM?Ik z^zNO#wrAl7Y22SgZa+{X^5_!Zodo@fI~se*(DS|VB(jXIrZmxLF-NSA*}S3HxK5R( ztK=y-%d=$$QdYYuRv&J4^apb^zu5~JNa59<t4>2Elmf#Uob*N#N4| zNAB47C+;wrL_S@__foqpkq7;i-4CmXM;pj>EuJ<3Z@g!#-I>@i?4#cB^VF z)*z6fS((JL%orh6MsC8+o7*!c?0fu6I@YJRAJ0Bb|8#l&g`&zg_Hy7-Hrdf-l5d^c z>G|>NKAz!t68K5vxuaoUxxr{KawkK2e|yP@-ic84gRxx%+8C-&YN71xdHW-OnqEwQ zs(FO8eM8%;@JetVLo1#_*CE4~h0dy(tTXa6#;)+UyPhjyc6aFVnw`7BM;EdOx_f^PI(_%Q{nx)Zf2OYe zWv6ei%@;8qCw?%A-Ea~P#XFg#;}nSOBue6*-?xNR?N*%EdQhO&tzmrt2ik^%zWvP4 z%!0Vg1k-D>C(glDvRG6K`avdXby!OrF~6>8Bi1BT=sz=iKp-`#G#!Ow0L_~AL-IM$ z4q&LLW;|P>a9x1laO)Y^(aIWyo7byU^1NQp|CUN6_LFIr3mI^ftek<{_bp3OSY)7x zh2KH3Zeg}4FyZY`TdngUs8ot_Bs)^=#%g+7#hG_wY-$y7Vg6^~08`}55U;x6+3;G~ zgXhjJPR@>}BJ?H3=I5K~hgaSzLvJ{U(=>Ly0qvJTJdSCrOq81@n(AmCg6<1H(SROXjy+y z<%S&-M)+2mqg?wMn!TmLT^k&_MEVeD6mIsKq-BSqB?WE`j;c_>Z}Z%8WI4>ho2ZM7 z^&Wsa`qy5QeHHXzg{BE$uAZmJrt`*bxCg^TTwpDViU=>weiex3yuB*I z!hD^4u@KL9mRZ8EeNzPHy-);pb$We#d3<{N_LZyQdMXHp6Ed0oC|0P3^Ib)LoIB_z zy@?+T#{R(0Agwn)fD>Yc&A?Cx87N$fGD%Y3AWqsR3yy0@z=mcng2J*G-V55nl$h?r z?RW<2iZvbYhF}*os24Yq3N@gUV55MZcJWZ;5ArI`nVF@yi5lT zBkn)`*Z;>Ed?$qnEq*P1>BFs{0b{_7h(&XYjg%|G5X^58XTSc6r3U2$w9tU_se?CK zV{diPyjo?;Jz(me>MPpdxGp}OOqmjRxsr+wH7gLx+d+G4#TnjUL(K`vD+>Z4X6-^G zqw6%+2bd(ISHz?`6s>M`-~@Ob)?}b3GY_R;1t-+13kLJ1D_4D#*F%XlN~{?H?%jK zG&X?7e*trk`43uBw<{&$z%Csf7b6DG;#{b+opraFDSyU)+urD-# z8*I;51hU0l7G|6*G`!N^|KmUYcVVO80KJ^YvmG4KMfoL{bLYw!k-mHI-~Ou$qZt8Q zc$1s_&<$M4f^B#VT4z)$Uv=7UGepOM#+_$RT<{<-_TT?@?TWVijZ5AXQ2BVguMTvM zC*GtVkTEpr`H36(!^rjfk#ggKilQj+23}}q2}{K|s+NW}+3mWt}LI(#I-D&rb{K_ihJXy2UJ}Su^Gp7Xz^tlkVYz4Iu4yIjY zW~u|a&UWFWAkpTQ#_^=X^CNvN=-eE=6NgsW0Rmi@CL@h7^161!-N0KsnYC zmAiK=!|v84*)B^H{7Z)T4N6_?nB=!Yi;eagSH7X}jb4U0c~S`Ipy0_eXR~#RWs0M9 zMjh|!bq4@6kLcfC2h|20$L}}+kLD04XI6sWKKBywtfl~}CnPz*kkB9J@*vtL{QYld zD2}R%{2%|z|Gj;-b8y`FU56d65#*N8PMQ1IjwQodmuEi%285!&}_~&=F>_ zg_)iF6->D%(!?;agzL~2Em>dMEu^Haxgn0H*ivA9^J59pNf4`)+}0$VxWQmFqBnBn zx#Mt@^y6@prenKTq0OYTg8QApZ?T1y>l5ybG^BQJG?^EJcxZ5RF4Q@w)-zQe)}mx= zm9YiCEfx9vOvF1SxFN71K0SqPW)zj4pTp!5CK9M+*qSbLv4Oz?Rt?*((XuSL6qG}q zhO+x*Zi8K7`2HoJk&gFaO>iYEN z`12s_%~yS}*%SJlX5H z!!iMDkF_$y-Y49&PS7Y4F5=F(zFmuk)lt~0$Rwh%z!|h3InDXBip|QbO4bq-dBGi$ zgf8Yx%>a>LORj03QEE)h#OqRwW)2oR)nUo8gN%S4`bLn3eYEkWN}Z6i^a$2{X5~flw4$bH zHCVPRnCE(gC?H|)77FOUu>FD_S8S-#?v_L%kB*uQpyQ#jtsCfi&W{bfI*rZknbJd3+q7s^_s<&)BIjC^(G3i#NXCbQ4!C&%#obo9<(l zCmT`kD6*q;o#&!!>3K)LbiE+xx!%~Dbp2j$-0gXz;izkuAy+wgfMDX_o|(==eA`75 zu95U9b<~;G&WJ`KQ_cgrw30w_b?4{<@mY?PEO>X1V0F`p`l@!@;^~796dQ7Xv0m^f zU+yJs0|!5Ry5RZ^oLe~qHwE5%#?j-_QPd4`W@v7)g;m4NfI4TXN~4vGDsJbOWYuo@ z-!JwoV){*X@QF7Z_4<1d+%bHR7KoJz^waDEtx{bgXqUeGmXmJvNn$v+t!6_Lhd1MH zvn+J;5NF_mN;cK&XfX$G>so4F_Ys}uMMe}6I3r6o0(SUX9tH+ri=$4LQW~?oW~y^; z3+ujV&7Y87iH#0vx3!neC^ebns$nTW{ePEHh6Z@QbxxaLPm(i9p4TvfHg~Bx$V+76@imrYKMNi>c`cMDj_1>PhWA_VYBDITsI8Wa0{Qj>FV`G+goXj1_N;WIiypluS z(5mV5dcBug^6QrTXDxY5A-vnzxYbtIM`ID-30XW#wAYOQR6Pb&rrtV(`YHo`Kdnya z{b`;(ne5i69*+^mqjt+G9eLs5yw#8vY_ruH+*iP*?>mDl_vQxQA^6DkBj9$_4OwCV zFP%>XEtt${j#LY#C@fj6-~EPTca`(GlEnJ7x%G~7zSlIWMe>%*s{43XbjeUUGAk7| zR2?OYqxk6G@BE2BNsb2Hy^$?KETbd!T1GHoKDC;u#}WlWFY>pYdV6|vdwFwvdVP6u z>U_R9IX#|UTtW-s&qetcXY1GFpRdS7d-=E1i|NJf$KO{WLE^;hp{V%b4<18Yaz&OD ziXZ<#_7{J%RN$`qHTi?zt3T_5|GK7K^$*|qwo^&dWgRBC;z%n)gdpfTFBkf zrLjMj%dU8-tyu)NpkKGG0{nXUG;&c)m>^{1j015_E}e_ZTdsL)(Tby=G=m60COM=Ul71!(9@ zB!+G)u+36eJ4EPp4LWbadXMBP0YkG} zY%|P16N(9o)hb6#X9@M5+>8YogQ&UP9TFic8P=nAGf~y7&~_M`CKu^|RGol?VqlDH)3mJ&k0gOC$9N z>Is0SCPYJ^)~uXF%wL8grp#-qjRtB!-!2&BI9ABhfYV)kh$tWEmfkr0&j($wsD+}P z! z@;Vn&XSU&Q4h+GFBzif+MeDnBcD8+LMYfpK{Z$Pm3XB}IMQ*f_`0kKnuNHO2vV-3s zqasL@7QN1EW99l0a9gSC4bs5v$Gyl+dV|32^~i-z)A2YN+toi9F1xByhRcqH?xAjg zoXln((%Y)c3SR3eVj4dcmhvdarWFj+shnvSgQMk2XLFHUFf*h@BMa|!A#(}DmL;>* zN`1G%$j0KiFt=fyJ!;}Jbv^<3=7ov?W#aI`j`mj9nS$V8`|=fc5IGu1IETDkml*=J zYi8qHWugd*8(%M&%{gaIoDg>?GX?&Y{`8RO7WE25J)H?=iQfam=as{eTuSv?6YbgQ zT05fL&YL}|igy5=KQmi1w0ddF-f4s*t*X=}LMFQ`Z`OkNmVi6%&JZC>v+Rj3iqWgWulZ%wArng&==ho)`i^|S%>%1QmboYBGN=!(l$;@Ax1QM zv4VALAS=Cl?|duM2HR$6l>RW%)19Ll2E-PI!}N}I0H7_Wz4X{oVYyy1xS!KKtRJ+P zB`gF8R*0M|HiHswhFNm_CJ@Qj>5|@)L zV|@veT|#q=tc{Rqr`wn3Ad=E(IuNExoCC8~Ryy|W7=gOkqWi0r)@in_)=W0b_(rWK z%NUOZ#6Wcobd}_(+fqQTJ0T!jG|%UAq4*t=svXg)7d2UkPs)2O-O`tTNDO-CO29u% z3f77tF+!zv$Fu+gjw4cuV6dU>KTqaBwF*SNk_zi^y{Qunx~hJW%w*YY>0hl_TCq$7 zNLJltOF@xU2$X|br6@5;(;Rk~>4jvMTenazPk3Xr@+#DO({(A9ivalV4A@gQgm;XZ zUop)|vHiRZRe(@|;QlJ41>Q=k+n; zpz_wLp(BOOBW53FT_vqWP+Q7#ChP^VoEXAnd}p(@7|Mtf!XjT7E7_o7Ax^Tw^Ta

z-khDE9baBJCuj2c!|D0-mYR5f!r`oA=iT||Q|IEc>v+v~KcAkTU;fD74&J^{uiFww z-4#xKdv*Ea$tm@zQBZxWwNcNfpRa#DcWyqPzegiqQA|C)yuNsQdv-g$z)`yUuUymb zPZE{(l^gcFz8i%8#8rbayshCNouq*mTWSf`lLZ*u-J0$Frw_B>EE(&za)3Ah(w<3Y zAo~r=-f|t1h@*rmHHhB`{n#PQF0ZdXf*nymL+A9T+tZ7a(-Zgl^!#*sLl1BI?)>!j z#+hEz-j1aM3bN2U0>4g9q0Jt>5nvNF0Y;A>(4hIPfxly z6KIt$9^u$`=lJsT`H4f{o#3*!A5Wd@>DAeZV~*o~y}P0I3}k>Md%?m>)B0yR=_h)l zPEgBEznSa4IxkD)rCvC4N4>D;2Hr4q$6=hhG)a?~=48?j?4~2+M9BfgDvuqIrF=n) znpxJAY@ct7MQmTPO`r0HA-S$2gcqoFL_h_0Rfn8qR!xiRngg2T5)tL?#q0IhNE-Bd zUFReT$@WO%H_ne&XAYB&CBi0$Lww&Ko0zJYV?sp6sWnLG-DL=w>Fa*&szSVscIku7 zwI?rJ`<2W4#{Mu0g3$FRgMk|iqQF%u@!fvf8>eyD55~i9dUSPKQ@C&V;q6SQkYjG* z9RS%|Y!|JWZ&(;a0Mu`{wZ27b{nsXm9rRQ`O8aAXIE*7VNY%g{D=1CI>0~g8 zCgYJM!tp1vFRld+CvLCr zxr5#tooSZ|vtDExQV^||v{uoW+^d-p0jr^#*rQHh6nu-Ya#osX(}H&b>@%tpveW*5|_KL{;JK3 z#ZOmoQ`hf3PXn)#xvZ62%cO7%@UrVjfzIx7*~|i2ve~lrl;Q!- z@6Ho3?btt=-fuk_CAHDn;Sp2Uh4 z=XC6*eSb)6HraY(Yln4)SD0wTY$G8oASvAuGi zviw%_w%jxlp4Sl@*5Yfj1K?c0`Y1|&3S7Ae&Xi<)sXXQg(?Qlvx*YQ>3uxjo;)*5~ zu(F2?69S32i7nMh2D)JvNt2|xW4YJ2*m@+eZ)#2IleU6Q2tmHw#J=N1wkDVU-K^(x zRoazDw*yAYxa`u6^UQH8Y2@gN`V?VrZLZ_?$F^8Yga8xrKqbr@BJpR~2Xs}K&LPCW z=}9bDGhME9?L3IXz-Ec(0pi>J5JEd=Tb*-FzAiQjjX!H9QKOZpAqP6KGB4sRMN+P! zt2M;bv_@sT(g-O?h62thd_N(^V^uE}~+dt&pZ$3%r{P-Dbkd#85h| zN-9LDLbN`E#t2uDXpVNVl(v#YoMYb_56h6-=}%Xu*SF5q^y2i~IX*wTI6I!6lW%=| z`RNn+aO$tFCULE1TU&Rn@C} zgM1@zF+ph}Xz|Lw==^#!dSH=V!#?TXft>1SSS=+nvd=MT>G-De%$J2|~VXz=3r z^sozIWq{urRv&WSutYW&kpx}bf?n{p*>q8ZFpSEj{Myjn$jt&SB~1fHqLaURA(2-{ zicQo?({4o|B8nKkqE<@MRzh{49Ig;bX~WnZrz*Om-sXu>ht|a;N!(PEw7Y`aYqD`6 zgra1nU~VE^F`r2B$Q^ulQoA`|ak z$S9sY>eV`CFvU_WWF{0PMyjz=Bm-Jk`2f7r5&?5GB*t`4$7A%9+y1eGiD9s_5hI8+ zfC zwdN4xb@W4ie%uSV8O}X^;Uy^;D^S1tzxitP`L*aY04JWZs6mhA{Wl1KtygB-I@IqC zU%_ZL?mY3A-aDbj0x+{$88BS_>`VY%GkWTln{Zt{;DG9?G^PIyZgn3~Vi6!UkgX^y zqxD=%*gFSgJ|`HX!+HUcE2_M8nfmQQ(JMHEgrprd`hoXdUEp!Z31k3_>ym0+>$C>5 zEm-%AB(o;;e_dZb@uI{FC*+Lv{g8ZlFLK9|Xyp2%-pGslUe8PRAbc{+ESijwJ=Qog zGP~p?)0io1a{PUde>Xk9nVwJobary;oSaFv_LUA1kX@7_nF9h zVLswIzdPEd@9n{g^2miEF;oe)#3+li&7nK>KohfMR-d`k@PTlR(q7<<7y>c0y(D&? z%$|pz)Q21DIsN)8wjXoG50mj`ba@R41OEZqh*ji%Cd{1C~#l{Ha$Q`}iie;+m zuVaS$3WymVm?S4nG-D-hK~CK^6QEWaWNVcX-%gTARRzk83Qfvb@MmLQi;-2sf9o~W zwAOX@93f5p)ZP`>l1D=1cAs&oGTfkMz?FMd^sr#&fX+K%$FdK4PcC+U0S zQ8IDZ-F9thqb$B6y56uDQm#?8W9<2zdI6njouzsA8 zuzo!jt+L6cDP3K--G<=<;8Gj#zKCl!XMB&YBRE@VzFcnqxq7r=iQG|<7NIY`3f-zy z)-397EI_V}`lYVJ9tX3MwF^#L>e(hZ(k5D&GiQk5D>apaG?0;~UKgnVi|JLlU%{Zb`5?6aGs5LA1ON^b=^qNHY($CEWj!WswBInPSB_0kv>~9_u?wt~?4`)ZamL*l>?c;R0u1=7_ z65>EgMxxJPTwzK00}UcdT>;jx3>_zj zQ>2h#>9k1=GSO%-p+td5e0FcpkbKz2hZ(qNOM}wu^ z?a(1lDB3rDxIfu;FiE3HZ{m6hl<<;)=Z2HP$R%$e=*7d)IJS(GZPDOK_5(|J2p4rP z9_0Pcn9>yAK>dprA}7squD^fRZibdrxLTPkg~znX%(3QQ((LBV#yAYTSK)=Yhpmro zO&B?N1lfRV_Vx}Lh*`9gR(fufna-ujBkg&`vieHr&I_JfztJN>3RQf)9QGx(Un^pf_Hrg5y5Dn+`gAaL%%;x{DEEgsA8OnF7jT1Xo|sTkg5JD4jNL4j1bCYf8v=A;$-~tXZ?aSRR?adA?19|TFJ+H43 z4Xv_z9a-5Pm=;{OO(sHvwZ>?51VbSRG0gxE#u7~};%M|pmU0|JV_hu^z&Wvl{UX}&-pK3q zC$^3oa5a^A_W4hX+%Ws%9ao&EcnsNaF`o@PwO!|Vizbd`GHE_;8yg)1 zE1_LDo3Gi_9_#%doR@(d#72nmfWdSF_CNs5regAOAN4%@d}S@B!iM;=$Tv)#O{*-eQM9w?*y=aVtSIbWqZeA(ht`Jr z5UznRUm&E#$kqL{Fq^aOn7*_crq;6m@mcB8;oEJE%(u@pGT$1F%;9|gc2^>E>REye zzS%?b#$y$FBX>OLPuyUv2JWOc0837Ppu&Obg%dju?e`ps@k=9d9M~=Qzh_4vTl!K@ z>_n#8_+bfxqhLXCOrB}=Xx*4ILJv?_q~fAGJ6O((&DfuR3p2&&%Pb0dJLXt=7Eb*( z8)iwSKKpomtKsh|zpp8*KU}pfgLU}=beZXP>f}k+`2_h;@jBa}YQ8oL*dXOYzZOfi zuG%QprGn;XEna8#G^PD=gjqHc{;1PoaS~}=L|m#<-x1jrg^1~Z1Pd_ZI8Fd@1=PY| zo@@HAd`rrc@0&(LT(ee3+CbA#1HZGC8DU=Du>$4HHz+@E5uA%+5!g;qbD-ljwBOT4 z1EnXSB&WTk9(kRR6Sk|m5v+kr+KaGhaqXE#`)JK687`d1qtA~O8SYkFoFI=t6WVBK zH!SR6H-$-R$YPl)j|YTnAnZ1x8^d}-=k3phc2{-R_eZUw2pS~1y~G7+CHO#T-nlwc z?%tIvJLl{Lq<@%I1s4ff%7pHB_*8)Z#|Rjj_vTi5{l+=nVX0FK+MyLaS?ud=V1uaET{6W0VykX*Xr84n!u>gJ*m?2F zrfV-_{X2*}iAEg|`bEhJ^;g%9^LufM66bUhxq+H^ZrGm$ZZhes-q`cJB(gI;u&`$` zn}PQ$XIaAh?>p+*Eb3Aw@d5}RYgNbR=h@*fA`)9{X!8zg?uop?07y`eW8jFU7{!#z@;Ce72-MVL~EnF>P$J7`Mf8(L-hG9VT1=`4U1FiOCx1=>wQn_UGU_I219+kQVF;TF zc(N?GhAhma(n6&vG_=^J$Pjf`CCJE)IC-ZPFXw1fWSm_@oRg&#EMeo+e83V3r%o=C zbx9@|0uVw&x2l~hMqndeqt>#NwJjfARRo}Fj!YEWWmTJ)vlZ>y85BCya4i^WOG$Zc zq@ua3RW7-J2~+B&ZZ2BSn>HG4|Cm0Y{3+oriy0)!O79!3IYMLE>Y08@no1PNWSU@X z>FOHTx)nrr*%}_c@xIue6g|aax*&8XQ2|ZVE449S>`Rp-Vkm}*M1EF94yiG$-Sb9h zpw%Y<1sV!r+5+2%xa7sh@SubRz~-f(?T_ZXgx@h0nx30^*6K^UY|7t4XfxbvWx`qY zO<8LYbBO@QYWD|{=v!j#go=axT#%NLvs08uztD^;lZ~5#BlO7cd4r?ggbdC{w}mf} zSH5!b@Z4rJ|84mPyR8drkugmg;Gs~a3UT~0TieyEe$z>pLe469)CNN@NG&ZgnwvPa z_Dr~ST2z)xmPuGxrjdU%r9E2#In54hw--akfnNfyh27oWMN!qVFVJCVMe&SJBMl?Y zC)axM65>v_T_Np4m*#xYzutR7Lc2^BdY+A@h(G8-D2_Yi@&(+wEBj@iRxA+ySW8H8 z*^S|-DQGFRuabICH+vc~DKcx{b~$bde=;DEDcKGUEH4sO?ZR1_m*dh>W~ zqPS7mAFBwa&;XodN$9&OiDP%7)MPk}eczkd5sBc|kF^{bjo`;t;Zl1rwp3AJj$m*q zJuLNjpuS_VH7a`yh4`(H$ao{Zm8*F{%h${{A-3=FpBEgpu+)bRMW%!`!Fio;~s`{4~YTH3+9Hws2OO&gkzH$fSsP9b%QP3aRRsYpF=K1n2S=r}Br_J$| z##Jv|KtCY?#9w#V#Uxv+m}hgb2;^w?S&uJn$i~X%YwQKJoXV@~!N);w9E{wgM=nk< zP9k^gDf$=OM*F4w%pmC7mVthAA*%0>Cmt;a zA@VHWw!!)gWABhi; z1^JLY?L)@4)hNu}D{jJWtz-M_1u`jVLl=0>6Vp5mSyDBhCC6f?PBmK!(JQG(b3Q0V>lCn4Mx8wE8M(3X}JC6vFikE77rxEqaKTFR?{t!8hB! zy)R#v50%b=1^9`U`pP_mjK=aK@6+H!fFuMp+`0Bm!HQgW8b{c3x>Tu zy?g!ytg`f1JWAY2Jn;MJxaTLmJ$TVqOo`sqiPb)Fi9PiW@;Y-`3n4YJ^99y>cDo^H_;+bP~wxfb3^sh~IEwcu)h1c%EKmOzYVD1Y3;z^#L2}2`( za@BQy$-wCmWs+dbw9X;5GC?50$ zYk5DfDnk`jw$gBG5o*H3xoba5@+Ua<#j{Tb!oD&IYf!IFxwKBz(mpM=yP7`(Q=K*A z@B+8#2xyFdtfkC#T+O7Nxbzt#(u~)$J7}fSq-4NMzpuSZ^&I2yBx8_N8S4VlR>9|X zMlYK~!w;hjeh(+*g5X9)rcJsiB#I4Pm<$!S5@(7Qu!JA<^z7uOqu&okMI&(i;I&ydRk{0S8((H*@JE9&?M!O}V( z%}dG=WOCG*d{l^_^n&_K2kuM2R<)&*C#-o)OUnZx!+>1uYF&n03VhHE&SBSi2OTK5 zrgeQ5%8N@$i;LQ~b8ve6p*pOIZ`sJ`k2~N&UW&q$p1GdaipcKVfl(tX7PKYK&F!*0 zd#N`f6vbj#m<`%FIHs;VslyID=M{pV8>at0IEAf~AIj@PTUP6ob2?#J7KhFwC!L!?&imHJ2bRt%U2 zCNGpERVJX?dQ0SK%oP~sxfonBh%q(ZhAypEciY^6G%0>5jAovG5_)~6YoK2$TtJ$f zOIsEREAg4_d$EOU;2EXovuGt7G=av*v>&sS=kLx?9f<FKJd-g>Z<(bmS<{XkrYgfy z*uMIm4k(LXSgp!6cu+--uodk?5)x)j((a=m|F9!1iz;L85q_sz=jjDRR25mIjGq{1 zL-<&;GAf?yXv~-whF*5TUa~fZS27`5H^6F#AaQT5imAl~l+9N%r3wxwqt-$+OPfmo z<+5f1C|aHJDyi>?5i~XIO>L*77_iXvMY27u1%cT)rDj7aHgSKP`c@$@g^bdZzSKJH zEdf>b6sT>wCL_YHTDP6Gk%G)ux{_K@{Z7ckLI(?(V<`i{VK5prq*#CJC4M!~d~-Ux zgR*qX0ceHcfevSYX;oujimofH3nJQ2W~)m$SkrWA=xDZL$ahuCmTP#cC>A2zzu*9X zau(}(D4e+3nKB&U#`@&bxon_LAZ%TVewWl~P3CR@rE-f};9dB}t2ycf${H`%k*q?c zF?O(1KoPsna!H{!=kX&1fjP9pw%_njl9{+Ay4~jC=n6=BJS-2&JhEpsa4co&`Yn5p zO&_Tak}jYuK=2-VKh>r<_tJf39gOE==$e{51fB7~7SFRL|z~HONqTURiaAR-9q4 zCweU{SPkt=7)7qG)~G63TmFq#7S`YekH^Nut7nD1${<*ERGIy*S6T3j$r}`W= zr?oa*NW-(}Xk_|^Y`iCdW@KELT+;H%#K~mUXz@_7qD@l*&A_^&_aM!*ycT}EYF^ya zCr)$Gex1$85nZi#m*o%ai_0-GZ|Ef#R$i&>)>brnmGSZie1cG>-9ghNGt@uId7xFg zB!k$pR>|Zst2OTJS0{bqMev@?3p;a2pZESJyTdleWa^STL)C{*KMoQ&MzAdTH1WbVho&>i&R@o*4Fkw5Tw>r-pt zSN;Q5$MxJ&?Pp%Bbk&2@+SQhsu1eK@QKczOY>Tw#3J}7uD#|*l0bwnDrOa^6H*ANi zL<+3W7CN+>RYIr2;q%2xsO*|HI&D&jR?`AqZO3Du(N?sMCKo))_?>%(V=-n71BGdE z5EYSMrFK)8-oXJv{+BlLn2Q2{PcVb<>b#XQY)%pCT#lIltSRLHuRDqScoK|hCw2RS zcQ56j%BvAwe(LlgpHiZ1d#OGIEi9s5#Tp+7}#Sm?0LL}a^5Zx zhs18J`+Rfy${3|+6!qe8Ja&iv7(`KHEF`h#M!h6V$6o69`=ftiA^Eb>vup#b_w2CX z^By<>m_4B4LbgQB^-Hv!5w(;qsvEHjrZ?AQ#t)|vFH#5yEU|=ux@jSO!VGwKg^%Qv zZ0Bm&A`lqi4IT2IX0#=GLwXJ7A7}dq#hzy~)*&9a@A>1g7uey3boE3FssG54k$FuX z$T1am@gHga*KT>7!63~nV_;2lcppymxptW5mkF9a%`U}~%{gud>D~b&Q;+Uvhit6{ z8d8W@2!{zbK>IT*60;aE69B5iAkLtlsD?C{GPO^qH(lo=e25lFlD_!CXwYaWo9jy3 z+%(zEx(;>=4S|@$W>x5dmPnPMnyX)vCC7^-u0vOa>|3%YE522R%O3~BLC@Qh=7tGr zfFI;&WGhf=&D6Ek#2zd-=As(z%w-~6Cq2(rD`EcS@8;`DDk6U|ZYCGORhxxcYK93G zc~Og5o+%SkhfAP~YFC8`ZgmW)n&M44k>^%rD~*uUO$qxG_{Yl!B(>yZE?O3nH#mN9 z*b|kvk}!3Zbvu`%@3LfvL+(!U;~Hr4@-3Qv%1yCXVD7h5&pR#mJ3YR0ezW5>1uy7u z;IC^Y3|e1*hiMoBgn4xF?t9Pkg1+7C+nxYT_&{hD?|$oE4vsHw4r_=9;Ks|lrv3c@QdLesa^6=p_&~QaagLX=J}&}gf9SODOX_ZMr<=%E{ljZ(sflU zU`bieY@tK(^F|lB#Z82cAqibJJY=4)6sPAMWGRtF+#s)+rnFAmYRdE*QGY->ifThj89@0p6>IgzFnq+`IpM=190uySqW`Kp!kFcMFUJ@ zxBa)zw>rU8;pSK{;=Sy}tnic!5UXl+Q?bc3N3W zJ%l0mVO~O=7Pjj1$=UVk@qdR3133HRK{#>~FM!f=FK{P4kN)!f&>JSbVLI3YE05q& zx{i}4yC-?d$L?{cbE5-avOWoOE5E_Tk}(Z*0{Qqx;bohU7s=}~6A6yxrp)HzISyR@ zf#w2vYYblC?DzsPOjSvVBYbel`K(^M6p1|P#EZPh4U=@>2E%CJhQoC1CaTx>ywwu*f~!cb@phNQZOZoB1}Y&8{zluC|GCu@ zhi1cH*BQ0T-!cbzo~%)he{gnw==vS!?A#4Bv<1JWNh$dV=XO1ZN54p-vH)09gIyYA z+Z!MP^9*%JA+->z9F%4JH-J4WMO!D(Zql0Q1p<)78Z|(}G-$XsTyB}n!;+@tuV_oM z;@JbeAKWrS6Sbx?_(N%Y<_WEw;88sA2H(|mJe(#lYAG5sV}|^Yd-U#l`hM$f9+Ek| zEVTM(a@kmg<|E(12ID|));*NClkI_kuBSO~2Hih=>N?If$HUZbP5{l~P!*EWrB@x+ zkwmF?9%l?2Z4qr~BsF57`s-SihX0ZY`Jwn!EFRXmKw$9CdGb)i#ZuJ=%vFw1THZi# zH5b2>Mbebf#P^pCikI%@f_%U??41?)){Byp1(&muQKWf$Fv|+&Y3kJ1fFw=`P;c&t zoQNsL#Ptfm4zS3v^9MFGvK?w*M0rOy5GNo=%th2)=Pht`O>xQBuSXSN%X;wlDA(1m z>x++Se-=oLz#>^Ker1D>m-FhV-L`AmwzK!yr)&~lJobs=g4{(iQ*1AbBkzz8#pH^1 zoo@1R%o)YwO0z7?QG+j1ISJVY8(3L;)fhPkS+8w`0%=F@D8eIhT?K#!H*%VMw91n)R@2ZI!xj_{5 z-SKFYxPwuWCd%*kd;RpEh^)3NzjwVKVEXTsC350ypM$rhe`>iQ6|=%>iw*~CQrr+* zLODqG%e+b+nQKM6pv>Dzt-ax>Jpb#QqQlh0~m%rZ1pmn!k*p%WPuH$W0#eFt7|1+9whD^u&eFILs zm6{c^bz*VFp}yh;jHgxhD<;KzRYe(hSg(gyh=V8VxpVLyxX&yp4J`(ORV8g|hhM+a zNMGp#*(pGzf7(PS;-HS3VvVo2F>b~OlXby>L4;zj>skBNHYU0aM!CE%m4Gk5dYaeM z=bdSEF2@FFp1UX9j}0sBaPS#6>-ovKdu%Z(9!>DqUBtpkZ!n7cp&NSSTatr0amQ-t zxzW%|(n%bszNOGZok5n(i?$Jj?dm!gY^6eA2$(ct195|GXi9SS3k(5_2MQ9););z3 zMha1mQLo(cLzUx=+=x|}oWSMuj)|DEV*%I1_^W*JT;AjbR&}m+5K_a+IcRFa*fEXj z&N55~a^q29zLM}Iljbr^Y;W_7u1;p~+`iOKw>d|E82NK! zP*~P1%T|YgESw_~_e5GJTeSJM@S+^61q~CH#S$J60&stRyh8wLNw&y-uYd-hSKVb^ zRBW!|4|*sjH}Y>Z?Y&;t>yJEhaCeD*f8WX4mD1TW`x4R6KM%pvyE-hW@z55_W4dq|H(6>swqH8Qzq3| zN&rqasO?he4LB^~jWOO4!V-P>4b+V*11~AbGkK6@h}WPeGHFG9niCQrX~~mlohL#$ z&LynTx~#CEn439wPcE;fEy~^YHJ8hgWIz(>+)2gp|-(~{@3Jc4^M(byVz`@p}m=iNF= zkneJDI*8Of9~7R^m#e0S;6!<3ts0HumJu`fS4pcF6s)K)aSlchNxXY3w0KyVJfhrA zACR=2$y;5_6PXx47q6k#)M(Jk$#v~?qN$z`>fumJ{b1Sy{b&C#nq`kRHSr-CuFiqK zxy~kEjDLMnSI16dV4n@277Rv-v5shQcGZ+1%eHAg z)^go-hnoG^?3^Yd*jxZ<66`_zDsU0*oP+gC^Ahm}T~Bz)pGpLh9R2;`!7t~oPWD-$ zG_{k~+vH?FEPRZaW&Y_~&iP1J)rBr+eC^X^c9qCmuK)b^^50}<1+I?82E$6MF1ro( zYI=KidU5NVUA(`%{v=p=_AM@MZm&N}HpHQyoXugnKF81^E+=eZLfS&{K5a+OCm z?9iVK;;q%@k^U5qX z<22}{Bj4>uY0nM%F^%kC?=KG7?J?>|7wMjPl^?4Ie^>9g~%$TD61<3Ikd$~n=*+I!1Z z?TzOQlDOAPdagf6d^eb=u{#;1kvkklUKn_zII?6l3Cj%R2C-}`4Y3Kw4emf;o;xk= z9=nIrYSilZpNqR}9wtJ(r(_4q5HN@(-NDr-I0U`qLI~cwcEB#%w^HLV@79c8%c^QE z2$^*yBs*pc!tfeDCnP&B1?fX>f^1!98Yh2UBa$dB87A6>O@qs|H$o|#tLVNCC5yTv zM`&S6qm#bk!%f71S^_{jXTFOL_yzAf zWIZa${gpx_d}KCg1;YVlo>hb)2Wr_#!0JeT+5Q*=+WA*TM2PoJ3E;bVMz#Zap?3=x z@HxL{NpnV?RVG<}rV%4$CM8Q>+fDpi zHLun=l4`YB6Q}kBFT}tw_M~gBcNU&c7CF+PK(rPjA$UOZkPKY&1w9NV8$q5MFt*Zp zclGhm7&^Mr5{@+V0ahDfIT6eXEcca`Hj8PE4RfBIm=3IjtmYtj??^I=ceI8(*qke6|DdjZS=P@{7n;dYcv?PS(DRl=ewm=Ctuzvr_mTV6QE%w z4pFY2%)4fgPudW!M@`6*r1Kyz!2^|gPOKRz;?m$G+LsgmYo76B-1GeXJ!7EKY4jKm zJRI1~uPZsn@;V5;Zwk&Xt&qH4Gev=A?P&W9s}nvXE1q%>N|#hHEKRC6nBRb0y;{Nr zePZvYO+GGX0@Ai>i(~Q5T3~Y1qW1}Y&dVp2I_KQde_lx*w^jnf2B4FP5f|1rpJU)r zI6|q(+i6jR=OsjOG#%e@VuSic{Xt=4#&1ots`EKTAwKC{k}vsY`7nS#<#DX!akR#0 z0pu`_#PCSf0m?`+@ox+*xMFx&p>>aKlfU|kABw$K@FCVF@I< zzBkPkU`z8gOH9rIQBsSfPUT6pj?oO*ES>~gzC#htQ9`bP1aLfqfc2iZ@%=siNf`LO z(a`M=Cb1j%gRvWW@z^EbG#QRmGzff4?p*VDqG($$l$RLXoZX(>!1r)+m~h^PrJ!jt z=z=9glM_i3*){qemNHP@@Gsw!@0!XN&cSV&9T(-HIH<`S-xqk34$g}uYJ>6pHFaVk z=N`+IH>Hl1|8dRAbF^%p7y36j=a~P_mIXDX|BhR~APNaSs~?jbr^zqVroQu?m~H&^ z>8~g+hnCF2pXe_o2VZ2g0kdPh_ipq85zr!eta3nU%KynQ>|@V$>1`D9iq??30JcC; z%+*iDeI%d9jqSF@#xG!F6E(8M(FzmOV?MX_4KGh zQjden#XQM7&J8r=7RA$H$GJ~dMf3aV6Ro0j=NH+p1uL=tL|@Mm!+`ie)?9P&4=Fin zhi?&D`?ZKOUG>I0${KkO$X1xdBsdDY%-O$zop z5hKhUdKnh1YmJl13RQ1kd{dbWmt&)h`lo#eAykeBJ!BzokS^)1!v9g$=6XK@~DVg<;h~ktb{Bl zf>8USm4?6x=3WuMD-cL70uGbN5>klZ2_!C0E2uIzo^tmM1G4q6>-neT9%36W?#a0@rv6f}=lJskX6nsJfI!(q|9lU3qtvbS= zDuGZaUZpgef75)!LeI5*!S6Z@7^b+_YS@Xn6V#j3s@cD5WPI%P`eXY*;f~M&mm|JCOxgi25_x7b}%a!aY1O&axqhs=)S}uxQ{--!AV%J zW;7EXdM4RhB;lGjMO!Ksi}o#9T5Ni%6Qg-%^e055&6VYr9(lZRSA~l;{y{`3YFDq1 z&=$a|x~;BrQDBS=`A^nd0>rtXf(7axOUEL4l;%XC1v^kZPK`rjNdqc?8wtwZ{13p{ zsL+eTBo5p`FACgXG@Q7TNicG~i9hQ1`>8(~?@{b3a$F4!*Y6NJVMU~u<0Vi>fF&cf%z3*Vrw36C#{*FQI_iq-Fq0T4lNs4$3jr{! ziWQ5sKt_?bBF(Sc=!k^S14LdxRgJW)E@czTQGi=`!F=K50cXI0ob=aj){VP|WcW!j zg6T!)OE+a`-{ka0`O_=foD6A zwzUbnN1fer$#FB(|1~HDCL_+~4^l^Lw}Q5gCkN{4% zTQ0iA4~h$18dWRH^{y;d$Z@Ub%eEd3r$;4(`-WvEs)|EZZ4?ZLa#Fm}9DH|UU3HVU zs%~1b;ihN%m%@IPc4^S-_q`xE`lgfiv6W|nnBvMV%Su400^@pGy(yaQ@<6yY4~^3J zx>_20$1r)~m0p@o%aDsdnXFbh^MP!b66qkyf5iYO9G;Ft9b>#TOfty=yan)pEj z1TgA1(H+gvTqsWTZsCocpUq}5)tkj7*u~#C8YAL(ea>X3AQR{_N}zB1)bumXZ2N&^f#Xh z_-k)kzc?2NK5Uf%X#(0m{&YiT`*`r_PlwJy`*%%1+xq>L^EiXZi^k+Q_-d58!PpPo zVG^b8BvN7AS3^a=Tfa$L8XCM2VWY*eEDOL)II|co!3Y;^HOy^k%x_G4c1O3W>xF(o zGxN9jnix`7lk_nNZoXVYVZzib7~Z$XLP!N`g*)the5V0!YOE;-MKwUjrl8Ux@CQ2j z2|OYVg(QNi-xA1SI&N7K>v6tmk27LS`|o4RYD4<~v)0#7&82BM*J?3#uP4_3mhw^Z zL(6mklk?H^wBV5&{F6&!WMtL zjf`MYjdgscT_jpjsuG5iT{_w4*L4nVUqCdh_mt(3$a+rmopjZ|9- z%9ANo_*%8{C%`*EwyW|!SxKD^Cc4bSX7HG++-#707J7U;K7H8t!vQ&ne&Y4rAfN?C zMdN`RjYdHd^hfbf?NKYRgB{y1=T06;DMj)nUV6Z_G_ce76xgsJ1c z+m`{sHD@c#&krV)RLu*}80wUUVSZ!$?274C8=j{YgCUqY%1pEUJ&+AsZHWU4y8>R^ zF4L?wZ7|;@j>nXq7b_2-2r;RUx+$x zJ*c9~YiJDV3iS||kmA$=G5D3QFC!?-V|;~)Yg|gG4xeh)1pk~AgN`Z&Xm^X*M?guZy1cj z7+e73i5vJ6-wj8-zN^%@A5X$~7!B>K$#uyqJswV2834BgOF|Xh>$nMOzdFOf3W^ta;ACOLk8W zzMLZk#D6Xzxjd7=0`FBi#-g!%)shvnxbl^Du{B47^q17R1s5oBl(LFY%d^l_^UkN5 zV@RS-jgYvrby!1Za7X!MU!kZKsbG$`M&D_1J236t7Awwt+^ z)U}5!dE75Cp*Crj){0Pbo+P}Cu`}uEQ9Tfiyz0;cL;Hp?;-`4c-OT&Hm+F<8i6b~XbaEIwQbOR4% zvZ?2}%I^&V<&)Lfx2(j+ zhsu%)7%;i`jfj8f`kK)AacA{PM%k2s1R- zsO^#y?$@C%XRW1*-e_y2shH6>0Ni7*#}V#99W`e{mWNCqhH@E+gNGbOXADgJmyD$T zMXp|f>74Ga)gn7Ch>J9$r_;%+Fz$uw=(DnB=f7c(%gXL20CB4 z7oVpPH)&9k?JhjKld|b~>wcz-`wf@E%>b)g#GBmq;nbJ!yga$<+c07itO})n6Tw9c ze#}6aEQOf?!PIi|?4dO`YWdJqb5m7wQ?G5225Ica!?D}*CaD`lWR{L6J~^4m(DR3W zI!r7j#(0Zgzd|C#>iG3SEviSP*(}MiFAADOIK!UgO045H_*C2146SHmRcIk2qpz5i zmL>K39)F{eyhrWMSg!OH!g1MRU9WVli#uV~Wd7T5PIhX}7~KbR@FBnkLVK36;zCsv zEbwL$Su7*5s6Tcju?1o9?QCkh>$rNYP>M)JAt^^}#kyBq5V8hUY3sb!Ofv?bD3szU zjcJWF#}I5o%NXPr8n!E1)EE3*HDy)rvQkJIIlg>_nCU-7akeSei`ipAn@6RKWPrr; zd!BdX^^Uypk-lqyTPh&(Pz4jB6Rr+&yNJK+Aq*oJQC-l@ZXYX!b4j8#)2jC1x6jmT z(?JbX!|&w9mdiUpVE_DX&Ad^6vGmmU&DCsQO($!D-bw%F_&WH&$(pSrbh@T>#A_G6 z1xnG2;SPs!LNx-W>B`eI^MU}eH4>^=*M12hDSg0+@KeN`d_8)q!;za(KsGP zi5=}RnPZO(Ugvy~ZnIcWl6kVxnc0=x)>Og_^ea zt4F>)d9ND*mjqD19cJWMGxKsG8cX_p0R-s*+#DFmShiW83wAc06Yu&5rK4caV;^x~Jpjl2R)kzvmp@LN2ifG`^i$Q`Oy)mt>b$ zVs!)%cY+XFQXMV5$#~#a3cMRGJ^UqY_U-`Z*hy`e7g_W&V!Qj?>tI%X$e4@1zKV`= zI}5c!kdW4CV07W?7%8Hf#g7NFEFzX;)1GiuK)d4+^%h!kD=W!8qK%NhGvLcgvc%@1 zfK_thv(r)ti48j*y%KUVRyFckkhYldJEKEYAZB2Whe&O>FdI0Mj$8s{a*J5bX9icf zFY;&rm=iS)@rUXgW_@WbG)fzL)5-UyUv*}XliUmG3P(gWAFjOQ=ug*qCvZm9@C%~$ zTEw&yp~Yo`y%xJqAZS;uXUx4)6fvh9*mT3Y#AjV z^{-3~qlZG9)aLi-&SWvP{semt3Vi=y>uYX4$(I_G7p}8B*0`W7SqD`!QJy&U=zgU(uZ4q`TBnHowtCX6_*7@sjjyzNr%( z0&c+j4X`2~lcZArw))+fh6cUf9`zKwXt4joz%L=EVB;aoW+r6GBR2<|))ouG79)Z+ z0Y%0b71n*l-WkVjNmvZ=f@M$(5l-cGjs;=&!8(GJY?Y-OE(8^}HyypTja=-(OlJ=| zUy#quf3%DA4?p`Sh)42ZH-2Br2lNACD&PDC&{-(2FN-7>&qFfFs*45p5zVt zPQ}attDZPtvq&l?GG+oborzq6owx=A2&5H(A{ZJ*L#0(o9<|gJE^el0Clyy}ugKt8 zZAm`W1};+t~ta8j>e?WJ6kFk25Wt*3NV3E@PWC3EH~^k><7{5e!(N zcw4OJAy@Anw16T;iGx{5@@yVz#`#)h6uUpe(_n@-1?E+ov<~*4BqL?G&Hb2-_D<5y zxc%kbrUIQJmj(+YoEAmLnZ|J@1j@#wTMO}nqPr|LC$)?qkF%j8;v%}1#;ysmA%s7qLw9B7xNbu0Y}Hdq z3vAWdE9&yvsF^bJ52F=mGM_ege|2M?$}aR-1pOeo;gUL=>sCIt&>?N~632J=Fa2^BcI-o1kbJV`CS+>^cY@CJ@HuGfW^HHFp}f9&1^x`WRHkF-8`Xie`qz zJ@@y!T|otGnV35x(2hfi0&fw*X4G>BHNVQ3#7jy3)(=-NQS}X@_m*Xb!Z~inCpuUgrqRTA9Fp;FaP& zTWa}u%shriJkx7~R3h`tRE!BD-^F1u2i8Q9g|fLWFQm^dsH&Ftw!cp)7nf^uunI@1 zGP-lYvURj5R<7KtYp(3Bo?NK(Rj8ZA9l1@Htu9Y)GYH9?7>WB{uk&aSadE-B6tHA= z_WV3qiQirCN#vxKddZ2oQpi#-ux@C(ATW7aacX`SE7Ea3-&~p9Lkl+Mj6p#))c6%1ne_ zSr+T=b?~u1SRjT5R;gtmI>u(5ZLzU8afC)L;>T@&w^{u=utTVE*}#l8sP5yUmQvIa zHwHQ|pAE+taP41d(mN^S&N#HKjCG~JaNVfCn|hJfFEg_Hx=+Z&~V58e&cEZKJ9JkJ#{8NxXssgKV522+D1cKaUw&WmQL#!%Idw zi-pKay&6WX365xs&uWpFh8=}NW?)v*g_Ihm422quC}!fNEecn0_r_ zUgiVNr{tH+UVCpd8eLKZJtJcM;zS!#8htm+Djp3-eIZlu=bKQkp+c~dYpfB+qS`oW#uj|tGPYB7p+%i{nc1gJ$JsK;htLw zGN*SyN$Sa#&>paQVEivFXEVha#_W&~-3i;F9m>OW5~d-}V)v^?NN-5L#EBbXrp!W& zP{?1eehjX~mFvtd7DSP3a9oJS-vV~3{Eb;;89Z83|3Yrta~x*-PpUn0K9CNWJs@AO zL^8G(L@ng+vH2y*nr*S$S=>KxD8SPCN8+c zX4E_od}fRPizl`{3SgOymd;!1D#SHga;7u|T9=;Hx41Pqd7mQxq&|i`lR{~0#|d|n zoe%X)6e1@zehl=qqyzxu!4-WFu6tT5Eg=Tb$I1{p(jMkDcabQeUPxpWq#XXVB$rmL z&F?#E4gKn7Mm{f-#Q&u{kCsn9gV(9Re|^5?DJvv0ldjfQsY;HRhF1byvM$)(bTRr0 zrR5GaT*YCDB9!MR04|H28z*D^tffYIW9y9-GpkgaFJLs~gmhb9LyN~v{I_+nst_*7 zF{Nw}GBe7DJhM3bNo)5a$9g0|1Z~-}x3dPvHY`_-3?u-Pr3cn@SoKE5&f~Ft?$J8u zWSVUln#lw3m5st7G(MwICmgnVy|CNtHbZJU3j5t;I2erM_PDzPjSCNxhw%^q&m^B6 zSO#p5c#~F3r`_Ah;#{Z|jxybkwTtin$W5<3p)wc@Kpwu|N+UgO<4jmBO);2JkTu3|jtlFxTg2x6s&*veEb?;lyi>-}kpGli!B68?9)rLT9@dUpEbvc$l zQ?sVH14;!}wdLK)=#A%6DCb_guyD&Q%FumpP)l21t<=h(z0m0=XmLu ztkbttPrU8(wOH_{AJc5LU8%T^kQdy3@_Z~Jx0NKtR)dWGd_V#pJF+U+({7}B?G>P{ z0Df*@Z*gKnZ9B<|C!l=C#1N8{JzrwjA4=?5_3E%k417P%0xjCMNnrx<3s1dwzNONg>0Q*AieQ6*U|pJn;}a2h7; zpb5*c%{{UbB9|V+rb$-O!TzVV8N{+m4F4Tm-*Vfrz8$RM#4a1FR;jXuF z)|6bD^|EHH=)HeyB_6~UYb9{ZDL}f;axb%X*UJq^YK}t)B>@-BP>6&wn{J}@RoNW*8@!*I=0o4eL?=rx zE%vMJIELCvD|*jI*1g`k!#j$nDgm#T({6!K<-K2Nr)LzC$5$d5g>7|*#zcJF9$uWz z`aG>MUweGg4gO~lCuL;0dOE*YT3rXiWQTATIwvW7)H}u?H+t)7V!+)if)!980y!wlf;xoZjFA zbIDlMmXd5y0%SBKDU05?qPv|NulKI}AhN-DY_GjI-Ob7fe)t4lpJnYT%5T^r?~yDa zq_)HX7xMhGx0p<4@6}t>`@V(81YfylEl#$gL{idNNlF(&_6v8)C$>ReA^x>hZStSc z=I9HoP?|U(DD+IuiHkglW9lzIsTxe@!fI;Ub8!RbRy)7lBSW&0C}$4ZSNM*VHl~OC znx0|KAtfov8YfDeSb51y2Bp5#tVhzLM5$vNkrP*EwMsB4=?v`yuwDUB2v&xy>+`4O)m7(l49ZWeR`@eSO z)^O5l_nUDNj{D6h>`uri8=6T!Y$l`LVB9qAVXK~UmgAzw(VzmKG)waj=_IM?xbJv5 z#`oIY!c@JO=lC*j7{|GH{qFY7J}W#htcR9HLd#)oH2Sny(kxp7gA}tGpG12E4gm@G zvh95SeC;8YO{>{xHCxYTmqkvDu~Hm$?H%-WOWqT%8k)2H!GUrpupWlwo8x50j0-Fq z#pqSmvXzvF*D)X$5W3UnIT1~t)4{DGltd(BhX3OrXKI|^|Cj%@)BA=zo8Z3&&4Xrh zurD!FELL?4pWa5@U$E3AZt0=jf-I;79Sq4hrv~7v0;a~!iSXnU?B!uN#`@2R;JqeB zBm%hfQQJT04jbKi3C&Z$bLl|(^Z7p8qd{xX8r7?&t72sZAw`=s7-`vNQAof0z(doEL3g8Tljs*(vWR$B4&S-0VBiU{vbG)YaS8D1Lz8+7pw`o zmr3H2mQpX6PY-A3`y8aODP8O5TE<`(E#CqFB9_g;ph`E$)4<*?Vr$OS5l>r40MWfI zr9{W*hTzHIpd;OCIEcA_D*zWNx5#(%J+!1c1KZ)2gr+7c(HQJWH-(Y7FFeHipY4-$ zW%Nh7((X}LiefFb5b7k*Udc*E6XrZd_N37SR|B)FiO7!$WpMFL?$K&++`11JlHVD18s!%0fG*QCPs(it~Sl)sTf>T($@#0xR7QE&7r|&VVk+RQ%HnRxRkhV_DtrmC%B`FW!W+Dm zkE^fAeUoCSF_$1pxfIO`EtZn9N!SO)eFk>m*l(`8@pFr9;Qc6E2iQ^GzS_GH*@HoM(k zyS*bm4~KWjR;BDGr6^rZHjQ2HIIalaRWoWfptVIC5}N-jcA})hxNzA}Rq&YSVkSc25Rj<7w?~)z zzTAOkZ#_T+)`Y<5pBST+57!8&Ex)N3Dq+;w1P9rg(S5Bh8{RywHVdhgr!IYGAtf5L z@Iyn#`DZ#N71qhb>T4nPA($jg6ClED?c}qf;=F}5>IPblw-)ACCZ`xr;(lk;?}fd7(hs|4G6=_mWD<6Jrq^or z;%?mOvDssghNZ#%uc(z?&ysrlly-ygZ>W|c$UiIo~^cJb=n_0{Fq zRz&J|O*bAk+hH>rw8L&cO2Sdpio>|s8g&P~cBkJTed#b)0_R}8F6z@>ONA?U#8Z+1-6jGOIAzn;RxqaZC@#)s46utaeeOx9WE1IeabM0Zy}QcSTIJ;wrcsSGRl;MOe0q-2bLic|aA|SFE&Qr%W*StBJ7br&_~cyPYk3{q_ZeUqsrD$j%Q8hs zzMI~mS;;4}Tj+TZu;V#(&SoXP3wFSj)>|TXU~4WVy=VQ_mxuGKhn(7RJRA?hNz_lm z?jY)gquzKB(ys?59`(nAUOiz=m*PrS5zEMn?y;1rIeGgS@d>ynHC?V<_tb$Po>cq4G-AM!@eM3p@6;I#`98Ml163_-U%M&Sexc}CMIVV7U_ zGq8x5d!1Zm@V|Y~XQD5OA$wzj$=bGpds>5}RSB(wZqMF?tGaU8L2&vZg1aVufZvu@ zfGL$l%4E4TQM=7=4hQ-Wab0XFL=}@{3$=nhbYlfo(L_>q%wZsnfqnS=kVXwcg$!~e z*9u+_Hjc#g4BIG#f3Z(uJ=6cRe*f*i^*+-R-K?b^&2zD$%?q6xCuki}HrJ^e#cT?& zg=5knJV~c>grp5im(cu@npKc?@VB}%*(A);NwPhtds4sA8dCS$+V}lW4I^`5@Oxkf znk`JaeNengLp}qdHGD5 zOYD86@n%hgPm|ds9WV2bDe{3RA=7f>EVn$v^@7n}L*IEf*L1#^0Lu#`(1$$!^{R8! z{WdtyOXWzoB~G1B5Vh5t-n{)jJkF0);>2LpOEDCvnOMmb{`Y2;L(pKB1XtZ&GoZ%= zd-6D%gU1Rr$G0hL-bNl0D1)=O|4eLn_sE#(c|fkWqOdihQ0^e*Xb1@kSET5H=d+8< zHaS|{uyIf%N*zG|3nMz88gvT{Qd2&l})Ra<~29i&qPu{H}h->glu6l4`nKBg~--( zuGBGO9odp5*?VGX{fV3POjg9o`L-0BavhF5!v6DD^G~tBOW4pw8DVA4l4S+T=Sm2ir1?mo_K*}=^~9o zb}QJ3;Gy1=#fN4X2tpsO0!2mP*58$Or4@*s&+1iVug&+r4URRDSw5a)xSZFt90SaI z{p2y*-C?7C?{g2|FQ2~s(HdNHz|%;QBfOlY48pER>6nzxnT%_>Z%gP4Thi;L5HX?B zq=d6`Z|zo~XZ+_r&(n9-j(cQ2WVXWz)MPabqbV|KYMF!Fjtk{2(FIbw>s=* zu6diX32ff^nA*C;sB-F2VA_2rAhWc>F|2+1?8V%Soq*+?SdRF{GH8Hb(yPn)@ZMOoO=*G;ciLuF;OhXLsRgu(X00(-vt#t$ruveU*FrVy|+k}V;3fz`=j5+j6W#Cd&OLNy`ue2_b9{Yvh0Xfgue;J>GivuHWG1$oy;j&ALIZIWO~R->9JafoUaOxBz95RpNor_) z4#|km3Xf4cK+B)kQD(g~1{#%&zysoN_q0n!WcMu!a=2)DWJ$6p-%GXNxUNTnRx0Me zMZtV=I=9pyDiEqsAg&9+1^X}b<+FsVl35c$Hmo`+oxwQGgs`wmx5@CqOXrm}L(mc*G1vFxNPh#FQvAiV0xu!r%sP#FD;%r{ZcB`Yp*o{G2P zY>s3?t75vY8B{#0YL0_TC)2nyjx{TXCpO44-(;sn0B-L*cE=5n&&3_4(4mDM9?jz; zeacn&5c0Lo@hiOl~}~gV&AOB9SA*=IqlEbUwyp3Tu77mgZ^yL(U3lYn!*BjCDwpy28mQT4Y69)|~i^n!b8^#L6GHEuWjtCY>}<~sMni#0A6l~1ehjVz^26z?Ljt-X zJlZkHvkRsfHOu`HOYdfg>@)3VziT(Ex&7sP{S79HKZmyN?Ua|vi6Nk7o>e$(gpP|h zc$L4C&!A~V2nsfWKKF1;?S{l zRNEV`!IGO>{4igyw$>M+5CgJ3)CHc+6lkWNp3Sp!P~T+a*z*Sp2UW? znAiEz8jZ!F{nxuij9BO4I-0dd?e?HwTV4cyL_Q&RkUkVJRzUBOu|@`Jy-;EG{(3A< zbal*fTL1VDdkX#I|CZFV|EEh#?HkSmz*lh>&r@FDj zc6-#S@5YKY5JWSql&A1LWGj_G3Y`!${}P4$d?Ej}-q6>kw!DU-h#>#9Ut68oqva7I z3mhO5wSe9vt?N$U3?1RFoCmES0@!64w7X5Qg@EFf)FC&uALPqYFvKFFxH<*yBl%bC zvEr&UOS!kFh7O}!lfZ`Fbdu|cy?Q<8Q-}#j`6QJq$HEZ& z((rsXPzFxY+@dwTgl#oGcArZ4acl*>yih~gS1*xwc zzpvAHU&;5XQaQ$fb(aAOO}AtsEI+kn;&eCDlrvhfxmB<^XW>Fb$+=N2PYQk|vz@1s z(^!SZ78_VE41my>3m2)SDikU~@`j~In`Q=2lk!^!M|S48KpoQ`dE6Fad2!j;3q2C* zX;;l8^~*BNZD$}ESmdIxBbV6%Y3`YsGsUnY2T|dW9Xg}~Gt1|ziqs%C z?@}CG2M^64*%t2oVwsnQoFC6_=SI6jPf$%mOPv3z)utX~8^MBMQSy+x&brnx=u?q2 zlJ74iH=q9Mg$|^=oc-?1W@5iKU|k2nkH}>(ByGWqYi7f@wVuE_GwAgsNlEOM?uQ1 zCh7RmG9&G*hF&&SFI=N_+BQV006w1a{DGB*lZLc}cj9y6sJHA~ws72+*4cU~O#G!N zXVH6!Bb6F8(omNGCyttC4(5_qllgP@x+UVAW9H-hA)y1FWu}%=)~+~7<|7IxIUpTQ zwcsfhujPKMto!W&Gd)}Seehj-C+29b*;>Ie~@2CZZA0lwhaStjL6 zYL1b=rZ&gP4b0IswZSl=-+%je%e?vfZ~tBSQdA(UN-)gAm8*0G$ae}cde$1VQ423D z#RXA;$L}fJ@Oh#9MbcB+`hn(h-7Y_yw_Cr>WnGJILA5)yt`oDAQ;P%3oPc#wn;Jm0 z^@L^Gcbsf;BrMYpvWajZG%((@hY5V9Y*`Yt{ygD9Fl967Fn}BK?Km^a@jQ83B` z7cwcfUqLBAmR?7hi^SWDFOv0=nKh#_LL}j)6^aTnyHd8MWt&R@y3KDYD@B3xsxCyw zoU!>JO*AzyP_x{MtP0}U@P7LssU+YB*~k<2E33;COij8{tvZ@)i@QX!x72xtLw#48 zbC{7>%&K?qWVS3q&H^5VCyTSy)yc!~n(cLDXR`-_!-VGVvP`_)1&vxPhe&J5ice;n zB;z*%wkFRuW#@h5+;+7RL(XZEU}Sjd%IBaL6q4qKV`y&Z3R-w9_H=eElMh&{qFv`U zly^4!YoqwNC{*JqkK6}0F+9E$ydI?;x1q1UV%34ryJiZ=a9eX7-k739-U+S z0u7y}a0a+=t?#|F2L9}7q-?*tGZqqvj1;?UR77{)@iV(_cy;mF~NFXkb|iS zB-O=6PuW;5*7K6IN3Ax{K1|kGmdQ4155WYRPU86O(34 z2G{vU_OJ2M#2d*^90ae*AGSBPLU%T)*|U2a-d+wP70U=<$ zy4`Dc$HV9gvU+$;_*p{aoo%Z4k1Vs%WlQ-YKXbYd(&HbfkMm>~tVelQy;#1xJlLZZ z{Lw`FE{^E}lRixdNYofR7h>(LGl9`L^x#;C>NsP_R;UF6J(k&%DQydnrmW`V$dDX+ zz}2`osM{PLRA>(W*jI(5L`)m|D#EKODAI7SLL$y3m}KuSn+4cV_n-T=@}1%| zRyGu8AUzFPqZ7%3ULjTovup$`G@gjoI3?qghWE^yBQt!Y(B9)spYIR=)4XH_ulekw z8kOIpQ9Z@g;j>vs3~NzW(@K;v5lBWJ7f?+))llKoObc>(JJ0P{~9-L_^e-vQ?gHB7=-2U~I~FAfrpOVG6b7aa$%+XHYS* zMETCS?rk4dvOTyGbQ|W+Xlc-fKnL!E`~=psJvw=RdVO;mT%T&0Q?S=RXzl-tlA5P3 zFwGRM_EjHJlyOS7I?F+ija_HL-U6npGIv|ib*4gIt#nW2Qx^hGLN#Q+`Brgpa0%aw z^DAQ6xPUv#BQm>za!Xuzu0^HPH#y%ImcR8t`Mf8~bjmabECUU%Vm$}NSQ78Q{9ga~ zkF7U5@QLcZxxqyb4~XR!BAxZXc#d)ruV;(Oy)oHYD~{pM(hs%+5`uI3%=Tu~Q0VI) zIAxdThaSTtO7l#%U?~H*@QFtBE1NdGq&YCnC>$iMZrC04`r)Y6YlkB`@VdiZ-0yYG z^QO&zy4isf%>wx?(YGZg#KFFPp)>MnLFw_1-uS)X~!&pdNU z*KdP%uZg<+rboQnvK9L1uY{r{NA;Dt+K0n98car^iAPb`jp*|X;~xGKPvQ}MoIzBd z$ijvYCB&X!6DBv5Bk<8(tyccXJx6pTkl8AD1hZh437^GoJ1e@@jA>_GC(Ui)YeZ+Rc}17{+tu z*4g4l+`6#gjq{G3%Nf)l%!f|pU{7ik7)03!G&AZ&uVC^>X1OJT6Zu5k-5tbN|Jb3> z9*&b}I0*-|lR#CV7n*i64o7{{ZI1@cxNipaA=SWAcm)fk91;BwV&F^Kc}vaJdiAcZ zx!UwmqE+gm9a{HlN;C4Ava(Xc#d?-f9#rVZ@zt7c@HQ)3L|X1Z0$BsQ6O^K!&^FQD zWCKC##e((b0oF8JSs^=UHHA?`hODQRia)WFwcHfxBFPNxcCB_#gi3h3+iN$QOzq8y z5&7pDRjK=qf*kC;-fq}x@<#Zz=a(6DBh!h(QLhz;-Clnbj$54se0>vR;#O>G);)_< zJ!6GHgP4lKXuXolT`oS+i=}v_Dut-Z6d$;f3kcji+mIRCpf4PA4y~bxl8{N^$Z=~h zDhCx9>x|hQIMy|rBdQlUbm83T!Nk54D^_F;Ays#_s zsY1Se9+pgcxDpt_dQhHEwELZFs-Dcm4*NDf@!T~ZI9d#>4_WWO|Mq{}`U;nJRr8@N z%lg3-`78(G+{JlR8rX`A(Dom+$ZxCLq8~4!dGny&)B}XH;i#&Mxc!t}3<~u>$7zu- z5U8(bU?2NQ?OVxc@=Kjfd_h`B8oGvq$$Dn^1@R6guQ~Zpw5(DIfOBdzWnq%}9Hx1? z@|iePLCBLhk_}olemMIqiA9ARePv3bQIhnBBNHaHd4=6hFAm4e7Wq}pxZ4|!T1me> zslTVOC?fqXCSMgX1F~N$c0#ld0#Y;pH?fi*(W z_}_}Gp*-qOM^iT2_0g2Cvvn%z#?y>WjU~>WBsfV68l5p$eOHQU!1N1HmX!JXba33x zbALI0Dc!{NwnYRS?l|+bT09lhd<8i{5XI$%|A#l5MSf2{GAGHidn8)Zt-nLGh${l* z*Ke7dA}{U}vVBbEz0_MlYd$9Co}=8pMaI*pWQ;2Rbe`+PmYZj$a^od^+8nUfN}a)%Br??B+__h2qGbgRm%AGv^NEP}_?Ir6S74oV8}kWS0{ z{j|2%(KE{%_sH=U0B0fTU0!gD7%Gjzl<7-=y!GD_(c;v|@sUK)-Db80!+332ONlwW zl9?|7e&+aPX!Uc##QWo0TIWD};_G^;cO1j_@Lg!c^(k*H!I}3`7s*scfeU6}Jpd%h zL3TNoIlsW*>3~-`W%LhSaDgxbdHso zhBCooRdVSg>dxeiW}G08FvHojS{KjG-3rI9Q24mOGw(BZw8x@SLN?i{rAUz0Q7uun z8kCqNe=FhBIaM+svnUwffSHS}>G@vqjLZcIVJD;yCCkj3_D+8_o_@&n;dy1liRHMa z7rC~p(Cgbf{8a zIW^IJq<*PL@UAm$Rrk7w{_td!R3<<2MZkSD^ zK;8?xOhuoVC3!Y>e`+5D?k#W36h<|1oJ{I0gT$N{9eN0H=#e(*PC$Xv1Vnfr_i z|LQ1|Rzcl-(jf7;CE!B#T+9r-w#4X>)z0Ac$S)t4!13}3$#~^aM0O^=!g|gbx0eTw zJJNmn`U2<^(X(`_8&&=+Kn>whkuXFWkU_p>2V#XT%7c1%&@xfVq6GvtndxRxZ}3?M zZj!DP-GM+fBV<7;$_y_?v&}|M3I)O00oLTK+^8vDM{hVaOW9Nrzx4p%PhX|x?%@kD z)4zh-H>ZJ$G=JqxP!hE|6VnYRU2tYV6(cdpFl-Kn&1Beb_eQ3kRvUYy3>AB+(sPl+ zbF3?k`Q-k3i9AHWWyxitJ+)-cCBTG0Js(_L-Uc(4?qtT9B_plxAYrs#*aaXREoA|g zu4rpZW^ctcQY^5=FJ9za4#U)xcQ{iG>zpZF1ut1C=Cm6Mmjf1e*7;qP<+HL`tjHS% zK&RCM!#&L~|M*j7p<^T7=_$DjQxv?45oR8A1M+uM=*Dj(3=`0@y!_&;FWY5)S zYk6X&JelD^F^8Qu9FZzt{LhUr4SUUYcXzHn#znb8^5i2OF|(AbXM@?MepJ%kSTAm0 zKBi7gvSfrQxsSc;Ui=7x`6A10;W$#urtGF}<1IU~Tzxj+*J-wTyL=7-3^{T_AF*e( zt6B8L%xj16cfDT7{}@^tBdf(=Os|nZ+(po{ESXG@j+bwPGnj;QY@Q#L!3Vqv_1G_M zw%meS&ATSg=5u~f@XL9_wfW2WzF(CsZ5o)(v8zy1n-Vsi1hFzs(95++s!rr1YLx{O zTlo>01SWz^SiY4SrRg+dZTM9ZVr2*eyBh-wA@Y!5784+kTs`IuDWl{gZ^Cuk9DK0j zu=On&q^bBMAC$T0^0~O}Pi92vH+LxRcjzDsY1e`hCrYBa3Bp6M2*$w!vn|(5QzZ+I zOwypf+UZ7ED2Glz2r-+QiVGsNVN-xA`-K#MMrmh=p>DKjvao28ihb8+GtIY_Gw~@tRYp!76wL7nd?I`cA@TPrdn^mOQ<2m- zmO>wvIgY%_qtm6&Gy?U9EaMmtj|CzsQb1ZLLLci(YRa|Bluuz$o@xe2*iyBM6`3K1 z)~d)0E1q~N@p2EF0yKc$z(x5T*D}@{H0%cH66R|;DiWB0wo{?sn#*|+jg%@obYm$3 z^6(hfr9Pz&b(qd2A!Uc6b}>7z6V3BgtFE5DLBd)^^|IzZpHvh_ysTY|hj-%#{NKd< zeJ2|hYZ48AUzcjBUl(wd2u;+j6UC_?h2+{Cg2_IYeY+grWW~zj|~OI(XRg>M8nU&Pv1Qo z)yrKglJrcd2Bh{8nUQ{D_G^^wDR$?x4Y+}k7>yeq8NlM+UHz4VquppSPFn3S9w1>J znSMCzHk)Cqn0Ucgn2bj2yU5 zK){a2&|&~%8*O`vK-lUH!Y|5HpL0sV(Hr=FuX8~7+(U+00^U5lOrzqt7&;`iX3x)e zIzvh~2>gcLcisJ*;OSI|ZNdxJgdal=@E3<528cF@tA_aldFElU!I!KlT<0W;(RCE}^uB8gCoY9QSuT^O<_f3@uCY__G4^KB)(pBLy!50#P0JO=8^1`Y zd_Oi~+A1nr4Ig`rv>5OExn{bmH0zrAx~G2AwBmR)MiGQ*h28OF5{}|%9JYp|eyiQ< zCZlAy(*!W0B0&dHbYHWEW#=1Sc{eb54lN`OfHS);Vt$M{5DI+0jw5(e;bnkJQQ>kF zem=%pdWWdXmj{){3CkdYtF~Q^p(>w_<#bfdY6c`P?tsbI?k4vTAR9j+|FbPAXVY|C zeNFD0V7|t*)(bH;J)Q+gZNS!~1sJK~TjJyEKK*9gK|b880um_kW9f+832KzW6+Ywx zmQbbB0sL@B#NoX`LoIr#Jhy*m8^wD~$5XZ?uJJQxZxtG;k|1mVq0*Suv+}uXC*#VI zSXIn4%Tmoi)>~sUvrPZCHgkig@^p8VBUo7Vz`15VC(Eq}wx@$@T(uvCk{bIpmuE8% zK9DhPiqSM=oi2=oqA&|)G%C`$UlIpw970rOR93n$7nrD!PkX--o|j@n=8zG2=RFOk z<(^!PdUT4&0fAf_3yV{g}9PYdIC4ALFxUUZ_!db>lRlfN-#yL<(bKD6T*U z$V!TU)R_x?Ps(tUWc#uFPX5Q(Z85M`fK-y@1uR{_qCxZt&x zVnYLc9?CBc9lq``GP6U)IUMRjD8fbj_xh)vE4@TQzT%T=copitEEZbR8h*m5a%md~ z-W*r!X8FW0u1Hykmn?7R*3#@TrZF+@yk4)|HPc2D?e#ieo{LyOkiLs!GfcU z6JNnK*y|m%_EpFA=+(QMQ@-Nl^y>8DuDI-VQ2l7uJHmxHvXVOpyA~c>o1|3OomOB1msj*gzTB)j>=*ceC|6bemv^l)KVDK$qRKVM% z>PnO@N`}d8ZDrW$EPwnOM|^%v3B@{qlk!7;i*|199g&ld--V zSs9C^*+6{J5!bKCoLbj2231Zl&+ics%9*mjvSlNbF8C8!xaL9kyONp}m^nC3d^_?$Fba-Vk+ht{~EX7k(8wJ2~cRKIW^0xvja3VPU1+ z9Njg*X$quOq(__hP{voxDA}IJ>#MW)So~o6Fm~A~h#5Y=#X8Sp(OxNWwW`ZLmz~%Kh;X zyM^aQw4P~h$j%V9eYgO~R>27$xFr++%BJM7Ic%HJI0?JsW+&|SOdO7S%~seRCdt5< z-k_6=zf=tlN5w45MQ<#qm-;y>Z}?I@nrCFvG**K!8Rty)IBH||f#C3;`*}Q{$s(k8 z;G)dQAF@$CPI7X7t=N7v2Ol%@!5VGVz+#bm3OKw&J5m?`SJtxyLSuJk8S^7FVo~@n z^VI87aR^{X`C%*XA>tYGUhVwfhX1{ud4$Vrx(+hYkJksr%Apt@3DJU;B$k@8=cQ4W z2^p5>POyCZY87j}IYv<)g7OJ`K$6F1j^9N!4F5$`&0H7^}Exfz+3>t-80l@3xpMs;(kh1EBMGD1Nscv*0 zw}bO)nXhf9;oUfsLLvDsk*L#%-i9whWW)aAw8>;c1W=p{`DV_+;8^7=5p#T2c zzxfrNuYJOy>ZRpUz;6QJT*}A@Q$yO6vwO!l7u1=jG34?5luAr2n?6ORM((5~&A!!m zoo2E8#Xa*Nc=f^%ipwSAW+SLlJf>yR^ow*UEzOb{kf#crkbGQ3!-vQZv+}Pc=)yg) zRk?+Ploy-eSh=si1BdcE!4>oix*T++mN<@yKo-fmQ9;BK5BAT!K3`t{1(9gr7sh}{ceOeSup zC(e>XZ@}uwU1N!YLuQ_TFm%v!i7KlB)|7NPEpJqQgEL=Etju?(jJU;)E1?g+=1^2m zX6NLZd4HASSfp4ni@I#*EF5!Vv4Kft1MHBVh1RU<%;HjsKq4Ui^d>V2y3t+qP@|U`ts-C=H1oR`Pu2o z;mz&kwY3r7(0|U)F24V|23aTRk0WZ-c$^{{4Dhqr3hKY&=^hXAvsy3@DQH zBa>b{A(gHmX1*5DcJ<|Il;!w@U0Zb^US!0K^*RS=9tZ(FrcTMu)>`;Q7Gzf_GC*|H zaN4rlW`PQ}Ck^>U`u}=i#HihD?I0C<%Q9C>(cG-kcBfnrPDTx%QsYD=Dp!*9aa9W} zdxQX-WaAls>^yFcts9oyn_DfLdZ(uXB`5AyJYrqA&Xz-se0;kb-aSREe9Mvb8F09q zz-K|HiX4@|j_8faVG$#w3`+cYLAqh5)9beD(bn0mnki-{S&r(=dduM0zr*Fe*dy4? z>D#~z9xrnfvjw+8mpzKXFeRBp;_*p}Z_AXE^1G@tIZcy(ytlU%YmUo&qQX;>QPrt@X#~;W2 znCOa5s4^DrI3f^kKv9cbj*_=!9Wf1Q7br%-HLgmetTfYh9L3)>x2)wLdN0G`WhoF4 z-r%zU3yUT5liwzOtbUn<$%Dz%reoqe&8M5f75HQuL6p!cR!+gPtOZoEIBHmOw^14TX-!(dL3iA1}Wr0ZEnu8=z8_xlQiwcT%5yZ_cBS-cUF z#gk2eVB=b3B7z%9=;7k`CFP=h19|;T!;(9_wVaEedf~n1K`)r@*LrcEmvW0N_$|1O z1WIvxM<)RNuBI5WD!XB>8VvJ?LRQ$Vc0ihuSZyI{4D9RAJi z_36d;w{LEOy^hr(5HM;Ph>xA50oLQaES;10w>Y>3}`L$3_0ugk{Bao+h9!@fH z5M!a(ve8y4!$b08vd$#?BboMXb$Bk)X|S#qOP$e)K4No5ctX2}B15EE@(&^O6zLV#8O`EC z9B433b81M$89~aM=psVzwz3JlcT?LDEsv#71nK1M=@SSQmsE4xfPDE4`8)8XG~Cb$ znpm$GKE3N~%gQ9k>ouG#FePt4eGkGauxJo9)@<&=zvPP5}Pg4Lc7o z1Uwb$E$(NY5xTkLxBO?qyaxTjur|yq8po2IDZwi)*^2|9b|dco-Lct~`T$SIn9U(~ zFlA<(t5AZgw_uNlcV1rm6H!QoPbb>M!kO;mi9y$&Ksyh=&Xg1w2i%IL(H7{uUj>~H z6#D*h$6c}LIGHDtbfq++DoVK8(f|~kcwn7LPmJFCtJpT6Q&o{?dakVkVDvA{IR7cG z)_dYp(c20`9TT?VUVINvEZiqa$kJKrit(R}$}KW26@)zm zVENs_%|Y-QktTK)faTbdyxV(yaZY@I=VpuVW_>(!Y{XW%? z-fHfk5vb~lysyna(%Z9I94ZXm_DtJQJyLkDg}U*^iUc?ZK~ZRJKOwd<5%b}H7B<4~ zI$n`-^aGKW$%V76$p;oI!Pua922Yfzp;RR-%hhU?+vwAz;tLNAEgZfe*`SXuHQo$~0EI6%FLPOAj_QePb+9>nT8XRzmyORB z?tKaa`8m%I3xb>T)2m<)Tdjs4^GRfqS#dxX*^&GjZhYO&= zH^9K|Vx@hyUjW`+B0F|T4a z%d`DPg+tC(jN7p~nl1ECjo?+e$Qr?MvH+y=0{~1vCKLJ>wRB9ww*q*C4u@MaCDUug zzx5-+d;H@*u<-)(rFWiilQGIB6ykSB|I5Dw4$g3VolL+)eg)EUI)XQ74s3GBtZ20ph^@gqVQ)AjVonW3*Z$6`}VA^mo< z1e$P_PG?+0ioTPD{y`tITBc@(V`iQlKBL-EZ*M&Pfq$)_B6P;eRpzpTHlSP zWr!nvyg{{cl+O;A$;4Va#o?$QVm*ZA{0OSY>Bui{ZT$;IOTzQo8^?3Ui3pPGi^d*D4 z&(ZIzbAjqT&798|5M=qPtNi*d6`-9ITJHxgG`&mg*JBHuu32*yZtJB!oA1_(<88`I z9Zfz>o@Kw(r^|#G3!a*7%jYHx=MlKjOC?c8o>)T>Z#mu4)gUXw6tm(<5Huav+fAN*a$SNFIv;Y*&}a~YPR&`4dUe$- z;l5d%^OK%i_SAXGLRZfc*|FTbLD00x^o9_{Gz%8Tf?)D@yvp|4`wUkFX_akly?{qwdF{QKD8V52 zl12yhurPmI)X7X*@tNNKlUJ6v>%GcM;8zBD$1-oOKC#T6a`|||^^^5n>g~5Vh=o6AiZ#>F z!!F)w!O=54aw1n{Fpp_`9;)#Ht4_s5@xY4i2%Ok? z?wh`ey3KYoY)Ab;*lqVsIBX9`;UMXCqomu3o6+dcz{5V(% zC>r!aI!oiQ-I>JUsAYN~ovi)1H%U6}$(Q7k>?hrV+tm+n?0COH|8YKeudLk%IR zHs!Vp`S-p6>w#@F*^Eu0gd-QWFpud1P@ZqCBdNuAA6yx|H{_YF$@4+k;VfOj#QXl} z)ln5C7#!!b8I!+MJ1Q)3i4!ah_THO}oU?tz+7?S}E%@axW^Ukh3NgDwJnsES|E5Vh z$Df!JRakB6O`h#RL*tjUU(uA`8Hj}`X2!HqoxN6s{PSThEgo*Yd6@6;Buu9w_?WUU zY(CVwXSb{EsrHw%+c(#jZ;yWQPAm62IfZ5>S|Z|7t#){FG`Z{(Y;@rwZ4JwuHy

?RsxI==gPEKRy4?h#RQ8a5;OnN; zZPX&Nt{po-$ag4g@Xh`n*IJs!1^a4?$CIUGf;aMbH} z!$~_yl3~(mMcpsiwC^fZ#1C{r#R!wF44XqBF(hAhmS*)ND)jzZ*S>b{z0nGY+?IG^ zHb{I)SVk&PDf*rhjzeR8anuZiLVptiPJ!MV7;@&mTI|6BCGE~ZKlsQ074#0;!5n21 z2fZ_FGax~JpMD)2^2OZqkr2i4jt<5>znQRhfbl7wI4p|o~f~IpYtla0rqbdPQ zCNo^5G0=L@A{ZxeNx$*DgC{v)#<`FMG+x`;xt=lxiE$8Y*wX4Q)(C7LX{MRwB{>Yz zA_K4Y4M#N0c7Mh;BMf1snQ?_uf*aCbmhVq@v<^go+`jDBT^jAyWYX%yN!agq$UTeW zPB;KcCXU*zq&Mg$X7ECN?SK0IqTe6%`nxR=q=S((9&<*Uj%4~=`IJmTH8l8H^3T9P z#@!)Jcd%vsW&>`~wpANxUIxx!#NHxW|D zJTo+n5<6^E%#bhL?u4Y@q?>fuw^bJLZWt>jV029ZVC72*V#%`FBf zj^P!;vZF9RMvu5Zj?m+hW*I*dgGB>R23!fd5RK-H@rr>eOowMP zu~N0d3GqYj2{+N;^!2oCPV;$Yr7Q=QK}t#`5~roPO)z4$-Dno^6Ac$<+pv|CqU4p1 zKlvUOKe#@}hU0P$uA8*;#*->}P4Uc!C_MN|Q@IuVb(V-Dw^fgEG|bE@_Q|V-xRuZvX z+{$-ZK(%>(x=N`a-D{M;tK_8ccC=uRT+{>VA`yxE)Q^YG>t1&|N&n*V%pb9?$PA^jD7to&)V$s-&N;(eN>><#}+ z*S|gcmzP)A3p1eJG{rYG#ajM}YiJ(e2b|`gTx!(vlePBz2;o)t@Ydx^(+h3APdR|R z>i+*RmFo`llNs*D_R}+x+>d$kD6c_QAHC)t4(s24`*(gk|LXVO{`)@YDwpYl?*N^^ z1U>TYtXq5D!cu71CwqCl*cmZm>OS5jk~hvvtoNQ;Sb+)#&*ObPc3xU{pZM@!GM~Kl z@u{ixEW?~@yV9cN?zO8(3TgK2BwW%eE?B8M{m5<8s0)DJ`*==p*M56`xHG|cD7SV# zFmO}9IgS3}g0^!)NP%*Wv@+G!Gqay(%OwA#xq|zA3KQ~5(}JV4Wx)|=dJS3bQt76) zfz*^g|LW0Qo--Gvt^j5iBBjjZX3KpKyaUVXp+ z^8V_V6T&;Tm<8M>s|7`8bZV6A-0m1|a`6rP5}z{;@Ltc^d0a2~H%mvzf0(4>C6YP} zcyW%=uGUOxct5phx@7?&`My#r`PmcWG*cub9hPzcMnSP&PBHdgl~@IPVh<#BWt^AUD2JlH#Wn(Jy?3awU~! zzhpSo+OK*-laiUu#?z!>x6M1OK=~+{s35;eV!t@3Y>J1$evY+x(kBfiniH<_&_;6( z+s#)0u-Q3m_YPa#!(N|%5mHN`xig`Q?1UO#2_?J|0v)IC6y}pKHj8=yf7(*%dxD#d z`68L2OzFSVnmTp1iJFu~(=<=wWM*6j-#~F9OBV?GGQTBe&><`nn)>q(FI9h*JqL6V zphc{yoH>jOE=Vk&gqqJ~3E{$1(`B)89_%x1c^!RHlDS~H`E>b6rb+?EFCl(nyM+U& z5Cf&_1@d(^0aF;Fp)|qv+Jzw1&iJg*tK< zO5*JX>ypodZswjb#@&atl?(oZ^*$*|vTg(exAuq&I`xE0d>jR(U~ zbJ9!VFU)qa$*$(2#%(Ol{Plr)ZbE}dnmD}Mu;KZ;Uj z^3Pd5PZd)R{6IclOhDLyDy#s!31kZ&m~+&(pIinPm$!iu+_*eAThVjDSpkvAW0!KPMy38PrfI5$o6$W0ZeH)sR`zsE z=U$^WuTn6~M&-o|FR660G&5d4{L}Zm(uGvPEZwg!(kKt#CrcT@Tc9{{{nOScpbz|h z;@EufB%NMaVyx=^UKSV;Qi^% z&FQ)K7Uwi_RiY_r4@q)~=|h%GKIZB5`^$GX!OgF5FTD)=G+mW+h{w4q-^q7U3OlXY z&QcJQ>JR+D@}={~0v}oXO^aY{Ri%aOT0!;b(>75nsH;U^LNbHNzJ4LgnNehkV56k< z3z6e+Ki@7PG0y*dHz#w2i;whgH$R?T__LmzFRq9qGhF_Dd-?Y0_zjQo*~RVY&F$I6 zsW-qEydLGV>5}{-Cz_qSe`d*YyWi>7E?IuG2-+u=vr^WJPXe`XSPIGC*Fw6>QnRd{ zMH|7YE+hSgUd%@r_E`=$RTzC&W!>()T)E09;O|nl`h-)&w&pktgV#VOL0~9hm2{}J zGp9r$yQ?CU*Yn3z51?H9uVR+N0aIbJ9N9+*r8PJjZg2AhRp5by9A9eq9O)aOV7J@} zz=I%`YL~=8W&S>)N3;+XyCoj8N23BpCQBcT77b>}bhg#j%5ifuEfdTRA@ysqMrFIH zI)to<#A=mW4Ll_Sx2!X>S@1?j=E}aN5bcp8X5=uk#}j9^Q?p!BUo0~Ki|MSG_SZsv z4IPCmhGf$>yDDp=gj#q^7E`XQ5~72I=^#cAlMm3#&R|w?EVH;PDK-r_ba;%CCG02R zhW>M9UwWO|i|hQ^+`Eu+9ZXIgUYlzt>~V85Jju2_aBI38r>C})P#-?nC(R4Fw? ze?`-}Dt;?6jvUjiH)K~fW_0Wam3Lt-w)=-rT<*4uFn2ur_XTrm23C3zAKo`&Ai}>rKQ=(oV}MkK_qAOQD!mBMIsPrOe>~;10ObaPd3(~d?_aG zft}M#S)Oyn|9v9xiM1})DRUdf@)%|i)|binzPO_?%aD>_da*h7+WnyQ z&0+JP{f&5ylk@|Bp_00gZOO!xs zH_xg*7ifAkj3lJHmYPnYm_o1n#?=JVXYO+jOOs!gj55^&{5H2*#oL@D%AP@2TZc}) zHnDd(IJNRvd$)W;Cz2-T@YB|`!v@2b33QSBu~JdRvNs38sSqQUr4?kP=O8wi=UD?7 z_gOALeU-hLnK&o+>T|D1b`^;EgA{VA#!CK_z^gc&3NuKfywsKiDGiB0)@4hs4gep3 z(y*GY(u9)Y87uZY^JWs$iMVk9Z$5XH<2CR(>=8Lmi)anX8P0eW)Zk-^mifo2D;-X= z`-blQLemU|@af&t@sy)Tb2$8O07bNxNg)Pdr5Z{}DK2h~&Q6N`hU=NfHpf}F@fzd_ zisrWjUtXEt-d0_f*VF2IyAMTaxN9SzcZN_tQ2dU++y5smZs)Ev%9pyF;_W1)YmNn# z`_F_K6lFP-(@M_k3Ri7vMQA*-Nm*SyBVw!*I03xU+?t?$dA+o17nX%g=vN+1!Qtsg zH8!r6iLgIo|F9#>fdam=XeeVyFyC-VoEBZuX@{yN6jDw#o6dlh)!lMk+zCnK8krL* z`*^0T9vv<;TFK#X*-W&cTb2y>p!yo7PParh3kbVxfc0~Io-BUbdO7cL<(sqj-ZzKX^V~e7^gRnE^}xS{ zXDP`h@}ql4>wd`7IPF{5@iE!fyk{UyYG^CRS9BApRG!nklAY1+)KS+>_HM4pD|c}5 z(~9-fENu!xNj&Ad8L2uj57-NgkQZex8YK7aApkMP&R0yd zE|?{>U|5fqLoLi)6w+2{(I~OJ#rAnRQK_d-4`yA)$BoSGtrPMSC-`m*kW89>R~)SG z4{onx!CZD@v+q zQ$E^){je%B-lMhl+Y(PARlM(og}>KAIT;Smfjr|UXTj-$4oo`Fzj%03ZP1qH-N^?) z4G<62(~%M!OgSu%d`46bDme-LVlPZK+B9uq(?-J)ida2Q(^8+HjXmwzR0U0zIjx3F zjCh+w6Xq>MXlpfU8>wBW<9`46`EV1`wu>)c#T4_{5_D!;vQ780hmNDCuasD{xAHJ^F z*6a{ly^){;8v-hXL z*~RzQrzdBp7q^E;@|(ApXQ#Kn>baan~+7>>0X}yy6>d`&n}L( z88lLrjk=(-qM6h_$kDaEy=G~y(`|0OjJ8iv2 zY0?0)Lb9BW*_`8_oVYejCq{>#-rO7Z`ag8OZy&YgX4(!S`?tZ(>HEPC-Rssn`P$6`*@7q6I>2=E#g^M5nkqdr# z^GoNr^Gkowsk}>O*2_(1+1TvGo&NCqSG`uZ^@ChINysCM0(s&lK^>hN$6vag;br^n z_3bm4Vz06t{INND-TA&h=*e|&&yKGzkFS5dxji~RKf5>$j!)0e-<@CHoZ34suUglg z_DSCk($U46Ur(-)&^kGLb#!xf92_5=AD_K@8(h7)yt#S<)-=8Kyw&<~(7PJ7wg0EL zZ+<;@4`>AME^e+)X)c|ep16Vj%kXCO{@1^BUwviv9Mep?12c+4TBw7t+iQ2i(XeAe zW7@sZq}^@}I{iOG{#2E+Id-C|jGPpqFP+af8I*tP?Nhtoaceoq&Zy(y7ra4MXJw}O zbgh9|{R>D(wb;(tRN^rB4-NLdM|_T^6(_aHjQKtz;~8!@Nc-rAMfy?yxuNr){;38# z*$0sIjgx2ExF+um_5MKC$ovDBo;ez32@@#GRN1MTQQ~U5^`;JT=Mqn~&?9O^mL2L<|+Uby_%0jd6lm-WE3!hyqM=pmrago zIo*BbpnjC};&Cf#hm&O73cDt5heJAX!noN^hW*|+?hcYKIAAmZhJcbzJ^EBoVL)BV zLGTJP&6+IN^LBtvKpYlq%#y92q3@LA=2@5+C#P z0+>iUR~JO|r{Xk*{Z{Q%ob(c=IkwG%wu0LVtT^S>uosK9K@PyZ^^Os3mp2TNDRq(gGf!W_ z+q(3lDP}#&Bg28oLbUW;hEKVnfB)@&+g2E2<^~$1-+%kJBDkODk698=6S@#@Wb^9i zRI*;s>FYQeYdXl58_ABw?h&UbjvOzP{UDAQ$_;XDK2MH~n_0R@J}~oMOf~`zyLuh- zZmo4aAf_6(!PrW+%E#XT>aoi6`%0|0%uJLWb@0b4nk;0&l2?3ih^&Q=?%dYefo+7khD z14Hkd*oRE$Q)BDkI-H^+SSxy1MQ-_4lZ_@kRpdzf$9OB-NvUF_m&wwPO4Q1avCr1J z7Ct?U9jiZC+jP)u@1RF(S#daEW<0KS+2=eOr+Q1(Z$eVxUK=~8A4nmorIeL22&@vL z7Qd~XxX71L9_&@vj~f0ng=f$8X^;8jvwc2Wj$*9yU=KGb^V2@f4h#jpu(S>EJL_#E zWOT)vu7VXH^E-9`(*~EvQO6m#Ei=Mqy%=xiHSKq4Jzu4?8WA?Vt1ERT1aijDcIhs5 zMr{XN`ZNcYC!c>S?@=9w^6lx2W5v(HOiCSM;{%Q`vFI;TUi-VBB;&tHLEPCqgqTuz zY`NMF0k02V=S%th8_8-M755=MD17z9ad`Rx5EJr5<^}CzMF_U*4>{MSxv zz;o{C^;`OB)am^JxettIv@vsF@ z?P%mg&>r?W*lYDd6q@QUj`tvO9PW9r@j40 zGF$Re2+w(Sf#Tz_80tm(%^Y$@s`S%zXQCx}&7ib0%7^O+Arh^)cQ z5HpRo#v(rmt~4LY1x@6)1Xh9yc9LWeqy&`}09bGY+ko;F*d=%jM99v!wk^rySO-bAgxt=|4{`Ga|L_S4VpJju zUY(tsynXZIl{reTXP3SCoAjrXqxk6OllJA^&2j7O>he09HGg^c)31+L%~yYYe0<&d z;p5rK`^hia@bdfY*AJIJWTW0$8oob_v)*CcJ3Md4ug-2xAO6yOP5(QZ|8#SDS1;E} z-#-U%CP*Tlo61x=u36~m-CpbZ_CYInn`XRBoviMWdwG0$eH)w}R|VxnrVIxy8cifKD?Yty zOv~F;M3~#bTaR#pu02+jXX=90wt%?t_Sbm+Gk6@F^J>@kihU_@wx58>6Ds`@?t;0> z11j*7AK~H?W|=s18X1z~lcO_VhPKxvftF&YnJnQWV5^*YN3jMmz25$8R5TX&@J zkhn)%sjDqLT#<1E<0;t`a}LnCS65!WuN-w7G<%)4nV>qi*$=zJVF&TIb~tJeCdPo1 zw*4hZ*(k}9@sez6$XEq!W_k;3t|wj9=h4)5b})v8!LG7KOS+sX+Zs8*OiH0F;4`-_ zFUerY&62Dp$EFO0%*&&OI(xjgrS6>;%;Y zD6l@-*r`@jB=Rx`Ng0Qv9#`hT{2{O_l*6@IJUleeih_MfM#?>^na z%R}4?j^_89jL{Ln%_5)2o2)VtM>my$z@~h9e){VA^cU}QyOTt}?jG-FItlhgg9uBT zc1h`j`x8$~-oD6=RcRE26vsSyEflgZM-gD0D`o_zZgl-eYc1^~o$GgxWVI)Co5UCL zTf!q$zQBciv^YeCl!2pGrj%_`Hdy%?HO{4j-T}`f>TWgl>6Al3xIO$OEpuhm@4WR5 zgDa?UEH}Z)1|*|7*KN5^Gy9@uw%3l1f&ykR5<;~rc^@1WO7%*^Z$CRvuZcPywkA+{ zL<~*S%QxC7*GKELnYqy5IIPA7tldzj~y5TS$55mcyKj_Ef zwrRJ&B$>}fDqxtLmsEyXOSE4X4M^u;A(kLH&1ObND6pIKkz*x0c@P3|P8Pb>HO$F8 z5SCA0oJ|%YU8YlV9C^$Ckb-6w!Yr$$_^0YAd!+muT4117LY!Y?o&KYg-@j65Q125ew=xhi(?uyXxR%`DJG@(3p!n{y!^ zI=++tKCzi$ZTL?q)>FXUX_?z9-=7^{o}68L_vY$5 z+R!@9=Kog-)puiGL0$<(uX&nzq`u=mv~UOf)-8Ch;&M_dv9%UqHqmeVFpM4i=P z#<^k<<-RzO{CXez=tgkA#Ad<&jKJNKf-#4GWG&%jiZ)Z@(s#DnN#KRFCn1AK*Mkw$ zX3yP#cs)^T-$t2Qjiwv`Wlyw8bgwn!znxwkaW7hJ{_*6^k;oK^ar=OGeFPgAq!I-O zO8qZZ0$SIoZ*X)b%hin@gh&_wtyW3B{o~p@!_MYROS97i&g0@BkKNRTrf+eVB&*`^ z5*_QjCg*H(gn}H6{X&9Q;1(vU7b&5+%fiGn4~LU3oWsEl#qY+nKi|Uw#K=G^*@b*isaP4Pk z#xb-BE2=XG!OsZ2mdfL{o?00xKJ)BS_vY##FbQX*$n3&FX9qyLR_)Zb+g*lAJ~>{c zRa)`B#v6IVhlFW%QsoO#Ml2w!Kai2gyEoGXP(-AV$FbIcP?MTkl&@}Vw#?voy=a?u@AcWm^PH!zM0n@w|%D1~j& zUg5a1G>gmtB+12V?>X%+iA8Of$C>$d*5Y^+HtoUAkss-V0xU*t>ju?tT-3jxwJVu+2W=u~fVzg9Hkp9**CHha5S zkMuep(uw(C=DR5x>P@w-{pIZS(Jx0AA`QG+r2d{nep>C9L^OF)yx8rMb^ulBN(zFl4;8j( zJqoa=K%ZTB&V#)-r~4X8XLzOS+Gn2hWPqd|8&=Vny!xy};;`#fj@a3&oA6}cd(Kw| zI`$A%{eRedm*vK>EK78pe*v?yXp^c4iEmQj7M3QL6yd6Jm%Lo^$c#!$O9KgzLI@;S z04Nv3dXUo|_nnkk-{GC6^*7|F`i_&_);qI8qM8bTm5Y43Gc(wT0GZqqrXrM>OxI9q{+|!)P??hSSb? zFq=g2us?}D#^2lPHJpVK9A;kc0OrChYsSfX$hG(9Z?3<8{l39Tz&a@{2537+CKbR$ z5U&~N1j37Tviv0q#N~eJJenF6PS?cIx6VPQ6e3AJNlx+sC#Is87qryAe4=$ux(tMQ z*wA`PwE{^yBl-1Dz38fb=f2nQPH{fOy~Fz}696Z@>DgcajbfT${n@xnQ*B5)UgvDw zn~sOc*=L2Igs+?tYU&Oa_L8O~H(%2!Ll9 zSiMvM&3rs@C)`6hb8YH<_`|+AzYSk9XlyHZpo(4|0fI?tn%I|pIuOJtB4Mcki@Z0~ zbSU*#+@c1u*cE4$4&{~&j?$Clq=m%3B=X4x1}>ryFoAiFq=~RGbG?ZqQxpvud9+YZ zLcMDi6b9odWi>)4f*=89Z)EJ^v=p0YN@)s_z|~%SZL#fmmL${hES&Xcy|ACOhh(!2 zlCan9_xr=qpfijx7?}0rowNwEFD6JsNCA6~2Kg5_Z9P7!m zwSj(%3ZGJ^APDq=ZV~dj;7F-;sv-x8+%ZG_$e9H5y#wB?tA`g7T&2&;C)%2rF3J& zM1jl*Rj{zKg`r{>;DZlf%tWZFQif(Kak%`ED{A;`bm%s?D_)0vf^tV&SmhFN-&AhIh1V6cQ74RL&7|_tfhFOPKpuxkrMr#c2iCdJO zT0|C2leo4Jl_6D@Xk1qfkUYg;HzvwomKOL29_J5{ou~GhWDI2oZpyz_$uRDYgzB_e zx=8m_*{x{0DoG>LTe9LW?N810QO@@@Au(E>PA%rh<_!QrH2PF&!BZWd)2vq(454|s z<_}1&FvAX!fZ>kNP9_3Xz#ZT=Ws$E0g)Z1J%t2ij7309M3c0S(d=q(FuY=sHN}NLa zDn+_{%%o6eMh0Lh!sp&q5DHjVt$>zbv`SENs-$)?eis#r!IsiJ6hgw{jb+XFEJl%Q8`34z>a9&hAilIM zmB2~L{+|R7TU&h!gbWLND{YAaQ+|k8x;tlRt=I4_K3%J$jy&T?z)9Jj{kl;`oWQ%bp-9VHc6OFYSqtNEmYH?*8OI(PBRF9X}9S) zw}?5FJ6@cdGXiP?^R;f{-Un<%FCJOaIc5{}mEbW#G5vQnG zbXs_TzA{(V42U6ly+ zH**B*_j|6O_4kg1>+{$;Vn2(esuf-u38s(nv(+KAexWIsH$IuY8SqLagr5qMhmkQX zND7V*6z_7QI>Few;DZ?@vJv?HVSw^%6kL&1>w=AT$@p?E_ai;p+O!1Wprl6HnXX0m8XrTh>V=+f+6{ZA9z~elxM$H4 z44F<3Ph}$y=#UPK$XI)Px57zlYCWVJFlTi9q%i@1W4mC`ZjTN&<(W%k1@Jz7Zs7Me z1-(>50t84mSkW}R)$5<$U0(q7&UGO3B8rv9R|L~)Qt9{(%|_tz_U`=tUKVKl&0sp6uzkh8?q5g>eZx)WHvr*We4SM0EKc0o1;b1cE z4QR~HJ|}8hK5+2|aF|mjmwsTYwrVIGvW*QiPMIjOGhk!;0qJ%@5!dkvZe!T~7(nAo zf@Vg;_E}@lOvxDG1i;f((L6qV;N=R;e);b94>vD-B=!pf#qKT^FSfAQ-LDM3CX=r{ zn#D=j9So;oznh$e(X2NMCzC<1-R&oXN$0c4PGMTLyLRtuw$rw|&Gz|4y3+g(8P<7( z^yw>){o`e7)lQf@!spv)=32|=IOr>^$iA86&$W+GNCu9LiQk){_zTDqzvJ;u{Hrk3MIV1+pHOU>tR0z**{)NZC> z%?lKF%=pUU>Z$vB!uO@Ko(RHf2}yRPYCu zwT0E@n)TH*@|%gl^oS}?pH}gy>EG#UJ;~DPscHQ*rIYTtx#7>lUV=Mml2;WUdi2sX zWytBHkBp>?lUh>Etws&+Z=zWl%KoQYk6F%WRC8s}ug&O8ra52c6(k8zy}{91^4Lt1 zaZBPEoHDS@&?)YBvVGES555VGU{y`$r;FFe#=F+yFs(L5f$QS6*BitFhxnDUfw1;M z%t>@wp?S7RXf0>S(hji+G5^}-bQW;>qDohiUJU4l|6G&(oYXHYr$zDs1>j#fM?dTL zOx9kz6OMbGI2?7N&R`NJgQWX8s!*yBH<`|@ImQ$_%|b1c(%#nCI0T6S z`6W+j#F>EL<;4%dkLMQ`pq+L(J?R8AYKnBu^bpK?&<)3b|KAtEQEwRbhkyUy-yhc^ zm6)V+CSMfrM=1uUt(fGTzb`UhN#uroBqiZ0*UL;Qz3(3^jNII%2`f+Cg%uK>nM;); z`7j;$BzA?goVNbj+F@gwBa^eU@T}b%hyCdQ6xPu+9FNYrlU{e+8_zz+KQ@LL?|?=6 z92^zDJROUj4=f@L`61K5G}FuwzPxY_h1M+SVQrj*L3_J)pA#*pb%;%+3y1HvJrBio z+_~5C-sl$=bTZdM)JYVCB-F=HiJ>xKwEU2heTv4xT%8dk9Sk(rQl}se_!0O5V(Bc6 zia40OsoFDZ$N9HXKW4mu`sF?Nkn+z2l*hTbg%iI`Xlot4uwUSi8*ueidO)Ii) zn%OK{%``hkK3WvYt-ZTEFBP4-bcL=W>*D_C{e{z8os+Sms(==hbk$NBLoA&t6R^|& z?CN?3?dfvjEYE2@}!^1C<67gmzhfJa$0O+YJMO16CRd^*a}-J=ow2*{%v?9<{LA*!zL4XGZ}FR}oUK-d zC%mOpHIG?N9z#PX=%9=5lJpn2*;WC-;>^~v)h!TvW{u$`Bp#Pf>#XFp16YtmX*9oQ zmm}&sZte`NJ}ikSro*80v_N_DaF(c{qk(0?l8H>xLdWR8>ANuGYe|M?TB`b--x)+4 zpm*;rq;ocm>c}}?y~z);vTIc8K*VMse3LhMo+3TcffqJEMZVAQ04aE(ND@N^A zb)f{((vOoGHJ#2dLtpE#+l>FPdR2v$2L=U(`M`2#gvgjT%5 zrs`)>&1(=~RY8aJVm)P=Q_EK&XQ5DJNG7^6Qa9!rIr8fuBKf51*ZIPk_Ic2V+<2kA zG7r3xV!Xckf!kGA%*4$-v4df#RZZD5OCx+xi99)g{kD0Xa}%u^s#$a3iXk?P1LhE( zB&Ef?_?v)ecreS5Ce|TIw_draz1>g72`8RiVQO2~d!S2o&qWZOnnq2QSfeIFYPta^ zX%P$j%e{>4gJQVqEphB`7Yja1MeMf1OcaM{!NE z)Tt3!kdLL+{SM{sy~F-)+k3ceVGi>jY+zP~_E>a@9B$oPYVy*1=7@D@7eeLi82H^d zn;9dRwGT$sL=b-N863n$n-Ozo^8&Pjq5KSo;$2-`$_z+y{R+ ze|K|z^TW4?QE_wJ*9h%O+MkxrVpR#CW=8wnqG9m*kZaGauTX<03Zs`;8b0F(d(?@Z zm!jq@Mn1cN&bLW3L{pKcC3he$q(&M5Xh4_09Q(AZFIh^neKPEeyDy;yC_LG1kgb7{ zQfY2$Y-)vo(3~s<KAWH9P1w zI(&-#s1-2^mNrxc?KOb;E1wvHvq}mqW7%^1XXLQ5I%mEj-xy5g z7^surPEWwKnKU$|o<(N*29+5J`$p&WM(@&dlkB zp>XG2aqBY)V-TImN>`WQC&=I=@r4#w1>**p#?QvR(lOqjkBz$|4a8-Lwugwt1T*TdeUIP*- zlH2jlJlmNM!}d2{JKNHYr?W}#ER06eE+{0=!n33|2*-nN)Qd*_*;)T{S%cKCO6mB| z*38d50~zWw%)tNlpX^YraGprinm*;kB+tIjqWLEK z```Zg`p4jCksy|w#!@LKLL?7a4zb5$F}kNfWG<^Z#j58_%62av<>Gbli3WAU$w z0Cx#J6=vSEh(<{1i~cCo*&I@0=&7a1*rQs(`X{t^wNK8z2~>{NcEH2m7Qx^f+OwXi zw<2Tq0j0yi(dFO|^x`+U9X6T5X0vb=^gxn}UW6^%@kjRE{rkWFP3j1FFBXJtisE;; zGjD3cBz%2tm`hX2EJ4Pxj*@X6rs;}{o@`x}mtE5mBQtVQ>D?ei6JQgZPS;<%xPC@{ zYLs+m;h;Yr0Akb)qgi(nPU6w5J&b2#`uj(C9MXRJmr_2|U()z5?f7hvbY@XF8;)mT ze>|OrllFuWOTG4>+aAYpGv0?;w$7g+-;G*|YI8gN{=Cy3dVgVA zJ$GpI_jG3WnTPkL|MA|8wtMrHqakN;(jAY_!f7u?ZTn;vj>p|$*y+uB?Wi}4`n}K1 zo3jn?u{ETV^$KCnhEOqEoKzDfvW+N?sIXcBNg@?0+j5Y|TB$mi=@SQVihQl13G!iu+CU@1%s&26!hrwN3<33?e~KQ! zExa9m0L9K9KoGD;EpV}5Dm&Q3x*2ROb$@6k9z(0?y>}Gs#Aj@&jqn_ybuIvB%+yvp zJixBX#N|K=7e>^cL!8ivDacM_NoE8K%D_i*cG%9r>o5RvD}aS>gz{f?(`s=jj|fsm zu3>p@0^P6Y4fLaga7~zF=nBILOIuMEO*w}_UQe@K&q+2^WEK_zq@!vNAm5v8~M$}yW6{q^LKBqUcbJ*y9(}Z zFR$Ofkw0DDUcA3Mzqh~CCgg{gS2zE0i$7`x@y+=UH&=J~%iaCe`8)3~7u587G~No{ zT+`z&-u*<~c>NksEV<(QOFknnf|sw~Uj;X}C*&A!{pBb0?+^U9q5SF9PjBDdYPavq zv)*`gYM~gd|kWXY%=I3?PwIv+TDKGkH=9M z4bGCVH|n4Dhsm%#>GwYiDYcWt^c8^+V~dszMJD;$W)VHUG&mxEMQTP_yQJpgi(rvR zjzGy`!8$~x6n9HtZ&t9v!&D+XHFsVE)@$e7!!e0g8!wBwl|GB6)4YgPJ=~({J#<{vk|T>n|q5EM8sYts(^f(Cif*Yc6LJxH8zCs?GsqN8AQdtlY zb!d4-IWCuJy4A;r(IhYTtYz&0#|gC6kp#%RY$J!mL_d9OhoZGL2AcfmLG7AR*#3xH z?Ak32UPLh}cLhGIvL+lVCa;+hd|R`}J#EiQ@@Ke-Rk|aO<9GT9W3)z3ASvC+`g6Ia zf{UDBi{-wP`KWwMGTQqdt@Bc*;)abSNxgsFeRF))9*m}Ey>Q$akYC>Jw?k@r8V>u( zcr=>C-AVs*7(St#ENLX8iJ7IbDvm4h%kP_Qo9B$w(@;0&Pq!<)muy=o&y1G}VlEfW ze9`I(X)7vX3mG-N@kK&eZCV3MVyB8P1ezv}t;&N=f-87E(vT><&_B{*8!rqQ&`M`7 z3@v1|=h$#IoHtF{{*_Xp#8Ht2>k# z@EFW!66jnOQF(NkIq;?%t#U~WtaX9@dYlX#2hJv71In{jjmfG2=To^V7(9Y{D#ZA> z6icmi6*Y~>r=t5nFey^^q7Q540#lZ)P|EjE@V)Fd@V73bv>9ss98MJLy>slIyvph0 zit8F=o_HR#e13)`L=AbBe01h=RWOf)Mx{z4YYOl#3%`t5_+@-L=#9FA(RkcH#Wx5= z(bP_p5Yr^2-8P)ie`rpGiw(7ci4g*Rbs&C25uFvev&(fUNMeaJ^G<$9)LGkTbgf0i zYT=bW-XK?Tj)6~1Q?;p7i!y{mK$o=glC384Ej%zj6!|VG4tGOkqtnad+Ex;K!9X(4 zqhY;KETnXV>rIEoM`F?xy-cDcG=!J;(OZiaj%wfn>OZx@K|@q%=W3Q7lG?w~UN1#@iyPl0>CG^k1M}8+q@<7v3_? zzdnYYV3G^CnOPKE-hlFV?Q}Rx*gfE@dB8ep;>^_>_<#FkPi(VtaCB_tLi5R^ zp*o2L#o+Rqt~s<2k&Rj`1sj54x6{;gg`SjweF+@ZiBcU&2thE^+zQ&j77^20*wm@Z zgmk+swOJll)3!v4l0=^WkH7wxhvAW~)-KnN&T6?eU!OB2UWo$l|Me;7bxHxgm1LOr z{HpQ1Am7Gh#MuIX-q|AId+2fnjVYSAX&FFX->0^Byu;~<%$;JbDLK)pwtG0bUt)GZ zHayYkh7@-*(5$;&;(z>==aOeu6#@uxh-7A%<)wnzljo$EqLPm778V8ZF=li)7D^EH zC~=pn$R886-0QeBaJx+tTMbm8aElx{R*uRTgQzw+VyF(k&$COeHwwYIa9l_A=yi;e zT$yvV%TI!>w`bWL9fEonm6r?9NN7MAJzU_|4dq&ve+W$(VwSFQE%6PGUSGaGrgtQF zrDR(wI1-CQ{&y0^{vZ862?;y2`m)V5DY)*()G2d-O$W1HJYahY?___EUVXAhb7mF# zSeN_`)CbTP9{QC*^qVW-H9EYl2rC|RQP z#9uaZoP^B!?Dd05i;jfrj>Z}Wh$RZ++%U6~`5kxI(IQ#oPp0f9TCA6}Mx@~>f2tXC%J`$731<=z5inOY=9A8h)lpN)z1)Y{$ZFC-&iT-@!=v!hWM48+zc6Nw()~`FADFYNi*~Mev7GyqmW#_U__=2 z#<$iNPKRjaqE(}E3P>6=TIIQsS29%VDl`C78-J7I^S~q0KifVelSRzRnCyj}cKN?y zXVe??PI(|h8ptw4AoDb)BQMPwD)srG8)n;5LUt(iP_LVPjrU8|Fg1yfmM(4$-*H7I zW~~(lYMJIel$cT@a$ZFvQs~c${!Oh+AG3zTc88mI-PX~oym}D8ST2p)hj}LLlMTs^ z@J;BGs9xz3k%lRMmQtS@+NXx~2a4ND4}_cA{DDG;uu7-N7I`F-;R1VdNCMMb{6d>- zW~u=pge2r(?3EpGNnYtTGZuyRPM3!$K`b|dAeiK)P?ZzSRhU!0iOsk%Hi@S3L|e3R zr$kXZhzc920Xd>YM5W%24Z+M|%uibZ5VT0E(|;f5c`LZ9PJ(~UAC?AP05NUZIOiao zU(QqhAY!JmvMQm|SVE2;R=qJAg%V)$7ln!*rner=do zPxKBP#FVN@-M>}i2&B;qjutJT)Ah`y9NbN*+u>fW7Z?WGb!f>fAt~1iAlLIC|DbR!$h0=ud;-O5rb|bm2|KlAVg?V>)qFF>P&qiQZ3zc$ zl`ae^%=R>a8Dy%=KCrg7EgWZ}NQCg#74v}5>7P&2$U~1AB`l*rAxDs3i$;!jBD^$Y z+BVfheM*^&*+~J(cdUJ81_?O)r+!ZT)Bxt&k(5-?;YY%9I!S8*>eYIJ@N{?7AGHVl zLF4ToQrWOf(%3+66;6QE4|9@j=n%`$bPV-FYg|7d6K0-3afgY@t2VCk!BZBX^tHBRLI9M`4$}BMae)-u1j--kWx(2 zn3=;(-Dnw2@(lbhX4KSvn@8};Fbz) z6Z$V(E?5pUqNn}S!D-TN_Xp!qv!xEIA980_i(oNtW+u8@nx!IqhB?(oei2;O6C}Z_ zi!5NG$!2Ztz)pgr>zm-}{Nhz`asKx8)%{^K6Nje?d+}^I8IHs8WHJc*o%ST0OwLAO zI~pX(bk^_oXWh>wqj4zu9P!Ikn3|1ctp+|e=OwV%Ii?mLU;*TrpI7iZms8oEBjnGU z5$^6Fv4n0s0&}YZu{eBSLg!dQTBvF$h=e zTo32l@{@D9Y7Jt^U9>rJL0E|&PYadjmwQQVyZI8nj=Gv`XMPY*Ge<0<@)K3 zk9%MD^6qSdUi#Kfk*(t`-fhl%Ef-F?yL)#nv+eGN{?+m-7K#KMh$zs)2Y>tS>f-!8 z7@zNsPlC7Rta3;Nnw_bTcd5&Oxoo=kVVAMmCn`6%in_jT^`N}4MO0a0mS|F}SL9NI zV!@ccKDZfAf?3?1VxuKNSVTZ{>HK zL}Z$R)GG?qx_J}cl}pWI4uT$R_xCr^Q`ZPObo_au(@^gWhyfzH%?`JF6`Nd4=hdB} zik5Yc1iZ)7KnuK0EkocoaYLPw$82`*+tqYGa(k5lR<81u#uLhK>!`c>CuG753<1mX zEmlz~AebX;CKalJ6Jht{^cq9gdAmg|>g!Y5(~evF>PWmXxYI&emZFiRG%kL@0kvs1xxOP4q z^mvi#KYr<7d8xryS4N)3?YNtC#^G7g8Pc{z|C;s&WK(qpZ8FfOli_E{)%vLq4GIdv zvt;0$7gP|={ASqa1Fn7RSAbZOf18(v_EVauVu){slM%Tlr;~#@MfFgS)ma8d?w@Q{ zGF-6ykYt&b#xrJEs^|5mpW)V)G&i~A`&XLc;%S~ppKeQBVw$|!dPR-|dGG)cQg6#O z^hkHJjO^Ag7VD)6W@#e5^x74Bub4+mBe)C0nbwD?bI|vcB(h2Lh=FKEE6eB1N^Goj zuQO$n-t6S3B2)}PxiA012FkCAJ9@^g(0Aj+($<>izL2$cfbX8djJVf(- zqvUNzCTwVO{5%A%T?0Ir7devndw~Zf`I6HORPf3zbb(D%?!pUnZ!vt_9)LrHEjc?h z6LIeqr~b|6uWbDECed^polU~oa5@P4qj-jLuU<&o zQol19fLZ;sjh{%%F+5ETPL3rjXcav-G-D3D{NjqN-`7`vB-8Tz=G9M^?{44U1wnW4 z_4S83XTA1lHfx8YPMpw?jwa#Ra1e({)b00@K@umu=nL7C&Uj4ND_64x3Z2a|0(#qv zL+&w85`G?}rWqPQzdB!~&(S0TKb!u`?6;*sF2U$Pu#my3&@oncQ(F4LA9uK#gVox5 z$pV?Tao z9Tew1*-lwBOEV=bwMNB4)W%gzrN+J~&#b(t+j)khw!jOr$_9*W9g~FWB~Iv{E~YPJ z9*1X0h10fq69554Ulc!)UvKKwou&(p>jZ3nVmD==nW-r^3UM5Q{$d3C z{lf}Z)@dg8a{@31Y~Wa}Jru-l%oN9{t?Zr&YTj8(##DALzwu#O!u0s`YGj7%39i*HNe>tnb1H4$p-c@+o0It zkzl|h%!wo>D%3Nh4=u5JmRbW3_osT`^f-cO@DB?E^oE^d>z$OVr(xoe7dMabm9AdK zKKXEkL$FVknfS_(!S;ddAR#>@)LljJPX0rh@jm<c6f zFNsND{iVro*Rs15(~CWMy{&V&nQj2)F+Egr?%;DZnMC8>Xc&i`cG3>}-Ptren~jFy zSu#o{Gn}}e#XW{XydnaVTEk4Xy}nss)n0Dh_9)X$LxR#fJE(=A8gIbz_geC2_vKba zx&UHEfmmE(&f-HMi_cHpJx9z$h(cqqp)MuRKQBZ{%Mwe!u$0%z=J=FnPl=ixGy@8a zP6+4&Qh`i}2m)RAB>OMF4dD`FR$s3)%6L}wadPhM$Hzz+ul+&U@f}|$%Vqu?{s6!@ zomk}t#CwY*IEpNzx93=u9=kTm`lZ$ZixeAwlF@nniJp3n_#&MbT$X9$ES!R33Y2=_ zO%99MzB`OBy-|L#tq1=q@O_J!z3zj0S+Z!NoD9kH6l!)HN$}j>FAN|bwL9JBek6-Z z!s*VJIUF@ipI)2J2FZw2(d1Ohel@q^bf%j%Uu(G;$hh7arXe*65JQpD6~2anu!*6d zt}U@~1^D9t1saG`%~dqd!6*^@hR*!<;CHt-8BWOmi;`(C?2n@{`G1{pI2tDX_StAQ z?2o<(4VW-xTIiFaBa~pHQByx@)t)U;iuWS%3}Tt|$Qd@B30m46uW!7@f_qu! zJ_uy{Yj}be4&+y{JOXDtq}pm3LnmRq5;o2yds1A@E9tol?WHVXKsxUPY;FD(0l}PWE$@gTYvpzDX<*CC>`t_2Dj- zpR>p-KrqSOo6UkFc6r%zOA1YflEb3x9TW01SIR6?J**cKzhp_Ci7D&GDKEB%2@6|; z%qc1>l(ZBnHTcoIeqoMm%^5BLc1(aq7(uGPb$b$+{T72ytvh=@o9oXcMUYo`gzEe$ zd#Wa9^~vTV-F{`7ly%h*hmb`SU`r3WRl7o$($*HnWe6?ZHMY{>0$XlrJ_2NIYlb96 z%hD7c+-jZSlnd!>F$junAqQe6*&fY=o%t_?8`$5LYrq2q*#puGMNYIdF%J%owUG%h z_#xAtC()u#{=Q7+uYFcYDq+?ukT~8qlv`i1WQ$X&@kEvNAyFkaerp}3lfc2)lD&J& zHiwXt7McEM^#v9&csowPpr$9$vU#_ zGc_C)&JJ@?qav9{!q0-@iMbNBfD&vO+M#5#b&*c#5M{n2nxrSeITHtM5Bjg~)3teR zGll`}j|?4mbJ5KmKS}53<~}tBvTg5d$zRuk8;#q&vu?i|_WGl4*q#jfVbUJ-!ftfd ziK2GY9S%BQB7#3dbTrS_j1ANfUc>m4xz)e38C1J8k?tur4>?&84OGc9FM=p%3b`|B zsazZ^O=vHmIb*WWr`F#-oLru?Xx$XTj*3q^eBFx;9{SiVMqCk9#y7O@*hjv1sJ zaL^BMV@T4@r%{|Ncx@RvB{n2{%{-Ci%n-E_22fGOJ9_`RJl2qbhs-X`2NQ<$BsN90 z;Jg$78S|kYeQzSAo^}eyZK*XbpNUo{WDlQCQG%JzPgW1B-{UDo{1;kJ!+x*(PgOqk zbRp;zkheQO|NgC~s_4a>{TP2`mW*>Bb_&xps_%W-$PBB`3g>+aGhckYilYLw+n|!- ze?;aVIpF-$G(P^8K8QrMpHPR!M}&ziwEW=rB$G2vrZE((*Nf8pjah%o-tG(E z<5${?bUa&!ji$;{+UNEQ?gtD;???C6k4@!r-|2PtYbe+}7V2p`=^-2yu=^uMg({o5c~IakOeL z^k6Da&A;BSm;vr|JzaD<Av(6d1Ec#-NuK&>xbTPN#BM65K zy|57NSkptx%Tl33Qli*-AzO%0YH%~G1lsHyyuoV1e*5Erz5b*~uB9nB1r#sKqqscf z_(1xL#1=zb5t8{I2wh`*Yj*&+9R{2<*DRXII7m* z;vtzn@{!^h4c|jJR4Kc6%8?weh~FnQv3>f^t)ZzunfDd&A};61Y2vgjgCkc)OXhHi z;6N-C(^_3g7psbiF*t$*kF|tDJ55GR6w79al@kD8S|8V~)uEtghGt`KmdRZ$$??v?t!v5b%7D3$q|jG_ z!_B(+mfM<=H*R;khU^s=mlwVjX_(`71({a(>zEV zV=8_zPs(qDuGOXP+kZK&YHUK-bPYM+K>s2u?85XJzAmWi)NN-1PQ0mb+;dD%dd49x z<3W+}1HnS&EYxw5A{*0V7PM<9KC6BDHhUPy+x@=2rI{XazT-IFlqexLk+h6QGLzB_$Imvgh z&9+38(v|v|m)d@u#8E3rIcU2K!o)EwSm&)CH`@gFEq*709vvQL*=zPZt>ROeE~gLE z)oD?0zj-!8RW7jKvu4Kb48(D`$#ofQ@f`<7G)SjDTL8_5>D|AF7TbiqIz=IOD`15l&OBGH3eu^64bD2@OEJ?@$s)=90SVwky4`Mj zX79(I-v3QcKX3H(uN$b2x}$hB9*x4@IO&J|es2^;v$z-b;=!mrZO1elKRZzUfY{8E z14&Og$87AcbZRQ|g=eleb6zzBRL9sfy7gAp-DqglJxa%FDb(zS@}`BoLFn_>sZ(Y& zBrjn3T5hzNSmiM^8%qNQk5G1g+glYV-LZ5Tt>R;aSiy))ut(Z;j=F>3PrdOsf0kMw zn2Y?|KK*ut-%cXw3>LLQS@!nHK%h6l2j1FMFFP_IwV=?#aGJ(kBRg|Fw^=vM@`~7N zaMU{s{xocB-(bz+m)#C^t&3mE3mcUTP`{NzMf3;d9k9LRVUEg2O?nxAGJ}2=WbxQ0 zHZ6u2b-SWYYnTPRoP)eb%LD2@MA^)PeO9(oUwSIq>5L~w{TL*^*ZIP8wgHzboT_cGJ zl;c<8SVEYCjwhXEq6Uz2Jha*{o)YG2spSxmAi_>+jvU|Sl-;~aCppXB@@z5^j?p~A zD&fa+ypORWKD+Qquw~oI{epGf^BNmP>oQXAmiDm;%0+@7RC&_VgN}r4CL0ddHO`K##N!G6+q`-)9JrFQ)UxkeR@260 z%m;_h0*Rk#(7Nv-I*4D2QfO#f>89Ql%Kl_x~-s3*4xM9ZJ4lGIwK$MU80Iaz%-ZUMDa#G zRZ2q1in1?h3zuaJ(mpGGma|9JptM7!nG9D6YvXhBF2>(hdd^z(9EaH_++2h8;bGK^ zI%oE!hy5+ucoDa^GzhY7$*utAgKelJK5T6=8F7I_@^Qa;Vfjx!6$-XAT5?iMYhMoM zJx8e{3N%EP9QE1YHB4wAN)GR)C_#qJM5BeFXts(Qx7yI-y=dN^^ioLFX~j&;_R5g# zz_d`Mv-NVW=f)Q7P^&)oR79yF)<-L&EXFNoX|ZJzvB`+6H~%m#)`g*n)!*a=*|aEo zlQZgS1t8i2Ro@j(<%~XdPOfGvxF_T3!Tg?aLvt<;uMFcw?Sf)GDb|Y`yv#}_xFYdp zRkg`e9_OnFR`ew0fAQquSh$4yjrtaIc_c#X$Z;}7Ml^eleULDm=)+zd)X2F)F{Vtq z_L%I}xr!{=-bbPMr0H62T20dKw1)?<61bpaoI73bDELK0aCD<=cJkHlX%@{Ei){<5 z>vmVqFfAWgV$vNBNB@DEyQk>+SfTyi#oi_lGnySQYLv^3G$e;z{ULgizz8dQO&^ox zDt|V06E!v-{;UxrzKS(xs7!xOg1c(XHY``>2<+E7y=Q0N;HAzNbUscak*JD;e%mby zN9o~rL99Zp@s0E4KmPh(@W~bl=aP(KIy>D)ZpP0-FQVsk0qo3Nj01DS_8``>%TP<+ z8D%Z^xWn&3vsRlsg_l7RSY{@q^{4_u0qwj)O&85SN6R*=>6)(yW22U6$#n$j0`ifWsEa7 zv(OvLEB$yDoQ1Dzo*=4Q&aF@fZ+GOYElX{-7W}ehbGGD2d#3OPbzr-oZl82*-@Fl#TMb@itU_*>Lyuc1(!G6VQJB6bNGj`mBf>Tq_!yMpVaq=q#UCW6({W7u3*CLNf!KuS$1!D zrw^D7A2R`f(m7SL%a^%7ZMWNZ_vN2U7jeX&*?MFNwS6ah6 z;6iX__DQ~4O_qsnwuv6vdykkk-XohUD-_HiW@SYC=883f5YRXl!n& z^O(_5sE3JzHpgi+U*@dBpo%lFE94n;25h`HkoK6kqVTq52M)_Eze;^Trc5JiDLo<^ zP>Oe%j#-yjBFtMSff${&zNk313IofENlQlu2EP{^2djbwN^pzOP-UX|wJpCr%9K=I9jVPc77EoIGWM+gxG{0DR%~RM5^v;JlS7e`~h# zUWv-bHP`&(l)m;35lxDjkvlvlwWMls%)Y{}aT7c4b_rD(@}cQ|&3 zVP|Z4ht2t|LYr;edOCO1b4lbgHD4{SG5szv{oK$W{eh;)F}Xf63xC2ayyIDT_?nSZ z6h|6saLA9R^j$)x&&I?LF(X6Fc`PQ(`S5@_Un2^05FclwOuS^4uF|G56#mUG4!ZO8_1o+F+jqg=|3-F--vzB|IW{(Mi@yTfBDA2tGR4I( z>GV3YBuv0=*dLFE;kY*&fr@`PoA#4&w>$n^+)0ggMOn+RS)x>pOci#9X@^IxNA=Lm zA>&}5NA~$ZvwThGXY*y|Y`8ir%yPR$L9Lx{Q)x)~I_;}LD_!Q#DIK4|(QC+GBugOe-sK2G*o!V{hy4Y@x%7{GT6lkX zOJ4AXtO)Y_F4K%v3g}PG(euXPGw*xYX1&;)Ou3AVUdvNt(GAZ#@1{@KJ4=E?d2TBUk2xw@2+mH-u-ZW5xl&*KM%XXyQ_<RhSehMzH@2<}8uA1%7-yb#%<}0t(6ObnF!Ws<0<*6Ire=5b$`0hSm zHUFY0)qe!LMj?w(gZC2R5evLX$?40PIkQo_-t{fN{l*Xo^h2Pw5gp{n_Rw??H;>E> zaWGuTp!YZ}m=vJ1c+5(P%%6C&W*pG6QCp_o*>Y1NU{*%t5vP?Yu)h5_noJt%sgX&j z(77k^){qmCo_j4l_q)O~oLxYug?K}H*q(vJ*~ya37CPkZsekG{s2M88x0f_Ik&az#nzG+$|(y%{QYiC)&8VRFIXoDmZW3EJo|y zaHwEVF41#3IRTQJ7b5$r;y*|FU$%Tq{b6bJpDn336oiiVXbPFbXGcBglcGV}L%`$A zuxghA<6+~SfoTT5Z2Gcy5E-6)MoR{10$x(IrEJ?xiSIP_m@a=#4qz*}^SR6EUQDqIsW$9obpQ7h!1#^5KEJ4MOdO3e%b0G<-{qTimZBMuZawpO*v}PmP zm+)Ua;+RW%^)uV6l!S`rp(T1brX4CO0-xBb6(rdNilGnbsueua4%T9pE1p{g?G*>q zc6uYi-;Nm)G_bP!dA_9WYE7{6w13v?hx)Yez{y}KVtDJW!2sxi5FKe|_a1cd4PDG- zoaLjyFPJNn72w#psV6}0lPzJ&bjBO0Jw0j~l8Pr|(g;xr$yvkFQ;xFK8T^x>)Zib4 zN1Fd>(7k$#@JjO!MG_0=bK%r;6j{vgLjA82pXI?1kK2y#Wxbwmi*R~WQr;UFr7L78 zy#W)+e>FAprO_SZ{sG&g5!M#i$z(zfNV8>Q z?tEcxYqlBY98t@48)8x`F;1a-YI`G`t0s6Yc-}WQZOrL$rU7t?Hp`f0PzJ7;t|IyXVwz-WKD*!< zklUdq$r`EFQ{;nI>5^7CJguV4K#TVQfaPhyoGPb}R*Gd_Pp8&9<@7L5*EWnuY)$+C7vu@*jEuZvW0gP2W05f2;D(KafFVCrf2|*T^ zr&2IuA0ne@TWxgpmFSTPG=3RYQVZRfFbe{=7n#44$%WYdSd9Hwj3_!gf+g{gRVZCI> z*Qu6)^s89I&lbB*zU#~~n8{ma>yYtD<|BxKN_L^l4>|JrXK-TQ{38oj ze8>9o-O;G`A&Z!tW)vMFies2ohzCh)8^HPEae!X$@ah7E#Z);>I02NzTB}yBvs9|i z5H0{^5XiUEX|w(F4-XpwjhF}>pFrB`?=47eTWo==RXh4D#SyUOw)euWyKvuQEFjd# zJV=eG9H`}b4vqun_>)N5JV&+Y%zQ1=NXiii$IZ5LyT~Z0qf@XY8TU5vraVuDOqyyD<; z<8qXP$n!64PhR^yv2@nU;GBtF-bOyZ_=Qu|zObs=|M(yO4@+jSp7vT#DJ*W;mrX2x z?;FG95|KZA>w%JG_@!+ceU?aWS9P=)8|6xoc;%TQJCT4f8fxa9g3ec_%NU;xyUAqG z4tu@fFzh7BH0<|hXJKd5PRO>7yYX=N1!M$uI;ty~t*1~SY1D$bIN)BGh8o@agSnOK z$5zRz!V#@P7%hzzs9;^TdWeE)0-nI!FxW@}&{MKu28Yz71QGCGdd2?eX|5rJSyYkD zBAFsnT8+&Etn<;LWy;bpmI%GbemIea8L$i1V8Kafe|@p$lRx$Ttb4f=1meVq&*ora z;gQFZWu_ojlv@UiYq3G6;F_rc4ubHP3;cbNCxm#A)%XPEMKPsaPp`ApY38Y zqZnw;skC3;srT-Tq}hazB$01J{rZ68JwwVqO375m)W4I!etSh_a3qOoe1$xo{>9!a zhJK!Hrup1dit9tXN+s>OM*6oNeDbHkpMzJ{`wq=45Obkr=(WT~6p0FQ!xrnzP=T0a zoO^F~l(Usv+L={(NAY^algQLinf>0%Ay^V$I#1RJ9GL-;G1c}9Cyy1u8jdIMPgE?N zzdx)QqpMkew}3ge6K||d%Dhzfh8;4@G!u;gOq*`z-A}kay|jdAEu*yhPs2aEMkfh! z(~b`WQc|$L<;dentm|chVc1{pH2^I$`skK`9U5VE%3N$ zDc^yYzk<=ia-C%R!gI|wQVzM~D)J>;OuS7c_>Q&ec9Z#JQJ9u2QbTWT3uMEJtgg9~ ztV7-)V#Zj^CWiJx6Z@9dbSPk4K&k9iUQqRdHVq^$S}Ys$V0l@h$3U2^X|y_BO@nVG zzY(`$?7Y~cro=mDW@=8NLLRj=e6Yr>2TzT>n)O3Zf+Nn%Rv%L8am1nGdXKjTg+~ry zF`z)2;ls|S6`R~GDOV7N$>1Ho;JlyJo06<0UQ3C2UBBFCD`vbQ$ETUi5yYCH077L=fmyiyimpNUPR-hH89kxm$(F@urh?{w);HM-I3s@Q( zO~hc5XWn-JJ-bUVq@V6MGw}@+BhL8nEM4U*^6?S9m!l{L)8mH-?ox?30 zacf8|D)^rKk?ufbWPA3OY8g`pGxMu2K$f(g!0zvy_0G;l-C<)i7)q$T$i5G;rM|AGCN}3HXDr00sT!6eM)(9=L>%ecZolO~ zgjvS*l-b6{D@+|)T3K{I!{)%4Ze!4XZ_=u@`v!WLa#(}O7bmc6$+CmxwO-XVy=2>k z`47l17lVFlo+QP<>3oSwWGDcbOs!3~q=~3$u~$O>;Z-225iN@tLvh+f){BgZuxQA6 zxzl@-+VMyDmEm*p#4i?t9o+16$_I&mI!`3$LqnXUI#N0TaJr&)LMkq4w@ev;a`1v; zcs!q_i)nPKZHKgBg`9&4y^#rd@IX$>H-#LQ3Td98qNZ`m(b_lbjP{0wZmtIB+U%Is zTVJ^Q4mh2K+Q2WJ5$?d!P=X?xKqeB~UbL*l{6evNCJf@5TvSj&5XC4bt`d=uNH`>F>Um7dXQIMsc1U+vu#qyepNmJz=pRqkv@TY~jhz%~u z)gTz7|3u%SXIeqdH2pqqQaK?e@G+{!>|DbNn=nCp$`b)G-WB!9KCRasy z65QOKUtgBN(b83~GEGgDhIObJrp&Q>{5duWx{aQhKPO9m=o_%+EKkqlCv?kx+heCo z5X&~jBc)QDD~Tlt%NEzIYO18!vif)0Y&`i%SUUPmcn9o-hJtAclo~dU>wvzTZhyTt z8xQq~LmQ=1fEmeDCfG7@?87VE42)Xt=f%pyd1|`a43~^b{erhxRyrnsBInQY`-VL- zH#e;w5P}QTSwh0f7yGX&l`KR7L{`xDxYdger{y`mbI zd%n>21HVOA*p9D{f24z-Pw-45e#Wf6U!GBOFdCeV&Kfdm@-_svuHa#sVa3x*_tiHL z0B*K|_O#UKzL)MkR0T{QGIB8EJ!p3myg&Nm>*GKs$qp%)|7F-!4GgS-vq-Ape)Q(@ z@|c79kaAf%vYty}F#vrSCi)!=2K)pLRS;03?CkChxu3y*|L?(_szjW(Mu)pg;YLyhIf{s;jg1sM9|-nFfQ*vq*yp*a* z?3RS~x3&B}PFD}uSkmYuxR3pGuCj>Y6(+gRg|Y1>IjD}|d;$h6ttWToP8<$tV#-V+ z6A_e$78TQL3-)}A&gNW8ge-rN@><=;(aOX+^fgOM3Pt8XwJuBc!x>3nlNNhlmKhVA z(xGplrV`4*taW4CaO*zo(|uB~0xA_xX^HTD^rBGEjR8L?*AAuD9pTRk<4kvEKARf zHASP;QMQrS6Pk-)C2&aRhs`RV(|E+ZiPFM+p=7Q=m{r;s^&*#TSR7}0Vre+I5u}-*YOucnf98L2-8bKF_#S<*Z;=u_d z$l@-GYap<=J3)fOVhQd+g1fu31ef6M?(Xp0=l$M4?w&JedZwm(x~r=`UA@y?HDGRZ zI#+f*d(CJ28hiDT(6Dx1?r_i+fbt%RgcWk3DTKW-Zt^h&^RLn8$Y3Mk43}=1=x4LZ ziv>w!))#Iz&eqJ!z0m`^3L2bBcP${P~i`<=!2pMVf;aV~;)7e@wdE3_aPZ9k<^87>wZym?LHM88vG47c9O2g=WzJI$x^WubJmNm z|D$xWYBDf%Pp9rl6k{}9CXB*7&VTuYmfvub zS4x+5WqsPoQ3Ll&Pzm3AJp9*Ay4QmycXG%lXejr{9i%ml%zhz!3sJjGma+Ym1~%u8 zO~2GG#}76Ox!v?8idA$k6Sb5L+$Ox@%~Uq}uf>oYAt&TS{Vck|setib3}PhQe#ic4 z>VXN$m|^ty!Wh^(dpn=P2Bt1fYNPf9p35fo&U@RkA(=B9z9W0TZSLFGZY#R_Yx)v9 z{nQiNw=%32#hTrzi@18zYMkFk$b!4GAmCia1eSkjuhg_T(i+tMlytLmR5E^3K`PFb zU%-5jq2_}hafGw))hr)IA1uzR78 z<$S9eL4>0^MEM>Codf!-WAmWW{yNQl(mNJDS?lqYdqjSMJjS%E!o4j7Pa)SHV41}r zg~u9n4Q?>A%DFWi-%1xU55=MBhfavyms`G;OU8lZV*MI(*g#*HWp}*qeRMV>8hlqO zC4Gx;*PF-te#EKP@kra$d}JB}tyeSnx_G-sXL%pZvru}hA4-fhJhjv5|C}5X@S0-_ z{+LuO`$uK>1=u$<)iL(4><39r7Zp65_P=blL6*`N4PCbsL%kNrC_vHds6MY5GnAAgX^W(-zJmisO_ zOYRY|*L;^vYciS`>iDHJ>X9fY5xbTf>(`s%OO=suE$BI1u!nbje}8_x{&>I5_P9S!fJ7IJ(@>SIl~ z_Y~LvEIhHeSASE_9=>Pv-X>U2R$Ra&h`Q1GO7^pG?L-6Fl-tQAVRL!4-fQp@zLKx>)5AB9nIe`cQG=Gn)G>dOKAV=c zivNzUZk)I??wYL%o`iMG8bW_M7*R4p(n<2nijv|(o?omWYFGQpW^i1$>G$0l{yjmJ zPqi~XM?+c@N?EcR$}Y9GO!`Yv=s+#E2T!UIb7ngY`;V1zRDRF?dbMAVDa|6K8>pVS zz&I7|;|qUk9$ANP%+LKo2JEk}ZA7<#fI*NxXn05*8)0Q{CwqfkT`5%X)2S}JSA}jX zlu?S5fy82HuC2-p{W4`xfDt~{-^;k_&Yj7E4l0$L4{*t*;A3S@ zG1rGV_`Jn#>TpnNJue2nhugfGaG+9xW$VXnRUryprxmktuh^$2yBDvg56M5!k@(G{ zjV%jxWY4t3s(4EB+c>+>I}${@h@(lvq@Rf1n7!TA%aTxt+*QmCWpC3D-3eq7`$|G2`Ms~L?K(CJFV zd#8{6EW+*+yI>Tn|3^)NG!aLn#rjLFwX~M{b6;Dt@5@d58V5e1O5PC=9P@EyWinVM z39;kvAT2pzQikLJ#CRXgD-DX)2%}R2#c2N;Az%g`NJhQJ-$s!Gj>70_5C1wAJ>b55 zRH>|-EX$hRFoG~WQ|sF*<=+pvM6;>SX#65e@Dqu0V)R_Xj{Sx!A}5ZjS~q8t!K}ew zVyKQElYiz3rowngoqVnbdL8WCr%jhD=q7ZLm7xx!++6&3MP+XW94?;h07EfoUimYg<+8VG3{}henk7xv^IpL^zN94R@$_tWnqirs;F@l6d$)n8$y>aN(o^*8aB~h zlQNA#`p*@TnC;-w3<}c_${9$usoH*w5~s_DZ!dVfL=c_f%zT=nx0>VWi3^)y@SIxY z702IC2^9nQ`O|R{baxcqDEFVlPpM9K66WWqPTz z2C=`1HbXiv(-|AeX8ySv(Py@58nzmXu`;oC5%kt;AOzOO#P3|8ZT`Uy)nvv?DxG=JG^Up{d zN&+iLQr#mKJBKBs9Q+p~m0k^gxuz+|d7@ojzs)H*?OO?$_dI*V@mBl~zzu56OR*Wx zcu~s?Is>#RG7~9Lz{5%houb`H*4uFok;C9+32(W1P73o}5(zu{z7IGy`~uNdY{h{oIJRfJ{lWll<7JUFVskYpDJoNc~8kg_@S zjg!e^pCZb%ftHELX?UL2Rbz0wL;2!PH^s9}) zjD_*7;k!ze4++`e;Dv&{foRZG#m8%+7=tM)7m?#n7IJH5&V=+%{JncFWVQMWhged3$_9Lqay`=12k?c6&aI1v3AT*<(jEaxTzk190%4zjnG~)F7#Gajtb9Nv(n2n8afDS$E@qw@!=^ZSu@jc~el!YIfS4 zhwpZZ3NP1Q%J_}7rWB$2hRRuq^w7?#N@nSxg6}vIW!PTcwbfB8h$XObb#*3IkA_G@ z8u<<&sZkxd@6Y_lsKH)N+L2bSg%N{c<2Jdp^Sj_Ep0d68R@zRe6W!oi!@`^T%GhHJ za@7@FOEb1Mos9u&2-!WVbE?PamWrz@#u)Yby0fEb93TWcHBRgnmf^JKZ$-uF6@|Co zIZCrks(=@N>bV&hxYFM8v~e^X&-$&RMeyOfDelG)dZ*`H9@BV_k@dv4JpF9ZeM~x5 zg;7sm-z%vlJAC7u_qeb&SJCEI{!+$5Gce@_sk| zoI6-T<|@is3pYHoQx=S=HDuC$8p#QPk2Yf;YH)lRmS1ON)D3zc#HYuz+We;T*1zAHQY;;qbpf}qzg7~MH}}I$_!{%%`8(rWm4hs7_6rCsnbx=uIH611{3-#%ol{w&gp{rxLZi;#AAthg!is+$UlCL}j`u?CCB zQscy#{?(kt!~RiCMTNnmqEV0W}Y6eaf?oQ=2f-^Dy-Aa3;Bz>UsoBsSJ#VuS99n?Y} zIBk#|n8m{-5!HiB_Q^;80kr$gLd+F&Kwyo|Jw~MkKF7tT$f19;;aP}B1&z`rs8H8< zmp3aiCosLIYIUpKIb}7>v|bbEol>i1a}X?R`+-44!YNR%K09xxpY~s0ZSsCP;oyhA zvJ1BS8An`OGuc|J6E+iQDc#C*mqS1LpD&&_vGe6AE-DO+e+!f!K|0585_kR{<{160 zewyWy_@XLI(i>$V7KNAC#gZ@YE`0F_U<-oYEzosYI=W`Ek(T${`g@ZIj3D3f8i(E! z?VFkl?ubiByjS4*-1$_DVWBOPup2N|mSCBzaD?73X%vrtbA5_lYiUuqJMPIKMy+42 z$x~CNlU49jEI9tu*w^K0WAE;Y&O1bqG*R`F;6~a6gTG%qt{)qS&+g1U51)s9y&u3~ zJ3gsRk`3(sGdnwc$|o8uPT7X1XdkHSu_qlR#zALdq@xaXZpJsVPn&_B{gUZ5(rW%R z;MM%mzuy!|ykF*&S4tt}m#E>b_YdQxcmImyH~Hj@r&UL?ar(mSSm`%w8^3np)-|^C z57Vn-8|5JXLM_c(CtGlW5%YP^&Zw;T@<8evd7uz;<2G58y(Kdd|vS4 z34)!?X@3g>q|2xaNl?f9WOgULh2{<(Z$tY;PmHkr*3heu`YIWDJBSB4N!{nKqxoOU z=YNd>nE!UNRH?+3n(W_ToeBCXNb_*#sN8)4WVpe~M7y7A;)K0dC5B_-%RkFruy1`> zE-r~z?EFo&!=pn#&yYMCe||)nYHfrr3XOyOTVSH9*&+;mSG_jFndvo}XEALdrh|t^-;`Mh0lT zrVi$tftGeRg+{X}&g}vU+l*XZ)L5?;c4mZ7g#tj@?uJrd32!G7d zx7`Zuww9=*eszOmc#$XioLE^~*>*0cP8vIC?|42J=$^>;V>S7FPAy zZ$N^_*=rM--7rSjg?D;ceNmvteP0|jKC4o=h7R)N|5c?knX=$JVZ<-MW3~T^iA^?Y z+NWxt;=e=NkbaJUfHO|@y}`_uvy#Xg?Cn46XWxcC ze==Xsg!xvom0)?D8DHs7O)H7VmX zu5}=MW=*AVl$x1xcUN;$*MyxmIj_zE;s?V;_3MW0`c04cqI$x&sHn$vvZ1Acmd5v? zUBVjy)Hs2Coy_phx9@8(tYDlXJ-g=DZv)<@)gyhvgJoh1%j&cJ6a9x#=_fBcs95^_ zhC%bNr||UrM11A&G zaZM2Mg`~`lI2YBsve@WGU!6%D;d)1`v=|i z;fo9-jG0dn79_Mw()Mw-HO-%9=^%qT+c)4ss2t6EesN$06q50Nk5x?0V1zi+UUt<|$I5 zoF?-GmJj8(aOEa$$X5p}wZ=a>+gjg+x3wh(jXe(cTb!t$yktKE6j$>d&E_Z?eVgo+ zdpi51w!e)@Brqmv`QX=@xsoW1i6CbxV5_TodVUIwm1DS|%Qh@2i7@%#97lN5QS>#5 zT(G=g;c8qr?nLU;>ZWCDy7`XDdND|6P+_10hbg}}F*t|F+jLI;-2I!pV=3*-4@D$h z-Cf930p0VO1;LgD5;T>vI6Y4eoiDicWmt$|J_Z(KV3jC!gxWW z^F>+|J&m@Eqe7b1;h`m{lIM3az+&g2`%Ss8{lWG}lE56jg~*g~i^lP_j@#?O`n0=~ zrf7GS_{z(>k;l*T7TMIt=_AU2Xfq^Qhd%Q9FNMe6lI>e-wQcg55=nij+ljAi9OVlW z35k((y&|JE*^E!1DNG^aJQGbd@UUqe%dA917}@#}i5;7Z>?%m6LE+v5GwCFMhsh_M zZ+e8~+%Gb7I}?#!vX)rl7f| zEwzK+sz?S)2fvX{)c*|E9&^%4YKZn@r$I3&&1%T2gtk5xGBIC5xr;a^54LB|Gk3-5h(CI;`#^AyKB$3=}JdRt(6(N|<9uBMCJ6B!h!7 z;HxUcN@!ID=TV%ljwt2>HFyI>y$(K^s4Q3ucLy_?CqB1f-;632H)!rFxal~9`**I6 zhH*OES5V!Am-O12y`83hzCY`r<}h@w&7jJu#u(&8>wwr*ycEXuUoCmJ3GBXA`o}q% zL6)F_Shpv~sYX%ps=k=wPH@JTj!vEA8~Y*N+y&u}D`Z}8!)34a`Fb?=KBZ*Ibj6(b zD;*`3t2c}5ZJtKHcHAtbXnlz$EK+r4<7tmdDR+oaM+BZ4e}onKf5yKbNGrnWPpDNc zo1XGSL~s_74__pCRTmzkL7bD=D1Ed*;qsijR=DZyr}=E}yJo>pQro;_`>@Kmi}y*| z;QOSh0rJ3MxdL9$IkB^207EFVflinSpd zlq?eTdc6mhhiV-NEn=+;BQ_vc=#S&a8|@g_S$zaFa7=EXi$fEH=nRa8bnmx|Q5A_} zv8qD-kNf9#Q&$Vz<}KW!?z{*lW-Q*P8IGYOjP@=@oJebo@ArsDE8{spH&j zS-wlS{OTN~(qw(!$q$eq)9Q%&Bgi8`Nu>SE(vd{~@=oZ;IpEIXk*t#-{Hx%b-fag8vk?bchmPjodhSlq;*bh_tP$sfO0tlQUNSJ#0i(F zIm3_BlTH`Xb^b>qOasQXPvb+Npn^BMJnm+c7vuM`RKkK^%2Hel6s*`t6{O%{CY1P_u?Ln&yu5*jQqI$<2;cz3gSjWoYb zk3Hx6Tmj*knF$usO&YyvFY8B_FLpLFbvX@q;=XXD@rXB=#7?Qwzvu&Eyk||6q1+z4 zUpszv_H|%3Q^rU4CFUNa?Yk~~Y^FHc#zJo{-`X$QhvY}(Dn}F%${TR#XsnjkY(A$B*rz>J<;mY+c4F2cs2TiY+*c^OcFqt&B4Gw zD09_Pwpn>=PsYE#_d-d;GOM-p>!kH1g7i;e-Z#SJM6GwmZSP2(Xx`y~ziC~5A8uH} zNj-99z)Tz*2T??}{n~;4LS`G)Nc3luTN7#dpnaqw#A>U(tu^i^wJ46U%d=Sg0k}~_ zbGI#DGxb@)ME`rg;;iWhtc64Kh+&?J7SG4yXvf&K&unr>$-|ePdMuIOEUkk4FMcmnY1V%~U21e|_E}2R#W}Pj zBaYqAEGU<3rdZlSRPLm0Dm&3yuP`$<9p?8tvF;bAe>1lMor=}0+1SKu5VDfy9&$fw zh*(Avd!=%Kfuro%K24bG!Dk&C>ks5%!JWuIR*GNkW}lzD>4_*@d?V$gkqjL99wf_4 z7e!ZAs9)k#`BhoR_65)pW|%K>irgFVOXqq>Iu7rXB4_`yiODDzZPA6&yYdq4)oFWN z`KSai=WaxZjba5CMeWV!&oz@#phV5uKw3|0^h?8@*Sds(U$8@*WyY3f80edO-ZPqI zzC`nqmk1cajmt{uc=R3MjYLR}mx8YHpovWB5gS*bS9`KE9hlz@9QQrwH6(apK?SDA zt`7W|!5@k`TPtkELLOXukR8M{c}C^Z^Ou+VYvDGGZ)2S~7VK2iH5f5?l${a#%X}aH z4Dvml=1p)cOKGt$+^D;n5zvBb1Vbj2+O44|fi@Y)f*g$d@Vv`hPmdFaG)_7e{g1}c zU4>M$b>ih#bcv4=y+<*WEY%!~W>(Yc_E2h@VD#6oz);BJ>zJ4Cn0C^GKacEdI`l0u zgWvm}BKbYARVnpZK_TZh>ZG+eGkCKML?3Gb$pHfeiUukF3bud0?qF(ig*@=>&iGCw^;7%l(qk9tnd7 z;c?NGw)Ft2SNTPZ&or7LxTzfEERm#1CNZOr8!9n&(Y+fW4dGjRVLGKB31XoUfeat3ZwLPX6!(8_%T}a67j(FK8OmQh@%)+8n zbOlEGrryDTu%<7WN^x`9vsPJ(#fPk&wx>*>jhr`_b=gzIyPY6vL2QXC53_L`OO@g+ z7P2^_Uuqc+iS(yRFE-}bVP5+)g)asvYPEuzyIoc@$QzD4?s6Z>hPz-)l?CAk`#QN) z(y!`q#377Ch$urmS8+4ojV~v2o{M!NzlMcUF1jGexI?ldF+o@q)`5nYm`>~MoJ`jg zH#vk}&OXJHV?f&2&v2t=YCUf+Pxq!e-emsIci|NjGUfji8~^yJaR^9sF)afq%!^_& z`=mg+oa6iPKQXNCyrnCamAZ=L-;F;8cPS)~HMnc$S+1>OSq@e%#D?zP%jl*h?2mM^Zj!!d@;`EA-y|o6v7;jXZ z%KC<>jHGU-XyLez#(;Q5H6{l;S&;8F>+HNhhJb(&9@mwKNe5@BM0QoA_`3Yh2-|PN z~BPSc9=)>N$UIsR~WkEh6axvCZ*%0VoL{$&H5xEpZvP!O)ChCizhR`6X5~o zPfcjPIsC!L+if(FCd-Ku%Lr6ysCPph$^Up{zT7Z?#_mhC`YM;Lah}`T1FnYKY?|1P zgwC9Xam8GyZYBTpFHoNk`B`*?)`B$$>mq?jd+a2xbo04ypJ+p3!bsJF;D(o>Y_ItR3%%tJ@AxPEVJkbRM_eYawydEGmtJic7s^*s z@7Vf<`)|S=a~Y)Czh;$zf2^++>z}qRdm!uUY&DmOFcWg%i>o+PRKhza*rkK0Tja_$texqOn>RXx5Rvc?Exk`bt^uEfVk*8XDTG z#ngPoSO32s2_o%o&F*IBXys&XYU=F7{=X9ko4bv5Yr3J6o>YwC$`d1r7vJQ~ODjPP zuU9Ho`3I;Q{padsv~~w^X=4_NF)G@l!+f_KWNC0lY~mNZ!^;58^>?QFv>57lgF{94 z=f9sXLfqJWni?N&udkmp*;9*`28sDj+8ezuuAkftTOaG&4PI{Uw!))t5MJ&*o{q1d zhBet=d@jzmguS0u+8*z&kA;PNe4U(L*3DO+{+1i~`1-!A;TU?Iou!`G`M5uw?O%5f zKWx059~~{>l%GVuc-|}#QwlFGwfH#QNBg+nNHi}*8a|%hA3Y?tYu$D)ed4ukf4V;6 z<14pqzdH*_ML5+UX>9hmxqrUBqipwmSlbvZZ~q*5y3vY3jZx{9Z>FB_X z(k|*{A!KG{>2YiO8R2;6`R1X0`T6b^Rq5q|*wFV5zJZA4kZ89|A?1EL5Z;_>*Y0^I zoFc3jEqBq8_VeZ9dV43j{b7e#xZV3@`+7%sWodcE%gNVqn_be->+$(|=U^lHbfbBO z^7qr)OUw6%?P$A|m3J?f&&PlN3O}yY3!m7nJY9^d{B4h2dBJ(P**?CW5pMYYuype` z`ekFd{-!;p#rLVceX&Il+vj5Y=4I)(Pm8bHyG?ck&+O_?e0WZ`w-;uF5ub!_12^pJ z-IRQvC(fkq_O~8TquT{jTAofn_B?MdHKXFRc%2QueQ1xm{`~5L z4NXL8_qX}NOONL~5ar%&5ObOm+i2J`@s#Im$SV?}I1Qp8dd>-9>AG+DOuIe3rLmeOe4R`bVpKn9z+gS*FTkiI@m-Zm10q=aIs9UmrUn%UcL_txH0hQ*6tq|L^f|0XDxb{-9T8}|IkLBaSo{&s!0)lh$y zsJY^c_w2D7B`*qbOp-r_%ur_#ZNe%TU*Wd7h3Jn1gDYI|@Yd7_ztlfayM~xnK1b6Z zv-6jKVEee0D7~AB;bC8fAyM8xCg~)(?=&_^a^*^rFWvW6X>3p#Em!iN#0IovQG;0L3+_n}|IfXw}Yda$R4)4}yX zAg!V_&1?-^_Vh~hCqFf^OhO;DeybnaNGAOKUE4zqdt}%M5E?3Y^I_sSBTTn`E{tHJ zjls#hvCQK3N&hncqxU5PDN7=hp*OC#C-YwtZIN}6greBq$DW3NNhDeTF<)5ryo4`c zLL70>KbK4kViER)-Z5fsGmthwhQ4~nbPAcc_V%Pt73F6|k>u|x8f_zvgk2?0f;BGphPwwCDj1PrvS-e7NEK{k>$_VnO}%=Cx>+AZB`b zWuuRx{i`?nLp`TULp}EWN!C6Za#_La#=Vz7l!;i(Zo0~VJx0vD{Eu^&B^u(9p``Lk zMjyWfb>7QBJMS4W>)ed0j#_m{c_zs)5b286Sfd77*NXPv)X_tVoWctV-iX*wg1No; zJNXtmMQld4wS&Gep=nY>MLxL|r7pp(-ZYN)E1_xi*+ z_^0~U;9W>S?=D0|H7O4YqK_hk6@ClCr(V&($kmW#tt_i$0&?}e$tuVSp5Ijirxid! zh1NAwmWA;E<)Ow>0Q@{yq`Qyk&O~~C-%~~IYCQ8YPkHDUNl&t+^3XaX z(4`eTr&cr$xMS)eGUYe|V0(kV5O^r-Ivmy}(1s=h(#23tMopy%80M{wYA_8sy^K@{f4+E~x z&6ILUNJ(T=A3|LlG@3Q$36179)^K9Sh#Ef(a*4$D$io(_A(+Te5T5(F7eo zz8TMlf`TCcxcxrCm{Yz+aiO9bx@8UuoOOWY`Fz2g;|m=wVz3xX`jg*e$uSj1ABJA1 zo|Tk=kG99i1Dt>WB<9MM>*Um}3KhlsL-hx!4pmW%cKFb^)HAgdS~WmcddsSi3+Jmj z=G^p9{5V-c@Xa|Xyg(|?8w%3M8N&5>Its5!)+x;u7^fwG7KtVmnwc~51iJ4>D1PCI zgF~iNiwNfMt=fvgq4|G6gjV;KXlHRGT`Ar|~F zjoboS z$0;IMRnm~MYT|J*T#el2vKU`?BW0@>!MQj3BljN+HBLHeO{4IQ(hyvw>=ChY-mu4VdUIB3m5DFBxV z4=isNyzVRn0(x7@XYV{9NOD{B&q&2!l~IhIq-9KrFYG^iE}@KgmtwWbWFY?e2J&)% zgs2^^;$%t|XqOPsPBeq!B2&U`jh<`NurKs|-vZa0Abh(R%%O!3>ir!p{V=2$5${|9 z+9Mo*S|Z92k6%qH1t%3cPBO9;S|Yj=vlAgGGGDM#!F%}mcIvjDNW?5%z3>J!-pabpz@SbW>j!acCjx%fA?LyLlWBNHY$kH+X_x4@< zxO2iTLOQeELO;`dqFk@{tW3T^_*=qi2Zf@6GAw1~DDaE^?|whWAz~_b7=aNPWU`#2 zVzn7$;)$yT)nJYb7Tg;jE+E$^6f~VSr5xiyQM@&2P6L8w5WE83=}4DuTHh-`xR5qGJrY_UnMxMT|~RPUyC(Y5>G_%ai2WU&>O;s z&~~);`+pfyzf*D#-P(2JBL97??>=c0yZ_E=Uak)sX}VwQZ|`T7k5gO<5W@BnpC-fkcl_c(b>UOgNDUHleFrY zv;QiX0?EIQ;;LGLdh_3$5ovM7_2ffpf2RC7VQVs02id9u;9l)u6&Xfgd>nXAzEnds zR?jEIxE&#OZ`SHpFpcu?*X4P{{*R*OXCGOIpafG?I~maT!_9wX9`=yIL|UrESm`V+i!>my z1^DmgG(kivNXC_htnkGeFj^tz0Qd#b6?1nV0-sT+FNJqp(W`-p%K_j@4hh5-f{`hI zOCnSM=6WnxtQkA*8};{C^@qQy3nrEERfqpa!`~WY!o@kp2*iw!BH}CJ!qhL$GWnfS zj6B6MfCTpmP(CCMy_m#=N6JzK7FvQHmdc6Ls(0~$4}`FXI1x0+l=5O85VjBp?&syv zJSfyg2-+s1+ihg2{-_S)9`o^uaa?MO&0&0;^0Xw<_eb!{9c4RWAdaky-c-3oTqo-f ztLgGT$ls%lqNhWBi)u82MW-_5l0RrY-uuM=!(G)L+*T&TIQ54e)-O}87s#GZ(C^iZ z(})UO`S|f`&mGKUE!zcGyqYDZ3!&LL=gTY+Wv76tp{eYXYRVT-i>vK?MllVp3N6x6 z8g|wFM8o7~tki+PHiU?XtC{I}l?BIyS{7eH7 z6RBYY$xvFI7K7cPqq36Yg-|s1qx3V4I5I>aZMoVEoj)Xj%v*%8TA-i%x8FK2I54Pb zS3Mx+2cj}+;oQ^k>IVekW#UV>SSA>Y)8Xb9k;>8(9P8L(?pVI5iSQ9mCe_BpB8C%>BVOVPZmt6R+aHKTWY(I;r%Ao)W}uN z7gLO%rx}3G38`J*V9lN_%%TTD34 zYoJMUunS5VV9T;|-HN_G7Kg8rdFC5$!9m)%LqKAroL$|Vm==v{X5UUX1|5|8aX~_e zu4I_qFwl10T*PSK!0g2T}{&;eR_pBRV|sN6!k4)0X08 zr;N_IrzB0vhsJKY?zsAlpTo-3=rKG2^zOWdxoR7-$c z_A+69z_=n$&z{HCAHb2M8rm7ywPj`dU$T;ILoI>9e1K3>Y@Bno%rpO|fSRShQ{;LN zAx99{e?gYPwsF&PQy&CuOJDDygUkD+toQK12xbbL*ApX+f5P9O| z*zFlN@(WfM9WAE&6!t*@%s~PTDnor^yi zen2AB(=8j)X?*w78&$IMLK_|-8@x`#xNa>8mf%hH3=jW35*d>nwPDwI*0w2&&4^n zA)XXbC`eH+OF0r~K1AVZ*W_q4t+Ei|zQ4rS`!zeZryd&4ku=#gtDmDbJv1B7TphIz z?NK;G)RH7;sF9cE--c{fSemxu*2}tC#P=)JDGXLa0EM?w-W}d4WhgyTARq=g5M*-C7B!4xCBL=yK>^=h9l@uKMg|Ejdkqc94>CXZ_ZG39(-{FLG`Jt=D~-M|}^WD5x%oF}@6K zYrTZH5O~l~43TC+lbA`NJ2sJYVBlg}>L19}X2%a@xQ$;giBF7J(`igKAVSJ%pt6RH z>I=qUREz#m82Vl=t0IVi(M~G8y%QiW=TnLGJhpC=^}BM{-@>oR#TQOpk#Z|&(cr`} zzYEOpNRF@Fbfp=0-Au!Jvs$3Mp*5YzFN)OT=D^wjv9fACHwj+FcCSY%6YgVckuq%^6{~a&@_PjC4D`H`NrD5pHMqk?!{Y#4Ir6& zQKy%HMPp-s)(%Ol-%%SL0va!A|U(U;X>$pya z0J8IhUX^3WrVT*WVVx|9!Z8;&lrczTsDK`$r`OSiS9Mjsa>3XI;FqKf#I^kIR3cPR z=)7zjR&CnW;ZdNne7J6k$h!OVi&}zL)m?Ho^mNLj#zOq$9*QdZJUxB*IF~)$~EDY(#QDm66w^ zL>3+#(W-KY34t^qKA&8MGsRzpD{ie@XSXD;e?c#XBsGAI<^do6$ur6?Amq4q3oDWU zJ`DUWsFD9uO&NwL-y0ywp{mRzx1qT8&pNv)c{V>2Sk(X?uZ5z^=;e;(XR2wOrXvt5 z)|~trfnY+&S$_t#Z5);X@O+dw*`1?2&SvR5BYcN$%O=&d2D8rxk4RrIfLii1uRl3O z%9v|)47Ur8riPzeD>4?RDyjE_B?i+X9^g_5@nv7_M zSt$+Zt)AH#jfpes2caNQP<%X9o}&kESjSrJtt^KQ{|*x_Pf$dpGCp%sq5PfVR(!S0 zCf3P_CSX7l)C+*3H)$fqlw8gw!Fai9nMs8fLSGjEI(Zgt4-Z6o7KC7Pf%W`I>OX69 zHit_iqB%mlY6OD!5W>8vqQ|PQ67rv2M27TotC9s1i>tLSv6P;egOZtnV#qu}$;Ciu znd;sUE3sKM+Pi7m`1KY#Iy-^_*8dw`{~L-wr%J3=fC_;O$Db4;Enx(jWrij%G4lhQ zkxm{<)$#XxkqUSShomZ3W!KTmHXOPQp7qs4p0Bw4bcpib#tuE^XA@K|ZQbmq{`#r7l`0XOW zIn}D#FfTSuXmvrMmX>}x*eXex2ozd+t7-pHmI#?E-jr;|(Smmnk0V1?6A&hug+Mxp zG&fU_c#i6vf3vl0wcM?1R$a0Oy*?vL16bv{h;frNay{8Ox5}d#0bN1!&~3!UN4uby zWxCp+uwo!Rf-OC)n$YmLCU-|2P-FBk$Qt@z^Fhmh^V9?!27~5k6hhDVJX`>&$;z0( zAvO6CiZn28o*GdgE20f}HUt=r#VY3?{pPx$d2byRDtshqfs+~<9$Ev4tn0zVEf{n& zbpSfiq^Qsc#Hfz|-`uVQM~k}9hBd4cS!zOh;6#KaAo(K~93p7RJP2ah8nDK5AYfi7 zhV1Hd0?K&gcJ);Ot#Y!aVHLT0Nvzp6#`@pYVH`;!dbY^xofiL%g7LPdTTRw@7Tp08 zvedt+faT;GkUj=bke9!zj8N8+`a#u1=xqy$|0hDRk2$kVf9mWV?^*We3u)VI+@`t? zxoL#h0bKd(*{f=wvA5LH8WrKm2WkRN^>*fuj|`NGAJ#AU5r*4P{2L;*6N0M;os)?C ze=a>*dTp*u+KvnQwVZ;Hp`+n)We|sc9>5+MA3V$o$bf*0o>C2HKHix}T7#s+`oPhh zGL9uPJqETS0+bLSWohAxF!%rd?^$l@^+x=9crvq_*H}H2NhYYa+0yhsGBLzR5gzBS zQUyvXOagELu-s5s=dezW%5;*_C3|+@k}5e``#gZ1Jns&W=TsaEI+Pi&^~m<&&m8iI z!tdao8;Pj{HMLer>YxWCgdr#~SDa_uKh(~&G{~E)y`r~T*8JbdeGHX!;ET2TWYVd> ztFQLYMO^J)`haV7o?bf7Bp(LTo}v*S0gSmUr3*?A)YRjNw}B2P@RA2(ES~s~;je@s z42DA}n0oXU>C5l>+2J0blF+VM?VRhhwMF$azFSEeq8>)V1TZ?89M4Vbi~_S|`1oG6 zwf@758M#iiH(uY4aJ3Vnu^~^0g3Q4ELt9^{FccLZesDw{sKxZ!q&hlGD=)L~f3g88 zE*wW%enUT=(yqfcQ_c^Mi~!8k01gu>-moY|Br$*&Kwl78yRC^m1i7Xt>TW>tC0KJ)@ABHnTUQ} zHkqG9tqE)6f#H>@AoMJrt$xa-dLq=GZ3bZx(D$)YjUlEdR{ko8QU|63T@j|xI_C~T z);^b@OTwKymqBIq2y7x@;r;y1OQfe>*7Un}Gu<$oL;jS7xEIBCscKR^n4`@`A~{Q; z6Sb#BohiM3>L}uWB2y2BZ~M1Gu+pr6#vgNy4U-`KqSbY*~VVWJ&U0$&$HMA|&-ZBgy`%uWucNV=*L>EYx(hBmOsMxWsA} ziCfR6Qj&05hB5N`f#5s{3qS!xY*re|g}4mb4^RdP70^j@WzB{j)K%?^>9P&$sPLUx z222%XTp45~sgAwgSmIHHF9gTyRIQ8EBN(y1pg5_(qEoKeSr3-+jhu%ivXRmql+F)a zSJ_tQp5YS*r~fB9To3?9nKELc6w0NSxBB*9qogT^ttQ)uK;xND2>CJrCaGhm)~Snb zXg5;$n>&HZ_$|UFM~~_LAaX%ofBxVh|F025i$q`!IRE!4EuwIjt=eiu@u{d*swiqQ z0!)U2B_g_%ua*3c>9Ye({mqVH({t&eXa0{RJ(Na!sz=@EorA{`MAMFjyx=_Wu(C`t(gq>CIWp#?;dqF_Oag&Kq; z2#7HxNL7$d00B{Yv!EdO7XJ6$cmF&77skjQWbL{3T5HcW=QqoqTQt?A&o__eXed2* zQC5&#IsC|P=`O3YZf0LaR@|VbTLT#ey}%o{_Vh^$^pPuLXl$0%`>+sQ5*qw-n_qA4 z5Hy~s)qP)u0@Y65UliT%D5ZT{z3yyZf5w<@2J%wow9lhMebA!)45-c%vWD+$$IQjR z8dbMV(Cef9bm-S-6+_9v2#vGr3oVY~I$vje-bF1OYFUyeej~7!(r?WSCYiH8Kq-2y zw>tKWyhPW2D~)QQ_eQGni+92J2NcN0`oz={oJ(8Hk=%f$wu9d%R9X9F=&GY^@n=gJ zgcMti(W%Ygv4Q+mkD_GU&=g0Om~#MOf5$gvi(|BkEAi@sfa*yEyw%tFE#-6}^uf>M zOF9zP-}RpBcn*)hM8Eh}T8zbY-o?DxH~=e)ADP+-bByUq_u`p&iEjP|i^V?Zx{F~? zboU10AqMWuS&U8&K5%BULT_(Njtp}sO9|??f=?UGADY^HNU2fucCVa>$~r+iu1vRO ziCVMED4A>_(%`fTtL9g?t>(o3_b13)mu(O-#lobWP}IU_@{EZ zpY(}KHVBqCo_91Kml>Ghwf?V`2SXaqVbJxgxRm&Q@!qVALaC~ug6`Q?sBGWrGoe=bEY70nF>%it+?##Ja=fm$1}o^L z^82m^pN=c+RD<5w`vh(@b`z7VC}ZUlRG%q*l1pdJBSVL-AI~{0yvWi|6q^=x)VTM0 z<_um`p|ASF3iR=+L85*g^Gp+F&6*X8RWIwiF=L1qmF%m|T!fCi1B_xCz_i*D!;wC* zYOLQnYfhiKX<}1;w~B{oeFGDN)^=B6WzGwc6cR?;J=b@e&znRPMmcDBtA9V$Hvdpb z@oz2b(kdyd4QjBE-d&CfPB%(fOf6 z7c_yg#D>xpQa(X%f!l6b`xH&LfnCSWTn*K5t0U`K%V-F?IbAq#tRU7A_MtR*uil+K zQ_*r6Ca-vivfVZ&&62EqgY@=uSnHY1fTP=tXl+qkhAZOWk*^B%h6N$}x&yq1?>$Ao zv?+~^$R^_6EOW!cA3Q^jmrg>D-p=qkfIsXMl%*!WR*n5yt*XCPEtv-L1v!e6#H@~^ zD<@&^|6U8u)S=VN1+y3z@g%<%1L}4|#g%kbFuTk0FI}ghKC6;}o(*tgH>Ercy01E~ z{3o!M`8$QtvhmS?S^CALZ8!kWIL?m)R?puN+Bke_Ls(?vF5HbzDUaq9;1zQzr2cBY z&9CHWv7+ddl;|#TId|dRJ$Ydx$B#PPch2ACq6p-tECXA)SZG4$zB-)-H(u9@`!%3vS%#LzS6UtVL#vY$HMCNQ#(G6XXu3j7u_z2abhCB=OO$(Qn z6wfLhOd)IQsypGI_jg3p-}DI9%f-|f&1RwxCa;AGQnU99%)AbunW-5T}D;an*7*b+Ghn}Fpiw|<(F24!zs!J>14ifG{FSvH4>eZ_WdUzfuA zN0zjw40aqyJI7Bqs<5y>GBIoX2bsZKPJX*oYS^!t7-SRza_ERK3VGEQMToKRSLrdM zmJQ$m+=-dpw5f(3hk|#545jwOk30fOQTX_k2H&|bshblLMM)fKJ@Fn>ZgpbuTnu8K z+{?41k}|Wpuw&_OR?>RR;+V7a>L+lvy}z8XGL&6rFLm7BYWK3n%lK46coxO7(W3x5 zy<7?n*JIv_cNwd^*mUpI#|>t@3y-*fw;F)@qva?biEENX4TOn zj;Tc^BEN^CoMkwqi}LFK%(4E8pY_&FNilY`Jr3Mt<#K$61|7v~olQQn;dZ37Dt=2sAvD*W zSu;b0I|Wv}dBC5m2!qOKK-DFDd2_&>YI<#Y{LBF3ctgk z8Lr9{+h~za?`o-zk0();6Bn~iAiL2bkoDIHp*MKGeGCLzJr`<4r3LRDyt^+oJ**77 z7F^qOfm`9KImfHGLS%oyHLD@C4wq= zXhYAbFsSgQILm)ZDKxqoYsQ2OP?1wmMcdQa+d%#r7Z8@=WTxa*R!LS$#g*9ICZ2~w zTof2|gL=;0@J`;;r?69>J+bPeqc4Jg4gl@qit&pxdC9|SE2Chw227Cmc`eGl_EoA& z1l{{DN{#}IB7zMSEx>5Fb8GwDaFf9;@@;(I?*H*~%y0hC_uCab#4#Jhv$WGsV(`2T z`2s0pU1b08h4vYg&-$UTxPLXf$oGkd={;x8l~HQOD%70(W#M#P^nnij*D_Hf@cQqd`&s)BAaG4 zIgS_}?GwK!$AR;14JaYI)CVtEZ?zbg=+LKP&J)RBIs*#7dsCih^f?X;4dz-=$8VqW zzW|iWvKVPO6cto89QQ9pH93%R4bFg!kx@`)C0HyBRj2Cs>ULe04 zV%BRSzrV@*=?%`tc&vsqjjS=h)S-i_(lb;1`~e!wA4hNxL0K5&!CwF+r!)N${rsEa z!_KDEo~F-NtU<8I%R6n^0p)V0=E$IbQ=0~%3JW&!pf!vlKhh~aRz^A6Gmx7`akIZs z?}U8ebhe=fgg>@#{UMqgX;2v%S$?+tYgw%8{d4zTaKc5I$h_5?z7M3Qr^;|sh(g?D zjAP|U)Xn2DjoCpq2<1=?ErBwm=tr@%W`RMTobJis$pKWpQhvA0w2blev$hs-0L66l zsM$;aFN37be}2edIFMbf<5&2y?sLhBoaCj?x>K`DLW#jMy2-%{(_(}&EGW`|P^+KI zqn$a6oag;rQ(gi*yMgg@4~EL9hgoHp#-y;^aw2!!>F+!V_n;jg*K9RE?6>=SaV`V` ze#{#oplqSuyiaAR*=nR+yj%Lu(7Vsjb%8iStR0GwBL`tPw5L>PT!prCvM~o#OP>J1 z`$HZoMjSN-hxhY%bw0U&HHFPrq%H+HJ@7aRAcq83ljI@ae%I>1kC`|5yt8r@MhikV7s`o=TR zx^?pVDMG-zy#(p&IEbuhhxh~;-H=`y6LJ0lj`rjn;(LBQT=@_mLrF1(tZ~c$AeNph zw|_VxH=Vj0dYZuH$}%SR zT(LoPPlUMfSda+U^{2D{X>ojEeA|lJQ!6lfp06laKmmv8NCj$kTiR1}lTFy(HvaY3 z$Tz$UtO&EL1^P7+Oa5!sklw39L%*_l6uVz{!(e}mM_z<;x(P;~_{o@_^Hq1|>2BLU z#Jmz94R*3c0#_?9#x)9()?WvdY@q-=HQ#|mTpvVeZ!D%i(jO3tv;$RGwqKC15CFSp zy^#y4vLA10>YcUN7)g$}=7c0vNp-M+)0pb=@vYz&PQN&X2tn&dT6)A;I`ZRyY=@!T zCxGPB_DQYotMbs7pz5WzxyuOwJo2@2c)q40Kyxtg`I86NZGZ)-?to~=Q8^J?fscosz#>fgU)so|7)$i-~U-_H!Q$4i67%J;E=7^1UOH3QfU`@ zsK9{8c_PKTdjM=6I_f{AIuP&F8j*)W%pTB7Y|QZJ6`L8TY3W95j(UUplMU_<%iCvG zSC3iegk$?EBxOyc{p-vNuy4Ej#|AsE<^-w@b@1s9WLt1mtUPGegY#A$a zfB?BH+gj82@q*^KIAC)3KpVs*UbG5RA%uxe;vT)Rx1YZEPUFZgRkEiiSghWO5WF$r9!_r!lYPT zV$ofE8t;lhdsl#0WKs#b9$tDC8$AnL5m_v6Yws%lHl_)Jo0qz~lGJPs*i~%V++7Sh z`mMnt<&Bq$nZM5QADL^t?-n?$oF@L&wF2EYkF9t}^w_~ZQDK2Igf*SR$6(F37br}7 zfg={75cv5x%XeiIn*LC9aOVQ8&NFg0yuW5iTe10wrT~w4E*Ilb?3n20d9k8c5kJeR z!U=~m$}UjOi?FDEq7GrK=MSYua@C3DCbc*|8rgKM^F5Xxk+Ew)Rm2E^dkdg&^$_w7 z#`3gfbD1N6!#`t?Rh2`@8J3LdCKbxmjyLo+3aid@5RhK^gLvrx@z%b;ULApx#kCfA z#Q*xhVHHmE{kaR4TV>B8mxFu?B0^9!z8=K*_e|(++xDL}6=$R--A5+U%Ab&Ar{O&y zqS02q(J>W@k>P`*x*&B*=n5 zD;>B*YCYt{jBt78(Ws$=6o22GF@l6>WN1SSaOxYmjj3={dN`b2LPw@a!fzF0RN7N8K)9JcN!8o@(t6J z8jc`4%?T;spt8}VPbI1ldm4NXOgST5uJtL?reh@(zf95RRVDcR_dmkR( z3AI4boSymzT#mTBi4ncco`f`YEAD~%4~11M|#z7lZVIl8rCo2zgxqb?IUywri)0wdj`MH=E~ zew8T&6Z9YZ^gh*q59cgU1`-68O{@{hDtscppCL5`h;*=E@5KV@gTSReD4H{e&ILe2 z69w94Oc2`khgdal%He|n6>SHNIxCzdoaUN5W}P+^n9X5ZC$`H#c4tlpW#Gy=|FdYZ zg{i8q#^n86>dbE&r2I3&sLMf)m7^E!j4v(Pm8UmlL^Fb9bR}E7xszLJ3~d& z>R{|C&U-+XQ~-~JfG_W5S%zmM0yhjl72{ONHhgc4bdxPmurAR^@X|(k4pD5IlpA{*W-F#BRvnwbc}4i05|N;j}#jcz|~EX#J+d{ zLOuZd&f~qNt9*Mu>d?ARYDEN)DcAKsm$tP)bCW~n@pyFuoxX73iqzU>l&UhGWF%tG zrQCS)Qytn*zA(25Y!$=vC+rplftcb&0KKuB${-0FcRxMDvdJ;g#=8?b)b9?LMiaz?;e*?pCdTs)nAt1H_qF2ZizyUH?rn6Bbq^#d0$) zq@_0hXIRHL;)=vv@KT<#HDIuJKI(QDsd7>3(prLgy^-kj`$DKg*Zy zcr*cQQNGgRDVvNk9N91Q0Y)Fb0{yPXn3`aG136S5g12?^ex*nlSMm^l43hWqJ3_Mc z7(Y17u<%eqecZ0M)(!a41PggsI?e&)#}^UbvuPC?JF@L!Y|Q4NQ$@hwT(L$R@T4XR zcKMsQfi`pL_L))4`l0axU>cfg)1i;*;R%;A6wK}XyG?5g(an6N6GP#jKoeti#~BMj z-o+KXPA##cp&5LoajPwaIKly|&&rRhN2Wx@QRsjA9S8IcZl}@c+P0130S@JpPk9-h z`xf#n&L3de!SU)=CXg8^JVHox>y;z3n0yhDGr<~#A$|FABJ`Zr* z-5k^Vet|5y06GJkR)YIosiB*%TQbUa#~e5Ziy0d7fj&smA$b*^o~@6?WqqJGYkdFh zddNLT?DJ!rB}#r3$Sm{_3G4|4QjP$FN=%+sjew?TN#9DVj&;s4$Onw$xqhfJ-!IN1 zOT;=Vb_^=KkWr{x?EK)Q(EFT!q+6}n#YT7H(&}FW?P{SqKyPib#)dsisf&F9Gdabr6+NDdNssXJu+++(4HG;1*`B@`HkXJls@5b2MY&ti1z6gb zL9)iER$ywqm41XSGGPNN0!gdJ6wvX!Z3pR|S$4R&u9%QWS-dW@C4WnX!68mM!w4u$ zY(*UA)621}kF;uc^}La9!!yYo;xN;EP3AeM3vboceolmUCw0~w|B`b%|8d#dDlKmj z(?)bR(q0RkHFYy`+0`uuR{D{Y6YG>ySYv=JjNR;AbEgkf8$0ncNg-k`&PBa z-}xO@piOH$<`a}k4e=%HhMhdfddr6Nqe6PQ64T!A|Gs+VJ<_um65kSp;(iBN@Z5Ir zbCJT13lk*Hw>`I%AMc)l_6h=5khfF@HRNaJn_@{yF*T$M>`rl>+SM@4R%l@gvFJ<~ z4${*J^{JM!GOLC2g{L@uKBu(41%0H(5?m_SI^+}iCBQ@d2A^d1c<8!^OVcH_+@Lgz zhlx!_scZYyc8&SOYa-7%6DKJ(qAfKgA98-~dmk>uSzA5Uf=sv+r(lXIhEl6XTTZvE ze{dFm1Vw3F`e`StCQg$+ zL9yC&&+E3RDd?`ho$&y+IOfCK^%Kl}xo;1t0OS1OslGvV{i+;)kcyB)~5C zi|l`y#tRn=6SD9>>ntWBbSTe0OX6t@ym9W$iFEY@H?LbSBJ7xO24{^?+LMQgxv~Z< zo8^L}28pLkc;kYFKUra@S-qp?$jtHVw95~NW~*T!Kw%)zTn{f+fQV#k46UrZgY1m; z1xZ|*&Y86r~-m9>UQ{p5)F@g0 zv%5Lcvd=Pu4$X*sV>4*y4ohma(>OXl0lYgcWoH6@pd%9b7*dNAL?Y)jIMl!^pW;i6 z(vw#hF&B7 zTBr0n)*Xa~E!MdQma)aZ4%4v;O7vMQvsbNAWm>bRB5K#XQ7eZ&Mj%;&d|vDxai8kr zk`m;Fj~%@R=rP+!sWllcb#Zk`;u`#8i*vcC3iOdSJ!f$zu23zPkUn-gt^)^|oR_jKa9>d#6v*#sKn!Wr4satZ~lAocT1=t{j z0~n)y!O*Rc=c!9IS}3yyaLR@DOKR~MC*b1T^oY6#(rG&}330Jx#?K@LVvt6f!U$Y4 zT=Mrwz%6p*Wu0>R^K+*xVKgtbWqoBwZs}X<3D;tCyC>kX;Wx!-b)(9-m0n+GiT?3% z)lX_D$Ege@QpsUnB0&eIa!aMjm$<&P9<1cOq0= zmPa4NIlo5;6b^iFmjz?Oq7{l0wfrv2jm($XoK;$Xob2NU@r$ahJ+}Y%T_UdG_BBZy zruCNHkv|Jibo64D3C)OAjcaMKStdmve(>;vN2TDV*V?Ca4y&lRB+905)^6}-*0c3t zmRLN9&KF@K4fb5-uG8^03EJh*sqt=eTmJ;$|2gb}Q1hlCLHygfGYI7($j%;|G88eH z0(k`!A@?`Vl1yO7i1J-z4U2{L4#K@Q`9^*p=S9p=1Dxi>)v_)RJ@ScwyL{{Ms3;+q z#{90Wd?HiC8F}_Y$bD$Uqx&mCw7Z8SMNF!3yFHiDy6pv}qh!qV5-_(3c-}F=j6(Zj z=aF~s1KMdFogP^xi?ak$$PgkT?|AlURKaUQ0O+uDqLnX;)&b++umc@?V9UiqjU>Wr znQH!KM@1%`U$h1A)OXC1x)W?W5tSLtfd@?=lIiFb+%6^MZ8Zo zxP0&TBBGq_(IUst{N7drT-%l9`HzpBkQf}b^CPn;hT_MmdXT=dL-PPE#dnyb6Ry7# z=vZIe{zRsEH(oT3-NR1f@Wpn%fI-{8#aSv=NC*v9Pqefa-w^9itbN%C9ZcKrI}|tt zRn(>{zb|5~KFsjwl0WF^cRABBrnwDBc)56OCbZZkNy&*vhox#m>S^{>Pw&-z%L--m zfBh+|q4V<9dv1?EdR;*)P;{*&$U~sRX%FgoPv}l%(~M%oAG>ShLQePGCb}CX@sujc=_nucly^q{bzB7 z_DPve(m%?$Y4j=#M+ew%-tR`-4tL})O&k)Rgl?-tx63HDH$^&sm9c8BzO8;bqxsxC zPc-$oJV2upN>EMSYjLkRPQ7gPFZ?h!k*z5>lb#)~Ryg!mjiLC8>992H^D!>9Rvog) zbSA0I<}CS2mim!aK3D=aq!n1C)7I^Dx^G%^0fv@tfXwlVCay=ZF@~y?f69qE!5nPF z8811JdvO$V}$QS56&>VHzfu{AVpkAxQsVSK1 zg<{)lPQiNq4k*Y2#zB%6g#W%d1EiVEU?`q@zY74**=2w!U_Hhu+`f@1B;3#>$MgXs zOL%2^tU!{d#qFaq9Y?e6e!>rBy^$|2b8N*bb&n&6f?4R0-l_Ad&zap00LAejfn005 z@6AZF2%^m$N96U&84G~wQXMo9>fPj_{xYq&Am3m>jtWF!d_>Y zy<0Y);CsVwaz^OxZ8;@E&s-muX8wx5!MzQGei6W{X9b2t^5AvX7@r?k0$CH_vz*Tn8ew}Ob4#!6CfI^gW9%GH;s8)EcqpGyC>Bz^gy49^KRhi=9eD07rw7a-KPGjP+DuK(Ng5 zh5l`)32(a-jXHo0o8wYI{EVu{q%}$AQ1Uuw`l&9*#Oj;WSW8O<2hUKMAkC>8D0E4* zTWr3~c6DnD_;)V)Hm7stJ<^^0cso^rpGjU@qZca2#owP;)6H`rXH*p)fE_o&@22p4 zjB=pnctzx_b2Urc{M)rr(Ax&V?Md%sT=-|lK_G1vIJ}+3UM^XTh#^Uu6}~^AG4{E= zj;(m%Nty?U2(UkQtF_d_mqU89)vOXEt>n}%wm(Qine&8REw`xl_E1W2nHJVaq-9iz z4QG-$g6>_7b!>B{+-9G2JB9{lAxmnc2EJT7QE2`Kej#~b=*_e{i_?@`+#kgbu&lS@ zc)hEv$^C}(sig}9`V&OO2rz>A5 zhf4`fNF1laoQ*O)^7KJsX#VrlEo;uFu<)_jXNkMyavKH>SA|cfLU8Xbk9w05L`Zhd zwEhMjk+D4tV`i}w`QRwjA=4kkHKwnMkR^hE^#STB!!9|9?XHr)sf z;9$rvz^xhn;;`zaS?#={ZOvBanvSadmIp6buzsn|cfCUgtt7>r_)v$AHRwio zkB*7o%J$|R4y)@|?(Zf8CqcUELu2EwwJ>LYv<@lD$%gr|pQ9*N%*rr|6=p?uEuQ=c zAT1*7tFm)>_+jGMl2Fu3qlZPU{)EWYm39s^O7p|To)gD6BZVRRx_8YrkgCY)0Pd|NBM8$Wz2&F0pTj-y5aKl3LZEBw6v zE-(Y6MV=B!yS6axr317Uw|;By@ygAv6_7^%l9pS}!#du5@B=Zvq_D<^ks^?yT!Nbu z)r|eJwF}k%AZmK1nIABvzvp>cob}i>7Js_2Pu?=Bn3FehxQ!`b^zsb1{CZt>XtDmr zn)CUisy<}woQ7s@aD}A;fsDO^M9wV`aBs}@Sruo=8W$HRE$oxxQ{64L{(FEVIw;-= zBl!4gx(S3>>}M*6Y2>%Kep9OlgEJ1hr+-S~fnDZ8aea-?V9M}o!^Mg0x%x`<+tAXa zp^z!)SE2{E3S0bZ0ZtXXJ4a=-VLce_6UF^j%z*eg6_Vw9{?H8V;9D^j+#|P-yB@R! z!o4{KBPUPj!Raw+=9PvU$u`|c|KN<0d~_tv%g2}dMw2ph{vMH#fV*8P2Mtqiogcw`W0z=a2o{`C0S($t%eq&|3oD46{nM!nPXldL~kYe6U z0_StJa@?cI7G$l1VNU<;Eg*O97_jpXq;AWVdDz6O`HODQ#y!zjQ)V--N=A+HNr$XY5Bumz=&{B3!v8pm>&LNWEX7EW^Wt$hPbZtEmoo}yCd zl!EN`i2jvtU`5TD(b$5kg{QPGoKu?G!dldV%zB|Xa%i1|ie8Iun%Pn1;Nuxy^o#D5 zAEVBj{x#lbiD>a962u%)-2F1s5Rku2M_pJJKE1R{J|r^<^+6ynrMn#n`72uKs`*)< z9eL1|Gg0Tw%>1LB#c-EhRC97-%$47B6y>~sdq$52P-PQ$;ogk`=z#WG?T>K;Pkf9u zKFFt0KNC1zlGa)6Zl3Q1CloGA}mUtC)9JMsLb zCu#uJ=*Nq7c(2l)e$O7gNnbYd9Q9rbW)Oe^BLYzJ)Bx$@&FJJUv(Dbh_u z0XkaB7Wb~kEY1^9E?w8kuWfDZx}$WWTQkeGNnZv%(dA6JTMBa+=Ft+P0bpueu`Pd4 z1;*>*7YI#cUozDkm=Z8l4kgC?&U0LBUB|L7wWoh{O;(NKbKANQ+2};nZ!fk;fp77rM>ShDtwhj5~;rPo|ui;-fk1l1&dQaQz&+v#9AqlN2!?TqFj|!rM_iiP5Nwe+8 z&l?O|?FA*ph%-)zQ?Ky6(ghgG-?TanE@ZZQ*wH&2*g7|);{vDOr#zRd+0G1ppMj4@ z`KdWe1iSjwd}|ISucRYmiYKFKWa>cSUsE6c!88g@1nlOtpO6G;^1`3bJW#%8btz@$ zg;QJdoAU>BkvpL{msFp_gMnE*@)T2jq9Zr`qdidycO(I)@AA?4g`vMCEv;A{X7@K) z%R^_8Hij^Np2RcjVIZTo?jS5HveUnE4!A`*!|%LL%CeN#HRFbTPVIz_`R&vE?jUo; z{65L<@V%Ea`|w8%m&8+}jw{&ml0AG7<0 z4m}9ffVmC5@$L(cOklD86S%#>c0a&o%H3pm zsVb-M`t!DsNHILHLpIzXSq*WVA{%GK@T83xna&*ApmA)wuwY32HIP`}GBN@@pnpSI z{U!kldnchBHGh)M#=S-UCO-xMTvOoltR6K{^e)b#P)+x-77b1Bf?bdJNyPA0=?b0M zEWT=?ZFc~srmdG#x7Il$yn9Jq;J0BZK?mJ+I1?A4FCt{DfLxPe`|nG3HHy>Wt6Di~ z4Sb7Pxq*2|ZhdO@saG>TQ{L|bd8ggWUbX!?{(0A`IaYvWPl|#}lHCUeI8w(fKVnu>3Ow0&(5qPI91nx9K;Ey5sW)i|WkFJ|jXAb$D3stw95kH2jG{XS`nN?kee z^2g4nZ~4@f=B*!P3ojdX3rn7!XnO#vSn9WIkKGW6m8FIU{$BXLy}b~=1qx#7g*O{~ zXP(mw-w14;{JqK~eB7;h*|E^DGJcTjTKJcxo{{BwS_*r6Jv@B#^VX=q<58`Qw%<`a{TV`J`mwZ_IGwjMXU zmuRZr{<-bm+#LD)@$|WC1ySLFH%|Om;99x%ZJn_+wmr5$-8ka@>&M!sw*uFi>!U-z zEG@`QjQ##J(cBch-4*-m#zx@I_7-(RuX$%KzhQ7M{zPe&70gb$e+m zKdWuw$K<(Yc=OJ;#?965Pu|L1d-J$CcVg#b{-{8p+|K=ct`pl+6AM}D?v0UKOVrlp zhK-HKd#`PkK0dMYK3^~C!L==wUz;7HdVxDXJwNF8U)y-w8vBbmbtLxJ!inG4s;8TG zu10UjJ?7c`_M2{J+wz-p}HwA3(|0WBc~(;RVNk z|F{Qx`G*|Q-2MLFgaM~QG8VzvSNHDOBlvGrlHeE5K%8xGU{J^rkD#F4%CG;Mdg<=L zpg?fm47jY&zfqfkU;djK7Z~jIpUBUx{*3AcWGdifsedD1`|D5n*?$duw+JmZFwk$e zi~l%@?5`ic?E!s+0xE%j>xY-~zsuPE-yZ(=9K`OQ`dkHwaiV+n@ckRH1=kh^v-kgf@?rb_zZHCKtvL7Zp2-9LPJp@FUj<)# F{txd#4Qv1a literal 0 HcmV?d00001 diff --git a/xtuner/head.png b/xtuner/head.png new file mode 100644 index 0000000000000000000000000000000000000000..e09cc243a07fda47498d256cbf76b530e5072284 GIT binary patch literal 435859 zcmV)fK&8KlP)o00Dpq1^@s6^+2oy00001b5ch_0Itp) z=>Px#1ZP1_K>z@;j|==^1poj532;bRa{vGi!vFvd!vV){sAK>D|D{PpK~#8N?7e4T z97lSt+sJ`Yq7oATCgmJi zLVJmKT1kqNENz@5Npw)=RP0l0l>0L5M;i8-<F+3x(GgIfX8IVhup@^gO}laOb7>{BNkx6V9HC|6f-4d@Yz zay!_E7?cb9p3qZoHwoKlo3G0pp9A`%oTLcbMtPml;6Z@tMC?z}Kutmc%37lLCl2c- zpxlYf1Jj%zEeXRBkymTfU-Es(50Rf^xqOh0YMR?6oaQ#&>3D+A(W3JDDZ~0`4nqNs zZ5tfpMAkndKgXhe)Vpum{d`8ux3hK#~o!SzWEVi(p%4qbBOIba4v}-iE`jN)*AJngx|Y3#8`Y*WyAHy zw=O>e@AX8@Gs~kO_*!&cF#8jNc>D&2BcT~EebNZjg?s%^#=SuTVmyEA-SQ=39g=`! zp)hGt_XcmCk)nRT!(dC}#g?Wev2D|fElpD}=@W4+h{rX*4er5`e}Q?p|KVq|jxP<4 z1xet1d_Mv{UnDA29S_HOj`LmJf8LMd;hz7hZh3B-bv`kwnZ_W#|1J&N1F+vkYdR$lTJ8WaW{aviQfXGV7~PWbW5r z$bv7wkVOYSmxTvDlZ9V@F7v+mRAzriu>9Lk)#pWDeJ+c>+@x6e)%l6!;cvIevK=4F zq`&wjWDnAo0C`KiR8o^Km$;bL5}O2BN`y4E12=S*2mbMWS+@UUS%!2AzS%1CzTPVH zzuGEG4{cG*|9TVnT$UaB9G_7K-*1)~-+Zok_{(iF_iz3dQV8Knx>9Z~S|m4)_&|D$ z_$TQ+;;-e3p?@XaM*X{VANlXnW$-^qkKz9)JqG`c+%@8LiNEq{9EcQYe|51ec=ltN zy=IHdUAsr7toTCat=%DupWGn}p4uUEpWP`_)_f+@AN^P!d1jNWcb`>?;}})vM)HaO&tG(`xkOW)^DXt=I^Cj_CHBR_TNaC z+~3F*h40Jd;EICZNXNXtk}f%a4gN~5%KtUy{aQK}{154r|J$hPn)^4Bmj4_1#ms+} zyQlq5ZhY|XC8O|vNSD0dN?O6+sYp8I{f)+?bw78+G|Lbzo$@biI_CXlSiE%^F{r;T zxql~Vg?}aY&itQp*VNz1wIlvky0UJv|4KUH9O#()*DinSV)=~oA{1BU{tvk-=eHr@ zcEZsqD?Gk+vrrC8ylNn}lZ7%gF?P&EnFjjfRRfSm=3n|^N5qZ;O#Cakvj6{R2EUan z`~Hnw)&Dng>*(KszmpzCeiUH@bL2KCR+f1&E;iat2ztSePt{`&XUU!?H3dbw%5S`(BIoY`t~ch|;$D9^&$o_+F1*Ht!2cT(J)QHh{V>l!znJwea`%ki%k>ZagQOMX*mK_s|4yzf!1saVV;cC=bDFRo0`rZ8&V}4gXl!Y` zbSl7k90psSkzmU+8iMofQiS_2kXH0NNgwoE`NiCSk$dL+liWD=AEn!1-1lHv`k;UG zt>3Zmcha#4^^M;L4X5$_DES>=wBuj@!lcWfzYj~NVtj|fU`x|f(n|h8(u;pD-3R@x z+&Az4lY3_WKXT)^f0AxPajikUb{+hW{`E_KuL=6hJkm<=9RiWYW>fqRD2qnz3+8ph zJkICm&Vzn0od*A2t{VK$fYV%;Y5!Kb7ylOE-W&Vw+b7@*uG%JpPj8iiBcIE#@;x%D z@}LYqwns*m@0Q^wHp|e8Pc^4D$T9|M)=0|M-!NKJkSNJN$`^ zE8i(YzyDN*o!pB2wyOPLeuFBuNXcpJEB6=VANyE_*6fgiVo2PNsDec}w+Ch-q_B{2^ilB5R?Nb3i7NT&&#<+6e|u>SSp#B`R- z2S1Rx&mERAkAE%WpFA#8pRbhhPaKo6j~|fRGDc2OdgA3`uN^0iE(kgeCq~>jsq$&JdQVX{9X-DMf2tI0YZl4bTcmZtCb@b3S8~JLGPz>JR!PbI zOwCu|7-)95n9oS7@UGLCq}aMOtA$u9HeQ1qU<2KFTlL0 zVhfOR22%Us91Vjl&vOauKXu?2sQdlWYvLa1P`p**`+TD7w*NL=-wJ#Ep9vnvP^1jN zcTHiYBaiw#ZU))<8W1X`;^q_#J4Ivq^56^OambYoA;-Vuz$;qkgltN@^~y z_qn)EscVVn`je0I*S-F<%G(~6*7-X^Vt!Ln3Zut=9kk>7-LhhS!$OlNAc_(M}i7I#G~}`;2hd(nNx-PQA1$ z-VqjCo?dKeyo6e>b;(Wz&ym)}o8_j3U&{5U|0_q~oXYm&`@B?*9$ z>vLJ#qAd!up1~7NKVZj z$* z(dw@y|G~ePgboiu1n&p8NnGL`5}$m7IIX&i6W>9cSjg@rZDrKsmaW*NH`b(02}Y=!ifj+D##{H3(d`9c!2_e*T{A#w7*7N_`I zaZ0`uC-+NnvJXl^!B^tsKynNA<0Jw32i3B;9F3EQ&m^De3D%D=#^ik^i3Q(DLg4}F zIp>6Qn{^oV`3<&xNMcc@xPosbMy(6-P(GH^m!8vr<;40?$1vqPbG#66>mf?w3x7Zz zACT^IDkNj}F=;d6TZt?DN)n2`NBw_~dgrkQxjZ+%!8Eq1K4aSV8StFoxnqkt*j5C@ zWczWlkhg`Hf$sD`i=vnA<|dd>V&I*&anSB?7tKNQ$TzXK9G0Ci9L z;d6hKw;#@b1*ZGsd&l`LNKD_zV^eVYU?0Pv)@kDQ&Prtc4>%+pM<13e#(amHUX-iv zem$RHosjiE;2W%m??ALM6Ztg@l!4gJ+oqC*a-4~5T!%rUX!-6&0>9r0xj#sJ?pM-% zCaym-j!C-*zL$7jm-2p)xcnd8>kN)b4zE8T`1*4OV(_~W4*k0lJ#n~xhC}5a3SNT? zP|ov23`i>cQId+jlB?%cNVhr1rQL(L?&BI1TZsB8Lir0(MpA%j{8p>9>NBU^&&?pV z`1`Qf(nLaB364V;9PH;=#grvzeoWDKiljkDC2{aK(sSWy={E0#v>*MW#24#&i7PoQ zF}N=yPBF@=K%JNHGa`r`^g~$8dS?yZGd2TTnY~!I>A{x9OWfceLlQseM@b%hOj3q? zCs!}7k{%1n<&rUnC4TUCYFYe{qY^g+d5}TJkmiU^%g>y~yjY}f4$hF~a73J;xJC}u zWn{S%vCkxaFu*>hdO!k`+e_ilNsy>^ z;W#prWWz5QNW!9Q+ zWYqNkBk9-8hx9=NQ|}Qz_eU8_ioXN<)C2Q+LhP=@{8({r>m`%F{7iCBZIOYLR@tIN zxkL_0pUUl$)c~=t-7KR|d?x+gdjSH8GPk)|oDRiuRlj$nZU28!t%UpmR&rN@AKPNc zPF|@bAjTG8UcmuezyKsDF7J>e=4v=iS&J?BQmq#%QZC{OvA#6|<+(@~6hjg3Aub1bSV+hY z{2ZHwo0x2rGbqMoV?Vi$Ee4^|1Q7@EG{i#Og7Gf5VN2s<0KRv9QI7)-NY`;kByHkR zxda#TxPds|`{R1j7kTtYIj~+_f7~Dq_*P>3<9i2ziS38-`oMOYNn8}MDa7{0euhD< zW7a+A5jSdmbp3Z3dsw=RKP>GBp`J5w-Er%m>&EnF#0?xIj`h!D$K^a8I`a6K;}l`c z#JLwGF#~zdV*8f!HWDai>io|^zGsN>IoRi1TsPdPLHek`%`W!A$=oLy(~g6q(r(yy z?r#F-5BySHpVT!5f~c=SC^Lw`v;tzq>q#i|^(hRvId2ZZ|6mKomc~mQq#&+{@%+I0 zjmzC9z2=;do^v7O529T7edBeW@=ZBZP;h-^>J_y%Y0(pul z`QA;7>ju*Cv%`IWP(}p=&Ov_7g4-u3ui7W>kBcrNBoET(lt2hUOfjSo#20DQI!I@L zH?!@*>JE>6-dkjP%*BwjCZ2{%ftbFC!C-zYK3m=}Mk zIPF_W&#A*?#?hUsHTUkCKgrMPK9c@y&8>yRpWZ6Ht2SdFwn#zcXEO1dKgw+{tbz=3 zV4MtaucY4bgj|ySf238>KK%IZ#03a(5L^BBs*9A9TZU=AN_i*iDKnOwJ^T&`JgLfVbMO+Z1JBo*OHN$F7Q0#`7Upb}pT8R}hq zJ`XVfw=Cy0>N?Tz1}M_Vy8l)Q_|@~ur5ApX)C~cSJ#V_=3vq!k$C&@6C+0KqAhDD& zoD0D*2Iojj4vsNn0NAc4I;zDF`{PEo{KbTcTD1I;t!vIelqXb#JUN*-UbYwjw(p6Q z0E(9_>J}p8-;~%FdG^EhY?0iL`s#l`(#9W$6dsl~IPaa__}-}&G@SpCCZ`Y9!?d2q zbV%=MWz)-}i!r^iUuQAK_Q6dT<R;CtvDZIa z8hMODMPC|E3|J46sm`q^qi!X{cFuC7xT)`;C-OV1zsJ!NpMx8hY+QflR7tPd<&flq;Ymkn^I5>KcX{N6K52F}48Zr`&~zXG*XCv37nU zg_u2b67hR>!=g&Lb|LD2B<2?!R6;^o(f|A-Oh9K%^rOc79yT0ef*Ha5x!#IeW zg88XD^=H$v7BdX8H5~OEiecE#Pz*(0!?69K(GiFJh#7Vmc^y_UZs=i27<^Qc1|L== z0Jd_fmd>GU?L3bCA}1wb&?#_IFZa}o<6QO&NCzY%`ASGjYjN(pTJC@UIhp+JXENf% zRw;%||6B~)l$fo$DB&SR!_Es z?vmp2T~c%c^UAkMP7Pw+b{Y1=XL8N5`Qo(cu0}_@BIhsV($V`Q@xh~#GV-Xjec&r; zH{^3^Kj3Xh;|-9!47sD=d71innM``*n9N;WBePb0C6gC_D);1WkTzGcYiOp#afC;X zNb1}waVa-J3VTBSG9)&kr(Dtsg6O1Sc{=7_rAAeq@W207#vX?NqWtXQnuC4IX@JmH zY{Gu-l}y2BK^z6C9slEI8T_ArFV4NUq3rEd+2ZebNiHq?MB?)ygoS0eh~VOt z4VeNTB%y&*f_n}LWS-2$B#~btV6IK z=jqR1t7*1cX|SF16yy40Kl_G`v3;Ep{)D{XN7>vch2 zUEkjN_rrNji}3?+lQIC`5jVzV;<&1FCAt`!g>tELKf37fJkP@Uj?e4{dZrkgjTAOSXGpJa^iiJk5ZUTS@s7*gueyx#v5n**hw%Hm-)*_V zGSiypc7gS`?%~+ub5phxE~>gbyUW`FK#6ZqM z#ir(Ci`)m+e|*VTa_!O@>9wdr)xT4y>z}fuTFn$pNAzc12h7JTKM$~lk{b%T0aPZO*e)d)R(H(!TuEx#A*%qExUTB+Aop~>CLO$Dw##6wJ89Q{iIZ_P>gz^HxM{JpAO0svdGMg54lb1|hHsJdLBE46 zLQrG6NSjMyxG_D@Z+t(vS?zyyN#UP>iLBp^N&fpQC~~KAbcVDU!_1u5iu zd8i|T361+SZ-Vg`l zeNJlt);XI%oY?Z%ar9B?jJj_-2sa84M)eF^Z!G7tY6R=)XV~}|^=_VNgLJWLV|1|v zP%USniRp{u6b7}P%E#T8NMmzhKB!Mq|LySO>Z||zS?{bXpti?j5LEwXfcb=i&xxvM zMb&v0T~zfV>iOa*BGOXyoXj#wpIIT@W}lMQ!yzH;%3gr^195zO z*AAuwd6-r$d&q-8X!NzL84=qH87X$`DRH*qnNTuddWJlwObOxD3oE4kC`clH zd-=~mRX_aaqxuJ=Uf=&2%Y5^i354gYMG6?76^u5XG5;pQyu9${9YPX62sh~Y2PI?v zY3aV`l(ZQQ=^ljhpYz#^$GxHFjlQ~>S2yp(6#ykhp)u=Su&|8bu%+>0OVdPHKdPP! z4@!?kmC|#`X;uHRgHiuOunx}g7z)=AVA63KXeq_I{Jplc%r-UZe4>lGEQmun4cvVq zzU^?`A=nS#DBLvMKVtUFF#DNG8T;_pGHcCuGHT&Ra@nnOAvq9|wrLQ<4sz?0%VqZ0 zpUN;uMce7b)jRh( zcfU~*omSY7)-w3hf0jas+&~CzHbjXc$g~_FhXTk}Lxsw7rxM((YOGTYX{;)hyi>cS zgk5GUcSz)R-#O;jG6;0?opQFuYqTfnschx8eUOxaCOT0~Y3yr&7Vq$NH0D|~CB_@vCAu;i{Neo*TQy_-P z>5}AJA*pc?LAHE$xLof1>(`~Ye6wWNelGp%w@BaGQt4lF0Ocm75cl2Ew|=|i%1-?Z zWIgMP0=-9uLvm+QXs<@z?XlgSv*eQE|B%?+?YIaXzy%B^O!grqg{o^J1&q%TQlN}X zD4F6sgJ+#4N1*cFE8XTDlZ<&kO6v#tnSw)Hu8*yV1bO3Oym(QN(ym-9Y zav7u{VDK5WK0mw5)jB8x2R(@@wg5(0qah$4TvMWn%|YdX`tNr@x=cJFoyH%LWPU%` z)z`P2bp<$W`>f^#wlG z*9iynL49XH#?u#^l-3XuXAsW+5~js8*MT7VMKbs^r3l}PKUb8zgu#|30<>TqlJ1Ku zq}!5mX)})b;{0ao8}lEEx+Z3O!Ji@LTH1e962`%1ba&LFzR$Y5sXcO#m)IfEMJoY3$Df5WAAEB!<`0q4+Kj!~L%he#ZGVoa=JAyB~&;ORHt(vwDD&F)NO$ z=h^Zm|5n=cEP=E@3R_VO7m^RLV#}J5sdJ522uDJW z(w=p1!v4ct)rlYifSEqecN)%S=7-3Wh>HnzA!RJ zRK11}LerYdx>Gk%OzVC&X_W*9!}(``5=YT%DoO%vAfM(4q3uT5i|r=ci&yRz$b*L`#%>UG^l)VO^GHp2bBlv|EDa3CJqb{RqGzM5i$as2pVic zXrRogi0wopgepDb0m+zE-dG6D^L9QVbU*vV&R{-A6M=fhD=4aepn)^RvyBplvxF;z ze1@&({BreAS@R5)+BWwwoDllv{Wpfz?ONoIL#tg+h1%*%vB4IkNgFH+cGV^(n5zA|2+8U8r z5W|O7pO6_Z9+Pp8d@9%6vlJ3@EySjy#Ajv7gCGBsjHu#k7`8zyIAF;pNXb^8RGn+s zvPY@o>mVLHu}N;&_!tB>RWiC>4S~`^*#F-?kRm=G=n5g}U$evCGN|&{DY;d;%P2)k zwXOlxqE?Azb&##oNY7^s>vpQVvg>!sgEhM(=bzsdCmrGpxr! zliczzWF(|;=*JLRJ~xUow7>5?xg>8pjx$c4tRE#Q>w8Jb{azArv&~___24d8hIvjN zFtWyZ1ULB+N5D}i!+RrYmDz1GwU;IXNuScge0cl zLCKhSQqm_JQ-jK=ku2TidR^41?=z=~n@1m%A>=c9XNt`yzIXHl=4JLJ(%4M;;#$_{ zknb77R{UP6L0@owVjFt!7r<%n=b)~y!T66?Q^0u`^sHf1qCPjn$8gUe>gQ#{qn|aj zqn;}y{4R%x!Ot89L=Xq~o6~DXg>;*KLfUem1zbbovat@<^N(VR{D`^+q5c`Y^P-J_ z;u#$I+@gBM@C@;6W1jUs8}PM4iTEu~#BcdEbM-TXmyE>xLO#l&>wu4RX!QEt&$c}O zJHhU<`dP@(_`21GK-DSgyXU-0HPR@%?8X;yKsS6h)H9nn4-^m#1*RdACV%hqVm~z~ zHD@Ar5W7Ey#+D`$5{eIlujJ~5mFgKnzIGzE1i!7tIL6!trBR8ayG{4AdcG5%mDJ(0 zk|{<)nRMrIu$OS?)O!i@iLwLTz0{90=CN9tyjEn&YLPLks%6ybS{eIPwM>2TxXgW`RE7+BLt;}n>LmoH z_kA*S)4xd3(LYH}!{>5;{ijL@y>fLfp$t-dicW8r;m1Fh+kW|sIBim;Q>X5d8s8Se z)k^OA+YM3ziDj2jwkQ%lU)QH@oAj;UD*YjNY#Gc$KFo{D`$G08gk07i(#Ni*l&;Lv z+oZ5|j}%cDE4C=HnsQ>BWUO5bvAP`Fy9(0Q4)WJtbrp4-o)Q~#gCr;1D#^(=OML8g z5(hC%h=n{R-K0fObqVbSA?z+m@!cdPwwsD-K$*lISih?z#votyOk|SW_T+q-cJvb& zc>F`vb(LLq`MjeM**tKJs0X_t$=*_Lt8aW>;*I!c)6s+BciU=?o!^ z?<^^|zbKdFZ40|;l^AGA><6wphZmoVCt45cOC^H3Md=QJ3fD}UkFFw zGXzm>Q%ND^gqU=$AadHsNfYtCLLmq(c+rBJlkQ^tvV z9I&3c5i|9v(j&iI)S;I~au^IQwn_+*mjZQYLA^Sn3B*$hf%jDp5n+`?KY9Qd@1_&UhagO@tndO1_k5|*sk{3Bz{z7B^u@Q>Eft5m|2cof~#4n0S z)IW5x4=5q*G5wgdABr;P;2M;TIsxj{GYZUiz9+2MJ?cZjC&{J?iH zvE&2<@ifkh(~!j)oMYvX#FHrNQ7yg{Ly9au#|%0S*sYZ!=<7W?1L5Pd zfWMHfYMK(ry!=AAT}vS%rI7RTq*RTxnthV5aoDLwAY~cyPC^O~Z@bW*N^hApZKDFtyrO{om5J0N|l z_o(IlWUt)MXDA_!MW;(;_V=45_Kpl}3o?7dW6~=Bj}W~bV88mWRZNa^@;TStVSfY zf$fAN7wMyb=VTx#Kf5_+BhP5aLRt&zRTrG*t1H66?w!#x0AdH(bOw}4`lKV0Ht7dx zU4mnjxlh01LVeiL-GtO;=JI^c+!hgKNp=bUZ{Z2!Dr*X?McAvUK} zddxZ|-DVwDBXq~+?Nk3;QeDM;*9%U&pYwTraX*{uQVV1M=U*Ud0JgJ@8qxafz|p!X zcM13{yn6l#^&8M`6z1c1iObYJs_vr%-xG!Y>>ug7alZd;Fx_XHff_Zvc%SrGfcjr> zOxlh98aMH{?<)El;zw|h_vHNqaR#4%_`bn-{O0ypTnxtL$W}-7*)uOJ>Y2dMc)Onl!xq0bLk~$xNtt?e z23r*!HF9XV#0-TH7M(N&g|(O# znE=Ls(Q9gD;!_ne{mHK+Z`216l)J=f-9?f|mdMm2pURMmPa#L=QwTXC=w2zR+#^LN zH_6SveHlX7O4@ZwlgrW}U2R*-70)h};pICd|I|)3kPKfZLD{>vo*eUl{Zj#J8b{E|(15ZINA)w4FuYRB8%5E76Ih?om6KOXrU!2P!gsHKR ztV_g6N|TgUJtZ~{Ldb5UseF|LM319|#W!IO3tZL$*w5%31NS>5VFOy;d2c|7DCv+YQOZWER*bp z1CojI{(`RwsV|efx>A|^!xz#n^LA_>+q!OrBo+J@PN;1F;>Qa=Z?^Mr;o*-YWw4l| zkYbuY27HcBJwxb1L5MU$EWAS4Z61XXH@dD6Dv7fRp>NO`7v|R#f@RE5d>$hOjW?mu zL=Q^zni{=z$75Tlg)n_Cg;0N1{{&F$pxy}AQ~wNb>(ae(Qa5Kd%#BPq-_Wm3r#cUAeEJRf6 zn0139@CspuD}*s6xCc@)NN^040ODp{Ng$@xpfjAtO}r~sp<>8#x$#Wt&vrcDPzYlO zX(8;sghKcoBnj6SE_a2H&*>@oQ}X2h95?t&X)|oUv>miV+LUaUc7u0H`ysp3G%@o- z(Hf-Uemfkk25k?+R%ttUvn1w!Dk+0YC1H^Jy&Q4^oWwCkbj42(o}*gLITIGgb+R^GVw`BA$aJiD$GADa~|I>nSI3JDIhLLub4`Y4!e`OB-?F4;Bg2D?=a+A^>KVpzRN`c!UK&mRt~ z*MrUQ{fh%mBmL>mBpb^fI=)M0eTxG;ceFTHB#F~1MPeMtq0?I8W4cIE%q^1O+$8Z% zh9t&ym$-x*BsSq@iHW^g;y|Kvqa?&!t=5f+y-b|A*1Dy!Js8|yhVJ@5Qhai!^oNXQ z$$lx2GW9BntZE7&V4c*Wymgxt*)>}vx0+pQcS{z8Ik#q?irJ^Pt7jnl$~GB!^mA!5 z@ILjdqjU9YNh?OY7g67OIOeL073)$T4|Pn;jhlMqL^yDv@?r*qi2(02hQa6;+eZV+G7vuk z9=y*`sX;p|usfcbwha;z0qV5_{r5}y#FMI(sx@x9RO^v?@i;-<`(8xuepbu%JTtHf zyDvr>|GT5=p&#nM?;%N>P%d4@ACXiJq@iR}FZT_6!&gp3@Y)I6YbJtG0|gm)9z;se zIcYsP%%`wOgvNivmHt3K~v6dBnibwB_6-I>OGK)E2Q06wxHp< z!sQSrEl{W@)y-0m97-8vOIu1wsU-LLjilW3q9ok)tR(&Xc}c$e1xftba|(XuvT$(y zaM;oq67P9cocn$w&fR}4tp3YOUnZ4$;%zN}Jxog0S5QrPaNlTZ! zzk5wa9oOQa1gaMD#OLb(N9km@#bAkJ_sc-^>m#Cx>eUmccS~_~nGCMjA-DeJdexeC zMVIU4x;wKVgjY!G`4eUQk*%%}?vsL3e5c?(^-LjK{dzaBtEGOQqHZOGM5*@@YANi` zfmvj)^sm__eX6&qm)iG(P-a1}_@e%-Iu2N~SxT_KgHCLhhYoL+Ti#wPPRC>jT`UAT z6>@il#5p}A#kp46@Hs(t1C7fNC#Jh3IoCr5uah{)pc9{l^)DAEr458KQJhQTrSrnk zGX3k1WDw-D54JY|GT5hfm)s8#F>W(`Q%L%!*x-i9AXg z_NwysmaS?ap5(p|{Ma54!nKlA^f^u-%3vve3=RqVB~u9XATkFO{2^6>$RAEhhARfq zp@mNg;p}qhISUuW2XNB5Lg;^njY8s2qtT!JVtVFCA=1xgcw5Qj`^+Gp+3~H*K^W9P3??m?;T#B%zHsOpI3E__3x`btz1U^% zOrRX*=Goj}pCJYh+F_HtNKjoy`LGt$g=KZk;%*(91Hga)3UA)xr337hCO z72m)z(E#C7&j71u2v1AT>8Busxc=m5Aym&9y3ZV&!D#%~4@?8!;4sldpnlsd=oi;F z1(cx~G!ncBp-?mjJ}ao6VVhem-RD$72!B+Mi*T7LpOQh;iBAYQ&9u0w_hCLq8ZQJ` zmgv!v78+AuHke*Li%B7z2O*hz8bWwj4Ju<^{NH#`8IRE6^BIN9yS`Njk3cw&oVVB_ za6hAre6~&r;et9yVXd?q1L;%G_Mr|v-7Gmki^BK$sI)HGDKWRKk+^Fnijy%0JS4H* z9+cSh2P7ur0g3G~Qk-rs8KV(Lf#F~%K99sYM6Vk-?VZQ88qSN&7>bBIRDM&zLUDRL zDXGODO3HBDyO->fq>=cZvIUyYGP+$tDT7)F2|wff8-(NU*&jw{+?qNWx28e05>9+f zWD;8kA%o*Ff6UrC8T}MQ5z8h+5~r-Hk{OSdN-OSIGQ{QQ*U8i`Kar9XUr0Vjv89s*VVh2%k``k&gOBuowDQs4MR^ASgo#Q{{xcgO>fvD@B%8A5oe zbn5mCxxL>saoS!Z&d5TU`okwuTtyMuFNLQLNFlpgLX6bFGOoO;RzJQ*L%mngl}&CZ z7nK|R7RZqTn!Mzfpp9Ws}xptZ#8ArIKkOPK@If6*G}MO8`7bN z*glB(rNrkRmV}(6N=j6h61LbW;j*LU#ZGL&L5VLYmH5J)(sNFQ^q7SU;z<1X=as7G zNI3eFZ}1nCM-lW{=Y<=%D5LssXc+YVX>__!G;Mpq(f=Gqh*;>>vo$ggh(VOF{^ASv zt7Fh@R<&fztdce(@MGmZ1IP#3jQ|G!2VLDXG3KHU!{8TtJNAKR{CJ-=vSAx&hL~pn zL(TW$4w|6{*@!%vL1&^O^Pt3K?ZeIQ9_c#%q@oSG^7PvSDLf!?15y4=l$+SnLrB#C zCYHfc3~_x?)-c%8c(JAN;$Ig(GL{(A8}-{8$1%znDqjfsFN zbJdR-m6w=-U7CeET4+>2^b&G#1Cw7WJ*J(Kp3^F&J^#BsuuMszdhHRvv+h5AOlx7l zKbUw8!gVaF2<(#ARB-$)*VUFJcmR`N^zTG;@b@iVJ+HP`dd;tuo^$Jz5b__tdYO?C zg8fzC`=RFR&suI!j;JCrqG`u3LZL9_vg6-QC|H)Whrj+B!{-D!pb39}d(5d-u>N^p zWa^)Cq6c3=T~K5|U`rSFVG#0j2Pz4Ux~pj@uwJA5&TUjL+iwQCg$u_zL{!`Gy~sZ> zvW_@_Owy3Ar04v4>As*|+K)Ykj9M(zbHbjzp^plhxy(Kk04-`mhMy{eYKDSQibhd)i zoR^da((@(03-Z0DP}+6xD+yhCi<1ti>`n=V9QK$atp|OK{l)zPq)>=JEIJuiHgd zwSKa@u38pYA1aPpTPfq#)&vS6rpK?TkugtJ$>_Br<0yrXVjfudT&0Xz^uHhx-633U zrR$^fAQqoXLHVB`fuG9#kdAxm${-{MC7Z2imAVUN9^U~7F&QWjLwEE}iVUCWix%d= zL1H-a=cp6gSgn6@w>lf z6XFhQ-c5mBHVd#1dB~$LTU41zCg8RWlsqro zCq0tt4!IX1*$-0K8`A^ocPUZivyfR8+hpR`AE7)kN(hthej7i|+wmg{@xzUHLLTHV zy9_^?x@FM8MT^sB$Z_@j7JkV6&vQYVY|%XTVT<|fg1Q42z^%H4YEG3BLJn%e=Sb9Z zY-(Kqxd@1ju;kyQcm{m?=MuDB%N@~z7fIAYO^{bq5vcu$7M34%oxe*7VYgYe(sm>+ zrhI-AQmDG;^7%YT)k4VU)NmZQt}h+%Mcfo~x({NXFtInv z(HrFm5%s8;I3GjA@afHZxLJpwosCE_s(;`w9 z`5wy95$lJEltMnIY9ggj{{uuv^$e?epJ9~Iyvr~YTqh)`+pOIZle0s*O+GE%r{RWp z7=Bwa_dys@7g+9VA@sHmdNJ3bXrh|7d~DJ8c!@0ntE71_>xII%{ScV4hr%Lp0oc++f-O%&(N~Z{{_}Mw z>c1XBF4Ar!<@Mq}?Kyq~9o)XIv#$Wn3;DyY!Hbov)Fr zx^@E@`ZKsHEltt63+Hu{PTj7NPQ7kWW1?K%HC?Xg*j~Ey>M5-@wO7{4oeV-6wIzR?JjDZaLS_mK4LO6-tNY_+B6f5Py$7^IP zpC`m}K3h0p#SxkR)IPaA=V5VLLkh3$DGz=0kLtA#ISmjHh!J0Y&S&g$Pw$eP(_1Bn zFNUvym>~9s7^+se%59Qe4OzszXvwVKCVd+Ce!xxgz|l{n=W|OSS8XMu=lwE#EaZ>_ zxLk9U%sBLKQe3fFb@$Ax-lMk57rOV8FC>evVX)-g6tW;$+?T!$rSdZfR$uIQwj7c^ z9M!aPmkdE23_rG2#{alQ#*}_2S^xT%(&NPyk~HffaYp5dGdxF}@k6BJnnlw4_wUQl zZU0L~efya_RIyWrKyr1rR!DFC9`#arZf8JUsbtocD%sAi!M;HJ)T<-v zGiPS@9&B99KyH8pdE}+fI`ixXoxM8#v&%)%U`!pX^Ga1tHmon6i%H@NZLtGpX_XsQ zFh!^0L`M3WO7*@)9#y<`Mu}!7^d?KdQaw2bdSMY~z|V>R^rko4Xf{U9G4h&G!a2mK zncIV)`;~Yn$DerBri)lWsTW(x5uQ(a%Ew7;cuvVe-fE_mBE%R84Z#pTCHt#HqRpUF zb`4LB!S3*Au04qx4H>>uzusSBRc9q_mrb&K6m*F=@@v}LLwcTFO)_(y2?9Oy_w-Kw zuIP<-3jaz-74t)`fqxJBFLT!n}@K*0e8XyHu?9m)YwrlEn*cuY&;ipEl zEp_w#4dz5j${xO<-HQ=T_&Tfo-BRCKlLSWcopimF)YU4G++hOr4&U41hr+iUYJu2cS8;mxqfC*)0eWxMu` z-ScC-Q$q{`RD>9_TBg0i6ybT;?96n8+G*s|R=D@QhCgSIcK_uUJ82<;Mblci{H5lU zWBiS#iYsa8a;St-F%%t5>A|_T5Qx;gt+`o(px@Dbl>I4B9bEHi>iV; zqqI5}YNRnZ$!7qa1>TPu%%=ocjvaJmUSf2Wc6|wF8^RpqqSjv^QL0zXXbJ5}oNtw& zx%`d{LV6k{5OYpad)pS!eB4A@x+&kcfdq+hEQ<$%S^}SA9bUGp&AU#XXS5oh6290> zQq4ooBpgz|Q`N$ALeAd$_TT!hsq!;csl*xm-j02iuFN<`)8G7c`QJ7Xm#*_UNAuM9 zN4gX8GF0EZx>Se-WQ0As#+ZJ)C~uKx^I&dc5DdSSYA(@M@1u~+w zY%}u5(cV0_Xp}+;fqCrYOfh)=1V(?7aViet>+E^oqFqHOeIgBD3TM$hP9Iuu17^I5m0U|}@?~I)o#OPf?q6ase3;~#R-b#0Z+}mrT#4n`FetV2O zql{L)&XB;i+q>9(r;pRc{o#sZS?VgJURYevK^Af^KSR*WP~u&CF%P*iK&G@cLZehp z*o$cjUD>n=HDQ$6tjrh9nU*gfKoxTM+HXl%IB|bvV>;|)0y>Ho6wv3GVt>UPaZYh*N*c5=45rQ`(=Jo3>GjqtnoROoj0l%CXWbbw$+z!^IUQ z6&`qM1~hQA*L#Nr^!I26(<4|zQE!&U5_pS#9r;C`YcMTlQ{ft0xw*VtW|o@r~%k zeU0`Nc7_GJ`Q31RLEf*og2>1^`oIGzMRG$HJH+M+bEwhOx{RKaUQv2w9fu1YCC zJzH$VZ#}2cT(iaFESceS`pn(}2tGhW+uRvGww}gIOYB3YuMwpzSPZe6pH~V&~r9G1U*E+$jrPS@TL&F}oyl<>;cA{%3mT zw@;E~+^vSBbC$6M71Q+gZN-;toE5=OlGkdrjX7!ub@yOz$-_;A&EjMpQI*eRrZ zEXI7)2?W9ehaL!WN;d8pxla~tp}+sIS1ErEd?3=)Y?6+a!Yp&IYEb|pcLcXJA||pY z8C2zxwvZxin@j|7@9;@#v$iORgMSj+aELZbhwGjtY4F_x^LSx>n-sx}xTLQ>Z*ahs zC{Cc0T#Sn}nCftV{Oj^SMmmx14JHVH5Qq?!90%IjjE?Y8m2$BT@}5KN!(|R!`Q-45 zc_`GW)Nw`9VsW43mJhUUox1n$s*O^?Q#g3e!JT`(eE7{EC*Gr=!Iy*uZYt&Z=gpu^ zk|TNWf)?OE>qqJCRc-aVLoLUYz9wR8aSJ*6t=Y@%+udqNs)Dn1hSq$X-^WGEirSLy zksuC9N@>{^!c5>%DD9>%9cIPkr$D@-?5{>o6NImNDvOd7m@*W$hlG7Uqdb#G$%0?+ z*Dk{iy0+f=fTb`b-3c3%W2siVczGWYAE&G!Jh(8oKS&7J5uxI_Q(ADHOXlyE)AT7u z0`6bsbl+j%w%n79*`D>3PS8m0+LWn!h>pH$dT%reL=4;z4n(m6IqALQg2hMHKTUB@dx~Y?|8*?)v7ysckJ!= zjNOC2DF}+Z<_Z6*tyZC4KrXE2Pc(_w;E&?Zv+<63Gm^d62m8Ia#K^ua9&*OkN}b*$ zPKzI4fof#|N`QGHl~#ac0dxwq|M^ihM=D==^n3N-p&|9hjKJwaBd-UG^C#@ya%#8g z5+?!7199@jX?pD6@&t`{7XGGXWyg2o9DGmjcIpBrQ>N=}<7P7~yQbx3Za)i}^aPdi zl7syzzI`|gAwCOG`xMKO`mV zhFNV#U^f59f`R59Jw^Qm0%hxIF2LVI)ns-NYKfe*G4ufsjuFmvy8e$R=@t@a8OYt7 zDacsoshbiGNlEf|Bk=Nfa)SyVo}a#RKRk6ceqP6PJ?mD>oj0-h{TGq@ymDPR$0$77 zT~@FCAt?;DM?#r(-=D#KE8_6fX~O+DU`pa@UCy_zKpfDhBKO>;Oex%91Y=4tS~W;) z$DgKgG2V?_^c$7#j4+TGcAHQNb}7SjK~f_=o~2$gejO<(Ubb1;War)+_(=T6em-|;ApzNu?U9_Omv{Q9NFb#A3N{-)6Nw_8X1QrgbwBHvB% z57kb3mf0xA43^@*P>~(Y+?7*Q@#NbuD&-u}+PfsOx5$y7uLr~FZ&^hVztoDND}93O z32V^A({-t}wU;+;*))3HWYDHt$A=p@V0tdR+eYn9qZ!jSbVoh+?ql*KP@f;JvF_3- z$yZ55I=77TBUfR^OSD&5RG#8Y)$~<%xy8|NLCHH~5`57$NJY5@6~hIY*?&Bkg7(VC zLwz#2_0388k_0#2l&pK<$teUtWm` zjYv5a1130`U)0|$U=)C>Lb{tb`1ozAlBa_J^B!Zpt(oX@?Y=$(T9sBiCm3nRljgB{UrypOEt?c%mPS@V!*=a>`Z`}3XiGUrC z02h81We-Lrfe9CWmN6?x3r+F`^V_fgiVZlm9a4HwY*z3+cepmbf(GZqD$4sNi{dx0 zhR->VdQ3JW+#o0CJKB%A3wf}?<{T-^oBYXPqg?X!oJL_oGjbc%j>%8S9_v-EES{1^&$HX$-`B99?|eW6 zIRIl_ZIYt-D33mp5XFm3Xl%s&$H45m@`^O(Oo4|6=iT&IteBaW96_%Yh7@Iq)D_yG zMo4lcqOE-N#`ft3ZN5}2XMCkH0xez-?D4JImB?=ZaOYmnBg3` z;p}Ew=(-45S#uIu1C-_N_#+mwHqXcQ@M_DzRJ_d?^c#A$nZ=uuvOyb z*VcS_eumNSxJhwNfp5oow49cP?%O;}Shu@`sfX$1@Y{}RJ#=1TO{QnwP}zqi``HEi zf!)c-nM*>z=6AP2zT(oC?+J=qlX+>2o%0G%F*T)}<@_}MR&mbC*1D7(5!0lS&b+jp z&b)M8FHy!yuU~YEUY2X$IV~vnB`VWpNwv;per>zTW(3!b61Vk>%<>p5GuMB|Z4Y$(S#S)8_g;@xp> z)*IHpxEY*dxE*%Y-H+z@lO1gk?j^WoAC&1pgyOdGF`G=8G@bjsMA28A1T~#xDe`3< zY@n8`DMUu3RH7M9KDa-USbggxja-0KMK|Mw(ToH ze6(uE{B`Dnj{RIP%vaarj^U12P(E-DmE=n>q6munk{;K`oUhv8i~}TCc8R9c|8%5046BpJA1DN%bC8adf&NhV-HRoBb! zJoNlUgTEPL>bd0j=1bdv2NeU?_lP3QVFiZ;6x zqK2p`LDo}>RB+)Dv8sO}`U&On;1#F{bYk~etvkf2|8xyS&)5ixC#1Kb=OUYU7xrJO zQq?SAg!{bf%7;<$zO&Ch5Qn$LBG(-3t`MD3-SLpFbTp(^SJsnr+4a*mAWsD8yopj) z=*>zbAVP>0HeUJiH=b!}8BTla7pILCE{t6|& zL;ih?+AV;(?D+vVy9$&;ug;)0kuTcYqC;ZzjfJdz*Ao4h4Hq}lhH9#nDQvI z;MK?9|Ga_6<>joxE99}2N>AcdxZ^`Z+7e9L@?Gx@o(fWe1(SC??UujZO~N+CLTJ(g zDR~a1e@&=gUWFF`sqbl_gwm%??F?<7nA&dD?@!dKv(z4Sh=?BOJy5R`80=?^qkV9Q zq)~pIxvqc^suTK~_*gTF-dzikLM9fb?$1Y=UN(XQO}s>|7Mjf zTWO+(#gYsX?wSIjCMx2CKt&iQ9Lb56lWol^fM4N67aJzdCaFRp1K*OL$9`#oyyZXA zE5>n4qA@<)a`Sq8<8VQ)beK%<*tsV;fm)(m{-wliy$<*dyKgm-5fin^D=fV;0K%6F zYHd!`{7k3rN$)AEQPV_b=Ox{p*ln?nJ7=#SWS%vfT9XQeKOfzR!ZOck%|`_8Fctfs zB6Na%OR;VEL4rvT>Y(j;s1Cj%>O&x?yDji&hHO8?a<3UVn;iO z{RMJ|W|k@bdhyZq?4)kzhpN1Sk-RpIifHXIAaW909XHuKcNW-76oMQtQCn$pK|75| zRLENbAr4paRex!%)>*JrJdNd)aH_}czzDg)3MW2{p%40YU)r#D3abf%&8qMfH0=Lj z+pX&K+aGRmNi`ZKqn5VAfmLu8UhS)C_TIE! zf7mW_`0d0pKSx@VNYzcxL79s@Kf+G%l-}|4z+%f1@vK#3X6$xxLNI#^x+pS8Hl5Zq zt<;s*MrA;V5|#ecLSai-bUt^;b$1`ZKOxgu^Pl;T;z^0*ksRJ1!|pNbR4-Xqo&nFi zw70`2diY761Lv5N&7Wx?NwbbjPLY=;eY_Hk=2?#uK!$R$zxTh?cjs>c%TAvb5;(#~ z??NJf6Rkc*^K#eS$M)Krjo%1}o9r(!S&B7@TY-e@a!5T@V+DP0i=%ci;@PD}Uc|Jt zZwi9+#?C*}CE4i&Y~Qg(y*VQPYNP}fFi=|+kZ7>P>5OrME zS~KG=QfQaEh6epDmerjf&Ceepb)-M==|K3W?D?x4p7bt6p^fr5efk79hq}CN?^Vi04`(k)g$y2plf{;hvx*iq-a`nL`-2e^JHj%NH;b`Z zn8EMT#fsFASrm7;OIB}UM?Tg^XjX(ZzW(ml#IRtKxZnr7+%MSywb_Gy0}4ru8QzUu zp;-{f)FXi^WZn9T)3_ZUKDk;7$IS5Sp1r)Sr4;>pnSQg*+L;ZcHE1-0ZOO{#=A09h zA9p1$R`(d2wdt32Uqp@hy?h%p&||sk`*4@m1NKTjgzJWVu!=^8Gnoh1rQTCAZV zTR$pCSU;j6+f4BIS@Wl>27QVc^TwGuhFGt$+B6=71vK72Xc}B3i#dnZs05#Aj0MRy z{fz@(?HBm76$j^c*|ohEWxO1Yai=)Vhp&o%^2=<>b1^ZAf2iXPzp|}aK9-(aQ0}zZ za~HARn_2$Nk#%()n1%64v{S82ETO|ckZcjyls|Zzzr@IsFBEB`|GL7#XLd>jb)e!fiZ`1u&`8V=T9YFWMYVCbErH8FP+&K3e3*ifcZ%bL&w0{# zv>i}L&utNKp0JHMRpU&{Hh%3tO!}itdWvbX+e>oaCZ==c#)aay^Em$Vo~plFLaZ62V_}Nzj(dWe(^r4qaXfO|CL*?< z57s#BZ);w*ndZ6gl6kqxj5UgRsCaU13x8N*wsKkVnDt3)Xp3h`-1C=7mrtXYaj+NH zkS%DzLxO!54gFXRd2Sh{TUq}Y7+6;~Hve<&H1tv}kZsj>GErBok)B>mzE+{fFi`ZO zTbn{3IESpKWJ8jVWz5tZv8Qm8(WH%U=B3_(5E6h5GCSU|I!eRyO#QPu2|~?}z^P=Pxf`Tz_$q-JbO3Rr<7-GY0>n*wY>(+gtN z`??dER|h1y-Q{DJ#Az2Yc{6zDb}U*k+*&j!Du{j{1G|{F%@Bt zF=Nf3cmAHf+w&t`hl+P3+w0ioX1N)9@T9tK>SDb_^-zGM&1YF^lb7YJe^brk^PG__ z4=0i1f%Vp*l>Q={#`ZFP_%8h=Y;V&nfBvEUX86T>7B67;NvDhLO$Vc*|FIc*;m6mw z6X#|^MV7RG95PvAn*PgxR(XBkmq5em!WZ~-cHe5G+#z8dUoke?nDq*{xv8cG!}MRK zw2-wQR}J{XD*Iog%Z={K7^v$iDr32ePMqh%2fML?+0gq#7OMLj56~A|_HCxVq*c7x z8$1#oQB?Tc|GMCFpkfQ8xRR7?U+K8hBH`xnE=JAmmbALcdh@m6sZ_uDdGAQhYMgK{ zhBo3=EaF&{Q^xfvkgnljte?+%ZAc4PY|7~&l%28WK(!$n&oHs1&vCU@k%;KLX*?(- zLgguuab;GmKDMe~DUN*c$V}D!D?9X0Kkj}vs(w7SD`w!bhe1#k&IU2t&N?%$(zTiTFC)x(^WW81in8ht2~TC)v3hEV zmV524d(~;eb=X|qFXrGEI>TGYDTyr~KOH}qfa~JZw zj2sV4<4H(J-4gXnL)dNEJ3V2NClO622QgL_r>hTKXn`_ ziV;|m?$XYRO6QFJ;ivOb)z+uZqq|dPd?V3!)a>V>cht@}L%Wg6Kx?!$mJCF}dgTS_ zWS6TB=s1$k{kX3IT#~`y;etz3Go^%Z-SiG3V|2zV^wcTaX|) zpzJ`<_FYNtoOe61`G`K^P23ehuXkF}x0KSKmE=KL0XqTX(RaKI6nE0jXfzd2f!*p1 zo5bHX=W~aTzGyU;M<_aGF|JTfUse1Vfufa)a+^9_m7Zvyvqo7mM5x9w9(FTFdbQ^V z)ykN3+562xY|Zy^=ur3Kn-xc7ykDjs+Oj0gW8wWjZ2Mazdf5hAK<_P#uI(v4N8(0O z#tS4A;ylv}&KtLE%=r%XEs%w+7_RH1%@8?*3tIAFlRp5$BnJ36Y;%1pStopp?ex| z3;_7GJ7?txnCV23e)yrHAm%=}uitPxvGVdqK`m3>Q8B%#_}B3^Psyg~)qm#Wd#@9I zAe8c<@@DL72yJG!soG=^+QL&Sng3Ph+JI!$`>pF6-xqb5yZ_b?J8hus4fp+$+dwIB zNM;Wj=GlNqAk4T@{Dry%7Nn{h?|}gO(g52n0mYa^Gnuk2Q7iZv?BEL0dGP;g@j{u}17EExQxOXS&>Z*TMv5e#d929aSf7@^jA5qK z;V@F|7s1np;%VoDn5~kpg!_A@+=mc}KNmAbbe(Rno#wNYKkF2@@l5~9jM7W2uQNoH zDN~wzMCl=}@IRp$GzrfvhDWP}b*Ki>q0b+j9Q1y%N9#CC-D6Yj|4i;vGO#y9Sz?L2 zUio^}Qs+a=_9WSKy&&vHnNj0QwfhcVoxU&=rWP%be468#H6NqsY~+-l6cMyku!{{E zNtbHLZX{4|eOEM=8A$y8YUE3Wmcj;iWG`-On9Ed738i^JJ$})+C!n0!bvz2ccURC9 za#=i3VT4L%EM*O$heUk_8h6{q+sdJxFIi~dePH(}EchK}r9q2=Zp{@haOW-*&t(w4 z-9mweR+JL`sza) zb6(gnmXSnTE_dH!?OSv`Xnd@E`8gSSdjy}w@1dO;2D+W_kz>7hMwoJL71b9X2M_38RT!bVzh57SidDmU*D@xgB6>vNqURlfpAHL zT+rodbS6_46bJjrDlJkFQGh`6|ww6R2wk zRL_)FHpD~7>gbQvHW;dn3A;_`W7eG$=@(ydmAh4uY|P?QnD7%28dglqPMeT<)(18` ztOq+u&qZq|-MsIDr^^jF;mVmqu%y+6#+~e9_;n=_J~9WJhH!=)MI$YSrJ6WpY{oR= z6OGEY85F)7Td#QgGQlBwQZzV^{*}i#niIibr_)Ek4covN%vnH4HG+aL?0+k_D*R`W zc=>USIPi&1-}`+bd050TZ$g+e_>;JkdjIA+mPiLBDA;$fVTbF+6Syn7vV%?kvAbiB z>!QylRv*a~eb9e)(*V))ch3E1%O(w*4RJX%r*Ez^y}q+=9#fwDSVcnTI$f|}FeV%^ zR(N^n)6G+8*j@IZ*3&31wZ^O!`3202c+3wy-)8f7_U@NJTll@CKZ)8cF_7nsu#sta z<&_n-yV`zaYvgN5}Ar#IPCtZ*rM@ou5{r>ceu2o z9#7V*p}QsgKP zb=o7t=Q<&}{XWGhro)Z%zK%8wiMv>Q;d3wwPJ5i-B+LmCyccT`(8X5hmjM<-W z(RSl#+^BN!7#)~0P}&&tF8RB8+RF1n*0(M*Cxx@WxvSI=q0fZckp-saT$y3V_pP@W z)q22Ico~(L!K^?Z$j_ZhLdob=EmFP>^mXYr<5qG~4QsC{_?S{C#3vedbf`rgi(AWV zG}w00=Gvl?Ibe}Odyg%S+aCN^q0k-(V4afb^kY(dRQonEap-X8LQDRJuGs))ukE zX(=4l;3LVvpYilw`HND+kP%yeo@U91@$|kl=h;e6qVBIsV&&2##;?Z*EvN84Kfa}g zZCQkN<`-Vn$~*WVTFsk1vUXv8l1P2`SfS-gf16SR_J2(PsQ``R(WW%NDr!&qx{}@i zxb!g%45M>a>B-`LNan40M*2Eo9{L|wrdJIm&uFWl?P@+#XW5;Lx)-0oUv(jrqYSl- zOBy%y$F;F%b2I_1cu)u{%n6Iofx#b+0zR*}ef|q2%a%`d0ic+k)L!Dt^@N@o7?_X7H&NLQ|o<@k*s=S277az1sjlQ{`_|GM~&Lcpx+YbGtL zoJAw4sOK&Tn_mwOMym2^{K4C?;y()FI7|7oWmqCZupmHhoXU+j{ZkNI!XZWzKiaNt zb4UbVl_{rrLQMT}f-Lc@lI#mkwe_CSO;wuxzhgs$W^`Sky;Mno`bJ1rtSIlzyda8a z!E|_ZYR3W#NUkMMbFNk0NC)QA(VXnA$GDaAir-pp{H zQsiEp7f!fv^1|Kq;<-BWI7!n(D_TN5%X)nEoko02lRMBuGIte+ImAl*IZHy>!6F$) zu%?S4%7T(KvvuWcEL#UmHpK`_sESD@30MDN7lc@TJgTd>+C8UfG+JA(PgG>ksG){-#MnPWy53iI#MTZGIgg`cy$o=;){f!q zCu6$3apor@e{@QMYZkFFA9o^ovVsX$e*38eN!C4l0fG}Cqh@KWSsI|7uV1WL3G>}& zXo_JH>60Th{yiUiZMPRslO}uEzX3SQ3Nhi#Flh7iZmi~v+aVNOEUiIaql$~#4R zYLI8WkCpqKDgw$~CaruJnUidI`CT)U>xi|*GLSR@`n=kThtAL3W&$i4+a50Ha{I?= z69iP$W(8N*sTj-Fr1R_3chul-$HzD7YUXpu6-{Py)rU6DTJJvo3Be#xLRgaZ;OfRc z5)x2&M|(V_kSEpLVi6GP^XiDw?Vx&i`#B}mTzg?spaJXKOp7OJOzzMclmG+&=a2>( zZL3Yf>-E>`j>5~<-`}x3zU12j!_lEs%yREN(bK6%3!*;#LliLEr_XcNkN@Cp)c0e< zPv(9ye$b(G%XSPaXWpcoz9^aJSx}CwIrn?rL0AZZk2Tt+@oc}pe?AJmfyBD*7lU=A z3_jS7W}wG{k_a5T?fBphk)1YzSAQ(}S2gS74N>E_EUHd+QVsN|&VZg-S+Yq^he~_Q z6|A|@2)mZ-2AeVe+xe}DuyL*+$4IBNqI-?gtv(o&aVGzO^Vw=98wRjy^6A>IWLGr78VV$4kYn&tI>w7?3?}gFin4o#Jv7Ora-+D$ysdM`nSvfj=Cg~J@f==wAVrjZs21fIEg(>0iNr} zY7eLitBp2+C28P!6`Pxb)22H?*>lOrDPt;UL#qSwdATS-2V#a!KMBZJ1Bh)2?66`W zPK}X`O*&nVnwES94rJKhxMtnmi@OSA;FOynKRi^k?gno!TT70cvV$X(2iunb7G=17 z1eCz*(fDKu1@z79;+`S|T}Z#PPNgo}+?;Dav%#-!5DIWmMhreIhnYP%vaOx_Gqa3o zq&;bJqji@Picu7v`REKGo|xZd8?5xlhbtRm;rfCa$wICKxzBaN;E& zM>?^)1cbf~G1Cu-UrMj~>`uyExI6bQ(*2DwIeX7FsrKCr_|s~+3^vi{gsI-26n*8G zdOzYc9}KDp>t&H5vg20j&X)X!9ilMJk4*11E(uwB7+^3^jhHM7BkD5`DIIV52(cK& zMa?mnl}r3A8_Pa90>JOH*8>P`05X$KrnVu=${4 zj_Hr01#N#fqEhVc$Iz9;9=T*5RJuy#7LSiTrt#-5&FO+I&y@>GlCPubN)$%V-+WII zoM{|!~W&W^4NbGbpu>hkR=xg}@+n1ku|g4YxZcHsoq zQ>h5!S^qJi{{n9WATTUg%(gLX7BnA&whC>$&-W8SffKEjLo3B^glsno)IVdC^vB_w z@fErZPR8JXU}Xd{OD~cApYWL@k`DQ`nk$UHKD!o4aizl0>+$t(j@^c}MZucQ2$pTn zr=-n+_1L5hS7>=AfS3Ebd}1IkF>vRdu#6((Ai;83CWl|0RIlh_a)tH0qYfW?HDs*{ zoO^KAxMCa6P-UGc+0ti`BFV{*a&4K>DanDl`5=R4ZUrp)p#3zkM>A!S@_~#f?1SM6 z&7Af#NWZR)37ljJ;o;^$wYUaDikTnsE5j~8c)!gZk}dkvTj=W@S!rB2M;~{2z*p3C zJf?Lh_CR!e*w47T|NmxT-2XY)|5@)N0G|FYWOkuDr8X(pdm`38PW@AC#|>CSr60~ z&r0YdScoL3 z=Y`S!^P|(IGk}fypqFdY+at5iS3a2B*u5Mev@_ygyw z&II19SDaniD8iPDF)7I&l?6Jm86;W2Z191)TP&}pnUXJnKjWkx^SU7h4n?_Hj zI0+~-HxCQwudDmg*hedk-EQ_^)J7Rz028hg6Ng*&HvB^t7SBC$KeBB2czuk@Yf3_Q zLa5}r(-EsOY>V23w;8o>$l){;M=uU^-NG^m&I!~c!J64lWztaFHFFXyAO+AbHe&H(_{Nr>G*vD z9@W%l0>6W;LJ&U?|7Q)DQ94%;-82A`jIcLN&L1UA_IyVG>ICq8HU_L{$M&t)dyqw#RC&IA*B=d-PcQ0sV0*)%O)XXk#`Y}EQylQ(6^+ZU7Rgx5AO8}| z?xiy!AeZ}^wkKn`m@hp_(d@6YDx?{EYPwUwo^pvuxZTv zsTel=3iC90kM*aUAO~>|3Cc>X!O7FjbslH)s`2N3(#5_Dp$FV&{iw0ei3 z?5c0uN}4zuYXGPj8%h!GV6h|mGPa3Yxo!(~iPBDIPuq@IOGHVDPc!>YX{s!3py@BmgJbcd7F?uJ(;aqjFX*$OQozk-B{GQF zSV3sOEq!;>t15uI!U(y6{ID&a6dlQ}v;f@{zmLcAzvP##P_O*2eWwUJPt^hU)AoPy z^B>d`*2aLm#UHK+`*V;5bEGg3-*Gs$<-*0r} zG=sRq=FGsp1>cH%0uST_IC6toi30RZs11!xOerNuzstEjSMw zd`@1X-vwJjs3or21u-`)tz9mMSmqjS3SCH`>av!OxcP)g7x zqR|A6l&E|{>tZ)v4?VS6Sq8oiig+ryErpCc@)U<^ZZU-@n-LM5LU)H5eEz$Enfc#) zhQXIDUJiKa{+u1mZy-Vh#sghxJ`TZv4TbQx`LiVvdmKG0jo?4qpB17Lbl^?MlKurv zX+z0(<&z>pillv%LNvm@g=_!$I1|9>7Ct-wAE@PjXLEanG+%Ws#BHWb5)QvwWS?yA(_;^Z(L7}+tgc1udMtHvJ3ceD|AI`G zs4lE+d602t;QON=hQ7nx;{i*V$N_zG=O=M+#U<{G3Hzj^;34|-by4-6i6B7>M?Uby zH#!qB!`xZc-E1E#o0C5#uN=juKo!sA{$ox>$s`h~dUu60iBWBwnM7 zKNx;g^3j7xp?13)v)9B6DD(MMI69Y5s?P^s3RB5Sj`b#rqGU3%z>AU|V!r3Mf4L+Y z%_@5fOF>0(i^%33Ei5G9cdS7FCR57orch_gw^gVs#VECru+GDL@vjQJ`4s!9e%W~L z10s+m-iJ62h5U;8^svw!kIqh}%~KkOTfNjBWr5dL{~3&d2Bz$CoFD}-OHTc1 zVV^n`zv?@h)aa${r9S643u~Y3ZrjSB7W(46xY;dE;>fjQhGE~&!z%%V@*&J%eXloe zz$R)nHc|rj5t+K2C*ln%5b^KW{u7E&LQOaaOf!uIzYk@x)%D9qNNhP|;LsSRksUw% zRw{4vcOhS)o7@9A4Fw2JrBs+@QNT9>%ymNfL3`hlCH1VwM4*DisOutaE-!Wl^|hb| zY%?ZKQ#d*~>^OB_BLH)l13h|#*Q!n3ciqr`^*ZsmWhH3b3e46^aVu4}$m?}_Gq$*( zZWd6mU73Ygz4$#_0VxH3vOI~kp5E8A8#q@>YXg0TZf(=k1U22If0gSz6~W#(t<@E8 z0lota=KF+o0AHJF&Wx{x(9tZ6|1H`72WS49Raj>HbVn{tfVLi}o}f9Q5_b0zm40EK zg`6Cs_rCWiv|w%euLk3fibjB)r)1KJMO**f{+`)7D{}&%=Mu<{fyhK2hge(M5M@ZW zC|h+{kk^oJ3fvK;4GTO0eVUv}U{|GEgkIw^sZN;_)i7A$b(Mu&`>#_YCUTbQah72v zO9jr)8rZRU?-Pz{xvNhTApM7`yN6+`(tpT}-$FZMlZQa}`(ZeBpSdQXVMPrvu8B`T zSaRRee*?_;Gj1g*>$Mb9AxG7jb4}w)BA()&J1+=e^EoZ0j*RI1yKnGH(+P z6v}u`g58(nKCi5lu{q7cP6S$%jz95Jvme#1!jU3doYO*~GD2S>jXYe%X3zsHVWdvt zxXEbFd8QUeS2>mZR-l1at+&clDHAEK!eM^6%FGqMP|gzkT4B8OVmmGT5(wBtu*<;$ zT7N09ZlsEAexf z!Byh3o$yOlm7UdY*4ps-L9hlhj|TjIhsd2T#(W6hAdFDlNeZn zjvHNw1Bx@TM(6)?VX5p6v|znz9{>Pt64lYWcDXIRTL7s|S8#(v48EkxXiM-7G1@aI z4#3=qj@B3#E0Qm$w~mkhhnJixQ&S2TG>F60_K9mFR7S|5VIS(#{x&*pq&0o6S4{oi zq8|qE|6MItE|SAVGzDtcgrD6y;(BsicF#O z|0FAM^a5DiMNQXk;L(FI^YPeTHDiEbe*>ht>b@LcgQP@59{lACMb^z>qF2N)xg~}g zF_sysw_-txGY!r%Drl#djmoYQOxzq^vrUUqSPA$`FOK_P6B`(8yANTC&G zpVzDdPzc);xY&bFI7n49rmp@6;u-Arah0fy5Z{c${_2*YVNgb>gS=bp*u;a? z@kqYna4*tT&}W6^)V8+)a}w6G5uLYkdm8{fLA^HUrj!cX=|ky*oGSZhofUipb=Zx| z2M*7a7foj9WaXEAXYu19KD_Wb*3EP+j=l}ek3J1B(0~pTP5nQjzB(+baQm8O=#d5` zMq0W?$7KJ|e1uA!^FkJLIeP=Ol2cZW?C-t~zpF8AHmiC60gB%)HQpXrPTS2N;CfPE3z+2IXTJ zl8~)PywS>%tc1kd19BZe<#$c?kuAWKScxeq&bUo}$wNT58N*Hf8BDDag>pviSgEpL zQ}LVGId9pb+kO)zZjnIS0&UHKI9mQ@JE%JiLotwD#RAWj?H9G>6P(KWCXzKtzgh8a z{#T0n5H+m%w+?%m^Gd1SF`K`-&eLHD%VU9zJlGK3(_4LbmJHDJPE5buc%2N^xMU0~ z8%UsuslP8JE1jkff+5dk%xjb0Ua;-ij21tGa#tw1hb8!eyGTttoxfj?7cHR@lGrsR zkaOxxXG{k0OzM0J(D57+a)q;{fc*~n$dAtFJYv8aD4o!KXENb-R@h!P(A1=uAx6Dm zg*CAiD?jT6Zj9UCvKQF9@}C+wWW$e8qSw;SaL-{QH6Mrx34dckEGpbcgQmeHnHQbk zya!6!K@~{8_v3{_5(!4I+Z?HawgBK)(8p${JdhGx6)FQ#hL@VWQMGwX>yy|koE5BG zZ-BqV*SRpoL$>@{sqfn{_Oju4pU5{PQQ0v2AVo~`)4M%#!_1BaT6TPgq#fYa1gc2h zsT2a~EJ30MtbsJ0&LYtc~9MShY_ z?w!2C;IFB(HV?tt`;(o8uIrgf2#{y=$Ioxm(w<&+nM$Gs(XBZ?#*XLRy*Ek>Yy>pAoNl%lVPJd#5SPGqLWQmp zBSy(X0260QzXUpUXo~bi!~>BgT4-&wiKcDBkNDiA#mPVhK^jvqLu-S;{8f@|Db>h2 zL3U}-H@*YSZcR$z!E5mER2^IWsV4WjWzCz8&o}EOEVsP<*yknf(Q}8#MK$&9jD}C- zW3n7}{o@6`u`n=+fU~aV1q&s*je1S>S7jH0juW2C3DdaeHc{!m6foak{q@(>aSIGJ zr@Yc2WpWyr14Qe@f(J^v97eqP1siDx{;KkDoP99X6bnEW8ce>RC>U%lMJ zB;OV<4REZ>B5;FrR~`Pt!LZn7B8)|41J}IBW7msoZ8_G&q;Z7sOnwb3N<=_2S9E8q zOC9;!_>LO7o59zymrcjtJ>UED+B4znD}cb1lBLSX9E^ft!ELU%u-M=9?O#!{NsJ5J zL&DyJmWZ5t+-i}Qz3elg<`H73!Uj_&?7kZzp`7GTG<*`bX9;j4r3b{)en8HHx?-W1 zvb{Ls62jQ~qm*;suv(Qq@|-Eyfmayt-UU794p_l+v;2LL^u1IrshX0p%5Q}&{Tr!y{8|Rl;xWK1AXx7F25m@K#heOzNEODlm%yW`Ah4yj5=1gS95tY$zL<>=!1m z`1p5;zLnG!+kxg)*rn3~8%>-h=w2RPEjZPs34xvJgEn0CA4qr;ARmaW>_)O%I0sN8 zpl@Na7?jdIxwwP$j9t|wY$?zv>UQ1wcDk^Hm;3KpJ7v#5=puyDC1hMbcO$c&?m+(j z!AKEf19Jvr&G~Ix3^4M1_Oetyl7P)X2Gq&Yi}#8XzGyJ{p~{4&CqKwT?Kde?2pV@c z6Z9?ce*UkS{zA)#A)Kyur-Wr*3qDNi9Zb5^?4_6ZZ+TI2DzE@cm~Ps8GQiJ<0iTTo zS~_=?p2lQ+QWn^o)~az5e3RCOXDp^9uiRa}*)*%u)crArojO=1i;Fo>%#8as7|25m zu?#gpj`){*u)oVIr)~-_bEQOpx6k=Z5Slaj{K|jMQxkTov_Lx=&H7ChBYWGoE;5Iz z30H>^Bd5om$|Z|y_|^u$_ahtvYh{tXGLFDk}P3Anj!W7fv)V>`B; zUwPep=k0s0+<;}IvwLGx?IWdRE89siCT_MuqUFX|)jb~UyeIXSlyqR^B2H=BPGadd$Jg?e$B+F7LeOfKCpCOb$b0E`v|gtsL`=b1BKW5D zhMQ==VA#iKMmqFo1L#_pQ!J328z~9_I(^G0d5fRRh!6+%-1PA@z>zY^yzzBu(62YG zs!e0aguU75a!YKjZni_v*5*@N-<$a%>q2JOk<-Y$V#PJi=1U-VJ3JP-Wa!e~xS(>T zFy6JN*ePKZlEHS(hX)k49euW0KakS0XY6FChU~$;DWeQUmzB0kioxftVo}Re-u5*3 z(B7*^-#iTw*?k2_d+{f4u2+ytOiDwdhiQ{SE)DB!DkYZynJCuDx2K|#`vXT2%5%d> z{Io3pyAuEU9-w9X@by-5tiU%sA)hHkN|irNj{UdrBt;Wfu40GV+rBiw*l8m$!v@$h znmnhJ&noa?bg_T#(>?$V{8b!1ccqzC@?ViQhG<B;-@(3`M8tBb}hg6MRW@C%cK=0WI^;7$rNt>QrVUE7sYl{&kKi@Up7;i zUnW}6^G|f)F8c5o(+b~TQzvOnWZnvP&97;BxAvyG-lciSQ8A`_cPak#?ov+jdw}Bm z{Z8GEx$l>!f{4gECXG=EvHYUClM#yfW5VWp%G~Nd?mZQpFB^o4J3?oPE4Ne^@m1Gt zWZ$_C+ia1}vPEf2$%s|q7+7=NJBj9n!K;KFQWg4d|Gcc1yxn}=rhsw3?X1q-({D#I zSC7hVz~v(tXQ>3w5EP$!2dfPz_ost(5%-$TeMHn>xU)7X=)xA8Na3WTpd>R2f9?>K zLBdM!PgO{qV%-vX-a99(Pzb0U105JcDigY$uCNG2*;B-5!c7EcxIpp}`b;qY---CL zt@hR6`oWAb^5~kI*7&ODY#CmK`#c`XHr;Nvj5n}zQ z?0uL2Ca1r6#Xs1U25AqEHPjy+!dV3iREN#*A>Z>E#+gZA|6lruL{XqB{>Z*-YgI>g zE=GXW(h0bXtZ)+o`=-{j7G5a93vL}sYUP)@5DMfTQwmYI&To6dUfBM~bzW5zz}tH( zaP!pR;<7#NvVV0r@!a35MsVRg24z3Y-9lN6MzHTCLRNG@03~`gu2j=6nc^I1Xyea1KS|Q+CsAe8UZLYRQJwOf*uqa#PmOi{ zTaDD`gh~<}g_^Kgzb*rvNMEAkdQ4Y(5jHOK*x`jn1lK9cb#>5&B@UOlqsXo{l#tna zFv|e&x=mH``2wXEQKuu|4Ep(#o$hh><7U6r2LkU_0SY0x5t2Xj(zES!-Cph370X4Y zuU%V|JjsBOR#p4%sED-cM+s|z(F(wc7V$<@Y*f1z{0ajbHIU;AZJl&t9cPO4Y?vFe z6#-OEkY`2Avsul73TUQl?HM`8z6mkA;=7AlC*Rg*!#A5N8<$;ONJ$jd@pG(zL}7hm zX*?602%Wa}pi`O9?(SFK2zR@}E+pp}#3l}XyoxN4%_v5?p9N~;tsNzJ{Z;&C^9xUf z7!0bx)KPV08G_L+={A@1}-EvVj)Q8oKKX z?PT$Jq;4_!vYzElAA-sa^j*WJW4Smr9gDSliyl6fDrXsgC?^<}qfY~T9Q3zvMAC0v z<{b%xHhp$x!j(5W)a)EA2?ufE+e$h@@KSZ(~ldAd2*y{Pi#X3Vk-xfr;k z)sljkM6*ISCJ|9a3@?DMe_{TiAkQ^^LZ?TtWuBf;bi(FZUB&(K$KZ#MsU z)XK|hGIfiKRG*Aecs|{F+O?7N|B#x6%0U251?lj{O=^n7sT9So_Sm+KG^O7c4N3!b zrsTSbZQj}gn@X$YC}cO?2{c#y8WM&sk+-aM0Vfd;j>+SP6iM2R%I9!zMXy;CvOhGi z)7?M-^VG2wJa5=6r+&?l3RVxi`J6*mm7GM>G*&@^*#qbObTy7AhF+A{5DKn`Gopub z*4r3>`U>amAAAL!DD~!UYb1Hrs??{Nu^DDGKD;Ofz)S2tjEz1AW!elrR@kRh@GZCo zob^L86~MHSj`s`IL#ZBj&ERMUz%4t!6+e!!rQ7DQPPlknk?#8;00_8$FXxju+b7}} z@{6#S@iGEY>pvq7AHa5uw5J&4*B*0+o{k~CCEU3%x($H1K+P-@a;@KWfpm?$!+|tl zJHd_O{jB4At*83~Q%?ZL(ASyHMSc~2O6|+ump7R`W+C~rScAWfR$Kc$j7w285R_XN z9ko>XRkjBB&fiG+MK|ELfPtRB6U3|h<(PGk9R?y%U4%eauJNj>NDI|44-71zw0QBKry zjJ zNe5%2B6XJQ%yxK_`(+<>OfrXv`?vV>=p%kww!&uGK@S3krdR>TpTi+c;#}XnK2OX>K@vFd}0i2yq&kP4irn>j)iW&zW9Z0VSW?C8 zOoDV{l%ff(VJ|lc=>5fdLp=L_$i02ppH}{N?8k9Wh6z+@O~D2)k+=kGSLA287R2zUq$L&_LxD${Ih{Mq>lKZk?g0M$J5fP9b| z8|zc|ruceJk@2P)O0>7c;cvOk0zy1`8|opp`CRe#T9iXfJ69ayQ*eAH?z8oT_FxEl<8oA$1} zb@dg=31jggMO2F#JYcFwiA=r7`eU*jh&abR_PUW^bxvZ!Ig9Y;g(Fi3)V_~Cm^HF$ z_D8gGNCz-l;KJK$PzGi=iTQog0swx*CH+4b34iau@dT+f6uSS*;=r-=&V7j4bPxH; z!Y`$72|9c$L+n`PMuJ}!#!6T=z{>MGt=T;+QEZgDJu)jzBF&iHK4&nxah4t5CHJ1m zGI`;{*8tQ)?1^`}R=dv|6%+(i<)3w7nQsV*nF9$<0~(pGJKEcmD234;S3g!^Tgb~^ zZi8(`vFrQxArCOqT*5AKtu&=wpk?M7e~nl?kXD`#6nf$3vb$fULFh5&W7KpU9PCR? zl~xbT!|3Ot<`hj~71CLrHN}}!uiQkO6uS?Rmh>aG{+ye)vU$hSmRK{{xU~t>rV|HL zm_RnfpDZFMv|eUtVMj7=!s&43lprt5w72&Q2he9L=`5lX(DEe*WYiFbs+ptlWn&)!b|K0RAv~7bNL>HG#qjHpspY9XeFF?_6i>`2-o+#!| z8`juf;yg<{Qnj>N5mxJIP)1w6H%dWA2<`eLftO)(v5L(mESBg6Q^N<9i<>TubAWND5^!uPs z`q@_op)}NjaM^lhI7u6+)2!2lBYyWkLkn7z<`z^-N206s)M_&_hp2?Qu!M{~qE=N0 z3@u}H&J`nwFah7lg@pm8BoJO+^I=?AB(tzLk@TWlOg10X($yMursPc$se}`_h#G=C zZ&!Y;x4*G`5NeLe(6Ju$)=AACQ*JAha!5X)uNo3OJ?CtN{IQi+m`tCkUflEul>15Y zsNQL2(y0}A3W;QeY3}?=&amjRdQvpyIU#be!ye46)$u0CMfkgTaO8*!lfLfx!SqYb zysBgj`}pA!?fa7X$-HpT8+qtvKtiv{Che7YhgQxQTk2BKeG>MkWtQ7|SuVKO@cU^~ zIoy5@z;Or`-)RbAb_LczLq)R6o(T?94@}SpoA@J<#&oA9a7mMu5TX_DOiWt%3p%3I z$TG$pO?({16*M}RDOKBEXp{ZHYwzxk?+?{(%fU>V-8d$+{{T zbc(su`cmyvOHCleirL)q04tXDj~s|aaeIN50XTSI{6|X*?gsniL%xjVibILQ( zwh$iZz9R$x9>Hug>Uu8Ri!4TU^%#&kc{PM;y+^G&g=+L{T0c&F0aVW&x|s)=b5v{TR4$Zj!Olw7`u;g^RSrVI$8!8%B z8-PrPBH5+Qo~p}U#2(U56q;0nydk{wz|Bd1K7?pJ*rp*spdsKKJA65-%@w%g&Gl5* zne_V1d+P3dBcXdqn_qqCfKA@f8O%^kP*U3|&}_=k*ZrVMrgznPDbgulZ`}+uG_?A> zh5+B%gbaSbm6aj^@h67r9S}gHQglJ7UpFEoB6FoJI#9lNJyQsYFoPIHM&uMwJGLrFt#CHK5kX=a5X3@BiYmYilRhpMeek!Cs&pi>`WJMpD_|NSnsx zTc=QfZkYAqYbR+#BeGV`OZAi|ZC$OrOv z0z31I=3U#6i?@_bIud{XYyVzCx*p(N`HT4gb;aJ(!@g5t3Y7btkuL3`CFdYusn?qo zJZgj^Ro$k~frq)F=b-Aim+F`KaIW6U1|aG1OC#4dl?1PWeDQ@YqM_8@8;e+C!EtA% z1rd)2&6fo8QA!5dOc%O3qe(-f)}!@YWIR_vBc=1-!fxuMPv6+)`gGFvd!^p=Pi)c} zp)Lsdge^ZD(Qs{U?a1rZm3KMDDHm%fX+_)yG|5koZ_NKMlt>?0Ug*A!>>%|x1 zdicjfnKsJ%%_dS&q#qXwg|6s3F@xhkyHnsHyn zpfo3d^PFSA_0}9MV{fP1Vt-zU=q}I>Mk^x$L!|#P;hst>Heg>Q5A@(K6= z>%bNYO6F)VpY+W`@A+ONu%+}b#$lLcrWd~}kRjyQk!QUBW&^!baDkTTB})>?vnFAY z1=`Pag_oIZ#VODlP?mMpptU9t=GUW489(FCCz(-Yg(~CI^b(1l6mT8Yzumnzm_DVr zaqp+k{M+Ybq}7`xV!oBeigYUFh6?O;qGg7^6KOh92RRxmg*Lm>A1z(|0dO%nhF$nx3Q~-|%(o9wooV3F8_KPQ>|brkWSY zaICzOj8IMPzRON=kMSKIFtC4J;X zeRmCFQGdDc_`Ce6tG0oJulECyk7TgZH<6yzi8n3Bo3vif7!J51V;!S2kbblq3?AR$ zk!jS)b5-)o|Itk74e#VCaH_nlT4Vv#7sYWYGdnYe1IOoeWkP z@a6z;*J&!;Y$;v}R$m9YoLjzXbSEtH0t7V6vAu_9EP5p5qJ>zI#|Cz7F*5Ve3Trl@ zPulQxJs)H-?#YoCT4n3<^80DbOb7a#R!S*+VL|v2tRa$&zH4$yXY=^FmyJ=eZ2>a9 z1=RFn7oAE5_o*@Zwfe`Ce;SSEeCefJ5Nsy`&UiEG{Hy!o9{@&3_jMvi84cX+}aGd~Q=L2wgBD zqosuS6In}iC7a$NLR-+F8O33>OFp)mmk^X=W?fLXogjqP1aicEjy%%hUfSPG#-gG` z<(d=-Q8}E11T;qxcoz%Q&C9!OD&wD6iDTC!pI-A zLJz@}zlXnmGFAZH|8;=4;)D2;L-l^hfl>)Ku?kCTOJQooCNzjCgyb%#j;#L5VVmW$ z6jxi$0W+uiU(FZ;vH0y~-gC+zrGnb;!UwB>wROH*dbS&%8LJ&KfhB1{yEJ{ z1k|VEh`>W*jn>_E7;}UX_lgI%f3KCFQjO-uC}fSLYPXU`aJtJ1W1S@Kf91+Lk_iK^ z1^<~?$YTchEhS~eYpla0>ldY$FZ9BVy#y<;_Y7@+{Nm3yLyRWP+4|O-RvsaK+we@F zBE}T-?IP^h@1}Y|O(SB9gmpZdOTep7-k(j^S0!-gHE6>QWKIm@Ab<)?5cNuep`!fz znC5kq#ykcy6{S4_Ovuy$*JdF|KHO3#XmT5k>oQ7fA=dnIM&q+nLI>nP?D#5_zCW*I z^wR({=(<{1t4q0_nO{+2M~CUtDwAMpJ8h+3Gk)*AJ>PBEXh%qoylZ4e;15a0s4q)I4{0-VI zo8Ic6Unp359DMS2Lcm_EHGZEb*mpj)n156^jA)oyPZTMQgL zk?KN(f^4RsH|U^j;HEh=fdOtB=vhpByEHyQbt0@kZ?oj`J+=v}N^fj}1jro8#ZNAK z+XG~7=xSj4N@Z!z?RJxl>tNW4Nw`y!%f3loy^nH4s8O4XnHtvk&Px31&4|MSE@YXh zIPREeuWWUSPZ?|DS7=_+&?>v`B;I*vzzd%+K{^o$MRi?_N}cQZY&*q8TeM8d1^}< zKzRCmO2<*3icHF-)s85}|39X(qGro%{rHBdSv!>GO zaCK3+F!b$QU8yr-E#6Tc5FF13E)k6Z*0F;w2*OeZ4y2nXkW|=>0rMrb?Iw`AchU|* z(X`XQvu*Z6%8Zy*Dqn+7v{+$GBl8L|)0ES9tr9k0SAbmxtQtNJ?L2QWq+cB0|{I&xs^g7r*Z^~b+67R+HlNudwiI$EBz&+cQ=5bOx;O@pMrB8q>k ze~oFuKR`$W_$$u@hO)z0Rq=E%E()z{rGeMG^h0qpAVQizoWLXQ)j1%Bun3l{N&4u( zIG$wWW4a}hwrY|~S}N%vyLKPURb4HrgAq)a#(11 zM6lDi-p)(mPZq^gjaLM@I*;OSMX$cVgCI<(Ub7~~h9qGx+;40r_X~Jc*rVz%2_*2b z_uZ8!lh!2u=F5_g>UwnFqh+5Qe8SW;@i6RN&J;JemOuDzbe!UUtaF?m(~ygUm}MH~ zS=ZR<_H&BX6| z^%Jarr4Krh_VPw&?Tj!l2mJlN%JKb*&Sj<19??AM)rq$K@DO>~H-PYV~;a zoa^>Rhw0TC%VNUUqo2k}#?6LzGr!c9gZv_}KQA%pYcJ8Z`?X(25XK22K{~pcJ@%JP zF*aBw^Ug6Kro&x_x-a7c*S#ph0M+86h8z;@D02wfi5nIl(CvN1q6>|7bq7-iIZ@`Q zrqtHY#?yrOH9s$kDPytvQF#+1oYp;ukkM_b761>GLE280Ks_&Bkd9o8E2}%rw0_gM z9$-nylKzvyS?l78kFhD*bUNg@z*@i>^#=20pAtk3Pi$#EMQbFSMdHp5VWz3vupk9_l{JzOUJACf?c)`)LTLVSU08*aURD) znErY8=kC*)9i3A2Fh4^D(3(`h7QF@T)VFtyCcB^K$5+ixM{~TpyjvZ+@&)0p9?-W5#gr?uabA&pv)wR#YX0=sD_cjB*9 zA={i=zm;Zo_;#FMAdkw1obxgExWVN|aN|TcFG4Vsob`vcBP~B|R1}P#d>L$B9>-JJ zn-D|(dwKLo9w?0oq0E0fexS4~*j|Kj&;mCLY?wz$j$wrGjS%V|^pK+rd4UIcIDLU( zzG-{|*!k6@Zf|EpLPh8%4p+=Bn*vJ0_n}k*(OFz4XVc}Jwtr*PX~@k z`i(?W&6@RgjDZGEXfsEt!MyFW!o3G|f5n|2Yrd$!*+&li)G|}MUqyfq(;JvMQJBv% z*_}+|*wJKHa=M>Vk|cw?6B^ z2=!A`qeDzZ(>gHKaMPp}6N1O;SXoTNv+-6G^kTVOXMO++Gnp9)f#g_G@{}mw_(D4L zld5S~wGkhb-Ez?bJI$^$E~qs~q#>w`@!flsF(PlZ`OJ3bphW+Gpn znjpA{n9O~SpYdQzum+%9W#&h4O%Cx|t}CKwU~*g%uUO;hTc(D1LHhN zawF$qe}Gki`J3X3^SSRhH0R;vA!g#mUR9qr_LA}Y>{ir@feovao4n3++}!))ORVu9IjI(n~|wL~UYzEgA0&%PST2yff?_PRXvtN4cwB)&&$ zBN~0Sl%TsYB1Qsul}1^Io6+o6KS>-D+18WN-c!-%X_KC(my?+_8w+LutOmhF0$BY0 z+zC|OL(?V|{jL%eX0NABiYhK{_}3ragJ>pOKaY6|h<$aKX~nx1VCm=F6O-~`JLCS- zQxG37sL})~lv%u?$coHjCP7=x+Qwfuxz-cx!PQwER2a^TzU6txOnJUm(7li-R z;S@;6b5+nyy|R5~mYgBSvB`g5<=6O!5V}@L|AFo=aj75ZyCzz#UQUoT5l%=wPRcy; z2mXSI7;DyvkdWdUQUXH4jC6$Hw)KklT5eX8$y{&>|H-u~-FZ}a0TbGko*C#-i7iqm?WXFOnA5hBq}eUoh@|m=He(0T z;?nChMBC)v_=4Y?eg6raHhKEWo&itMy;}f%g)Rt9W4e&jSUlKUI)M zA2DPPvdl%*qR(k8L_-8^!q!0B>-Ht*Crlxvp$j}vv)D{aCdJ@{f8041GAN_=t+C9H z#22l>MpGcK133LR=MuM)?EE_%)@O?5X1*b#pMEczk_37PHR3p=^IH%?o4{^AXLd3R zKuN7m+ro3q&E_x;aTLz@F^?7aFLW%E5)`b7RtCN0mkfF!NBBbXihl^|5wwrl+9ou= z4SY^|zUx0R)*=z1=90yKRpx);S}eAAg+>?tiSG1DfiAS+Oe7x*BL^9>t<3X>`!%u# zS0?{O%MX)Fw5bjBB(CA-4ww*Y7euFOGNw>&msp29@Fu;IJVy6e3vMUIM_-(!-q>FM z@p5bpGvf6uiN)dsbxL|k(z3!A4V?KF0#q(*3}WvTI##itOVI(>b!^^^C}dbva79aQnf z94FU40aP5L2>aWPS6z^%sZ^(BKGU8K!d7=PDTk_oF`+ za|5hkSzGFO9s*nfv-o&ab#z)hO$Wnv^yQoLs|2Orx$ zl=WYy=wPhSuD0T1QHPEs^iUq0H+ZTJr#Ooyqcc)kz)0S2Nqo8C=~hwonQvj=e*R+#u$v~Ib($IYG&CAYCt~SspK58Cv!qj9;>P5 z*NiCKc)AF;W1Fh4%uR%DvPJ~G^Ap=`$Dgd&dv`6!6@t3Ayp`It4>a|KoEGj)ASM{F z?K0s*SXR)4#I4PythV=#Rlor;T1|mskpq=S?@YEd13F>vOiR50TYdL z^V?-oGu(PqQS23&6;{!xC2}j|r}Yj9Q4nwK#O+Fftse!A7xoeybfpaX-7;_s~+V?Un@UY7}D2s zMuNrQ%gYxCtLv0?`xs!1eIZF?*qyYnC;uIrU#{_j)A?{Lqbxz3mR>?_A@b#Fk{4YcvF>-9Bj z%CnHqYA?4Iap}jg;h$X}eC`N4A}>Te!XMh1cFE&b z380ul-0g^M^TmT+hnt8Z@1dZ^9JC5s`4jM~)wJ@@%Dp~IB{=NJz`f17+;r6j4%r|@ z--~Y2E{HmWeN(viNwu#o>x1KYnS;>pcfIcAGop9EYW2(;A=nwtGGmttlhiH5lfcv> zP+&L3&o5$j`7sYqqF306Me=$Hm3SkvAv(z?*MuOEJ>rj~)sX)xR|nvZhc*E8RKjXj30 zsQJiZoQem@x) zyK+Ju)uLXW^36E@q#Yl+@~Ll*Mxi`k_x#;i2{ zQR-`VzQ8ZO-^`eE4|O8pB-5H@3q^y(%G$>`LlBH%EZdaj_1$D+9GeY4-dk%Bo|GkG z7T5XH-3I9d5(SW;D_!^f=O_|@7K>9;NBS}Stu@!YOBmNRZL8|If(czrBJ zHQI3E_Tr+6GWG9}T6ahzVfO)?+-kF77|(h)78I5c!gIkp9XoaY7dYDR3RgKDqy&&tN5d7&%F-{)y=@*;FvB4c1??*Q6GhgDxC@>kIf+=OZYr@}*P? zt^13_bE+K|{V%k#@f~1FjjdrD-2;-8cX>Z7mt+JS@Gqw!Y9RR%C@G6iqT2?B`Kb10 zzbRYYg!Q_HD?W9oBXww4fYtt7P@;Nyvjng_DQ)IBt*8xvvhB*3HQOcqu<}V9$N)28 zFn*kn!UD9SJyu8ZE1MML5@g0v_L;FgoYeu1HN1vE-^kRN<8r0ZPw=EsQYxLK%x(z7Xree156axlj~9_5X3ADC;63!gOKs1gxsP z%N4FaL)WiAey-nyI9)@b?t0M1Zhah$4iQb@c;Mhxy^5jkPyDk`sB}i}N!p&L!|zy2WUSx=p+m zAV**wv%*HwF(MQU>bjw*wj8qF7^Go5xlZUSmJ33$o@JFf)R$QPpaFWbWl&LqGS4^Xb$EtIxfk1g6|x(>lp2);wW^=rVAiy~=IMKyDiG)7p%%{H_N=9$+(Y zz$e52BIc1ra`nFzDZo+yzFzrl_mGsY%vTp7xiv|Zy5EvF-u(gW1RYZmXR}N2hHKVX zGa2|5y$1N05+2=DulNpD5YAqYK>->UA@tD+s$ia*#sbo1+zqmrf8ilQp_k9 z+kiqj@ed=c)hAKgGPn+R+N7t~6!rtl`k6YcKTu|)VBQ3l7e z!};U-@v*@&-P@FcFep)E!g{LXb@z(biZ}e&sfFaNYiz_t?#1}K6dRg>6fo4!zY69H3`IMX#<^HixDkQ40I$9d7qcEJb0{SX?}`iUW?8ek}1oP zu{!63KB|YDV}$&|5FO*}szmxGUpn`K|J!cU_OGF5y<7Y_jrU(ps=7_epXJKkzc=H{ zK6qn?ZypeU_QqkHr|)N$Cs*tz9j*5|q#z>a>Es)eTU@Q_*Kr7Jav2Sow?eTEWR-E$ z^tV`TLEs(q zo{%viJN;8gEir8VV)8=l&n;WqT@X-@(Wpc)3=Eg+2&zo-_NyWsy z14;B0bC@scNYN3rfdbCp801E>=kIbyowZKO17YN9GWGPuYsg@`@1)NKWNzPQxlG~B z3X!{%nbgvUkylvJ$I8x54Ll>>qs{*sLlp77c8eTk_9$9m{&KGkXB5^b8`eglM*oF( zG`z{id=-ZddS4{fsm|y+i#@LNQ?`Km$l?3D_H{dvgYqoW2?Ot}wN*}~&OeeUvt*HO zy0KD`wUmsy-RLU^FlM_ZnUA#-jAU~-()ON`Vd0W$2X_Z3&65`!lhfF}L*p~a!rm|! zFHmfR=!XJ>=3=GLL`LG5*KGy-Y;?~4Sq@3Igx%u9rRdqh_S#KTP;}sQp!1ZM>I(O*>(Z0ZRo)E>n#vs(n(EVQznDKFekzZz zg_Led=xaoWeZHA>ElGLrtT;3{T8+Jb>{ z5v;~hVW22c6c@zLh>aqVUi1eOmWQ-_uc$^1y40l}zU91H3qEZRHmBad7eaO0f)j#} z9<@m;0!`YmVWt{tsZkX|CH#I5I}%EQSCBg!f7qPOniR>~-rM*ebQhW)lglAai-uL* z1(na1p>hwT#=ef%Cy1audt4||AuZ`l0T)(4R8l<+_@)=gkADo1=C$m=*#{% zC$HQO6_NyrHXl^~;eFzLzv>!oI&eVV+ys9>IME;ixdj>#p*1VcTT?&S`L16{9;D;I zU<|z)Gcx2!Jh)nh0`H8`-b@MPHJ>qtWKZ@jm;6~rdCxs#Tg8sB7jVDlFC>#1M;gvF zwl;*cOVjXHZBl-;??qrfs(6OIYpE@ys;XA!ohf$D30OlR-fvtfm6z z*{M^?LAE!3vF{nb=VSsKIs!CU)_RP{f_YewgGb}b#ZRxc6wZD-26KR=9&@&Xr}0X^ z7I`F+j+x7Y&J(uIf|*(O6_@EHg#ZD(6c=uv21Jy^Ko|WYQj4;#B3G47Zm2 zbUZp~d#}Nq`_(}t@-xmz8*m@g4HrxCieOqU*X|8d^Iq+G%4acypXrbj4Xfn7@*Hc? z-j39r7`qshFmk#6vPiS1Lf>7KaPl*EyD2i!3o`P@Prk2XgsS$;&kl!I^W^+QbUrnmBocCR$S`CllwbzjtW7@ZbAg#;9@4b=KNTln;1wTL{`kmjFe%&tD} z%{t1JYa%s=2p~`0%06{o4)Vc_rYVXypMuR@*^NtbVQPxE_>+OpdX`4`GML`PYX_w`L+#^|h3LE6Zqn zg&EHNkz#Wc)5xv$nQS*qYRYTjt>oz5~Zuw^Ez2_)n6Skp&Tn27PR^qW&_n9VAYDY4fJ{YS`y5VaPLxj8kDUV=Fl!YP|Jt{mq3 z@1cp}Z6Gya3?jx6QiQq(OWWa)F zbO7fhpyR!Sv3U>YSice7tC0cK&qe?-S7GD*7r~%F(){K*xo2{t$9nNExwtGOFP{Bm z&#=Lb9$L^pknv3SJqZfcA1Qt_;hMlHx9mOhe!c(8KzJDlzl#Ec(j|xnz%LmHy~)`1 zjaj%^2uG)#Mnc*_)N3AtJCc5HMs*GiYBQlP2ye1!Pp8wc&cykg3^V4d)bD}FB~M~* z;x;6#`3&>dpWwH73Yr*w8r`<(C1@xW2Ey+$sEpiG?bn=jXP9qfFdsW>X-4ojnNT<> z(e(ur6zZ4;X3-QG8YpJYhNB2>8IQYDo^TAvKRH=^wp=2E9dJN&hL8Nv@82U3j>f{Z zA7SZ3pJR5)A&aA^HAhf1d@`=6J%m8q8&w5 zc~0X$PrrmZ4V$AvXg8D&8C0Oq0aQPf4egC`q1{ocW-C;SXp6|`dvJ<`se9qQi@bBl z$UJMuGWh_vw(No`p{-FVtS2gl4?<9l0T#ZFa2M7#7H*SjY~IO2v)67Nc&vB-ea2={)A8 z9!I@qvvEh_Z_V9YKHUYA_PEG%KAXZZW^OVX^}7S{soOC-aX)6PK5R9o`gT=|>Ve;7 zApBtz2=XpPfgtC{)ny?3AypW_F4kor{F1s8^t$J5N2lEFXhYa*!*z!XyU;n8$}E6F zt0`2ip=7Z4kx3Bwjezi54k{xk`6U9O2R^D5oSn$$;M)4F(ZGmK&fz}qNpp~72Dw*j z<^wMS9-dQ;o8WBrS{g1J&f7?taSyRz=JhI=)ojuEb?MT*`t>`8@Mgoh>-isKoNU(U zj~YNBgV)jhe0X!puYu$JGLY1vUIt?9CLSa3s@6bjP2}vFR?4r7Yw%(j7jjEbp>yg- z=mwS1zJpbPh__uJzvi0ii?e}+nT+W57tCmzMK>i)3@s@fnh#A)+2qGeW&%_kYgz`i8S?}k{?++%A?6Et*}-LQLV{hgD*|_pb4#{6ctXX&5fBAsi+wVKKvq2km2j@qpkVS3^LOkHsp^VT0hc+=@vn*4;ho6D;e zep}?N@7Z#>Jt}G?ZtfG0n4~wcV8cGlU4PKr(Lg>^5>MO6y9Gcf`1^$cVW4|{MhXOZ zm!d$B^W*Bj0b!tf3KR(9zE1`6(_eug?B}Gy0Cur11L2pXn!gTIyWAZHgKhJ6pgne> zBZ07eCc!RSHH6zP0z$!`rym*!3lA#u^9MpV8mfaXHTfj?&|ne_&R6XfAt|08+WZYP znl_wc7|vPWy@Eb?43DpgsLsW%J&6Sm5zIE6#@q+>3w4H#>J}~dk_bkHLGPPNU=~9+ zq6keBS7jjKVTO}17`^Tc&!0xj+B1IPV%!vZR)bjrnL*?x8c=H`AMjD?6X-SRj9ahg zq%3~;jDllctMf6c`6TG7mN9Mv;h%A1%|LCf3GuzPt7-IK>zv7eQ*q%y)7JDy&1<7r z7;DtSSc3H&#;Ix(Wq4bSBB9}@l|OX-_?p9a`%4DGK#=xhDiA1Ll78Vps7d1I5Y+TT zi-1tgvz1rRPd!Q?Ou$kCp&-L7=?k=?Wy5=9qJ?YmN!i*hQC0({)b3=1sg$Ze5J3@R zm_F4PEQ9V}u&EN%j8wIdf4W&HQiX`U^Hdjs_yp#OAt2 z6X~$v)++sfNO8ULk4yt0%o{7rI&g8KR_Lu^SjZgdsB|~pRnFbwE ztbPv!h4)6027_^9&lpq=zZEaN`JqKiHsc{fZ9;wSI4b0RE@LoHKq8=WFqo02Mz;l* zN;>Xim4G^*m79O9cSBwV&(It5hgW41LREJwkQ88D*Jd*MPktN;iN_I_%=DR(&a~+! zyq})*IY!0*+nS6P03qGEK!?46m}i1P#)%!^;swIa$@6ckY(~*(dUcLr&cg}1SFg!v zT-!Dtjk_;L&1*+u^sIY)HPrG>_jrqI0;;C2ajB0Zq;)jrZa#ph)PqP^y9W_1BC$O6 zcRnE0U%#;XB3i#~Oo&^B65$X?PJwCs`m3S}1G=pKB{{XP?AsR`m z_akA$=UDW>5iHuM`N9qtgwId&*B(K_Iv#)E9Hy;2ghdbLAc`MR0^wr51_DauGj2L# z*Cebzi23UdnDX7@GtN&tL0~>ca6F268@Rpk1h3T)36f^5Jt%+F3B zKJ66ZH2_S~0nA*r6%E?W#XW0&XOBeIa!n<@h1+_}Os*e#;%QW^-v;IDc0kFnt~O{) zvGBfV+B+WALT<$iFTL-8QoN#@xScD)(zZBI$LUT^P7bnivVDh%SauT^o%da1%0EEp z$q|UDR?VH#y(a!qWu|v&o|?PblgRx{0@hipS-ZOF5Db{G35!zpAuj0)%vib4K+sx+ zBp=6!_@_`Nw41O0pkS5ms76!nTJW@?Fl5>}3!WDk+wle9TS*?M_AZ^S=U5mTwitm@ zVSO2SqiXHlrQvs;uH?J*fE^k31uFy%4SZ8H_K6JKZ9vIQ~8@8IgTQ!#(V zLxzG52wjg(SIg=Amoro1??cIumM9+51tseaz!i0eA}Dku+E4x`)6uCf0pS$FpcDx1 zzKsGw(j|#ux(tM0tw0d;ed;n0{;(EEE10cLqslTA6kI-6>*D32$0wP7YYky%Y z+U9LRJ4*Xs213{G@P`CK2ZIGbC@?c{3jlZDMuIxe&2I;Ueo$sW=#%f929!~s!2~L5 z^%=}r{W+QqeH`^WtwQ4gskp7zy=dC=Zt8wC?XeQgy012A+m7|V2iJC349(-!sAmdp z?z0)aB45NJP1TU1X0-C>+sU3GEfWhjW@EvIlW5p6(S@o1D%{#@Id1N{#1}S&kzw&u z6NdY?UiYJMzje5=M=GxCl7`!3U%~Csui}=T58#&WX}Gb=O1tK^-glu%@1>@uy_WI* zg6B0idauaWZM}5tYt(affw-@5H0kAYk7}kk?4h-b*T(#?ZtA)Wje4!XE&bNw)RghtIJJBzr6y1(j|%c+AkRhZ6b9VPP5jXB~YdFIOCl8Qf$f* z1HvUqPxye4=CcQcvZrZ`8xwFlgBE+$uofsE+7=b+wnv$|?NGc<2NbP47_kIGYbGin zOuiThr!e3BPC%HNhY71Qtcj>vTWHDwwI-N&&o*?O^au2u_89t1eH48r{~Gn zK92sAo3R2hp(k1T06@)xTe|ds2*|?-gs-P)iw#z^1S%bT8?r%J2QvJox}QTK-sjTdRT0$w;Yr;!qXJ#?X8Qe@KM7e%>H?Sdl)=sFwh210z!Ey60TW>8BKA3>#tJyE~iY=pF!g}SY0qT1EH z3Hy)Rr49fc6c&JOwx#Q7biZPF8o|EHat}fJO^VSa%L{*M5QaL1j7!$V{T}LIN@>LTMb?>`Y+h)y5&96(Bri+-j z=5s7wyBF<-tw)1abLhu|7)i@(Y}6`Dj!*Q3gW;LOaC+kY_~?}w7nOpcGd7^+4dW4V z^HfCL{Tzly{uA7OYP}MZ>7RFO;%sfZ zc+mF6O7xREHhxaQxky!Gep{aqeZ z<}wg|7X<>POVa-U5UT&+36SoC~Q~2$ES0L2151OoeCZ(qC z>Ygxv!!Znt`6sTZ)f1gZEJ3#s^U!H<40;Y*fKL75(PcmadJLV1Uc=+issDKV?(fgw zEP>7USX>AX0x<3PpySDBUd6!Mr=a(s$>=w1I=T;vH1!@f12?zqis#>W-}?9|9vpyh zo#U#qa`O~>K7ygLv$J_le(H&CJ??zAnawebE>7YfmhVL zRY4XI+Q>2v2(2HU&mUhf3iiK^JU1B08nj4#Ca-Hf*lL<96VA$qw8Yft1@zSymnl$H5 zR0wNkKV*~)Ylkc9v`5i;1JG&OpR6Wzx`0sN77z%(I}`?jq)XCeApBYdf+T+hy64h# z83=z!6$Y@2br}f1r1n`KLF$zKF}mh_if)9ut~np)16@AY6#_!98R>Td!iWDCfKV{# z$sf4fu^1X13pNuPnKh1Up{tS9 z22QvKH?*CJp=j~}kM)Vv zNThBwQYRj>^M0U|f2=@X2bu+L>3$7tBYEy!ysv9aJSO>HrvZJuusgR4yW#Jad%l8j z6r6KF=%j&n3g250KVPB$cK%E9;<+HcznQ+`zOV6LP<4?4K;1?1U8knB1;;hDf|KT> z%NNfHjMS&se|@oX{p616x*06^C4ry40~_hr#kF^x{LbI@t@GXT-CJfY4`LyKmYJ5TflG zp-oXajD~!j4k#DaiICBa#`!SJP5A=R`9R2b&O%z#PvqASGJg#Wdy>xiU*kq9wdp2k zj63nYrm`F$5YA`Z$0r@c___aP{yND9SFwDK0kr&!;Z~ld%DQx(vpkI3miOf4TE9Vi zKyRc`UmH@b^o**h^75%n9?<;)mKWar)cjElxja$vLX64P5m8kRa+`7RQJ+rTrrNVcEe0DLX>$Bx z;hj;Uem4Y#55dHH4q(R0lNc5IyaAzCj#=>JkQ~s%C>-XG=N}g@d|Fes(%L8Q_*cqX zv@Lfih5H=UsO=z>3vFq&&6UDiATn+NgF^VTxMZMsjb4vpO2N!#7!wm8LzU3xzS`-I zC>7Ek6+_zM{=`2N0HGINZYa%aQ;#?;_Fnqc6qV|>MVUHnP`pk%6sy-CU8erY<~p<* zLctrq5rZ#-z{^1ReJK#+U5Wxhj=usylD`7ob7{H^gg>MT1K7oKF!)tKIF|R1;dK|w z4+c~GWbQeQPYEplYb3en`C<1dymV_)^5?j=$6Y8H?hk~oy5^z%_Yw5=qDa4eCbu5| z1U(5N1$ti7(*L&hZvvVx!Cau@e)4J!zf+S@9}v!egdz;idpOU*AdfA0kPx;Z!{)+^ zBM@p}6a6Bonzp$#2GtDH>C2Gkulzw@zDfim!JY?%g`vt7H-(V zcsg!#{%QUr^)HM~yI>Q_FI4=n(9!&UF`Ke6ef?R?+ISYxn=&j87p9$|!S(@aUo{ZR zQ~rRnKKJF1HvobDs8GyiS?-ndD%N$4u5Z|S3U2AU0?RfXz_N9FF?h;jxS{1#oaBXa zONFs(V&k60D@^5}BRj4Q91f@K?zV1B9w%{hk| zX(us<@i8qm+xie`q|%vuZ<@YBbCPKkMH>;7aq7flg1z+_CI=p>VesJ5!Jg){a@!6l z{m<)M9F1u;gVvxoHt>xHU_N&Z0BNvmS`J<3HJx@)C=jG!%kN_*0Zt>V3XnV~G&lLK zqfEXq(%{vz+32ghR`+Yv+BtO7ejwP)w9GW30eYg=^SI8NXe4)zmK<Z3M@N48RpAX82H z6ByqK$>%XH_66MBVw{1WmnV67pALD?;N@YiekvEaYV)ZJ{G^q4ue;Vsf7GpQ!t{8& z`0h^2EA``*^3^Q)sXMGM9xt?PjQiGSkTFU4^nlVpl`g9ePWiH=tL!$u zw5f{(h;o-Znh{csAXSfd#yd^j&}>~47(O`clm1nx&7d+gv@*&>S3gyD} zd=3gLhPB1rs~)rSwwME2xiUOoBd?*z7>D}cknfoTfb3PQFvl_wCEXzi-oF0{S&hA%j zp^i;la{xDXy9;GQd!lSz0%62xROs~*uIRlR#rkbW(Z1VIr2lRL-yRehM2H(e85j!e zxb8y`>`nC{4E8yMB7G0?UTuHI`#-Z<#Uj1;aG&b6m)8<5DTBhopm!F8<*lhg>Y(-5Tax#TmJetRX&^H2HdX9Q&xT5v>H@2ffXe-RP>nSXL@Gy;< zW0?EE1sfbj6W>vE4Z!T%wXZ?D@Zdk-GB!AHCDxQ^c_j4b<1$fUHcvuuiuZwse5qy^v6-}mJwzI zs@I4$A(HeA_Up8B&*vnUf@2rS79O`Jmb4wDaY8X{No=hfupyT^MxNOac;2r~@`1!jUiyI$8QjjeMdtNH_Bz7$^hsdIuK z0-=D!9|(2Mfv2l|D-4A4)4^zA63)Lbvb2Us!ezpIv}1$TL9X^%f2uGnnzg zo}R46eqnpw>^au&I9?A;Xga z9iL}9-=CmR5>yHHG{SD|11<~#zBvLv-N%9`N;TPB8yv3D6fv51#sTHUKAQ zHQ&_KE3mBkLNhj4EIJpv*sf8^~;SVcA241$~075%1Z}B|_!6lng9;b6$cu=)+RS&0CI*kNq3lKg+|`Jz3a$FcZ7>9n&eg!HaaG-Rwdj_|%r>H~e7h=h%7ZBz7J? z?$*>UpLQQ~+H>FpcI`QeV@H@H%THyAE-+4d9C{`g-2266*#5;a>^_!(o%_!5-dr@i ztv@O^?2M8TZBe>@dsL{~0VP8FW9;(nmQRdc_=?R}*k$A@wCWR!?t`K+@b)OIPJ9%; zDHQ1sJzyT3o8xNf+>-#Wy!|P<^&gM^Bj=#^uvzFiWCnT;j6}D->R^1+Q!x>jrJ+czC^<;UIM~Vd@o~| z-V0#R)#&LS?>+-NroqvC4_0Hy^R71VVh}VXW$}1HZK6LAj^=wFpPYvYEK5i8xPb7c zu6Lmvfv{LeJ8Pn^8p7gz_oMWHJt#3?C$1PM5G2I)-9-=-91`pZg;%IKY5#-NVNPhxiRSw6Q68^WRDhlcNrL}oZN)?*%`VU%``ahpj) z>jZ{H{vD-jw8O50xj0YnH$~}) zcBpad2voUl0u6^Ts93iz8nqp1&7WjIc{PLirLUZJ&iNMSmmTwzzxd8wB;S&Mo%2J# zk*g-sYYJ50TpluMohfer^ZE`H4{3w27SmAv<_RdXzw0-20n}8*B2l8wWJp3zWbSewN@B4U5L)R+P(tKTcj1xUZd(mrhP3~G< z=ew5Dz5_x^HH7+J8Q%)8ASa5(S`@)fYXd!kq5&b_jjNG#?i9!i$9YOkqWS!qOgxcm z!lcdV$8#~8d29{iihlWn?4?QRf#I}TIPDXPQ|RXEEW{?C#EqTr!#(T%U0{&&TeR+F zl)g=Ut7o{Q^A&2{genm-%A28N-4-aKzF75dM{Me08&pO$fL1H0iRxJ{XnsJOBhZdH z0CdlG4w369yDkee)&r9m$5Z)@Ok8^s(>I(%G{M_Fcdof5P@J=o?~rk?bU0-0v$(3o zFv~N%Y$l6&OcwJO{lMi07V+{K0iN<{?&)G>QC{ZbTfAK_U$v&Cgd`n{j9rY1b#6lG zYK>5x08=fvDXQ1L5pTY`&DD_cqO2^Jhbo^tmv!El?)lfYp=Lx&R19s33SkA(e#NlH z21b>`ZpM`nx1mb#^_UgE%<}hi-mGv7#xqsLX6`dj=fOrTI-x@7ZKxF15|wK-!Ii;n zP(^@5SSl9Y1jXw%MVZi+C?4D!qnB(!Bn_U?ckRV(!+(d{hCGP2qc)-A@Rg{0>rjlJ zb+5&rz)jDo@T)(h;z0ZI`q3x;$}rx9%6#9YYTkkhAx#l-bq7=mz8T&7jkl6R-5)Jd zFJ$EdrS4ae^wdl5qZ-ppsaj1@CAjc!oYy#4?Ka+e{YiirprM1Z50Tz{1xb)0$m2e|E7xp?)#SDPGEP& zV9)_!y7lE7&3B@;z)kY56Ff?)Rn)!!ZWI|sP$%VsqiXz;34zHu27A)DlpLRYfGM}> zhxR9}1}3wN7FbS9Icz|v8p2W$oe@-jJj(ZZ8$rDep-3-+TMq)D)c_Iz2Oc2s?K2ha zOTg>1*VX>@;x$rl0%I@oS06zmxBF}-4DKLI^4I_#^O~G~ZIjV&sP7DfstF_zCj835 zpqh;e2GwjdVG|8g7VZXvG<>|~q8{Y^Qh-p#o@xoLDW~r7L7@yhO`Wh{%{EkNI1F*i z9xgCI^e3A|kq-)0kg8x(q3!iUQR}1==YShqk4CxrgHWpe1Wdc{VWJ2G1 zJ)fIaz$UY&0W_C}Pb^_@_T3+&)-@BcGVQN6QLl^zxo`fnz{@N6c^4Y8TgMd!UAJTZ z88mG>2xV*Cib^cNgK9QM`FaCT`=*g7QL`1pG{B5J^=z@iROP9hvVgloK935P!uuC3 zy1~=Miz}c7gkCQi=Y{o0vGa;ELLt{rzPSaZ!JCBga~kRKkI)sbshqZmT)uwvNRS4kWAb()^7Z`7JS>D$VLy z{A)zDF6c+;-16eW3yTB7i@`4+@O16^vzW6%QghUT`@Himd>6y3q&Y1uz6oEhDJ1Ww z!9RQb8H(`E^zC5H)eH&-HEN`%i-3@_rk^zYqX`hI1vJ1D4EkivPIb)Ob(%p)p20BY zYeNBq3i4EY>)bvL=_h#|M)d#$P~a{xJ@$rjrJkYWboF zG8+BTo?lH*1%-?wL76{*762jT+n=7yYpEEBMn zD?n8<+Q=jqK0#~@<96Y?Gicmn6&Bq8y8?q;->?2FTi~LvRdqg6*^ox4EFf&q5~Ulo zMv;h)2&yxX@9B^=@${O48t^e*Bbg>8%^5h2->&8jjO2Po+G*+}x6j%!rGZIFnFPTM zL^AzNNjr{-$tN&bH8l*kYc7|CSsPWG$otow#n6Q>qG6li`QcU`lEr{~K&YSYl;=3W z^DWA6c<}|1jt)~+6UB^3wSuZiR7-{Yla$<@IA%QawUaeZH6a%~3I;9V$c&#b6Ds zuvUB?Dy$iL4VnfuP7(O&T7zzLiD1dXPsg5p^&?cM(;THjTNwnF6Abg2(>g^6np;`;8(jFpPlBM>&6h;sejL6JVkP_)nIguKHD8h8XjgD7k6xd&JDqI&P< z`8_B`Ff87GKS~TZfTC(nN)RkMa4(7uBK!?dO(KC&FxZD&CLk0DdI|)3-&8*Y5DEt8 ztN$R4uxRxkWP$H$2MIHj2XcYnFOV*Rzd)if`JI4J&Fv&@UnB>FGO}d=8i?_@jKjH_ zr;lJ5&4j1v9>&jq9;Jf2;JLRB*e|MP321G7Qe2Il3ZJu?LLMIS6>Q?gr(W91LZ5|o z-M*;RI2Lz2cnUG8rx|zjhkmLiV=iHE4#Od1Sn;`d?J=90q3?)gIGOGWw)2?<1-6Ws zjC2iQLn9_n=7ak+{46(BJ2)-sUX-tS8w>9?C`$vTe7$Z6s@xW(YIU}P^v0IGd}fpW za?!KM6G;wv9@z=s=6_vut-JoBCEqRI;_Z8v`_9SRXI}o;jE$1DX(&Z>qLI@T73%dt zy(UpulzaqnE6*S%CG-3cofbwb*FOr_wp3et*f?hBD7Cs*|OFZWRqz8mi8%{I+Bt9F% z??JVm$;GGh+eH5)HJuc62s8|$R69ra1cO$C$7>`H`~(1+Q%>{CNnUN?Ma@3xo|=0K zhFxu8feMf4T9!)N68CJ>yl?z}<8jP(Q)N=+PHe?A`^`T)_@ z_7MmP<$AuDP0TN75C}BY6jW=~=FeK^nttkjcMsn=->KEc3Cc`vvTz51Oc#`cHoB)c zq#{=_4wIM`G(RZc!9s><9>b!(&H3T_7MhiGhWV`K>^sJM@C4J_86>Pdh4{ohxUK7* zSeE=p%LN1kMoju9waRh*$dtPr=AW8Zx94}+48=m4pcsvF4PK&o2sKx0^qNzMqT!^z zesj`J@%bnko35Ft=00@&00oXwsk~Nm1!~R0T<>RAvL?3YHB5J|{~^CGr4h#a=axMF;kklXU>s+)VEN?0dU3GIm* zwR@ma4FX~9PB!vuv9RV=b6YB;HHy{hgK2kd!;BOH!kS!+P2~5%IE+j@jCt$!;D)aA zF?qrI{DEdH%)S~?DU0Qs){p)1pM=+DD8cfpO2e)Mt9B?=lh8@X>pOgo4cw#W*0nZ| zpf8fWQC44k{Zo_-Zh~?RI$&+JHA-#y`dtWw%P$5(6`FF3+uGIf%RqP; z2!9$~2EzZQz##X1Nwt53GL{w79?UjPVp%2-)SxnYKh`JEui2+lPQE62$9Uc~7cFq# z!J=z&I!a=BIfCWS2$qi{)}5q|W5kAI7{&c@szpqJf#tZgeYm#g5)_M2|G~BhYA_b% z`@V@{eU73;-(v(n0%6}nl-CS&Kdztzh8NWidg?*`>bc9{QT+&u^gl!qEc^QU6Z+{V z2SW896cBo&j4pVHV77^XMWac^->gP~#wjfQYdf=xrGc6&rLi^8%^ zgmcD^1~F1UIyY(}4Rh-&$IM!A76=Fp2EFE=7sH^5My6LI==JyWYX9=Ur#;Ll6`YN`Zi|0MvX< zL-VB{9OSo*X@-ws_rjVV4z3L%)hy4#Kx2NRYr^bmI16O%cz(%WO0ZJ%dH*@6j+UqRIJ_c7zncM*Bl$C!4v z^l8BL)Vn^RKKknQviC7-<;R$E_Zv>j-ocFJ?_%nrXVJ3fLM&PFD+2<3f7x057L}3s zzEK@J%kNaVO!<&otwyV2JsRe9350dpphVq1m~q!@h+Os&rY)C$)ZOoyCUbl8U0dAx zZZA9^5LEO`ZzGanh+O^wrY!vgv+vu5srP<@N%wq!@ppfSarbP;?RV^FT=6?h%|T?+ zd7E-&?t}am)}KNDm?v>f>#+ti{$Z7@zq7U6(2n+sJ+8WKJ{G4L3LMg6iS7pj_?7s8O#oDpYSv;OxqLz6XJ@D?z;t$`RT$>Rr*={V@IBPceP< z5i4IJQ_dKu&raNrxhbFE=C1L$J#x9dSH+ROtJlj0hY=7e9J}= zxMT-}`TYRZ2heN&nZ$gXvRb{w986BkBpAAPrdmVQILcks0BXRPi^XFEK*@k`;}Kh{ z_Hca41*H01^xalJC6SP#+j=FL)5#r{T*FS+J;W0b`5?HAvovYg^C7;4yca z0i{KK2d&iNq5A|BiBGS7wp&Ct$WYosz$w0jRkG_U_w=B z8*84Ufd)#|>V!%WJy4-eYcy=q#eS95xOGBF_shClTvIC@bCBsTf1|+`Zzumi0Yv5> zmec;%_@A_6a@pPU+>0NeW}TL(64Dlxt&d4Jl&IGeb=oE%e(iC-2RB+_6v0T4HQTo~ z@F5I1*m2P3z=iQ@FengmwPFT@20;Qt?Gpg(UY`Up22*lZFen&uH4}nAxupSNZ1Q{) z_gP3-GfH#Q2aWs6ziVVT=-V%1_>7%^nFjYO-ihqP}_- z?gDw&3S2#yRo|?c3cvRZzFJKO%)C$WBarjKoQ2y5x(0+kKz6mJt_Ia=V&#|a_xbJp zfTHh5O%dm$5UP?HSNf)OobOE1yHkHiYg($BL;Vm!sG6x}r9N4oLmw0xL<*J+2wf9V z4+yPBk>>=<)>m-dIiECmjdvZ-2`+v80|jat=p>T&PGy`-Vf;wipU!vT4gBJoiF)EY zA`oi88BO`2zHKu%oFQzUwkaIc*Uy7I2ZDk}t_g$g zN~5pav?mc1JP=i`8I01kyP!->)hcyGDH^h+!oJO#3hhQCxCe^!dnz8*g}~517r!DeBZ3{GJT!OziQUGnSgUMDh6MN%3(L6LTDp1_RA7V z%7pYmnc%)Qy+OYJp*@^fo|LM?Fi>Ube_2giLAa<8Mum1lsTv&_mVPK1+66^wcd+lh z%(Wv>`r4UHGY9SanwfZ-c|Xeyk+WUCxz3q68$De!kQ);W}+1IF7w_T){-rR|&U;2n{ z@ZQ%y##7I|Nw?m`D{sD!m*02?FTMUYo_y&=Joo0Sc;W<@8#v!KO#ss zvs%I`^;@BOgI1_mx4AWOwI-tsznY9*1cbWr8v$W!0^y_XK6|Nd`M!bBA8rc6)DNzF z(7OzT-&TPj%U^-+DbQsg{BH^ja^Ig^A3-%4yb@@acFdJlp^Hz16f zfnMAM)L>B{NC+H9upEV8=mRWa#;CPat$^0NWmtkUl zk#Ydn_P7Vd!u#QhdVLU7Z#=5>_z%kUc#q)rAp!1Pl<)fnD)xRBp?&^^ux`Ict@aP2 zN{bYfzjZlE-;{vT*Uv(!>n0&6WB^Ju7=$ZWP6pL#hbzK5S{JXNDz~CYa4Q5|*&0DL z+H&0vMQXPH`2k@9KMFIl350PpB7f;XC<*$k&k`jNl;NtTqyj=2hVyuS0Ta!vDQnp}Cgea3jP?(E-U!)`KdKzS5JrUeA9t$2i?waTk z9HukFiKn5yWYZB;zj^|u#B4J6twzx6n_;CRU9-uH)wJm>cQsC^15WvPbITzpbESTD zZiTA#I-zt(3si_uQym&^G#bzv@xdu}gG zCR^M&h0ula%ks{7k`d;)|I|yLqPl)P4{pzAXvc!Q6N=RBiqMX+Omhb;j?@fJ?@Z8c z@1H(sIZ(Ukf4$G$1!8E``0^nbj*!1DnN6vCMeX} z0ig@G`b)-bIElH0#krfbeVq5|ey5lXl4=&crk(^h9}pT8Qh|WbY7Tus=xPxOuU5M$ z{|PBxZK+AX>fNuJQO1YwSz^{5uc!x8@fSg3c$~a+d3wIG;htjc)`nKy&sgDnyH+_0Ii~GPQ2QJ{_z1i6NMK-=Tahl(3wwrQ7U#RbUwx*Wa zt4rfx+{%5iJ-kqd#7nP8ALB(zEe>9L^CM(x*k%5= z!MBWFm`B;f^1tF;+W-Ln^hrcPR4xxXeC!O~`f$5J-qSCCfEQlhYI^#$UFbL<%JR~y z8u#`6h{k-A(d6Z4>XPVfYcy7QAvb;FeO;8-dGf9|`K}lESnCg;6z}!}qr^k$%!&2y zEJGlCzkAK2R?AqSPEXXlejKV_HxU)DnTQHBGOFDcg#j`DM3FjUa7)+4=sI{gx(vJn zJqFH4uYq&WXW$fUeDHA}yD86hzXG^<8lAt|`s;t5L$9IJ&}DEWx(}Oa>M=ADy>Fj} z`OA~6Y_Mn2aIbbN1MQr!V;_978=d-(N1svA^napl_qcr)x(tm%>Cg_S-+WkrK7@4R z8}%Xl@qth(3{*d;@}l__u%>r zT5Te)^_qdI38>cIsG_y46OU2#SD0MzgC0P6JkEyBA!gsQDpp!m%RHrPy1#dZiPeH(&`UxT14>LRFE z2!hJiLYbEjIxZhE5|l;+ke-XlR|Y?uq8OCppU! z&J8A`!4ou^UAh%|Dwvli{vRp@w?x&tolq*6g=d}CC|##1%0#q4(b_FgvB3}&t=S*l zMy;g*F$V1hE^tycp z!!Q{=M@>h!+h?Ll*KsHv+}8TsRIJy{3jbma+oM*yahQD1)0lq$JD9V23ufNC4O8#@ z6f+4Pv+jEzGwyj4vsS!^$osb-K}|c;@~nB~RAvHdx~Q5X)vT#DPR9ijO2-rL-a|LH zWBNVsW6r(rBKp2}5Oe>#1pjw1bNTy-y7yzuzW+T;z3Vm1xc^N|zwbTFxOXQFRk};J z?Z*)HK^34RGkp@YMlX5~qvk)4ar2+X*m?iK==s!we^LMN)4wok!BZH%;CT$5_Zo&R z{1EXE~z zi=M>Hr1ufOX+I(Buz_LR1E8^!XHyKQxv31DS(@W*!#RVxsLh%K&R5f_8ZcfXuu)Bw z)c|f(Z6h;aUL&y9;1mj1!UF`hlmnQV_$fv&ehRk^xEI%Sjz#Szqft7d2Z|EpONMqr zxrnY*cdIR`)PR{~iy648O)R=H%#)VBh=kN#1nSR`uu(NXgiHdLCQpys3`|R+@xypk z7&K|L!ZUk=jI}d%Tw#u+(Wd^ClkYo>87p>R%JMfc^RBlL#rHFL(Hod`*GGJhpJLJ- zZ(zpqw=w%ZHCg-!lkeV!vCDVTkE1rHp!xvn`Kl_n7i2lwFWowz*O_-6#$`X8C5%|T0w?gYaa*-6bl2Pz*0~+eI0>*{XxFZ zU!!5W5jJO>zA$}9o|GMYo3*6xR+5{Nw!LfIk2~HO<}Lb+y+zxebeZ?9`yG}W;(-Ex z^@EUWb>JTcPtH%@q79$BI<9c(N2-VZ@&;;NHv|cZA0j5{1ZE{>+V^Yefa!A39Xn9* z`dO%X?MT$WemH`eSA<^MgLz*YR1Il~nsqx^3ki*i*{E6Pe7~K)-h&7n_|)8d@r{pA zqt1<}8rBF^!fvCQP|a*K&k7-JtuOYqO?nv&de4x}d|d;n%sj9W}h-)v_ zRZ{rk*IbbQehUBq|r!y*LA0{*X2ZfBl$AoozyL8*)L4I-V0_`UYlaqJI`FU~L@uXv3klo_l z?-m``y{bj@est7YF`;){E~E{vYc(7b;+7TyLjJcFFz%T2U4gJ%INxKKn*4UAeZw*( zysrV_w3K58gfjeXWKqfkLI*QE9sr`gPZb8JizNREc`|$jgB}nHN(3re|2H5E=%YW+p6^&$@e*uHpjS47ce3%3&WEI zj~6hG<@soS|KrzW)7>15NIZiP>rZ3EhEo`sd=gXW-qe&sn3KE}O?xgug_^BUp~ej; zUAdvPwh1cJ5J5%C5&VKsx?)jWbzLyWi04LRG>kh?7n7q+hB_Bx*5fYZAR^s}fTRL!6UlTqJ6!QlT- zKqxXS&I(S2R##pp0J+6uOF`uSW1kSq(8PFXaDGS9O-%A`TS;*W-dnkQ+d z3KdZON5!Cctu`oKZzM)7dKL3Gp2YkO$1vlr*HI><2Oj>z^LCw^M44{VI54|HWgZJT z_sg~$O;3$F&(I+Gbk7OYtVhEov>nRSZo>kQ1!n!We4ouwEUYQ2-Y@_`)q11z$VV_? z-YaM`=pl3&@gO?iz80MZuRy(<$D$ey_$qbVp?qjl8W|MBSh-Fol&{$g)#ygQ;S+I| zmX7Oh;tFj2QOj6`Ess`<3St{El>5)W_8vkSG_gSm%7r&axw_o0+tfy#tE`dm!rB_N zmao?WCF(Rr2^wH!>N%jOP`@{Vsy0K#tGl3h#BB(wbsZ{R+YMLL>cF_`NjCGhsrtPE4=ygd_oBBtQOmzDw2gg|%LVpz6a= zso@xu2=0O6H9DYNXm?Z$@56ZLhf+0rqHIVvln?Jg_j{mNa9WJ@6(TTSK}zC zA~e|~`KhN-`TE%m{}2?b-X7&cI-^`z7mAQ%qWhF;K1I<9(dG7~XxTp=xAvUPxa&%HdLq0{ zH2O#Vk*9wZ2^)kux!5iR&i$+7U~*ShH$w9m{?@ujAZ z>a#hYAUSvK7mVAd34qI)c88$G4MWg($}%iW{tY($@fp1I(O&F4a^B`h+j8I}KG<~> z@9#W@f4sa6s~-3#=HB~j+}3p}DmLhYs@IOj!0Erk-(*9TVWHIjCxl+K>Au)AeAKt2Y!yYIJ5=>&Nskgzsz+O4aJkc-1+j?8EJW zD0kIpH0*pA!TUAl7bmQRgys#Lx|(rG2=stZpy!&33I_d~i8>JUnxX1C?b|$s>ji^q zI(mvQe-OQ*S25d!yTy~VP5J{`|)MogBdot z{xs&tvp3V&z4txlVX5dc;7;@yvJls|9$`%r)witlm94CKYSo5aa6|L11|tfI+;_mB zcyPd~bI-r|DXP`EmHAzB<|{1>HY|T4v}hoiDs|f8=2rde+VpI18VeVvF7OVbY;;aN zhYoSECb;?W@zqeM+B9or;zg3bR1CO)+pbVsuIdLs0b!Zo{un;5$5@vC zZg82?R`WMDjcWqih}7d4mi#$}r5>@`y)nt^^C!s5!f4t<Fa+PxB)2kuAq!TXW1cNx-m-hr&0i-FyD zP>X<_3!HW=1h!M#cy8+wV9TA{rg&}c?gIVfgUYC8(B>U{Kyc+?Foqw6Ake>wXaT@o ztitCnSw4UK2bIZ(&~Kn`4~DR{{L}H7EG*{INM8JCE+X&$2(=qe#69c(YDK&)nufwF zDG5&Lxo5bkvpnc)gOg61VE3W32)%)zL(r&l{S?Hm-iC##I}vuvBut;b&h8*qx%;f$ zkR5PPs8W(UXV0JFSvOU~Xvlkeh>kR`q>$5-**msKg+|Oy}8)F^DOopJdHhH zoX3aza|vw&F>V22O+QpTkc&B+m`=4`>jv!+NJOot(#}Hjr-ip(il}@3gSU3^Tl|9W z=7^fS`TRMUft`o5ux0lN?E35+{m;RBdq8j;j?oL=vL=rLmPyP^q8}0vWMk&4y$HQ+ zGXC}I0i0KIV7v&9%?R?7OhXy{stNl0t0xGY!>}}U8x|+;!ua@SaBbVgC|0{Cx(vSq z_oVz0&%Cq)$9aQ(<(IpjQKk2xdg#}-9>cwx{(}ZBC!)&L<1lFEpD};U0nAT3WldQ% z7u_^wh&FoTrcBpgk&Yu5C4u?oC1G5x?d) za1e{shgR>1-&q3VQ?+ojHWIoRzZO2m^%R1E_G30&z?|e0Xfp62bRCn3_YVMjPB0JM zpNWrmWn%mOCzb_BBcAk!o!UQ>vXpM%QhltF!QY1 zO>s->zLu61g%(hSUBGw2O~`)1H!zl0Q)u(lb6dx>Sy=Mh{O7f5(dr#f&&;q^77AaM zCLojp^3(n(+*x+r@}!4Rp-xMt-%coBZxD)x3`S6$F=#yM5zN}K3*+v46(#HU!Ipz6 zD>O%=x)-QLiRR3u&vMsuThg|U=a)UcW8OJC@1+gNdje0ML+(=Vd2I3SCFoh6$h~R| z`_)bQV{+`GfIz5yxvF(wApGWo%3KD*pH6`w&|ifC=;x)&K=@P3298mSoK1POSv(-j z!q{Ync}+IgnHZ6%+P`#+WqKb+TU{f8dK1@=tcPrd9p$ z@ke!TIfXAe-Qqvu7c)cg{!lu6Z<82!6Zg zG%TJZ2&g?jR8EAPj1)W4gwtp9K(VWKs2@iKd|=gUHnm{{I1l>OW|M&M+}X z6Q)$#l(6{>M$da14-QQn96+%}T z7EG=Btw7)L8&U7(Avj8-U&DW^$h@Hbhn@k)o2)A#m+V~qMobvsaTTny=dVQd@Kz{U zy_pTtAkZpBfV(23DN5I8;a9&0%3U|kn!?4UoI(PP*STweg?zsFl=GOIbOhIRPD1gp zp)72BQXNs6Fjg|WyFqKIn%z-8xC6Qkip&Q9J)4H9*Ps&?E(Tc!k>>KsWcYNA`ruU6 z00dzSlWN!qfi_Yd_e<99V9-~(Zf6t^Z;j&hTH^{mg9g7L5SGwT?cr^4&$>U_B>!e^ z$PcY$ulV9b>#XeacK$3+YFdqP39nd2KJs)oO)#cl`_3HJgbV5rYtW=i_+w;}Zr3 znR;H`9dy@#!niVjiDq9^)u##iwZ3{~oJ}h*|Ooj*w)P?lk|H{I;nIECdQ9 zMLn~CSkJcMw{PJ3R&-zwVJAFonvp){lp@_`;VN11~>P_ zl?~dVL+@#L`MrZU$qRMvjBl;ic8*55!YOFKJvtd($F9es^#`qwq6Vp%nXDRA9}F^G zIT+M57L)-Y!_9LR_O%xSq1Uuj$JK{X^Y>|xsb155hihApHh=8}D;~Ah#=2j zMd}X1HOwpLZ2E$6`x$1hcoW61>}=`iByZAM(sv*oqnkCZYH2lua#Qc$`R!`Sv{w4i zx&OTKi8U{+6yDzQCk=p8rcMtV=%#Xm9ySoyEv@^zbg!FyVMea**4s)q_vF6yDddBw zKcSk^DlO?MZ|yIoSO0yb*@ATI!fQ+ZuPi*O`4V|(dD4TZ5Z;X8Y=aVnof0gIuBbNz zjYe)j$zjVxZ zq0b$y6h;?*-@U3)2y7j_IpqA8kj>%6Bm){`crGcnPj*HUwpB-+-Xvl@L^<80yxnjDa0)LE?h3 zc>N!%aB9b|aenuDTsWAFj9p8RwRa)%4lO~(o(0I>&;311kiKmJF6_GtdApYZd+z}D zQ+pN>=m>rSJHnvWc{}F%Ku^bc&#r|gs|}>v7j_X24HkLL4vOoa90SI z_=^NWPlZ9yQ~ouDpTSL%J?|kJ%gmV7mqiouC!`)mv)(IlW1I0fOsmlfFqV1Q`nlH% zCKZ=7M_G_(X0r&i0-c2wPsnJPyKIx2+lqyhrib`+w*wn38R?oKN`);8My=$S3OE9o z{1Jev5Pjr{XHc_#8!uIqlpISeh(i+glMiy-CCN~ak>-q_5#6tpM>G~Z|=ITx;64nZ3>T|zN zCzPn&8s$QpW9iC=9RTs6ZG0X*y!_Kz(mDF6O&L;^!+K&|>`RDSeU$J16c+x9@9n`X zo9J7^)~l)L3_`F5dYQj|A3~eV!t&IAm|>RAh|aNrdZcr7Q`33Sl*%TY`wSFaSFP?~ zOj`IN!QdcbH=nf{H|y(`au$m=evX zu6Z5mU)L35Cf|v@hg7@lZgb`n9Z`R!EJlE=QP057k7-T9T>#>Whfj9rq2VpV33K;h z$);nNvxbnu@ag&0CvTeO-Fq+{(>D@s1hpxr?VLskUC3`?o-)h3-?3W3Yn$GV7vJ1x zKAoipGIA|cvU;r@G|$*GDQuL6+f@S911OmMqg3IHaK*8ju;n3xx5~{kTra%;PpA+v z6g?+ChWM0&OqZGN+uOh}F~e6MM!{grgLw|>Sy0B(nCo!+X7n7r(9&f(jdRx=&V`RL z!nHHjvoe)l-7DzRe=M$R)Dg*RpRk%40i?c1-6P4I^o&Zyr|uj%=U#LedN-DD+Kol) zj@m#cnnTYxVF_;3pKrW zVxSZ*Etk5sMLV8bf#i3w+w@L&DNq37-kobI?&79EI_59$c)_A=#l3UUN&B{VVW4zO z?{f1Wp0Pnkir4Or@?pK0Z}dV?txmYM=TgLO`W!Qp_G9MKS5dW2e|vWhyz+4Ff@;B> z`}$TZ)VdBgHT!BH)V|I={rXk{Lo@ore3SW)K(It;SCk+aUQvq>K{&m(*#NuN`gY3$ z3pb&Xd7;wusq}OkarD_&w&10=_U4Z&`t)nt@YL%&xZYuFfBlF0H}lD-=>L3GQy7{Ay~h zHh=R4t3g?ucECn>o3&`O6>0@Vrv_eY|kVSJx2dU4FWTSDrK{RR_W8pm; z>^^a0W;$Im3UV&_FXz%7G|Dj9vime{YCgyYlBrGzEMC1Ss$Jb36&iF!vD$4>MsuWu z^u#R#5|Oa+Gt6Fd6q;~fQzO`<(W&QY%$~IVW>@z}r7WiZFdZ9$U-Yhf+Sgm2% z&`~T*2cSd$Ic6No?=1Vvr)0rxLFDt~nL%FgtNSyrY-J(d0u}0YK>7L|QLb(qln!f6 zXl;+G4F;oB=l~jB{Sg%06UFLrO~bEL{edXKb)|ZJP_2F!EM4(yXlgV?V4g@v5h?#< zppd@Z06Wf4GXQIMK>zWNVN~qPn6UIs^qBr{44L;14e?VpaEZbEx=f~_(**k6xVHUV z%)R^nEWBn!tHUfX*wG1hi}B(^LFtui$rJb~ohmGz>_-ot^hy0n z?Kv(Gu6-l!>Y**&@VqY5GoPa4DUUpbk|ABuddOPLU2_Pt6VG6FQV!vX5UW9PnD?kZ zsJ8W8&tuwcJ7^tR_L}N5C>b8cljhQMBlBh=C(k#qlc3cXrpOry*mvNRy`M~8<~wZR z%gI)J>)t%1)4&%j%Izr$E77EDG)ByM97Ci3fvDu2Sn%K}L?(W2`GNyN-#{|?O-2cX zR3r;9YpTlvS0m#_rR16P4XS2P*AxKZAHG*0^wzd$=PTsD>lXLkq^|}-U9aohIk$Fk zSKy8o_aI6?I;*rPY2Ulfemt=slw3;R^t&gazP18E^}!V!YS5xv2i=D`>zFoJz|Z9O zU8ZUeSa!)9)f6(zzFW0iU})%V%{sTBQPb|`pMJk^{wWmhdy==>G9V0Tg7V?*tc8Up zO)o_ltaRNF)NdP$h!&Cd%dt|2(v3M}QRL!CdBZcWzJprzo1k)NQ=2RB%6iT1muB@# z)VzJl3$?bn9DQr2=BN^(zKgdopS=;4LT^OX@J8r6Vwz37Z&71ac|JdRz<@CE{|pFA zhBmgmwM;}86piSQTSq=f<7g|U-t`8GR_}@(`anOiVhB$*YfJdeTwa3r7&U=AaF*HG9R!n6dH=42k<4S`E7gVa-OM zNc9^LRI~zuN|!>_Y9%mgXlvX(e-NI2A_0d#NJI91g5T~{NZ+~y*#y0uT?>%4buMzY z63Dg__&!@nFcSza#f2^Nk-LS*_Yw~G-N*I4Jhzn4s9L``Q|{ITT-d?;2#(l8Fx;)? zpo@^ZZ2{d>O(E}B&0rxY)Vcr&Ra5BnlLKM=MnaGVp`ekYT0)Jam=A;jrj77GN|RJ; zUHJSZOa6Q(AoRlI0iRESpis)c#yx|Y+G&`6!Ng1^Qu!a1d=7VPx`5b~pJB$5*9>qT z`P*w|Fr1-bo@32DSs=0GQ{iW|7aCxOhOw2*{I4#D&%OFSZfV)Uu2Dg0rJ%|-O8rN? z0`+{lhK6^)XrIe+eFvw`z7N&vxPfFUg{xU+J3>|~6eA#NU>5y4d}X6)n6+Yu8-Ab9 zq$YtfJ~f|R{DXYH4e30VjuDGK#_jW7#n{EKV)TL+Ff#smjEH?5*K>y`h{HvT5tqmyLtzk!b5|r1O*Sp74;@#ZrW}v+OU;z-WPv;rHP_F3AVa!n^Gv#%H! z`{BTWkYu%*-13?e|KsHy1nfQ-x!_qWdf*fdX+l8n$jG2k*V33_aNbA6+t=W zETZq*g6h|f!NmC~_P);&JcZnX0oT-w#yvq?MyhHFH9w{X#jt&zRgJib+pec6(?m8Q zTk$F5-D55Vl!kOh<|)RLhSLXL`t&o@ylEIZk9!0QH=aQ(4VoDBYh0U)*@UebYtCRs za+c*gng*uRum{k4xud%cx z6&$zqmoE0)b8cRAvB{m&roD1XwRv7z(g~~m)(>WU4@%{~`qPsr8{7(ILOT=CI-zKA zTNI1vhU@#^jTvi?FrJw$O6)h*qdnrwKaupJKVJ zgs-fn6O^+1D?U?Ao(6p(6kgbpz-=De zyAaviv@K{`h6|rA#s%HKZyDilE{{c9O`-0!=AZ;Y2|Lv{P;kiWtiPc4J?L|QXiY_Z zFzA|&x^+-KxEb7SLHEpUCWAV{os$QDZe4KCCkBL4$DAz&g*xT{QTuXd2gV&G5Z*+C z$AGXWf$)ATefTUEJxu7)pc82h2;(+n6Uuxwg9MDP142)Q&tJ0S&rb-1`W0Wp_!}Jh z{7xVo#wKTA>84yPSaTG8CqIrF*Y?K8hfc9@lX=O)PbC%0B^64UUb7h$iW(?DWT?8rO$BK-x74@IO-H}>!M~w$NDGv&MIclmSCdAB<{b=egYxyd z**h#1HWcF*y^IAL&smtGQ{6xqZW4EmzDXl=Lnhy;CKf-3d7I9;IpR`|VE($ZSV-e` z0W-tJsb647DRA`le|T4%jd9RU#A*9Z;f98x#rahM?Lbuwc^(n_9p|h-7-6&Fwojet`xp<8Wu< zU#xGCJ&X4|dTHD?!;+hd^9%yLo~v4&#;6e72GtvMx4w{N8Vo{EjXtxF8g0>u$I)^4gEmi`2HCNiOJBUG z>9#&6Hx&vG`OaxiLGYAi);*sv=Pd8n8*}ePX-xp(J%@l$)46D%5sm6vtX^LPg%3j4 z8GlC9TGvNYeF+7327~J;H5KK)2EkDtq8dS0LwGR|8bqq*)&`Y%0u9@Y&!2X}Kdj$I zie2v+wAQtS;U+xDA`@;Y`AbgBKNT7^pi;{%riV?kVMesm08~IzzNcs#D7QV|eVkGwLp$m$9 zJ+k*AEZp83aX(Ob@#e{Y$9_oRroDGR3F>Xpb$;=o#g$zJZtDA#8~RrDomZ{f3gtta z*eIjkZ$!RZt!07TL+SWks~)xie*}aAItPRrWz+*gZ&3ie(7C@8VhMx>;Fk!5Job|V zAteC041_WR^U#Iy6PhnEZaZFD60#Og1Ma%;yF>~!fOkcANQ6+s(zJ7 zj_0a5=dL>mg9JN5r2*k~S3`(B^R4DDkANpA#I8FiUL&y7h@u`4dQiB-2Zp{Tq89y&qjOcVhez0%4<8C=pKMJ-i>9^-IEXM*gC8=MYO{%xflE7|bpe&c2N_ zf%tctcH%oqHG@tUgQW+o^R>?cxIvqEbQ~6Eg_{aWYf{JZNydXK=zJw6cQk;4YF2by zgT#0Rp>5>vXwmgD2^cRH|~oD;G6-Y25Nh5pvxS zjEnyR^PlaA+o*JWmQYV9)Q=hj*w{5E(015HbQ=<5{+cK9gDV#nH&SDM^HgtCCf{{@ zEVpfQYDx^Lnl18J{YVY4@ZJ5~HS{HpxBH zmWkhw0U`mmKo>A4h2c-}j^|*?s#7+dPjuQB=rZMxsM=^MhD1Gx(eaxxA$~0;#je1l z=({jE=5Et;jiMQ~98=@&wY7IVprY@^jQB*1pLI8;#ouSgCPm$2$EU{Jg=sN&;Dxu| z;d^pmq_n6wvD$JjnqEObuQwjEa0RBs+=r=i@5iLLl^7qDg0ZucFmaCDyaSQ3OE4{Z zDW=f?A2WR^BI8$MV$A(kLo+dUxf$lt_&6tTf9&i#eItV|$M~3KcCP)vX{de;^9fL+xAjhBoE^1(niH12i;^J&ZRA}`QGXJPt9dcVOh)X9?;Pag;YIrRaKVtuB8l?*|A2 zTdjFaEkLv_zno7OOL6K+-;Dph{IG4g#kE2xcerc*DVtiB_&7nQE#b8#%Gd9N%JsT4 zf9-?jLm$AL)cu%z&sG!-9)WFp86R@TCw+S6kk-maav4)rb?*RKwfj14mD7}-#S7Cp zo>2KF>Bk=ZM5(;VLa6Uc0poT?rheqfX4=se1^27f|8X7=wwDWSiYoP6V9J6!ah&`5 z&h*aIxNqW=o$gLvkjzErEVK6Tm6VVhQjM!hW1=|wCMgz20|LB z(l-UdKoIo3N?{;`Xq3g-55Ry>$MO~Eo}ZB}hMAwA0)tF}G{U7cYcum~%7gLoNoU+T zz&-v7R@QHko$cN!DZG?l|yj7j9SFMcK_^IA>Z z&iiaX$xR+VD(NUjrXI!EwWlzacE{K>y2ES6Fl~%U%feW?J&MmdiqAHN=QIe+_zh=y z{RxaqK8RT_P zgpXdoA4hj>#+kkAk+CZYIXmyC?nBP5yO2w8a|5;%G}H73b#W53IS|vj;2Q6^Zyo4* zPqy!!_q!(0wf?em-Zj2;AqBO&@F6Dvqj`<>fC$lHbvIor@SZ;Ler?d}7@ z?p_m7-s5Tn9SjN{t;R6tErY@i{y=zi2ZC;DVa+j0hY|>TC)r>WbJw2s0il|S7Sz;v zF!=um5Nc9xZEMs~H}a@E=KxUyv@Cs?#@+oNp-gyxtlachD~PO=@=Z#w#pV^{l4Jc& z++xFu`z_Y&PQQ+-1h++nTsF?0JZ1)g3e_814>ChQwH4*+5De>RuDcE>6WYc`?kpD4 z3!%*u5T8Z}N>x)y2SMLP28cAi)VHbI(0D7b^9x}8QSf{~C>U`Kz6d!y^xW&)3-7(BrcLs9|&;*38HdcOW6x#%X>@B_SAP_#`;?i5>l_x9s9e`>} zVY7ZIJ|J|>i+bXUIwLS|!)JV!lU5_@J(t1|(P|!n@G*;5Tk?TW59ag6{%GZ%u0mK- zS91~4ku$$0ukZB5gl?u=TKP7edlwrnnOW{iy<^uvlh4B) zt#wRmg;A2bI%ckG2vVIiFFYW0knH&KfLqtXJ*_fP3WHU=e_y>J-?oahGS;Bxuv7&^z+bZ;O5qYQL%1kv>cvxS{(3)VgVq0g9RymJVrQ%?wKgs~KWze)E1!5Cg33 znwl+9sz!6B*XF2FuPwjHc3ihd`QRp~9Cj17efD{Nn(}H{trprgU79+>6H}s>Ta)Y} z)o*Y$Q}udTtyD#Zt!lj%G|+EDx!^{qR=VZ`|B%CFan`nMq?|!d>s6WLQ6|HMjR@Fv|_CxT|+pz0NfR!p?Te zeQin??pgJ0mJV&O6GF=A41D(aS=`d5mwn?UYj;M&RtYwJiveM)34Sdke4{JNQRkQ` z%Q`&!7T+^B(82e81-)*fa_We#SP8-qD`j(1wrDw&C7J(q{~0@kg0^g z|J}L_vKrQ#oA<#@EqmgoR=sgm<9;lI24Lob1vs5|me(s1m`<1{=!Z@%29`YY`n&Jq zrly_T{mlmBhGs)>Yx@znzSR&*BPD}xLqxOA=zRNlbRQmxu0yAw*YGLm$@Rby(dadB zHo6a*WAhc3W!g}=r*f_m(}!wv?@D^a(yqmeJ&eNQ-n5SC+?Rkbtm9=M{1Fuxbbdba z0O_mr(*j|JL7U)BK&oXiPsbM#-0pVoEg}xDu<~e%xIn#us^9F|Y{SX|d zY&?%~w7tfqp0o+%$7{6DloPz>B&MZnL2dJPpk1zN0(TPZc3RD#YW&*eeS}u{5G|=zaPa3fDHQ;=BPa?M zU6WGXzuRgPyQsD?`~Cb{Lp3)Yb8MRdp$zHrwfmw;_tl6a5Ju8yR}GRs5EfQpfcw7n z^Qa*t{H-MnQmPen%}W_C0-99SYMsY|wI{8aTSTK#G_qWchYF_bY(fhG&jUgMpSSJ5 z6hNT=LLz*UmQUb(uh2qzs;qRvp8@O$3+vq;#O zYw_m+-lgg%1HuhQemWqu>JdGd&l~%r)wcmcxuqDRd->tkBKKvq_zXZw1DtpR!l=&d z6a)3h6aT^^kN*vSf9e%%|Lm0gTCQ3vdk4D7yV;zVL6^zD>PzK&BA!>Wns?_KtEnv- z-U}tdN1@}G$8EBCjXbIWW#TrRMC0D8aCOtM(DWU0-=IKK0r+azyhWRuoLj)Euxfgd zzC$BXG5BUwjUaf0HbLpyx1lP*Km%r|8Jvdf|8&<$oa2j9aIGeafp!BC>Fv3AP=7GF zsagV!(5SvuWf~4alc5_Co%|UR)}6DamT{YNY+w-$m{Yih(A=kc`9Mhbb92&>k#)lS z(s@ZWI97|}+n2=GUmOK?9!ST5V|g|miGXnG{3IJ4xA>I=ow`iR4ZGTiyxph$nm~BM zjT)NYWc0j~^(jUAV=wK9khTng?w z_8nvCNpbGg2wNOlgt|29zHH#%&%KA5^;^*xZ)sD)lvK0q+HDDPtqck^1wx6MjZis4 z5ZDeSYRQ0aXSL~Hr!oYYav}U?gK6Y5kEjyS#r28iH>_e|Xn)+=E0N{WDNI}Q z1t#46CcnMDR*PlM$^iAz z)jeL*N&U?SLIzToc{POP8gxYQFv2z8dFeWR(01g*{6;>*v{n1icH-aBW$K^Med=$~ zY2vTYYWQl)uR0H%ZSkY$wT1>3Jol#4^E7bT1)Mtv)TnVILL)k$a&Q}zso5A+>$XAp z;C6(u=IA_NxaBfRHx@9uW50jOE$*wl`uFqiplaA{sLt}L8sBZDkPfJ!(XXpD#g+B@ z*fdF3UfspM^GYlu%G00VtGl6ejV7qXbWv4lKGi_=71B#QE!|215TPmR}OnX@LZWl5d~qH6Pyy zLfmkMdBoat7`0Y4hk~=?24-rKsq`c;9GmExpN>n*wwk)pX@W|wY2S`zdF760U@YAl zyH@l3oyBm*fol22tM*n2lF5Cn6!-GK``mNFwJ5Na?NujcK4L_zIxc3bmK zYvP$huv6c^+>g-i!ux20cL{{=8W?uS{lwrd9|&_*d$`T|33@=NT0z&}P)$i)-$Ko!q*f1#l9Dz{HXJctlOA8(X4MGB;`c|&~ z46XYnqGk6vW;hfSRw{H^;QE1}xBcZ>!HX9a*6N7=+B*kOyFq&^6g7BE)oc2o$dwvI zrUfcr)0qW5kJCu)G3mERSaSsNYt=VUlal*45xq41P(T>J_UI1+gc{*bKv;$brVOM& zK&aZKA0G&*{BUa}gT8Tl|pXAvege;v$6AZUv4N46i%<%o+JZb-3=8VExL@PvD+0vVZ+g7+#j)U<0;HZ zJB4Vbo!E6p(Q4Q_bR`h#TF(K6&qav~sSI_6R#Q-@FXma2w~pu@`SYLW-ooO$lhL~4 zK-4C@R;^9Z;H}OuSFhh3t^15d@b!eK&^88RdZyxp!z;qNpwEoo65Ng<%H|i;e1rl* zH`=J1b1)Y(nTJkacM8+BW}z%7jAR-V6iz1)nplu)Ius3h6rFY!Gn0;4lh}l`eawp& z7<_4ZlXAZ-)2=~V@GV&L&>t)=^e$AnqbSrL zmlY}QvTR#1`Nhc`)VWrW--58`zUzt&ySX2x>ZtZqO=<}Y^hYfh6xK@hyIXTleJkZd z2(JOwmBR_Fe6|XqUCdzD@v^mP7zB6Xz5KTLoEqq?WJrHB>bV-x8&A@J`3&RleFLTI z_O|d_z?BbatrcZJ7?1{HLo3s==49p5^e%(OSR5-j z$|k(vie>dfi`;nW?Om>~Anz?(i_lM12x)8maZA@Aps_qCU6apHTR&1T9nkGs*Yvb+ ztw#N>sLb?KnR%e{808-oLfupq>T{`nmiMfF(ERa5BNy$tIMXpb--OtEF9YG%$eQ_m z2L*D|Ux6U!=cGUo=dZ5=LLCou&!s3(m^`UJpkPp7=gDdSC0~u7C%GjMw0Zbgo@h?K zF)29&w>*qU<(gnOD(xIW&q1L{O-qwcVRX`IYqDto$F$}F;pjE4mT=NKzQ@$F7`6Hc zuRnq*8%|*A`ePWI^cg{NAI2x{w>)`D@&QasJzOlR3ObIne~q;A8cB`=}(6x6l7 z@CgBs;CJC&bk2P{zb~Nr7+e-Gyc@3Tb1$O!(lz>>pvZ%>9~%axpA!(qdD6M{=>~+F>trr7>bdKId1;wgkfMHM zlQDhaTC35?V2SHB6ZLN{`c;cpn<&Y~QFFT^r-55rjX?E?PAF3C78*!2y6X{m_`YNi zl#XbR()GIGmOe``Z|!HeLmkjrxWzC`mx1u720~|w`Y--Ks9(}`?eni~$E|Jp(fGNZ zFw&GpS6ft}!B?{(4eKxsOW%q{ax>iAdLZ84deCN{FlT+ib?&JKO#S={fKbcRFTI1x z4ceiIn%;%?BGe2+lRoRQAngka_mHT+Gr^Ye6+ zsYPgwXl2d)iq~r8fF)e>OLjF0L`w0PHEHHG)$6s!Kc4^4?icvU8w z&&tJpDZjGxQz~LG)A>YdGh1_aJs%oA!a8tSZ-T2OX zqWhFb4G5z(S^gR~;k=uMBHagx9uS@|C{&A!NW$VYraz578p(7&jn`<@SAn5w59jch zMlFqI0UpIdR^N1~2*x9g@RAx}g@%9WdW1u!Zyopc1FcKe?}966#FuK&+xn1}t3LoG zYj;9bo|mD$7#rr`)8J zmFZgD`@ydBOy8Z*W%vdRn))biY&*)n54quf4)MN=JOWS#GV?U(l#oi_hpU_RK2M+X z0p)#Op0ab*99w?m@SP~s^1q9BW6l}VsV@g*~zy2}G2H%DLwa$+l3xHd6OkubTgkP^fkoSEm5a|4zR2a|->n8<5)wZn>%;i{3odKaW0X^lK zU|KDotLgK?qUNQ7!ih;aR30WK!Zbb!HhH^qFUx8URckmrjnKF0JSJ==a1s`WCmtst zo;3F+69&hx`ofxZ&Y+zzW6fTcy<0Ie>3vLF`6?#g^%RE2Jc|C)($IOtay0Kf2RC&X zi-_CQmEblMtr(1;B3BUlf>4wySu_asLdu|D_nR<(c7G%<8;Soso`CJI5%~5#gsgoV zaBkcEIJb4V_4mu$y_^t4Y0keLggj0Auv@i%i-2tjJm#CWK@+#z1nvuPVds40?U-kS z!)PFv!a(&)S5Vi?-3D`Q2!yThKH3=&zKb4NAEJBKM^@vfK7`%~qCGM{vVMd*F7VUZ zli*N5sG3FrqxRKwbledi5VCLyq7iX*zvW0+e-g1wh(9&}7S_)L2pJX|M5X`=)ofIN zq3Ih0&hdn==;Rz5h-Y;CvnUNL!MD2RQDH4nx>jo%r0r0&>TOp0qNa1ju55pG$P z;7L}qXpY%CaGQDu0w0Cd=Mm3czzeUx&-+`VIO9dl?<&?CjPenaFz4P6359#mxaVD% z7?o`Cpr)%@tiPaOif-hjJNGnBl1}To>znsLwfZdyO)Y51bwH(tJyD@yFB@d11mi_O zC^%G2RmFOQg79`U0BHz@-G(pDxaZagk%|k?e9qAT7u-*`K25-9N6%Xm>Bo}3grwG}6iyHcbv09E`Hs~zQggAsB`F)TxVCSWd5QWL#;iSs2A%J;zMsYG_D7NM zKDNH1ZeJR;{ZKT5(li)69%vmz!?$RIfe6xeogpY1G6+?#9*hz-nxY%ikmAk0XD{yf zJ~V}hOH_L2j6-f}03LzMi*J5{vNdk8cq$Rx3}tBK7bOgqu5&wz)gFkF;lt?1U=$;~ zm8yF?w+AqvVptegU$rh?htI%uiSYg?U7v2$9bf=hER10e=Jy*u2ti>CbDeRxsrOnM zIfpTG<8e&5?{%A-(0#iMoaP$w2STd4O*_%uo{?v{R$AktKb~}pYQVYHqEw@F^6Bo= zxUzm%lnWhPD#1?$J7z9=5ti`$(M-lPwP z&sl_HykCRQcr9(zx43XTspU+5)YuF3#Dynx-DM#BVHF4h{S^pweoiV3XoV#(k^%wY zH)%5Z-xMfJo&B^g|5bM z_?qJwMVoQln$IzD%|T30{R~lS53!uxhuNz>L449X7!&^lI^KRSZt6S>p^f^{4!s#c zrD`GQigHwOTv4(p%2z0XklJN&OQTxo*Xt%kPU?&Wu|4o`(kQ(8w|V&DlZ`mH=V6@N zxf$nntwZ|mRHW}rMCR`Mk+b(6kVS?A6GeUxun*vVuBi9<;$W1fSFIwJ!2=jWbQ}X zoc(B%yVn3uO+kBQzHjn?F@Mz2-1m9!hjv|uY(i$%UTQawZO4e?pCag{<}Bb_A*ew+ zT+??6mZY7)A|@V94e(u{Fc4&2ihg<^)SxnM-bF!SJPo$EG}nAoBOcC3J%^|bJii$> z&tC#FjCpGgqvhZvT-{s!fxvYEGuP#DeHjRU&OrF|OCOm2 z7Bm+%>S@BVG=uJvgzG8|)C81qF2h<=1t{%=(NGQV?&7+xYML4Me5TSNT~RWmrx~ys ziMbd7tM9D8xF(|pff_`nU>-v48xW?dd8m_`ih2?ZO4FI{ZJXClXI?ukCC8?$P%~12 z3Jf1umA zN6}||Dyr4%fZzP>X`IQuWz26t6Q9#UneT4eM4+ zz#o4Vi`V|O3|n7cg(F+nJ?^}VaefQZQFY4o$z4LBlZ(oMoUCV&I zZnV$LZG@cNOKsW)O{su=YU;TJ*<0qBu=@@JyX@Wbk+*jt@(6sY^~)m^>UuZ-pBtgm zJEnUym`v{O#q@XH{~i$bKeHG8&h13+^iR+y{X+~q_Ynr3-GY8+ccXjy0RrIxw94CW z%|kWSgkZ3DrmI2h>gy}$fbd;(%%jv?R6v+{fIztyJ+eQ>_@f_K4PlvxHYifBEpF(& z77IL(2?O?I-F}3(t^RF;cak5XfHG!unzN5P7+9f zc&lZgF}Wd!K$u173JiPSM3;fk`=ix&0Ybm`PwA+nYo2@cQ`D^29Hna9Z2j%Z^WDmD zDq6b>!J`j~gmyx48em1jde~fS6&iH4CXCO&_JIqUy@QM0^*^qir(b#ll?Y=cXp~i? zL8kaA6E+Yn`>w?7WzV8C{n~!ujNPl(nU$k>^%=fCAe6MylSIZWMD@Bip#lwV#Yffp zZlDs41gO4*>N8ljmaFYlEnJPOm|lZ#LFKTUQ7ya?dJGt4?x^piMpRTlv$M|AE4>Mt zk}@juT#M9j4ti zrx3-$TT_P2NJd*QV$27@&jFO_RIN0s1aHXw@TB~){7H9_`YtHp=Tm9O2x zn&E2h!iu5IP@`^ZR0?T=t^;RUdbM;de{Au2#{YM(c0gE4KO!|~XP{FyVhCCc{XeD; z#w&qvT2cn4Co>Hteu4gz{}0!<7-Mmv?;|@$^@NNS%kw0Dk%Ve}lWOW&iEiq<(6kn^ z3(D~u7t~#O%}})MGZ%eE%&_>-H)?TbZC@2oDN4dJl^43;dQ3vC1$GYZ91Lbz&EG|` zkw{%w9qf5Eh=e{K*L{;2-l;4%rX_!l8Oi%GJ82hUl0L=gn7^a_fO`>o^Q-|yi{cFOhM+3Rmj?PKjG_MYu+g+ z!ybam{sn})1n$RhpWEK_3k16hI}?z*J>J&Xry4y%+fE%P=vl3w`ur{BwS>bxOOQvm zGWNtFdmo{Y*JtjWhn!u!&*lQ;dG#e!Gg3<1l8y@q-TZ+6TMCLi_y%SlehYKIcn@)h z-@%OiZ({1_A7H|XEf{!uD>`LtM@Q^Ii_DMF4cpNx<0JG)e;-|PKSq0vC`wRlpYZ{@ zY@o!?^3=gQ$M(V9bnJdJzz6)X}e60s&#e zM%}G1hmEX8gIoP;)Hh2*-wP0G+&U98@7+dlzkui@hKpgC!Hhimfn3bqnE9gup^#A9 zKPMn85;puIAhan9Xs{~`bz3HUD@czADX7Fa?}{zCg$lfUv;k3rKu3D$)1#W%OOpxHa1 z{M;^lTunwb3a#}y3u}q;;fkLDXw-2LMn^w}`nL|Z_>;M;*Qxu}pU=XsHRB{N*TuCa z4}bNYkMOG}{)R_?{}dkn-80m4)C;CZo_G$AKJheu{lt@8KZ!?v_cR{)2){|TGEbAWr6UqlSrm;-ujOdG?ut69Q`xh*Fa35L?Nes|r z)SiMHyxY%7omYJK91>|wa`g^N*Xd%0YB7FO8jwl-?8-J6X75wY6^qpyfD-kGqr!Dl zQ0cl^{N5&_M8pKXkI@LKJq}%`|Hpw0(~|&h`Z_iL^d_dyG$<^XV&Vef#`P0)U?>=* z!A@iE>!c>9k{hk`QrG9K4`a;wvxrGPibbjW5pw-lOq_GS4ep~foo%(VGPb$WmJO1U zm;Zy6R|}TIG@zQL6O8QY^_!ytAx3c)6gB{ZsM+p2IZmM=}i4 zsBg25OgoFnH3Uk+;eySY2RGYlQm3swi(w0%W4_`b&Anik_b9ANH=3VNeFz&h?P~8` zXTJ&vl~lBEKZaazgQ{%b_XVm3H?l!cl&3Um)x+Gev?b{tO7W(&{Ol{A5I}D+5EKwr zXBu-OWVW>Qris-3*OfvEe!7Mr=+qLWuT+hqt3m8HG8ShU5cTb}@M+Nofl$pdm#ui% ze&i|Npe?QlX^M&sdZ1LDfoL}PQRb&-F=>TBTQ$#T_&)ZaR^y47zxp@%dAQ~{wbYXTDvJc~P*Yw_tu6+6C9PoQ>{7mlIg0x#pa9Kc%%#0yhQu zxz|6iX5zZn`V@zELy@}O5Yjr@<`la1jjtfZ+@T zD*sCg1Zn;%41{_YivJ18{KmcqApANR;PJbdoW#5^Rp~Pa6IOZs19LEXm7XEX<_Mff zyGDc1XgxZSAW3^v(?yI;&9Xsfrs&7F)Wevw`csUL{|lORoP!EguEP~UB~ZS25Zc~c z4R#B+a&#h!QX!^vH1kiIt+Svyh)a7l!#l@#G`=RJhCyG+=z>|$*v#N|)4?rQE- zYiDp~^5*p;1QwFO(8&jnY6i;v+`Vzg*%yNxu5$w{(_*Z>1M+wC{@2Ziqzk~QZo_HLM0IBeNzR3tV`9;0|*%oKOpp)jK*%xwPvGgqN#Zb=P|=xwC<=i z8NH$H1Z>}{-ViLD3Joap-)ac8sCmree|Z_Tu4>N$jRiD;P$TzMY}l6tY+o9#LosFf zn^^i#27$zdYwiX@YFaL$Hq+>&QRbj4F!231{V&uI{t!S|)~|-}>w!>bj@SE-L$Pk!tD`OObNgRXaD?9x}UaKjE7^{=DG)xGea7eBIT z8a#LX-PYRwxM~yCEK-AwlnQUfxS?TGrw^`g7l*;qHlcOz*}gaDOlI9?zw;XuD(rge zJj=D**Pb^LsNzm*N$=e%Fg)oPrGb%bE<)cm=Q8Cw-&_8VBYtt@x5%%*{QGsA(n165 zXhh4Pu->TKX(7|e$LKU>ZT={u@=y2Y1EJEToRuR!r*&P=AyX|~YDxwTuyIB0cBpVw zKa`AMT-W9|6)_rNEf%2jgoiMF#p{@p{3+AQUfl7}F)Y~hIcBcfilGUwpxMYLFd*SA z%(6KLGYNwZ2&WSUB?pBBLIR+hgx*a=uO_4>5Bk=skD*WAF_V8&Q@4MqYiTMC3r#OF zH~9p{C%lBRwYp))0XO}I>!GDLnB$ip<=MQDw)o;SBf|}JqW5=(e^#vjEz?j-l+-{b z4F;jbhzG5r2o9U)dos= z{;gej`t_|gGN`Q?H7ojP~usvM=XdiLcH?OUr5A*ghH-Agp+kFfUh zFfDPfb+u6K#Y~o^GgfC|F2TQfuX`|Qc8W~_V~*GZ=UJTFG&P!r$p?f^+V)yB7~n8=mWafX&^VHmP+)DbDs2W9r zA2l&82a`5jFyPY^4_c2-I*SpjPT9RP`29~vK8fiYk03H_J4WC6JZ|lKhYbi86jTYp zHL76h?H%yP4YP3Q?POfozaHm4U4jfX!~D$E%w?i`MkZ}dAZ&?kXqTmF zD0bLX6m8DFkIol9LHE2*(f7s%nUPtGO*+k9;4AWKlL=G-0>PJ*6*7?sEmFwmBD4doZ4`HEaD2m zpBA0>Zx*8~WfaVucaP2SRxX$ZKu8B%ab*_*;V85iycrAEA4Qy+U?rc245m4RLXCE) zrmRucMDj8a{`5e|#TRa^bX?Lk&%E}L0b$vYCXAmJC`#xL3Tclk2tFY#V=-pQE114= z2cO{tmjCKB7Nvb+13NtT+D_-b&s}fRA)RL|(Qh7n?$!6Lubcs4oi_H1y+(p;*lHF! z480ozCoH$HxKTd!E`6pJ@6E_KPd7BDpQ}yMHD362UPiQ}WUZ*P+6-CAHoAmdxp?u? zz1B97wE`{qFWlE5IkoGvbGWizb8Akg+VRp2`=Qh|qcQEiSJ8IZYMX~pVfQ{8XB1L8 zpkwlnAgg1#uIJE6Oqb29mQ+AkzJ4F3limorvM(C6UxHz=&)P`63F{9M2KOR*-RFo( zJBqoRPGkP&v&@rDAbz9zT^zCD{5281KrnJW!G-BLa(%kVgF@vEYQE=GP=i+>)dKot zuqbGB@|u@g)6#FTmTW4Fq%)Ye=5y3-9EsJ}K9`pl@6T$=Ibx_=ss8GMRy;Fr->C-&}gU-MT2y2AifSa1RT0}j8@+fz~ z#rpj7Q`o-yu(>5EFWLFoX_TvR6Dl*EsEOyTZTsfOo6XIsd{6(G;Io+Ub&vX}Y7R|Z zr+uwGH@}H=kJbuhCf&{Edk}1SMTOPgDgfNqpfY8`)VHrS$~Wx9{H`-fhYdvQ;lE*i z%JN{%Ss5ij!Zsi#x<~)WTV^*U5ph-BvaCl9RU8r3^<+j{<<*gm46x@{Gn?~nl{?G5N zctkG(;asNg1DKF>)S9@Nk-h3TqEZf^anD7V6m_4uW_fOQu8n-GDED9Vee11Tc0=iU zN!z|hvS*zXe?Q6+m^BcN28>dZ(UN?gjuZca8H}f2JP-!D$6wxc-%^1Fin$a8g0P>H z3PV_7{dXV?eBbw?uf>)8S4EOu@3ELbcpCvRnCmJCo<0`Sk9~@vguzZHK1SD^y=af!XrA>kI;0Z_Gj^a4 zK0~)W&1Lu@`lWw}sYgCUwa9TyD1^;Ybx^EcI|N1aK(WxlxVd{W=50EUxJ?8LLeWnt zLD^3agkL@FM9ju4Ecg`-pB3kjK%;M7(q7cOZW7||<_E_D$&6;dW}^NzgB~3EFCH{X zD)4mmq0{GaWAomwX;Iy7Hq3jat0J-dp;L%kqk{A_4OWI}qiP{8AWFc>?Kx{RE&{wu z)ei-PKjyR(KP3>lTYZ*{cJkeFhKsIw@vZGP&4g-zE7qr*4LVuhwYsfmV#fV%V($9G zn7i>D(_aP_Z%!u=?&9ZxfY-$z{y zPShRsT24cgp7EF%x5fr}Q4OGAQm$xpTRHC*xi9Hlw#ocreEA;9g~P<_RHLY0@u|El zB80CQqLiJbH^nrPt?=nu-9vecZ(l3jrM`_CnY28ORK-t_Y6&9-VEFuhpwp-|=rK6P z(wpaoivvF(wAxJ#bm87#&!H2TMw;XU;T5$yqg2E|v>LJoGw=J*`l`jRKg~390x?`i ztv`>bjp_W(`7Q99SMx>nbJM=&8x)*)KseP0h5ogKsx6yUSou)s4}u;H`t>=a4Dfsd z&|Innlrd{_F^9&(fXKh1Y-nF>Kjh*y%ie=aBi1L5N8S7Py;EPDdOuJpKhl<$ZtqNd z#9AzUw`~LIRAFy<-mM9n65{+8- zG2pZ8E?b|3#JU3B=+|gX3n$yswS@$EN=binS z!bgy|OIJREG7ML7{m`R%C21!V5AKcTLmwsx9>KKLUto6Pe%#XSPIMd?hf{RGh0FI0 ziYo48XVU*1eJ>0<-JLS)e(T#(g91d;p?Xyo~n4?&r4`gHv=u zWt_z?zk9s}>q^Ldx%cGr@1t6sme$<6YD9N_b3G7Ltu<;lpN;sk zfj4gB5nR(b4&!51nVT7WUd5-RaO*qwq`XhZ>^eWWu()fqKP6$MO^Z|VO1?+UY031e z8p8JD|AaXk&f3uW8oXmN4Q^>lat7BvqhH4ZLDnTG5G464&^;H4<>3zrgmUX^6(G!) zqCgP#b5cMM^V3fXgejRAvnrS21jf>~9GQF^qtcFH)ViY>z3vpov#go0E)V09c-?&` zF=gdp%u3vexU~1tX+k2ZUE3Z(R|KI|vpQIp7>WH`A0-HG#>rjx;mkHd-tPG{E;V0Y z46rSpV6_0bpClkp^Y`u5#O{j>);t)@+3R31cW(@VP>Lfs`k>IOIW&3AKMTR4iD2Ug zhFBIK3vO`L&AwBMO?h;t<9x`wTNz zWMTS!IT*3%3mPuRFg^ZNG-)vxK|u`>RIV1Tx%W;?I=%&c&u+Eazz*45=WIu>%-!gE zb{o3q?nbAKE$DLoU5q{X0dBk_0YPO$sAkM0``JXxr5p4{k>EbKt#2y9;uvB#5iAHl zg(2<7l==TN0YV3b3-jqf>H#+_*EZa&i#96z!GjYWFu~K7G~2x)xb6~ zo}y_CMyF+61bCOK%RuP;(dxSZp=Tx80j?BZE-s&Z;RBm)Lbbnwlv3fH5ER@6bz8+? z$wT`wGw~4OH|8+ygFtuz^HcYsWX(Q!>CHpthI3ag$sBXEp=vG4hIK=^dVOug!`tKji3RHqG5ygvU44>3a~87*crfKc+9j#?i=rZcY}pRG-PFh~e=O*?)43VjghFR!NW z+em)QN<4-IYY(F44dXF?#pCv!=)Jo5;`^|Oa%snV$LG?|Gmql&{5a&M&(c?)F5Q3V zST-VV?1IV-x-eb!Ma>rT2+)TJawjm2hSm(##Kp#mj=0b*FO3D+o)0JMl@>G3vYa~52tu=+ksqE zCKzcBKFyzZgKv~k`)yA*Dp}{{ASd@6^Skqwy5zc)&N#~9)ov0BpPz+gVbHd>E|8mk zMQ&^DE|s!Xo`uWA2)d(R|=) zy1fLS@g9Dj2Af`vASq7e=F4wxwN@Ktu55vFHQS&{o$jc1Re#*jX+CD${}I2XlLVZT z7@K&M#+rsL2%&+vs=$90`2?JL%FPV14g zmgCB6yP-zI9;jBYhxH*85VjllM{6>A83+SFpuYly`BD@J!hTK)3}OZPX@OAFOi1T2 zdd*3UPCbUvYmZ}e+DVK`IfZe_=P@NI3p10?U~bA6n3wbs{vUg10a(SA{r`u%Ly>p_ z)D4Oh0>LG?dvQqufsjCg6=}KZ|L^zQH_0PS zyOmwK-G3jP%$s>L*XGX5`OLZZoF1bVqgr&w0Q@AE)Ec+HC?}Id8znrox#8riL*!zUZbwQWn0NPwYft&zO@J9%g?Dk;LS>>FS z&sh{bvH5_^Q=~uVNGUYK*}>-PgM~P!XL`C8|H}i(O8zI7LOs z!B=shcB{nl|1SeV4Hr!z%t%r<+(1e$A%*}wApXawRKE+hf9U3DxW}XW$VrShkMQFx zgT;TYo6e>qm#%u&oDr0(-yJ>2e;bQ8pG9)cS?A@DN~-2ED&$0p!cAo6Va^6XURnbo z@3Y9)Lq@$nT6`WLR61%gE(^-7j}&nC%S(UXih7Z4P&=Zd4F{Iv2E}CyZJCU;HM`lz z&iF0$KpOkvqiYWnWCj}$YL2N(*YzuXEgUi`DC3gV`P*OLVObw4a8Iu|dh(`ud)p~! z)?+5pp8Tdkm9yljC0)C!C2aI(LGe`|uTIx+<*L*#|BnTqoA+_QvkzanS};V^boZN% zDg3y6oOq>C%s}-eIm9VX#jZ@_e!OQbM*AVlZw5ljhcKNF+9dYHM8by@8ij?J#%pRS+g^}2b3;B7GA|HxoYNQ&2ptGI zF>j;tGRofsf11ndmJS5XS&YG;9|Zq}IPasMeJN{X+PdRtJ7g{Hjv0sJY!tP@rOW3E z8(8OpADvs>wY;Xhn#Vo;RPBaH@{656H`G_RtEV!*g|c;;piD?dlqQS}O8YgY=N_|q zYp7~`wr3qAAb*afhK^2Tdro3{8v3q#zlGDuIgQvU-@)w0)l zdhwxQ+tq{aMV*E%5PDx5eDBwuo$jmU7$R7u%sw@z%byT=B1x-6F;J&}YlFXlA+1j6Aar$?$WYu@EBI5^Gw&FP~TeTTW zR&T)L+22H$p^2y*(GI@bT3cMhs*zoJeaJG{9loG$=s*1hKIitL?TBw9xOEa{W&Z|` z=Kczcvwq0*pTpwiYw-9}S$Hx%7mJ=;Vcv+22II7rxLTsM>fiO4p4+twudi_O_PhowY_-w1w;NLUq&#Y0CTk zL#P^FC<=(J5e2m)j9?8u>=%BC=~JsC+(7RJK5%`l^dh061|u@Cadj_=4-0z;m0x@8g$T#@NU9Vd9)WqGV7f_-Zyl zt@t4rb>{ErcI7qny1ElxE@z9{vCP4Ql*plI)Mfz|tUqAGzoghFuTw~oJj~Di5EVlDzgXxey3-DQT&7oo6|fah@ML8xUG(kKle7HTQQ&&N)EXIEy4+ zM+uZkyzaG}Lbyxfy)cPNnXWOxo&%FB282!sGA8-_-3wArKr|;W0yJ+)V52zepC@jc zewRZSCj>}8JQf1vXIsjPG5FT7~hlYGCeDE|_#8vjYsoG)3Q)OzZf$4(sQ z4{TIImhMN^fI1o8N%gn4=61E|J|5K@b~aG2*?fu(`k+j%mCvx%q&XKG$*z zuTv>Olh?^<*99B0t9!;YLT9&0&*8py6Rb!oSn)u3KkoN~Tya3C{nVR(^S5^m9;$>k z;k~svukmIWKO+k@!@HXEA zWf3W6Q-LTOCoT{D(fL}m;@cMMQ(+;>g%Xycy24kd6QYN0WIG)~+wng~c&99z{_$Y9 z6}YGSo4@=Mzx&(!_{$sn@r%EHh$`X35&y)Sycf&q1(n_vRK8bV#n452 z(KqE)3{3hHMy9-oA&K8ac(XC68qve%09H{vUe>n?@0ryj2$>c`v``d^L-z{j;q_q~ zDqo$@EK6_ourBsO%nLg)arKd}f$(2Qagg^}q&NusZ<69ctWdseAk>_|@#$x*Ehl7L z!6Q$dw-FdK)}6tWr{2cM)aTjXo5NSihuF@yB2!M>;nPp#&!ahtb}_P;?kC6Cj|$NSUwelzjXDJuToy>w0d``=WyueSKcuufwM z^`n;F!00D{$prrK+%|0SHH=w)9#fy(iKac5z*m-#*Pt3E9s3LVUVaVT&%cizSN5XQ zmF?(tZ7YVH{0Dmc{#)=hY6xG&aQJGsN44loRB8EV)NT6`N(Bw$4K{`kh!`q~k0Nc| zNh;3{ii!iZTP2qNEeAped!M|GWs%oWDsgjik0PSgO!S}lIL`8ct%tY%+e8OFz@8lmu2SWDYiV^LdoAc1Yn6qIY zQr4WLq9i4m@JWR`ZOsWpwwjHFnJ?I}E@|c#0EG7O=c(FBd90>j?5sFJ}K{`m5C)M(IxN=|!JWqGTF^`e5;A0f@>VD8!v zF>C#48w#9CWnj*xt9W$%Av^cKdwG`~Z|V6(i-NwSKmM#WWYmJlN3=6fofQZ|Wkb56 zVVjAF9yk}H5}&eu=#Jr8zH!;C*|y3*W+38H>k{oMQ5`)|+o&A_MceFm9;=F3#Y@){{k~;y9_lpgXzuz|{&Eco;f;Es)_vmE5#Z#;n+1du7bhV(Fw-*CfZ?CSGKdDa1;0ZZm3%v?_e!EYf9 z1VX`J0T3$Kya#~Z@+J^;qWOLf1`B~uQ0IYN!CXVXmC^G^YQOnKu}2FW*W^-x$vwyG z>X5b5sF~>&==%a&;JOCZDF&SygpGc~-}(Kk*mvj{1`HWaSQkL4?f8qn=trK%8y9(i zMmmtf)hFI~_b@6qXl6mn%S80Wz?9!x{J^9Q7pRb)@p}yQ#D$b73@agb>ViKH1m#)O zlS>AK>_-@Bt_KZ`H=r+@6g@BjENUjOGF{Na!P#LKU3!SDX~ z3jXx+yZFm1+w29;-(KEH;qq^97UX5i0P()63_JH6vUFbh%j@_9kNNW}@7nVBe}9wr z(YO7}H@WSf_|sqB#NS@sg-J=P*nis+fZE#&Ha~NGdS;xv zan-&{&a=XLF;Tv5J4{{tYb2$=iKOgZyeFSxzd4OKraf!TVa&?fi?qxwSdjB~+|@1) z<%3+PpX$6%)(UTj$^yc$XqG>k<&UpS=6YN_^SX_XsTW8}MK~VwZ6-?eOowrcU`SZZA09FdXOz3x2VL@ZW9Yf9 z82rZ<;EN(ORv-*k=zvD+w z-*A-=$Yba@@@d@Fek`^fyMS{R*Xt^->&Yj*iQ1?+>bSzkp{##bsk~4pks_mq<&pDO z+ym4A_&qI)UXyrXwKy5xNde4FE#FQl%n$#ilrf;F1dmge_4y zEXIIPaiA&&6A0TZBE%lW%(Z6-gqO{lpdqg=e@gBZbL`Qi$KzPI`UjS7K_*OBIXF?f zI3-Z}si32_l!TBN%TvLW1rMbn`w=j=@q8V#b0<%QGqZUQAygccGe zd9nZ5)QQ&wR7%;lIodj%%UcmnaWmSaltGE7chVKO2435=Wh7{(Q5`pO~QEPmVIv_B(p z?P(j{X+Xy7z=Je>7Ys@Se}XY@Stzp16-ptjIT-Yu#1uM+ZOm(b`Z_`D1(yF3rc)8JdS5$LZJ)@AOxu@VNKbm znsNUYytZ1QYDg;rRV&mEZfY+h0`s&Fm-_0RhN&|jMXd&RS(uDE;Sbq8#=J@gH?y<~ zgx9d<(`v4?)~gWKDg?Dh^{5_x51zfzazr-bGvCL|O#~geohR@lWFEv_y_TT_`+F7E zrFwWP)C_5ZTEQ+>Vl~#iazqn~hF$7D@i2dD!{406trCH;Qg|C{7tOoXixj(dLOa=g zy_x}J3)E}W9FMJBhYRczs+T;a>J@}@kK@`}qVrLkZB{jy`P%cL6U*P-hOrk)ce}q@ zP^!{R=ElPwHmf$n-J((<~oGH3JqGKd`L9!b!||N zpjfd{M{5IL=m2z%`x&NW947po!lbOT6hfBf5N70?Od=TCyu$1+84g*lDSFAX;TooI zgXzPUCIM?c6#{-JDKmP3|Z3!H^-_v5&+%@0W)I2C|}AKD6*H$z9DIQR>c;`h5r z0>QA@-~Ht&D#h*V$tV3@0Ha0H`=n#OqT-8x^b``79LJ;;2QhxdeoTDg046Oyf+>qH zBJS}En6&T!l9z8m-Kbs`o+5N%0>+;F2V#%Ej=mSRVf2OFi2mtw@HL8pue!okbVQv8 zR-k(O7g4^$+bGdy8>+VP17Q#!>Qr=__FVe^F%bG;kV=-8X>w+;_J*62N2NS5^P&M^ z8Won5^g~Eq@wSD5$bJ6T1{POt=r0uyJ?#th4=GiAM2cMaRU`BCQ2g1SUPYVULvhCc z0M&K@qo>FU2%Yyi{pxZYsL51*v81v{~2|A|9uGYD%j!VM=>I@Z9~4G698X-FK?x_X659e-1L5qCX|a<|=y8WB`V zL!+sXGEKSXj}R2Jc2)-}h*g3gM#cKA%uAzUrpXdfQC65R4NZ6bLY5fqQ#&%oJc(AS z-xRks{jw1;sBz~obQ$^tVh1Hznbel9jr|`vw($?= zvk&W_-?|K&f(k5$h7?PwRllqd)(->I{%*h}Z-;U0_p-S=xLkQ;6j<>X#iLqvg&+k3Dh(A+&OU~jS$hy0 z_gz%Ib0D^Sc-jkeuPbz;|8cHwBgn!alDp2Js7QLobAZp03qXxsEcz+O=CqckKI zmcsf5TV5NuIxT5674#nP)#-ylX)jWd*^X(OPg9ZA+%RYPoSbu(O3_Ky@vMdGiO)Do z7!(j*#q>-$pAr1#L(XJ8Ae1sZg^H6bx5*o?+A!3qnI{l4d^6e)m}B=OdFAx(1*(jS zx9iYl1BH8A76XJTK9~BcruhAjqnyu!lKQJSH3>W8_~m@rL-8H#Xhsc+DkG1)R(4a9>s(GpTvli zZ2ao)+whlHx8pB=+lfE_br)Xx+YY-2{q~hD_zm0Px39c!>wo;)R=mW0f6M#$Z+Nfy zEw^d=A6}+#yOSOG{ol4j@fPJR`FDSP6T1!`bKOfX5!leGr>(QiEsPCMfweiGeSiAL zJG@uEgFpOZ3)6P_DnBnzFJCWjFaMYR{yvY}V#mrdtL00)$G!OXE%@n6Z{aup*oEhQ z_9||>y)$Yy>Sc2v%kutIlJ}ZYQT^eI9E;BJFCs4EIN~zTU^10&2ZZdS0>bng1yJ~< zS_=huUjyOi7nQ#V5Spcqpf4!^LbhjtRnCCWgF**{vgDbC&_8`ZmPG}FACr60K=2U( zA!T$9K~F=FnU9X0LS&&? zG3>00L2_Id9DRQiPHlM#IGlwWI~L;l zwmCNJ^TtkD{Rnga0`|U^ub%j-RO`kE%K$_+9gPP&CL^Zza`YMTEsRR|3ntEa3saW7 zfoaSB0R2D$zleJ~jOEVN;Tzl*amQcAxJ&P2{E2taENc;b_3INBZ>M6_9aUPcMU9Ss zK#7iT!q@hF_+oaTatzl)Mxs)93`#||$31-?BP^Y`MZ+`ywR|Z+=oc4ig34eHmGX@@ zkoGjU^SF5%E@JVfqqyzvF-U##c~hwMpmWcBKK=YFTGwOo+T}~!#_jrvzwQ3;BARvR z&j*gMEC$2c>GsOgo=0o)aH{IK2pgAF_cIO1lNZ*5bPg5zRGNqxu z(|BWY-VgB@ikf#Tiq3&tyAm7_5MBamJ4< zKd;_eC?AOfLMejR&7+-QrDpwRrihhqKm{(m17WZ`N;Von#d!mteSH z(<$8EE)7XbU3d_^$#zQRHJkerXc^Pz(*WV@FB1s)QQEF;ygx3FmtJ|t-m0r@3V|>d zQEd`2`LW;Fu*nb4xno^WL6@KlOt1EEK%h3({Mdn`5)phyJA*b2JF6ZUi}FDlg4u=T z=XyhZk2YAW5z&#-!IbK%k%YYP)+iU&+S*N4nDW5{$;i&A7TJLcbu_9*wX>n2`n_sn zc>(P}g)RoQ8^@Z3q6`)HQW4Deu0iN9n-8*-}#-(L?3S%@X;p8UtfL$-+cZj_`mP{hI#xB-}vrt@lB?& z={vv1H^1-XSxC6dQcDeLPx+Ck$`sNUt-&^kFlLR&!SFb86*f22+U$gU?>V%w@d_hUjyM6 z6M~>81whDi>cj)V!Xcb)AGe>D-jGhgpzgKy!Ycg=rmVWmzQg`PkTYn^77RKlG;1M` zk;QO$`f&>vp)_Reo0xgSWHKRfV$KZ=eex70@EI^ZSHninVsyr714er`tfmgW>H`dq ze;Rf8%=48kjX{H&;?2LW!nwU`kiRbjH+HQAcCNzJx0V3!FC#Q8wRwWrlfsK&HrF*5 zuXwolTE2SX^ZD-MpL^gdNhzW4O)1e7-rUOcM5>5VPO^Egt#D zPvINU8@_6U#L9%h>b+5^c@C;|`73-a{sv!{9q@J9Wk6W5-S2p#e8k++`=Z+8&i;## zOyxFt{igx0|Ga#8Ky1QqJti^?GnqGn_hyuIy^iz}xO_q}{k5J-TK za;{^w?UEamDb+_YvGg{#RzoVuL9u8#U=3#H9zoiADv7+=rSJwOnNbu5%_^t(gl=6< zR-9b>h-j|ezXJ#>*&M=7ZVn-VFm=rl1DzS`?(_3>wkMb%}KL!=<7z|(7D9qmMpR>q1&1Rb<@uod*{eIMMItfd1e`G+Y zm{-@$b)Y+U`V)37~i-#-$ahAk-;2(8#UdH+TroUws@^D_gX za}HDJAf|8_sb?iLOQD9P`qR-oLA}VCAtjLTC+k|A<|4{!n452NVCAev>6miJrH&UQ z&dfcE9uuBty?WxQH9xlgdg_u3hoEM-a+$58X1St!i_Ys+o>><^@427+6;*><*zmu~ zJYTZzw(0f=@&fN`)cn=PW;ynYVi)RX<@N5~vxsc}kY`aBA*ZgF%T)$8%6zKz=9T~H-7me<=LJUn=vg`JrA)CEk>ArP+C zD3?oku*VY2Tm6047G6S3ShsAI;Hv$*Vt=o3X@fjH52;=uiW3!HyD&YkpE%J5H5|XI z9n@ytcjd`~T-QWmFCDvHC0r4yYN`a6+T<0tU>Azo*mJ(7zY>c-$fcbB>^^u7wb+M~ zANwt4uXqFVvfo5%&Ra;$-Gvz$A7bk2Gl*Nw>&Fj%g+S;BLI3&}1;Sz><nZ#{h1L6OY_)6T)KT#?01tq{&b2NMvhj1f7(ASgFmC}l^crTarxvUIdxpJs< z-yMX*8t_#hAeOz0-}|9nyKkago8Q3K_6Pt}{s z@fQI?S)B{Lj5;86pmT}BGBWQ%Ae4id^O(aMV$+_F6$^xg;#xsNboEUNQb?ngHjJu9 zRCkoD-+}Nj2)>Z9Ja@;bK%X`c7R=A)`CGVo7w+zmi1{nOg$qp3<>Ma)XKQ|Vvp?GM zRRqH8mPfHb7}5uk(R0j`X=w8lEG0mw=1!4gJ7~qyP^~ZF>h()(Yv(pdTVi5IqE?uO zueCR*QqXBxtE=AL2j!x=px!B3y4pUE7yqa71<7@sce^GJIV@JT0=^2 zZ;O&44{)D{d3jUs5?LAZ?Q%Cvf-VpLC*Z`gz9v@`EjopIZPlhAeK3IjrGYm*{C z=r+0!m)h@E0-?doI;KbQps>IJOm={^koyKYj?vt@89C<+3}qRNlQogxWDaY1Ts%Q4 zj*6^cQeG01Hp{8hUi6Ir4ocSTfG4uPYldD=AD76ZtNSQi$OSe>9xmozFy|kN-`1r4 zP}GX*gz|OUvY&L}cfx(W=GgGe&kTsvjOQ=7msCpQ^5u)%rv7{#m-3kw`;G1oTMu8w zgE14BPH&8y{#&GEoJGPaIpWDf%G1s%h8!|XV}G8^`>kRO3U~{^(4f!(p+OCzpA)&}4D?u+g^)-e*VK_vm{ z6pFVaMH~1D{N4SgTm!}JZ}ZK$lfB2#ChwrY@BW3IQ+`=WAgocpEdjnO$_Dqw!-Ljf z4)1sBCsS4dlb*^$V#ZNC*mE(`RzGj|I!neYhE^zn)slGIUC~q^?yP5$iPqik#%}?; z+W;5;O5P>*h=3n0#74nyN{8P)DcDc@P?U%LQ25hLAKT#eas5#9@SS&I-MY5#J%Ku* ztubuMw=h2S4;Yj7YYd+GGxVMI8%)nUhPaiQTdAR;{<(sLKPl#gK2n~+WscjPxJjcMG@PC7uRgKb^%Wad$}~NTqtY(0 zNHXm)7C-P5M(3W!m^EiGp3j1b8?Is;@9U#krm-3Mcx3rm-tT$OPv3_bPrZy$GoL}& z1HIuZT@iPLmchCwhT{CL=a9E|9WHKv9M?4WZ%-;ga3&#v%bf(k?cBCQa465Ak6Jj1 ztJ}D}7^wJKzPjQo)BZ;&-}ZZ`-1^(7NvYHJ+o&7;9O^XNfLaf%M#VelpnRjrC~;d4 zl&IO3ut*pzrFbNi3RE(qrlWrA&8XJ?5Aa35g3_^jQKH*k_*%aTU;BTeWZSn0gujL_ zbhPuz7|{*)^;wFvHK#C#o!0a8`DMzN2ZYzm;feBeVG;7M@VR_UTJ{F2-8BsJGn|LY zD_8gk(z7X#4<>nU;Kw;3$#V~Gip>w?Py0W-gomR0p-PaP5VWEa(#E{n-PR}?vle9F z0uyv8P??wG293w@KO3)Jm0BYuUuj>F^LU(M)(^HBfO7TQqk7|Uh+n#e?Q+KArOAc% zM}hEWF!U^iHw_=ve8OBX9iD$GvY!_S1v(xORtocnooKtz4TThhuGPH8JU%)*0DARO<+|if-pgF@`a7V>r`-f&Mfe{Q#AZPSet9>mpNqg^8lgN|M<#V zrtmsvI0UWm?kFAB8{yIOFn|3~v>*8`bQm<-ltnvE%AY@>{Ogwq5a;;S^*tGx)Yd=$ z?Q5tP^)PCg3-}HwTeqVDzpqYblnm{Sl5CUGkpp>88H{of1Felpgv!HTSArseG=h*9 z*_%piXR{=h32Msz+nV6l0u7@FqTR4m_<}p4M0g*bLxO!!Uz7~*&-+tflxZ{+5pCw9 z{oqwLhtTy&iL0*_U5&4e-iP0{->n=nYCy=e0)fzZ0{tiyn&ptc3kW?ZG>@U{6wfao z39_tZ=NUBVyN=PdJT3Pm?@@cudU!S=zYErV`wuq!+%<^402ePQ2CCOl6ff@*+aizG zbG})}7iBzya`hfUg`gPJi0tL&qy=|E&4><&yr(nX-*wX3PVK7C#f#@%dur^vwYd~= zcYUZ2?KqT=Hl3%UcKApnEZ&0Ix#!F(FUJUSE~BAs6R23p)88cCV;mH^xP#78C}%UW z6kagJ+yNo)`&5e6HZyXLpi$dY%z5(LR;~hPP^usE*Qx*2U*7%V7DC>epML&lwqL<< zJishl{xtMazjGE-fvH3}x?J_qZk`k*Qm`*e#`{hFHSg}KITO6!KZAsfYZi`Z>go^Cr0-*xpY?*9E3ES7^ImtE z?dDI{EO8WZSOJila0i=@E8+e&Z&XW`o8`>A!ZXj~ydqi+RJekV9HOZ$-2GI4_49RR zV)w^_d?YGBfG~aK;Y6_P#QV*JIp$r_3l5jR;!3IvyY`(x?a&se*q}EmgpPu*F7H2K zBXC>ug_x0b6!95^t#k)}27P`2a#q62|27~j&T9CnMMFUU1rXjeTvSpdjRLUyyi!b^ zzAB>oi<>WaEdU6M!k`n+LU^;4Pe6FuWa{RtghI`2cIRX~`;SIDc=HhpoziIjAot0* zU@|)0Igb%oj>f+sLG>lF7rfoasUr>xwLq*bq@_t=%@D9Kl zO?xair!sSM6%e~9Fx`5&wLn-Xia%(;Lb#f>5f-#MIeRZ2>hlEd?Jx?OMWct1o}M=@ z@`0%pK9H_lxy*;sRX%)$Y}f4}rH8lX{v{+WLtS}1Yw!@NMYb~!XmV>V2QhUc+v2aU z?Y0NnWpm`f1N@F?^boWMB3GPieOVxt5Adf~-bctCT~MxWH$)O77Cfz(dzVasbwKDz zQ9vw|LMZ%C0b#o$KzN0)18ZXep|$gRDt_x65I)f3G0a){eLoPg9lVe7l~~3q%~fj= zfyxsZ8&D^bpxvMasz-JqZ1h0MV1oPlT{bCuR`$E-Iq4gyamR2pxNiWy`Quk{mPsfT zDM9(yuJBaanx%a;U&;@^x;0brzOq0VDo=eKnLf`)L}vnFEW+E&K}yyUOnY)0Zo6j$ zUi|w`XGzj|-_MeOA7p?AU$&~?i9&|~UP(0|&CgxIx+9hhom z39PSG!5Tl{!&U8fYk^Sn10584^8+0a7J{L(5PDL0Y=Om4;7DK+C~4@V%9XU9$|0}I zX>w|nxed3sn~l16_ryzY?y)}VnnD%kc~sxLGtLs_LL=?=sP9wHO zco$S?p!uKOP$j&Z0bkMxr28q;iPMAur>bgN58gx@>oyT zyL7M<0~On<`nxu8P^cF0hUL0^3O_nlDQZ6lgYLU)$HMga@ye>rUe^BKy|OP^z6mvg znzJ8A+k9MKgB~ayH37|s{>0|JYx+RKs)M+%=OWC@e8H^2DytoBRzIfaFQ6^-$G`5D zUI9FD<<@uI&$LCY?}@jU?isF}dMSE|=j0-{Ut#~ys19w@u{W$*lE7?l{&@Mj^a^+M zuk$zO0L!JLXKfy3$DSjo9sHnO|v@ma;e+SsgX1<>XJq33MI0iicc)P;et`F|AWFy;*9 zG~%A-^ME2CRJ+SLOdt??UQ4}si4Hn1*pPpT`qYHg%$I;THCrK84)WT32Lon4jeEO{ zgs*xvl&kE+z&?%e>lbF=+>Uj)wl@=(-y;af;Q+MFK7QYu z1RR`AnS=bj^KohCJY3wq5Lfps`5FlS$HeFB_$ndpHTa_6K*`qcI7cw;wxMLqR+MV@ z0emq8yv~#^Z^75$HI!-hDk^sPCn|S+li>FR+oM{;5oj~~S(f*-#R3y( z83by0W}w^zi5?IZLZRn%^os(a>i1C~JmDXnDj=kyoqNe|F}z^jM`h8wyW3+(S@s=k zW2ay-XXP1~FTY*MX$K+;}RAaYAJ=!^5f^L4TMy9L)xH9SZ4=>k?m1ByfcAt7G~w1z}$6b z5Yl`)#>~jH_7+R1bb>(D!GBuqqyFyYBM*r`{^jdv9y12zYqdj6pT{wO^&42YW;+(H z-G{WyeVChb6!UVAVNT8ge&5aQyD%@~U5uYaKpdKl+aH{OsCx!s;?(8Xwog_oScru2 zQ&*wKuqTn4waw<7&RMgcP=CN;s;OOOXC6V<5zi3_)2zP*)>m?KOY_53wfC)dDkCU# za|9janbprPTDN^PkC38ybrLTmg{477RoACLC|<6|bI)PchI5#e;af_ z)rRuU*bz1E>W-wxH#(S5TIvt>mP>gt1Im@FZV0K`URi2+kv}h3^=-4(H}AO=DVZN& z8sS9Oy9+OI-Msc$cnQK_ArM~W?=X>809Pu3zAGH%wX3taiL~&ArU@#I;|cczL>VP`nLZTlhuye{Iz2`{z}sv&*)e#9T0kX zoWYdUr!i&aF(j-yjO45jk(|B_BU65Cu{BH9x*fiOkOISvB%ErP`nB=lKe`8{dK-<3=VoMm!p$4p$|zWMtXBX92_T;03)Yasj| z6Q8fWfbeycY4Z*tj&K(v2>bvg+q{P|ZQtXzcThre0XtCIzeT`%i~ABDWB$qQZ=qD% z?I_uHCx3sBQ1~{Nl=knUWIHD|hp^o*Q7U+(Sr8OssA-R7rnKMebmhwtLEk3<;lGli z=@k{Fr#GoHcmqk>2%CQ=iE79yslnP z+}5xkQWkFZ!j>b z4?02DEX^mRqM4X`!<@~?(SrhO7quAP41{dI+zSST-G-!jSZ3w0da8I5e)JG_>I0Wt z6apbZP;&@b=kg)l5Ya|+7V3y+^mF?&`o~Pu6Xx@GRD%Wd*8o|+sy0D457C2{ zq0=Lo=r}3^tp+`YCOuLR_3$`@>DwChM901}v1ap&IC0jsg+!cjkzZ!a&Oq#t$B~w? z6$_s}gM=ry;K6>I(0%G3FeB?YQghCr!=P_CAmnjYQGUF3R@wZU+=naL@74k#p-#?Y z{0?N?{6Q*ryr!m^$Z~kapeUZ#r`|MAUL!ZZkpQ$N1Il{T>>Z0LHehP*z5oiiq#8^KV; z@XjdBWwi%KW5}Fuv(LohnIFGl4m&Je8z!%N55*soP(~qLPs&GDAl<)Iw)Z}~fVOJV^D?eOLE&d49GRCN3!xbI$8uF~0MEzs?(C;JP^qQ+nQuC;v}Z*m&AaWl}S1 zsdb6g6>v|RCC@#nxjf&jJ@d55bG90zDXE7g2_)FHV0^Tb)JjV zmEX4e-zCdUWl*Y~XuY6_{J8C2{+{T!z;%^TAb44Ix>u-G-@<+Erl4%iNcc+n&?u@R;>I<{Z+?)Bqg%6Z^}{tdzio*HfyW-oR?P_{ z%oW5D6c8wkgaWqDv7qhwyXRY=_@Z)c&wL7hr+liofnUp4Mtr^)g@rJ}bO1p3-J zDcSZNl;!sF(E`A?2zdg+cTk4=2_6N5zII%1vy-x&zYzpGzTtpSaM+I9WH}@dRu&M3 z47WK(6~emVfnG}qN=I!7-W%lc?UZm`M@WFvgV3U1-!Q8B>z8 zO<{E*Ap#zxd`2byI+S#UqrLO$D<~p~5+x>xI@r0iidiQ0?L36@C^VEZ#y`91s$80)SBcOdbT| zvrl6N%bT|84Ejv{F(R6eH>KyAhPcTBK?UQw%u>qCuQlZRAza0|a@`GvlG3WO?mBQD z`w#LQa7EiSs#n8_bh!4{oJ{+0#l6vX6>=6rexr6{ju80qfUruv`%sfGQ6X3$(dCu_ zValc(UkC`Rh437N#iD!|fiOz3{MsTsW|~_3v~1uGWxpTxcaY!+l@daU5CC{Td02axpe_HDU%NU|`&%7&GfhBreWE z#y5U~-@m#8`%k(Q%+SQ;#Y;-deOLb(J9#mB4_|`EHts_2#9yIai!}H`#-YRHUmCCG|GB4_CC`tp~yzCNBP<140LbgdZxTQ#ZJ{RvJ1Pua`8u z-z4~9$igq=9Kp-@Su&LnC=aTdTPP2u@~k?W3USiv@9)u zRo0)suJL&*HlkWYi%$iFFTVVy1%j^{!FyD23@Sx*aZnr@gH1pDtCihd6YQ@P?;fId z&{A@Vl@y3*g#SgI6#kdt?V4yw8A)`Ujk)Dl8&b)%uIQzqKRvBe&T~aey#|x0{1U;O z%Ah4%-jL>BOs~i$=^XFdMf3FX3KVZ2 zwQZny+dU(=j=#)&&+;H0w`Kbo)Cy~cDg;4a{U)e%dkjiObwc$AC-GX^WiMDJWH_r} zQ6QY?4?Q6uED9)}Rf>baKq>B+0%6&{2Ew9{_gTfo8no}(g26L>@vMWgxZZ$^6?lzs zc-4U+?>pntFJa7z^L8JfvEc@$QYX|XhKV_Z!mQ&If?&>ZjLSWONx2{LUbP>ISvxU% z?M_Ts_-Aw&nu*))=nG%9#)QBM2nwl*go&N;>+hxF=$1_2&>EcELfG50l*-Ct$4qYQ^ox%7@9R8_YI!qMd@WyH@%f^6z$c)K zro?O`*b(MB2>9MWxwfyPa_d)6A^J6L|0hLoNKlM+RzpeIHd`q==5+$0WWGs9Z{n(;X9%=DmJ7N7TKRrI0gwz-@;=X_M=Vz6?mZIc#93Ehn>>%fZ}Std%J3& zq6e>k2W`_(yLI3C6{<(Xpmc+dXxV?2#oL>fe#Sy)q{>Q|b=@2d%v>iJ6A<3`j{~8G zU|DRr(5~hTBoGMo=3gF1lL&rf57W+9j1O&8f&2|F z$3AKywUM{K6ckNyG6mTRDlJ7To)ZVXt#)PBoHNf!MnR?ckpiQS2ZVLPo1=DQXOt(z zOKJQ{0O89Y*f3Xl7ZngHxO=&XXhgQ1W^XW4*Xu>d2_!6k8};rThsUyiVoI7-*C7RbQ6^>nW^CL+h@^_1(oeQ*zp0b82<4DU$we0z~aIX?g}a z4R{m}bYF;S_f4cy*A2e#LFktF3-+C(NXkBeP9wjGZiABx+uGm0N~gf`>wUPc{cbf7 zPRrH{7=j*^44X4(PGcMl%0l6Q@FL=PZ%bHrol1$qEnILzBiEfq;<|(E1KZJc((|Zs z`xpe>IT+vk-mBKu?p*7B;NtM*U1gtEz11J|quN*BxlNm;JYV3pB`d$de%uySgWB-E z)DhJQgH^&hqHKdUsM4qh%7u4F$&gsI8k&Pi>3dk$6G+P4hn9mf(Xho>ytU)3zs=oQ z#Wg`8zf!y+sITkgmA>md%OWoj*>?OgMkGDKKG+HOcAtZUCtktK)%%b_1ucnStT?I~ zxiCRt0dg<#TsSL@?iT{W>1$76%8EBpj^}OL!AlN6^oJ+htZ@8XWaCUpeX0NmRmzV8 zLN$?wj0y-Vg|_9j)y^!0vi?_&?16gsjYfF$iMYG%6x`Q#4DM+)1oySM(da!Siku@_5#JT7+%vDRxb5SuzdaH)JJ8|>fR5JW6`p7G;7-x z_dnbbO`^Nu{?^@X4&=Sj{cv9!=GD3n?rhZ)_qOeg`(pax_7=U-=%E29ds_=s;eEEU zES%xp_&gbi<^$IAxpl~#%Luq5JFP~E@L?zu-plS=wW2zsdRVj#m8~8o55!#Z8Kt?# zwhU`xQY}o|TBByj!>GyawL+TTB*BeiP%HEy)Tnzeg2J0(`IGBlVN2CP{1^HSUDT?m z>Q2$-poj-itHHhIM588;ccQX*i%(pIfgTrI#8H@&4HqRYRNMHkQW)^>4?r zQzChP4vt3E+vWARJF46pk7*hE5T9`taaq?09akLu7!(Q!1tM4|RG4I=u)9Nw5fR8{ZXA>p(5WJ_)GNi6MjM-Fxt(q-k_z;<=KnQo0`2{))#+1`mPvZ+V2$gvtg6w@PXJCmBRaAXv*&~ zXX7~}=bW{3IfFO66oQ~)R0#;DuenYo%QB~)|yC^M6`RY==f|=3!C#_i=^|Yp`+kn%^?P ze5|3B8O2`)eKDnvOEpnJ`LrUX)lfwuOd(ubTs5wd^G8 z#Zn<@Z^QL&<&e=YY#|Kw4|5d|THyB>3rxRY^EpgjaRM{fU$FQ`BU4{Qx!@ky@cqA9 zOR3$Z&v}3)E3Jj*u$LkFt|k9d)02fZkJ_%#T*KNlyv?lIS7mSXf`{{((L6-2pq8*& z;ucuN zhjCxmg}AHjSZw|9qFE=c&9CyTd8QiWMLB=jh1`*oN^MiQ@_15C^M0v*we{EqbQwMq z)uVc$MXzNTKksiy$vBAQtdmr(&SFZ&X~a=M*PJOiWsp;^S?jMLKI<@sFZjKcRgP}# zmZR%i`TDK->aVdQrki!>(*WTgUVGPuj0y-V@%k%INS5`#-UDOIAx_UpKSu2M|3lZ2 zxx9z>vo@=yIGgpFpl(!aR1dlz)f(J`-a{twT6@>>yU6xX)%Ec}&=U^`z59>umufn_ z(0lfUpW>mm-Edp@J%siqsDFD0iwjw?L9~tFsT9iZgf`tTWZ6}ikP1N^c@N=pC8PsN zYi@I+A!t2x6J}-}#8jR;d1xKB;B5??{d)|Z{YyNO_7glZ>jl)hYp@$0%lm;wa5&+* zu8oLjC)}o&1X7kC#*mXP*vj#qZpgU|c1F_vhgDHiW%K zR9B04D$mNbA51n-j$d^ilQY=2`8>4wX8$1|{6az?`x*#83VNSSJ_ZQ2&h4XD^S9Mk z2!MG6!3*Xr#_s1iXE0&aQ6ywu!1(2wK9z?@zd>Co`zYd8?!xr+?MQg?RdgDai^!H^ z;j0({Uzzd<395|2eec6J*G$6Ut!r`dKqk)aT!;$AthKg#NfKCt?D1JEbpwI(BL13V4<38K9pMU?a<$pqarKA6e5^V`{?I;}x zejOb68SD}C%D3KP!$f@@-+`~Qn@8wtuc4t5ewQ^+0N9D^odkul67qZdH&G_W4LPmV z<`*at@`w#L@$mtDcc0~$n|lKDsKCtD9Is+P>Q;$>?LTcH)Eq*=px!{sGU&R|=qcP*rjkv&voA=h&DHZO?C#6@4u%3bTaOW3IK~n(w{==u)g#W4$4veH|=;!W7M5EuUZ&94E!d*LXg zkZaS?v-!BUX?N7*!@bV^Q!!`#L8f__3MPT`Ss;No!5O)*A*3G%gf^7(-vWfL&V@jj zhSW8O%qp9-j%8ST)eRTTJ&UBLsWkIE$dQJIx(-kI1L_b0wjZGq!K76;bDH7L|BB2V zT2)#2(VQGFWJE#vR4|>8>x963*{$+$=~AJa^5dtkVcV`FP*^O}X}#fR`m2iYzXya$ z`Qc8(QK^13&u90q4iLWb4i(ters%2P*^-K5RCJ0tm6=8bV>TalQ?ia=?#2`7HugCx zP(6|R{2vX@6h7tBjk8Q!O1|uV7pQ})EoBa3Eo6rE=ckWqd4(FF=5<=xR46U^yT#&E z#RIk>Up-uDJI6grdGhR4HiWNQ6oI8-7nG%PS|YMDI>vnmGc}xj%_+1VywQMA{la~e zv)Y--`pZ)A;kvTDwLlmsf%^&uoiiB?jhwN`|5AjoGi&WWOnd5ebRc|`3h9j+_YA|_ zj9*~aNo#Ff)_6tL&0Y$*@2at!O{tGwxt8aKv-2m7EZ6Nq^*+nx@|@>wUTxjRUCn`2 zmEg{(#C{-!UrwL&La<_^f$-hdAMsDVZSmSBt~_sELF1`FP0K!lS!;IT-X4o_PsfRP zd;cYzynp}&&nh6-w5oiCl|(=6jJ|N1sM4w#Bsje4PJ>>>LZ74`BC^F`YY*!~1whE`lpiT8s1wy6wHo%fX$HCCIN5ZO8 zW+l`JfaIJHF*AJ^5xLuZ0vz`V! zsX+LYRBzawkQ&3X#qfF48q3n3cXJ9^5!Fw%_FfKn=Uw-dpxa}3?Xhmb1Zzu^&%~fE zCKZCaa@p0rJXM(pd9G|Krzftwa*(BI7n&Dc?G86$qf}6gJ!9o5w}OS_-IRXK*)y97735zsW0b3fO25CFH&g2fTsH=EmM@;jIN z=HkZAG+g_D-{m-Fw_*ws0t9qs=@SfU2&i8?>z~1+AW%>k2!{I2zfUn>@wI$4#aAZ! zb(CtWn1TNw$h|_i^IHQ6gtG9JZ7l~gAMiIqpMX#hC@Az>2;C4f-TzSt6+WPXeI}zJ9F$2o)f7=9){G_YCWv zdl>EdEyumhhT$}yVgd#|;LNj`DPw|%YZhlo!=nnE0_Z17de;A;Qtb!rp;w6y-7<;+ zr*H^-=+Q-XMU}|0n3cXAGjmR1dM*`nDu=Vy=3zD;;9Vd2CPMEWh{M#u75YkP z>tp$=Fv`a^Y6g+)F@;V5{_*lQ)TrA6zM7rTa>zQK$9+`(k6_-WYgF_uvMpsL)Nsw> zhm1PMGHSyw4urC%2?#5Ob|etawz*IiYJxXm!N{!5`38j3HeALuD&2`Z$H_StF(>;l zqFT&E?8wL593G1Dxtw?2e-5}pxomSN3k!7h%4ISJOX^nLepYgcQ@&1}yMetQ=HcFl zx*%)4Kb|B-(01VxRXcy$fkQ^6=nWp5S^$Lq^>YaQ`6=u~H7UG$qb?u}qrw&36OCHU zp|X3DFp`I<8`bty{&P2eXoa#3yP?a} z9}oynvR|H~()&$x8Iok@&3zmYnpph7hAUs?!zrOx|!*-OD@| z0z$h!_3_tPXDV$;4k7S<)S?1ybC~OQLNx+L#bAGoP{L4YUY}*c2O)OK4-E#VWn8l1 z<+5-p{$X6E;+vjEV)l02*=-^2?l2YaA9U&Gkpj$F3iG^t(YY>&WucCBNAA6Zn zBeE^-j_!*m*L?>c@^a9S=&P^MM~R0)bD)bm*q)s20-DRA zcB5XvL;W|R?TBa4tZz0R?w^ZJBR8SL&@4WS`rGrUVnf!OZ6&8PRU$grix{NP$ID5T2ZVyb(Iyuxw8R*m<40B#4p*Mz`96cGnmUoWA93khk+Aw5 zBxk*ck+Xk>7Cq;oPE@jv@+A=4?sjA>9*(Vl&BCeoH{jad^*Hz5Qry`41mTV_ zN5H$jJ%tx>0HAG`bxV1@oewT13%OIuw%|KWt+IbxHbtLo&2)SL}NXxf=kFfZj zKkNkeZTpr1V1f0pqrhW2rSxW}GJ?T>GZ0egc5%&$2SRxoOd+I78K1VEV6y%O zrc?P#rb0b$%~{M`{w5WXK}db#|4ac?8O#Hwzuon*bD}jHpXOgtQMhUbKdws&y+~lu z9+&thW6k#waYqLWUYs;P!_q#dbH@X%e$r;B!~{B(k9 zt0n|O4L4(74DCrc=!eEF7a=u=$_CSy*R+Xi&mcbQ9Mbf1B>gA`$Nvmr_Y6bqfEn0x z$SJ)i2+}IIl-{crgHCP5T=m^=so@V!{FTio1v&-U6|{iewKNN(T3<63)rWyI)F?+z zUW%IRJGCQvQCaVba>1=pI=maY#{CRQ>=!fmfNwSEIRfD<>l5yyL|vWj1%W?*`|!Kc zzSTe&zxEvB*Rfr-WZIr(P%xN~<6tXc^*Joqd;u}Tzk%@PQ}CNtj$40}!wxCZUcEe^ z&__UF>(+*Dn+Jxf|M@&O&+iDe@7}`_P&2FvYErqc64I7+SFAyK(d=&X2CFyhj549o zsL-eo!c& zm6PXLp%hpUmF3D+S>v5k8*liiby8O)`=fp&h&aOo-q?Q~)0h1WzR)4OruI_#J;659 zi>iFPFAE6o@4ph`)3OVJP;cP8G`W80x*9^OmxcEBgTE74^_w}{$#cWi%|VvE z)XL{QoqgZ`219>sUw@TU_MJ!1A?w*6phedqsMz2xJ~!@j=aSb%4TGm{s6<$-z;mnn zQPsx%(PmI4!XKWA$d;oJGhiyZjhuz1$>=&Hi82XYhmJ$+V96x( z9GHM!1Ex{p&}-l%Zkyo$O-l*44VsMZgA&kna00pyoyKQFJh}~BSC;GwC@nP$v6D-xG?FI2(Zz+iyJj4UNa3 zk%{O%fcy8GjDbUw(4!ygFfzr_G=9l9hZB? z#D)MWEtq`RaQi}xrOf-0BQ(ng@->tg;riz3g?NmU~ZueC6)D1o=dl(h93wux2QzJ4!FDT zQl#cy#B3@AUwI%bl3t-WAk^Gsq;yHQ`1tk(u*^fooB6Dl?AiP8;vqIr*}Fh6@A z7H_&}vAG0DQ*+(iKF#x!YyIRWU$NseH~-2M5XU!!3!A9u%A!2aQVCJMo?{y+J%^72 z4|JN0(o_KYKn1_5E8adD@ylMrf=#EX@SP@bT{bAR_+B?bpt_cQGa77jzP9yMH5^QUGQ z7+$v+WwY1bz^tq@m`~7}y7V7t@W5E~9lsb`51qI4m7mMkS!D&IRwixtD||AdXg|%J zQkiw!@BjV*?xm7gE3_4=1xMQ)mY}=ZW8Z1##{CkHQ#xK6s-w=kj#vA?f8Y|TNASE7 ztTbmw!+^_%58!oj7<1MgL0tuSe`RlBJNeVocZpYSZ=2dljvEy7%mwjphw|ZmAkf>fH~{)F(>N;l9v3P%Jo20ZqOBD5;L*;7;NaYpxWx9cG5?g38GaH zZ8MP~>|R!QBIMImW5A$e_;D{a+@V`{pTN}QRlIgOqe{Kbs9In1wYnN8my7I&Zj*n- zzI(~~PxSC_q5aS_8^r4M2`dvtMe*9j6YbMw=v1~dm1(xK`ldoHlqV1lPW`KeG;s6# z2y?s!JgEC3Kqx0k0zzB*({@1UEQHf_&GX))A>FNqtV8Fai`*<%wx6zZH#ApUq+sXY z)NX2IH>Z=e);52AFR{a_Z@v2NR^0b+51Xr1seV(Q_m<{lLqq?nM8%?PaAzB>ps51o zqI%%&9`lj5emACO96=)Q{Zli6q)e7ED-UrQgk)Zuns*b=dqg7PS>a)t_em#6#o~#q z??47$*B@M`aFBBidDm2a|GZvp(z4)0X+`JXy>QXF{K?-Buv|Tny5@bGGdPWXQ!lD? zZ%)ej5Mga+A#LSzc0MgV0U`g}dpfSa^}#-ZQ&W4%a&L>iwx0t+e>-{Qpr{xxz49*a z0}rEeFkzYPp`nI?=3005wRv{c8umfk{H=zU4=^z6MJ zS5youdoki2FY(If-8*$uUfwBfq3{=r5u_)VUJUWM$@H~facOH?pm_Uvo<#$f68Y=V zJ}Rri^=c`(%53d-{&tdoYEZ8!6Ve0K?ny*)_96E1Q|2@zFzkfl%N0P-zX^zngTO#3 z?wA5${{Is|=%w>nmz1J__gQ74;z_1oF)Lvp5Gv^W=$vyFMqvkp~6oH1ozIuHIq3Ob|RnYO0-W=sQ6mGy5cL@`dyT0^DY#6!q@gqet*-feew>f z&=ax-mh@Wzoh4A)3d2vhecuW=W{WM|kW#lzaR@bJR1?h2%V_WAd>Ehg!{C4SkkO+1 ze^k6WxO&W7cf}yY!H9rR>1vqfHP-hc(l(ss&EWv+5=Bv;U zE-Zv#P)o%D6qL`;J&M@T&zhz0Ju2f;m=xhq`RF0+iSqXH_eA@?a|meg-~byg6WTHv z3pajJMFqO+)3#Rt9fng1ezo#0Vrj z_7>)4?MB!`(~$GsH}Q`>XR-a{HN3O;Dz+UaNFKU~t%pxx`{9##ckfZ`J9Z84?Y)E_ z{D#V?Vp4`ShZmPp!KI^O7MWwG8EfTv^`g!1oW1ER=0AN1Wur!5#kc;3_X+$T9KM8i z_njiBF&}EH@9jN@ZTrt-*WvTnedGeR9=w46`}r%V)2NGiw^d)1vxRDn`y--tnhi~! znJv$b`36B#WgVlKSG8QdBsqY7Nk2rTJI25l6l-&<22Wm!_5b%<9A|^5y`_{H3rd;f zxOkx}j8^)|PL% z@S*6F@Dir3ID)yGPow$pb!atmAr3MP^-a0d*Ev#}f_QO)&ZiVYT@PoNY3G5-cFrq? zwt$AoX%14!(B2q6_b)bwSB_uwLSn{7nBpaJQ~~2H3`A}oVODiIX@K@XuT1j@+;zx2yu15? zmBG%vURwD(gsfw#gX*LHAmVXDOj)06?n?Ho@IU;+2dEy^8>43b(%L01>ljiuUBfNegCD>2j-6+7GUc~SYxu0P`|+>-gsQ>KQ7fV??r+}T%A@vle*-$H%EiT> z|FIRdLt0roRS$_p4fehA^`h}$%t++&zHs!k^A;`9{a?!q*Ikd6=%31NucVYNv#_ts zPG!`6nqY&8TQ>~`~IElqY-yH2kA9WMzCl?KyNaw?;(tN2>sMp=&E z+O``x&;1N_?&*Pk@z2`xWa84dFlO;vh+n-EVbN(=oc@A=dcdIuOy0+=>6W;y6qMbB z-@W{c6Q${ix6RV0xP-hyJMr@J_6bbu@_DbdBt%| zSasN5)D&0*v(963=0(J15V$g3xQ2o`gA~vHMm@IR||82iX|1p9zuC4I~oF2 zDRMB{jd&VqRI=u6xPYW=3L(G&pn%Ycw{F8{b5Eel_#Y8uA3?>2gKUmU1vw}QX@P2# zT460voB33#doSuVWEmnKM!9-TP_vPSrN!7>8_nsc7@{GTeG$=WzQuG*$vKX+jXVzq zgaLVST_PY9kjm|I(t7SgaGAT|fDPTM7|{#&wI7YivzOzU@BIqDd-Ib+<_J}d>}(c3Ez5^Q+xd~QT$ODnMN;n1 z>xA)py$4b8w);^3ju@L`R59p&)NI%irR(2=stsG)ysOHQ1E>rSNBn|U@o4sbRB0HG zicur&#Y#zwX%>s}4cehx&_m4UZq&Q0Iosm_Qw(c_wne>0UE!;87i!(E7X~eCSaB&0 z8I4|mw6#YGW`qU8Na`~;Fz0E4N5(#0t7B2+j?vt|2hV9I3#eV8K}+jr0i{*KUh!iC%*zV&3Dc@snTw5wE-Mb_M00 zI%tY7m9t~#rO58bv)}zCQWmX7``)A3ZwP$#nzH=uP$h^G+!3`21m^HWeMj-(c6JpjI7!VRyrD&hCB4em#c+nVFH;I?ez2YGIrqH0iU ziyv7fsIARS6o3or%kUa49o`qC7yRAk@#;lPeD?JM@cAM@C~?+9?IR%6e%Jg!Nad5@ zEhrQ)&R~67kH|r%VJQZLQfAe10tIg*LcWF=O35}e4qH{;TD0VkQj*oiTlbwq*8vG^ zzjpQ_rc!;jXM;{w_Zkr$P@;AdRBg;U?D-a0ttW7K&1SOv5AtCD|@1Gx{amVF6Peah~p`lp0_Ip+ql}W{Q)*AO>;0i9W zA6zs`k$udRt9lV6ub#8x{`}@%RH!GXTf_^H9KL2WW!E4(N z5gz^R;*ag8k5XEZ`wVJDMWbT<<^;mNmZtik8|>`0A^%gfMPXTV{}d2b<2|+}Az7Bx z4*ez-ghuf`8vg0v)&Z`@W$2%S-Rrn?`HEFZStw-co|AbUV?3_D(5BY|ETPN67cn_DEgxpdji4<3;&A5)gRh? z-Nf~WF(!Q%fsjz>pEDT8{vMys>z+%&;28g$!kfVBOOXE!AS_-S{1q<(xZ*(X(~5vl z@m$BPV*6xV!szs~h~IP#ExEWNy zH3am_1S-WGOf_-NWVp@qD(Z!sIJnF#iupSn4BCGCxPALVioo$}ApA;801QfezBX@| zWiU`=@%yy$$w2s;L1E?gnzJ#|4}?7kgv$tCavW|+Kf}l(M zK&auOvJy_uAe0f1X0JQP2kL%|ef*!8w(5OMdHgL*ed28-QxQpC@d_r)`5|iEF^E9s z=EapG_*Ebb)@s1Gs<~XKjo%sYHbW17XNjzV(H=gG?+Cv!FhLGlosMfF_%G7Rc zb*&rK2K5L+HG-N`scVMXVXbkSoF9a+3~Ud%Mz2jEmqUgM@@gk*Ex|y;J*zb$u*qRV z7-63Zvz!u0k(6iH+ZwtwYE!YU#x_>TYft0R zHD@q8<1ijwe*_EG?LxxB7g6`lAv}g4%JWf;uwJh2g9H@z5qZ|Ttu5-_-h+9!hwrv# zsNAR*%0>)Ec7*l(j$_;4G}r@2;@1kVu)#~1bdg09wbyp`eZ8aEoKhzKRw;X~y zAL@(xyhf_%9EG$X6hF*1Z$ap5#`bUKhH*9`1hD_ev!NFrqf`)KjzBJOD-qTY{igj9 zN$F1Mosn|{V|ZU-=G_mi+}yyCj-5tX_C;)My|F6D?4y(ZdFtrE9n3I?p+Q zu!@}2@cMKB-VY<@{25bMAF=sziMcn-N-%xnjV}a*o+VK5Cre==5MJ|drxMEiv^_cZ z1lkVYh%STE44h4yr2?O?Xxmzsc=HJf4A-ywVTf|(5^(A=@OZ|z5PWZYR1SRz71*w_ zf(i;NHsCo|pJ+%JY1|EELOP=I?fu~k>4(rZ3n0&?3F!wc^oWLy%Th8qOIE<^1VIOb zfj~Hg_Y8@FVdfdk*?bW*v-aS=uFKdj`rCEZ=)tbozW=mYX&rb8$MjEN=(bs%tV;TF zfvXpAKK~ki_v!~$?oti9piE?M_;|mo+k7J0ja-TGbH9%|clO3H9wMu+2c82n=7v5v#@a0x2;T8HrBzaz{a;FMb+}!!ifW2oh>ISgX?Rbefi~!0{`p9 zlwO83>$3>AcX$d?R+ z#ijX~B(RLdh-U@-IB_8(KA-6LN!e#GA>%Zr@Y(qY!EihQ@sZ_6khbXv`X+3EuTnjP zN7clif18dIyEo(VzFgpF4)V7@jvG5P?DNY7DlZVd146%*&?^&{*LN<&<@YuGl-u?% zz>QrqS?*;2eqUP%zw+XpZ@>K8fUs~#sfL&e2>)q7CSIHwH;RSyF~|Gd3I;kIlbB}elK35P3>KFM_AJ|l)SA6fs`N-+QEX3ds3AO zO;sv?Hh+&wwj3*zQyi=Ct~NK#SGOl>H<^jV)!Q)d>2u8Ef`c+Sn9=-2Ed_-B5ELnF z8$oIsp=8mf>quUC2v6{4+O+EuDxG}@90ZL9(KZZI`N{$%5LE0ZK||H34i+=4Vnh#= z4C;rF*7NY_(?^{Jn&-p8=f?x#R6hJPTv8qf6Ei==_Ze%}6KZix^#|v|hW5yHjpj6$#1b}`_zq@(Vt4QTjFDC>(iqTb#d1$UzwWx0F zlO0g$_C5%0J3b3PDEWHs(cMZ674 z1-omdBB5L^<>gMk%IzIcGNdI+MaJ+R)eAkQ{+4ZU9;q9zVM_Wb%;NQ`A=fij9mSli z{b=6fF_f&s{JF2(^$S|dHfZ8tzj04<+b?T>^+p|-etVQ}*d4y$z8I1AR|_wo`$aPE z1p-0=kow;j1wvT@4GOtFE$6z4zT58_p31&5o9)|v=q7X>G}q<<-=w9BJG^cD$U%}e zD-?^Intc0buORY)Si9z{H{`Y7Fq-$KW;{Ov!M5g^(dN8{bwnA>$80;?vwQ?rwL?)DlwxY@?2pr^JkQ8JjF}nR&~|7p$_DpB z%|^XYo98Sp@iFY&eay-$#1WjxVk02Ds*$4l!2*{%Y}4<*dHF4~YF8u_R-lySHC>wJ zzq`{^bRD%4t@@_oIQNsUTMgybkrKg?hO@Wq^@s%{uN2mSK z_{v-CAI|Agc@66)7?z57nCD{(&ar*f?1BsPp`VdjomL=t_H{z4tn0dFsxc1*RM&`sscBDO`@vHMr&`&_5mO#h6vSFModS!n zGF9MzSLg7i0}<3@3LYfj44nQuOkcSbX=`>PvUL)k$oj68OLO3ruJ`eVcWawcv-4tY z;w-t|oL^^ERfRvV_&>_*7BBTxA}egQh-N6ob5SC=J4!|lK#9f!;A=DrlX4F`=*zr; zN$Eh`YF_(~Kzz2aGJIvicFvvKD@e5u><%VNWI!Mko+L?7l`3p8A z0sw8(Qi`C4_*LL}EfFl|5mW~2_Ca~i{+siDUzPim#!LD^jSCkEEWgZ~~U1hi|6B1*=l1l{lu(@x+ ztsiBc2Qf9{5S4moiS%I50il!R90!MLlSGz9=P!v$vq5_9hi0{{e&g_hX+QLs)$T9Y#Ejq^Dj* zugTA%T;vc!4*`NuQ(nUj8^&_kkr2}pRT?rM!c2L>Oqqrq2`Yr`JH{e@z81&63<0d4fzap@eI{Y6&rSik9qj&_d-P5MVP<&1k;fh z(2Gdg!2YF(Z+6B>0`d+XGYl0P4zQt>va+dPR=b@Fb$ASy-BG%J z7nBK#W&X_LwzfPMeGuMut^wgpDj2eic|a(c&IhP~(6$k9=RTcpmY{?cyD{a-cX4m* zO6EC`?J(S6x*Y3MhQKUOvQ@*m3~p!eS2J8zWR|BMuM4gVu;mV3mRbRKc`o(BLc@0} zM=A}rE9+1tswew*CzRqj^(pA~oxM?`*<_4a@{YgX$UE%~OwA%NvmH`$E?ex>2Vx&* znR;29Du$ujpbF1XsrtH3da$ps%_Cw_vO!y(m(FYl^@08vJo_&Oy$LH>_Z(*})$r*r z3WORGYI6ly-kSr}yL}R~*;klHYSwXd7_tG~2Bm!j2=mSg1o)kw3wbUc<{9eRKYHm+ z+|jb1bG0AU$*kTI1@6}Mr+ZM9hMnxih1yi}1$FQ8H5h!&oo0 zCE}77;)DH1tn3y(M)eUdc=f!lp_s02zkT&>Q{eS-O)r(?zU`SO&?W0i!;FPK%?`CU^wHMI11fBgWxhE2Dj z`js^NJLqA1Arf-OAXKPJKxIF#$#bPSoHlABqMcc7buGwxs1XU15*OpOcXwNpTxOv! zv7CZ5|LHHtUmIim7iGeSp!!`C(YW0_1U)bsPiB0}imCmr4U~|L z9pxAO*LI4t2fBf;8VIYFG1o-qE%oz?KOYn3dyAK{gbMrx=`|ZR;eDzZsy5;?GfFRk zI#7BeE@!`+N0@a36Eg^d1j0!fH*DK~4-oPi-N<`~UV?ob5PDL~@&CjOBo^=ahqT7~O7mN?Iz`{!{z2{<$# z*A*VZz^fQV{Z(Nh5^CumMw-8k>j#$ETtdwwys{&Kbx6ULZL@7IVX^6c zEnivrHvyp>$T%RB7g7PCe)B?DI3OJ9fKU(7-piN?)MmTpJ&2j&n6N0^nZbXY7EEh?{k5SOJgFYBrW zD-Y5Go=R|NPb$gX2^PI}@e3ia0->f<{a6CfK$H&cgOcF`QQ`LS zgqZPoWZ@gEAC*8Vw1q(EK+FTeq^AjNo2Y4|M@-?7%lzL4%HBS$Q97{Wd&pejSk8<-TWwF$Gu=#)?1Y#})fF=#Q+kO?o2+~JjV9xZS&(wunl}c>!#Jk>fC8{%e@Wex8^~xXWUld2fl!cCh#F0Ya@`LjqybSqZrh zk5ky2nc3%To^boYx#&7L)tps1#g_j`23i%=XejCN3)hkRtsmn4m_9Z%R3iXN)osbP z>}oKh7ZwV0BL_lNY?yjylq4KiXxNW^z6Yw_GXJ)`RCms-TKUp|=Us8P(!*wbZF3oct`RLzq+e0%6L49mkv|y)pRCA1< zzQ7zF3B<1XxxwnnPhP$Q!auzE0qfSpUT9Te`R#s6aBti$8J$Kwi@Uq5!krx-MUx(n zqj~I7+}n0Gs^|qvXpGGVlJ&Vl5bu3;JK=$chB#}Os7MWI)-`47GS=E3WRVPMYF2H< z_Ny48x!SSlI&`LUTy^6D!NLLL^0N zxC<)OiDCU+0Qb^Ct!)0L?vDxzUy|pf{(a*Kki0K9=*ImBEOqZESWd=sKm3)!jN~Ho zQXg=2;D3tdDC)O6AMVR@9c>Ph6qvqJl)vOx(oljo04SK=|oJZ7@3hyu}=xvi39*R&7B<(;>L4;ceLaN-m*m zB_OC$5cxd|adpddewURkh0rB0qF*);K5kIxwh0LRFz5%uYg-lX@KLi8%93ahd+ae> z+Qzag9%5j6U&~iszVMJyPYeiSwh##43jjg_X1g~~(eG47!wTi$@P7*ki_Rgu83--l zF%=qFbTpw{!zT4z^9yynV)kjSU3j}(Dwk8J)K4Phj3!(SG3!XB$e}1*pGto45GpUD zQMTT2l(}sLm5OnwNa!jNI-G4g5_Ou+!K9_{Iq$7hu;yy+A^|MWk<3RdgapFrn+X`} z&QM9C5|)0+oZtuo-$vKL|RW4}%Y(a4DNwgXBbC!3KwVNDolnEP&Qo)a) zRM1#LrlQJyvv61JX4dbt4H*?UD0u%&!q`-% zJ(WNt%dy&T1_Akz$F`!@LyLJ_5~|&sfZLi*L#=zKp!R)n%ySZj-`PIZ?wy88cTVIo zj(H^@veQbo@o8&Q4G~p&y*Y%k$_jcc42klR2Uiah zLZcsJTa95qbA3`TO)5rqvcT76!&{?da0`?UX>E#Yd7htAK`|&%kKe<3piD>)gUM=* z*-z^9rb0df&HH3wWGW#r<2cKC)I4BXop}w&>CLotH@IXw^O~Kwg4YI>rhEIdUp5$s zl2JoZB4VJ4FKiI6+eZjSqfJUjjN&@4g?fG1PY0vy?NiZn`d@5LtNPnay?Eh$#^Ua= z?bR;o|DQeV#1#WUPaF_lH*rp8)Ysf_+}YU&5HmCrork5ES4siXCDMujN#0Rk{a`N^ zr*A^|{T)!Q?tN5ho7-pv3(S3c7qhf#D6EUE*bP;Jx}hSWz(APos``evTY$I~@9-Y? zA>y-+AujW*l_fqKn3Bmd@jeunm5<4*<<*vDrb1R|A@t7~^aG+f-O0&kU%z2cIAN7u zAmy`fvQF#Rhj>kme*8^B+bUED9fZ;i2x!4n#6#Mm{_UO6wO>4*d*SzHDKtkd1g^_B zE}QcH;;SFnyli{HMo6j@-UnqPdb59NsQU*F-)dOooSYpPG2=(5)o1|9)_>UM zq}I8eFc#V#b=da`oXYqC!BLPfP)o-~fBgFv)CqYAH56byr~@iBa4{;o44z@fp1XX; zEN4PU9eJJ`fAhz8k^1O5gfx~X*N!$PSn){(92&N-q0|-Xx3c+^mDtZ^1=PrbiUh-Q z4SUycC*wc~6EJ^1YIjvg?cx{x zZvKiqSk!lI=T|%S^DMtaQ5y-EPjE%U*=@8)y^g4KTSrtOjF%4W$NSlCOysjnrjvp_@L0q5&hLHH|qI(rE;;9Q5 znQkr|P1uwu?vK+D(4+FOI#bcun-6pdV7 zb&ATNhNj7~xaJgLjEWnTsX1%*W5N3UNX_1fdAWPAc-=uP$T^5P>HD!T_ZSwj?dInk z!<_8Hn7{ro($;;5x$CLaW*wz6Bda6x7JTt$bu$nK)Xfisak&DrD~RLGHHGEU96!yk z6BMTA9(QT4+e_JPF~ri=?XztH#<^<`V@@uWrZw9sJE=hJ#QaSkVrKSU=5d&CcbdyH ztlI^vrw3ya7oeVs@J4xCB#do_8@fuRa1LQkR-)9kRLs^LwfK7qHm`hBsMxBF9)0>a z%ejZY?;>RF#GH*ETAs;kPqMCOnTLW+6AA-hP)cY~Ae@%1^ThK)2uRG~Hl3^WHw=_y zDN9~=mgnmP73+O?Wbxn7VZyg?N4Leetyu!$Y8-0bKN&UenT)y*CEAOQm{A)sbnc6o zyXgSSa)9Ud1pCxEerI`DH>I1xI!|7GoOzzcoTpXp?S#fXY)eApnv?DLm%_WStMC zo0hBa9=muRc4GFr{X9PhFpK>`+vaRMU|^uo5@rQ7ucBOPIBEb8N(2TvKe8mL56U&W zoZJW^)m}4l&#?Y-5OfF$t3JT+d4ELf;TzGo%RJJ@>-shNw{J^(3|pj zUNdoPuA7xg<%~<`weT$4Z|yFYXB*p{{g0AN#c%c+o^vi!*Y4%@vmI$0cOh-VKAxZ5 zycW(fkMm~f61WL^rt<4TI_Kk$>W9HdZP$!t1rk7zkz}OW!ug-zdl+|b5xi0`h3EP|NPT0SB z?37H^$w9f+-Ts#_C6`Jp@0m$i2M{~u$M&M4bl6~2;`z6s*DPyoLd<>5I%8VOe7v=7 ztFwer{_w_b8(wK}8{Qk0BW2y}jL42@g#N?q2S<5dIAp=`b+2jOZw<(x z1Pw&f!5c7f`3JmS4zUhrkeqoOJtqDJ)$d3|X+mL{knZLPtTN%=(hqBnds=oueDYlU z;pNw@JZdl1?f$j{nCC-mD_M$Lqjde2W*rW>e+b(5n}wx0zreiZ&*RCg@7WO2r7JdK zW!AG;k-ibj(>GI|!SdDLpnQ|^99FD)zCfPj`m*$Iem=?g2IZMAO_pXpgGF2_7NbJV zRBjN11`&NwtA2L^d{>kU9q0$bQv||`7{fkoLq{|72`g6&Sc(O;TP1wvOTGre&nX#K zFzU%XOya$1GIfi|Ssx&JU?OVQEsHbnJxvgN0?<6W?Ub#AuRY6f{R0Bn?kAAHmB6I{ z@?Sa-I&Y#HHY&I)3WQg;rT}|Yb^`5tkK?uPjl^?=ZM9lbz^<@LIO z$EP1a>ygjko}S5A`Q5*w`}p~&eNPtxU2{~3B4jjla|AU%Q$wI-g_5^a&3iNFK~#7Z z+NKgA%7&_k^g)@>A!s>hBPKuj9_DR2iD{XK*`H3bo(g!)ym|fDuuqmL&O{zXC0Ff5 zj6%K?0-zIZbHYAh`w{}PWo2~78)UM5q_~=el}h2%O!kSjAEL$ZP4I;dK*_KkC?D3% zhEUcBi$;x*W~d$U5bk+67SkWi#IrwsnNTa>736k9#mH_b$$E#hPvUiO5OLWALS84b zLaJ|t#yo*CQA1F4dwN=INWFQ&>z zL!!-*Q&?L9V6+4Dh-h;nB}YCLBYUG{XfM`%AVS+MM8Da;H=va>9u3EyB1b+MXL+Bx zfJw`?;=w*^QMTbYlnfbY7GBK(*ZHjy)(kZxo3O1O#C@%MVp8%G`0cB^a98UdY^!@w zJ?bI$k>;pD@GM;`77ukkM5Yj3I5v>z(Pp26+w77!8?1am)%|nzXZb{&*t~v0b zt<7t7t)O=1x!QTGZe1WcFA{y%@Z7-PJ}M78NDVIxgLJE*Z*y6KXc-W_Gf_i1%!kt z1&Sy9UD@*}@^>!dIz=HHb_mFdSIlpjm=hUqE}^W1a|{X{sLsRn?K1&_-?gnOYZjiI zct0AK^AQN2z~wy)aGjzc_ZH}WH^EolNVP03udn6S3(tkljpnb~99C`9IpWgJnYZpg zZ$1Zhg1XPQEEV%MO12|BwttrZ_#R5NeV^O7wC!&a65mAGHa|s)@Uf^6N=1SXpr(B? zkeo~9aXrC90QCjrqmXv96n9LZXdi)~XCW+ZpN|(=)11Q?lK|K<@t~|g{9xz__b&{` z;NZoZah$iz&$}uG21*vn-4wBJF{Vz6dQhLp95e4kVG)&iQ85XsGVu3 zz2tmlCY9jiEVg-pxcPhnGVLSF%FPg^@3OY(H@A-`HvE<6Nbq8SMlf-|U1i&|FHuRc zb|etW3MLDg!3tq0p1`V@fmTN5A$ZqZSc%GLAr$=ix;cS``8fb`#|ft5*#`v(32X}o znX0=0$*YSK4+i7ew9uP`&49ijAxF+`;nvZw^zNq1-_TVG9qgyIQ&igi64xI1if-1Ot zRIG)Yk;SN*!lV!iD+dz1X`g7r zUJW$E+qn3y3RMx@+8iUvE2z6aB?j$v~8 zDLeP}f`iwE`bJy^&r!Op+ea{B;cK|3R~8iiwNyx7l#l3cPRy!A63`-Bp+bX)%!6)? zsMZA8rl{7i8QYRzM=-4t)(hq84no|5zY{VKValpqn31&&iK|~jou(6QUU8Miogr`7 z6(U=jm=iA6N#Imjo~wg3^jLLm&-2u-Kokx}61eT-h5JRc`SL~O;Q6Q&)(O>FubM$! ztbS%8G$7QFQ4a`tO(>W-`@Aez#X(4*6bo|yE+J3}{A3Xn5K07x+9nyF>7V2H2~r&7 z1xj%c7bwLY^Vy_$(EGGfT$=|<@gV4l?sM1JmRD@f`Hb{8QNC6kJUM?LZfxblblY+R zKf&PT1If5}AQe}3E8N6?6A=2L!0%kf4I9;5LjBI)_Q|nKGO+gv2Tij<2Ecze98$Bp&nyz@H?4`*5q@*rr)Ls$^x z$?_!V5PTU38W6fNOX<~oA_1X*Pu5kz;OtFjF>9k<6r5t7gh>M|x1RvZj+14{U`k6r z+)*(M1i?aa5Elr&CYHAUyKVO@ZL($+6$gkO5Gq{{mL;xS6xPRtznggLc0ALuGJE2z zq}p!71~(8E*7KpvbE-BnYah#ImQgCaCi+e#xDaApnH)qpxbQ&2gA)fTJYQ>_BbNfv zb^(zfCHEv@gh0RH3X(Q4O)d=v*PWrFeTwBfO&C+C0H#MElvub3gGxaTft1@M7FUqz z3J$$8n8nY4FyC3)tgJkaV)?V*IdR*(x_IE^i37&MbS)3&CHRTA{59|IhMkMVbu5ee zCa-6&O$q?CAU_G~rTVF!R@bvucMn( zF(u=D%zgGKG_3XR&S@xJUrsOxCj=IGW|f!LnuMgvK^+J(-JsZi@|NpsFc={*3(-II z_q-qM#*7Vz?0%uJ7IEo>X(~{(ReJrzyWg=gB`o z=ZQZ?hjBkbm&rdz%=n*h`_Ium?&p}D`99hX$*`~(@;Y0iQ8!dzUUH_Ua1&)^;fo?* z->EP`9TC+!4#}AxKyeyVvfoFOKFj!glm}aRK6Rd@Yeo^$SUy=Yt2FG5@=^U!BBT$W zr+o>d!w}qR5%c~frl;@cHF**V=_jo(=z5XTI*y8}EIyO7*@rdv*j`SYvN@jeSUlnJ z_i5ZcmCkCQyny=Cep~X$DGh$9xvi(Akd_U0Pfx>*52ze$T}DOwaa`Uv4`&Zg#koU?xUyIC?ler3%DQ0eO9eu~px{sCAPf=; z^LM-0gf^U1`w$58-kS~_d+t&$pA1?|Y@yYU}%rwlC%9e&4QmGV-CiC9oK#x#H zMb^Qf147RtR{%3yIw6n}GL(nq#WGkBdjmqILB+Muf+=7UfH`O}coC5Kp~j`}hcK3< z(4t3RW;!W(xAw|hx<6mXPv2J2SO>=y`iqo zit4pfVS71itoCu>t$C9L-&Hn)D^~|+&2yj`xOCzyX`U6(ESD_1>LKSNvaD&YR3h`W zrC*$d(SyQ(He)*4u3?l3tjkon=ihMJ;A}c!%!5LAo&U#lUu#?i&Gwhstwr-Do)#dENL44ef^bE z0QC{&DLqQKWBpLm+GF>Xurn8H9NiGk+sMlEGn9#6L70*EqZJ{G4SP`A>lGrwMA9BCKg~Zw50J3}mOpo(k@$CJ~S8+JioZgz; z_<*@Ao_Mb+3bcF(?`z;iZwPYYjgPY+M~sz}gP_97&=N+*?ikBeiJSG*k9^8-qjk$Q zdtJR4!56jGX|$q~d97vAwwml%>M{;wRgP&L6SreEWBJb5y~w1W$@E9OCSzy&((01_ zs5$NPk&Jet12=2RM}$v?fB(O40s?W2uiWSs@r

8xA}#n3aF?MdiWrDw6;|_|3S< zi+3Mn>)&k%JFZfa|z1TvR4t|a|Tr5^T#vrPn$|@a^?6YFReAXH_E^fvn!fc)0b@P|yI84>N zU!Mu$0XpMYlRug{$%h_Nu}<57q0J4y6F9q5Xs$%6+lyo@za2TGPHG-eU=OeL-;@v_ z47cgIw?v8guZV$38Vs(ierQYmwX8~~TuU`C(~hx!k!YSLFGq5d+Kvte^u z%(bN|c5ilDcueKlv1+lm6l5F0sLprcL)0;;D|U|4w*i zdh3q3cyeQ?5wnv@Z~S`g5ZUf4#d=m5*4LF-c;k*+)M$Ywi>Q-)_dntqMy#>*?dXF) z%8v9jzHhCz%IS`$LVAD}67oDJI{!`)Stg_%_-z!owHY7@qE+qu-L~qi%++>6_kPh;@765#NLlXb%o>P(TS?r5E6XKMOZ=5?ed%>gO zmf|k6BBNc1kksTiky2{(%&i_LB7|sK$izd^DlJ>Zoe+N=0y5cdd7KpSLHSDGMV*=z zLWy8n7=6(M@vdnIiQiqOVs%SSp~*lc(HTs zj&DJRvx;_j;)b}u+V*cSP<4a6@X>{=DKYH=fC4rgoFPflcHeYoGkaqZbCTdd7V)am z# zmewlEa-3ICKWNZ5o_V2{3u!ZnXqK(GV-M0S1kSd6{tSMFn}UvyMehjAz}MZr<*W5b zT_a?p4nFugiw^tKmBVSReNz^F@Pgwx^mj=k6NqM>bhpSXFX#Ofhc8szo-PDJ%cxdL zjL+yn5WQ`LfRJ7Ps(%pGcp~`p255C>-yp34#L_iM8RQHpZ|NArG&$;6edv}t8#+87 z@@l0JnBdVC*R~#)F0DT^C;4FDwW+qnyz$vBRECX`f5_F=rb6Vx!xfWWFjGB!PX zGuz!=JMt%b$4ianX>Yb6fTxT%d!tp^scz)aJ~Get8j3t&Pw#W{E4|SY_vAfbH(E=_ zSbx8elP&&ti1F++VaSl$+U0jk^WsWPG!9rE3jxqb%BS8N<#gW{{Nj_*?JIS@l+q&% z^PR>od=*~*a(9{*z82LEvG)wGjpxQt_m2x?R#B9Tn>b2&ywkC z$p{L~sBKstG-QnhxJ-qsRT%4xU;H9}VX`xA*m~oBFq!~?dXN8Ec~l@GEQzJFgG zrfGSbXxv&&>YN@8wvI7v{kk|0c?`c^s^!?WO7{=vE%Qzfek}Xui);uv8XG)?ht^cT zIOeGfJgRe-OAd(~SgYERD)#AmqV!8XHKU$wk02CAB*Lgdb0a-pWul9DXLEIlmva|& zV=Eh`5^#{-67!n*>`3dGL^jkp^w~e}{S+DcmHSEJFs+tz_;W&og^B2^pM-uyZMX+) zc{-&(*dPsPSR#-FIBUowYc@EEt@PCNaF}G2B&*jKUKevTmkF$Bjk9UN3ZbPWS0u7A zUwdZymhACFvQx0X#tF0HQjPq*jG<5qrT_=8jq`9?s7lC5_F3y)xm@HR$DO|km!8_u z=ATHdh^meQ@Y1eF2l_$;5MC@$0}_N;FEbfir;iW(6;l zlaX$h7~Z-=EKBf~iJS5>4&8i4#YY5yO~l|Pa!4MvWP*Bkn;G|2-{|$UW}*q$c;d9P z4!JQFWM{O;4Uv;4gH__rXjFsE#L zfl`fPiPj6n9ahHh4`*2jCc{b%BZm@V>IYmojf%LtT|+3{oh=7$5!xMfS7$@xTew|` zw!7z$?Hrifx$ErM-01qi6}!&NM*v|((z@zwo3u;U3icB1g!g6LBl@d6E-y!%MVSFW zq=V=B?u+)uM*#H)%zpZZ87YOctPKTiTC5PmpLCy83&TgtC2hv4%~3y4c^M7*mUP=d zCOB3$`BI}OfqgH3_{~v5=B+WpNAJ0a1?tUr7m>#>Cr7bk3eYT18wldB)%Ej}(}JX6 zyF!xc>Nd0H`eWW)!;1G`rEGXv*Ig&x?`ik*h&)!+J#-%{T8nQuT)67LvEphEKdVrs z;VpNvk<{-_KDkMe2fmh1Xx?b-<85tFYsOE~W=$l%Y(eH9qJG(XXw*mjE4-zXD|A?_ z{{tgW8^ua2YwXbR6Zyzc!Glop-@FucAptnk2ZDh9?$~6eBb%yxPW$#e+E7MmX{L^d zQ(rwvTrScXAM7~E$lCn~{r(V}c}Dd1(n<3Ew|N@eeyj|%sbPheIA7gJn# z7_(*WFY$5}W|9vqBsza}Jp!1maV*O!HR*G^AN#GddYOU^Ak~OLd)#sTFS}ki>daP# zyq!9}`%gkb2+B>Jmz}LD1AOLBCeFIoJEfo3ER&hu-UCZ^9O*))G`7zESXBS|5xaDo zn-~y0_sI7)?ha`&a!dX_;!Q{dR<+Eb*&%M>`=CY#yUCC9m~}7PSEa;1hPFG^c{urA zs1G6&lQ93p<2MAnvwh=^{()dE=p*B7!NQ;45AEbX9;WPXe%a?HjV1P8)gux%ke(*U zq0w2PsKTA+P$(x>sFo0asJe|zZIjXL0^sH6j|5eLr+}2>u+WNu_=al@!v%Si`qQ&MfOY3^%H7sh(k}3r z4qO#rynw!>HehHirZ2x!iT+)hh7DJ1GO}>*x_Q= zIWoqO<>kq_(xQUbLY_0}h_16^-aqiXF~4)*B`((we<8Z$x#-@z@U|fJz>Vum$N7xc zI_uSIjdh5Pv3Fgb!vnb#X~L53=u6qW47m9zaUQj4)FVs!MMlWGPQftQ92#qImZ8DQ9cV{_wOBSd?QfjGW{B+!?XD!AMu#8c9lyfvM7 zQVH#vLH5x2w$A-Hu+4NOYE%#G^HsgFF%3`HJ@ru|m0mx{K9=uZ*09)|qnrTHbcCDU zH0Y4_SIL<5WbY^S-+!?KZM7VHqL+lBF)!0|5cI>+og3|Ec0dyS0X~29>ICcb`n>3Y z4<^Qe=;xG&yB#=VhGLteKA*#+20s7v5wB?J#n1e_BdFB;+|a!-12{!FTQ}h$!!hB! zG2sT;Xvg*{Uo9BIco3VyzYDI&CR745*2|u*FNA^_@>vflw=r~RKanx-B;0oNWUr*< zO+8|llC+ITIk8u_h}Qq8v~%SZP(j%Ly8H=yOq}bfi-vU5r`TK#_l|~|&YCHbS6i(1 z6mv?3zEeBu+_o}6%A2Iz`TmpFd}o8l|M}r;<@%9q<@nLWLE14$a>Y&I;1nyR4}myl zMn5&quWW7RJ;Z#}p4m2aTQR~45-6iz+#ve#(&~bXwL#uwtR*%-BpLxl!&AF-jvcK*<7N7MB-^kEn z481K+{!UGa#_bc6^r2U@(G|h8XxRQwQR|$K#;t_4%4l2r`w_ex*8tQj;11>Zq>HkJ zWMU7^SLq#Pq+@-r{nd|Ui*)*vRy*vJPj*$qXyrx6VzG15#hYEV^=c;SVxk0QDJp_aHAi;c7eZqnbT zPkQVp3|%bV60B^q`Jh_Yrrx@-Wb%HJHRQjG&fXsL!LHNUT2BV7>7;URE`=@KpJ@&g zo}V;>XVI)Z7;UHwu`wmruYZJAWh-Ted_z-OPGfq_Djb&()SOwfj+(zqG~~lNAYyRq z-+`-~>j}okY8a89mXo-!(IW`kN*3M$e&>X=7RE>q0F%R5V|7Q&eRW0{#oLL#BmLyOp(zQBjjf<}vN4sz{Q zR~xL%3I?#B`!CK=Z;aF?9woqMw63}s-m`kLm1?~ODVsdv?4JokL8<4-wjHQtp)uM4 zYDEmfnTp2jWEPz$yC}kuaS}S557!g^`Myqvf<6R?v_8YnRP~kC%xzhsZr0S6iKz>aBA^p=Ozi z#fKc$y*8N0wc1V(i$@YCBS6BNqUihgbT3*`ocfg1E4~drTblEz!T}3m;y=Pf#BVm5 zQ_BpS{jx|Oiv7HDv>>(hY(7uRVw~(Sha~&st@ z3(rP*oL?m=5OFupJcT7X>1Z1H8q@e3?|eNx4D(+#%50X)UN+P{@w=<;%Ixhh+WFX? zA;~)FiQCnE94wudR)H9JXZn~0;+-)OHtFOt>^9wXXmdJiY4}aTWQg23d@R7 zEo^XeJ>dSF>G+^`jrEhoYkAIw-(pLjFi$Y*FP_O+&)YwMM|$paEO|Uwn>&8el~o@E zuvgSOSZ88u7Humo#8@v_|9T0?E%#j9g`lmnUHxWMSWy=B+ocSD(~dtF%+mJ7?Dl<0 zAwI=T=Ce<2nyin+DXqD~TZLC3RWk{J+zl7%uCCV0?pF>Zhe}}@j7;w1@vn4wsxGEF z?;;PBiVXb0ITKZB7Fztk&BHjetB=8xi!utn88xMczAN5U2tR(K-}zIM!$5q2Iq#g> zckrb6)*R)}iSR}C_xqg}ky7rn zivsrWq*n4ctyuG^NC$fwX{y7-ny=vM=CYSFgr!VNZ6n6v-aPBTXU>o+6_$UH#Ruyv z7JRepvDUhoW|j}nmS@*(JW#>44?G-XPi$Y0PukM!(xR5D+{7K;EG5G&sPC5rbCg8l zavl@?ZP=^v@msE5H2cwNKo*Z4R60%+2U?2&jml-TcFJD_!2HP$Ps zS{FvUWgf$I*I!|beY8}`Lf0q3p9iL;=D?GS_gskYM|n_}jP!B(>Q7EzH!h@nlF>_f z`n?k6ta5ui$*YbQ8Xg}IAAb1S8dZMEdB0P0BzuY&U-7;MLHNt%%t#-U#;?*{ePFBl zk@l6l7wr1Y8JrE9bxD5cxt2IRb*R5+N+V~t_OD&q=GArY{qZvoQP$eFx?Fr?9Nc37 zts~4?qAGw_Udrps`jxlrglFelUP_@nk*b>d;?ugu^&b1W@n1g0sC<3}SD1X32dD?3d+xeJH+Wmgx zOcm$qRv{p4fK>Wxuaf+dL|fxyc8dJay*+z38nM#!UEbnaMN3+mC!~WSxx(2ON&`^X z;CtF)75O_?VIk#%F>rtA;U@kBiF$#seH))=VZZ+)@GTmGT~*?^9d_^E>XpYtnfqAR zf&~QprHESUkb1c6pvnVi2be8k*KLc{*FZvFvGXxMT}qo?8;iQoJ?##v*xvP_j0bkO z-g@z}U~|R==9(APjD#tYqn?r!Ip+pnwE0>Gk>-9jTh$4$^F)>0_|)b*nD|h~q5GZA z5YULmY3={91rS_HXHzJs$T!Qk>Oy-YdWQ0+V@2va$lhr+2cD)BF!-z0X|+Q=Yw7@1 zF`qc|&!OTzCby(<*7rcfS(vw1s%KX$H0~?PUT}(rHx@0Op2WMn_r}f_$cY>1d#jt} znHn2==K4j!4i|fvHw6pK`8F2>--`~SXpDL6cbLY-Cd`>Z=Af22-?K!So<|{fLgbOJ zuM_uMpA`V1iJRBYPRZTkeza_Ue44GKxg{)++)N(EeJU}_*RhTkIt9w_=(vylY10}& z7gwMvpw8TtIvYX?QT9`oizs7NK6-LK5u9m zruM1Ipj;CXSPi~z1bQ1_+uZ}4v`?{}KDUNCvlN-+G0$r)ciI6MyIx&^FdKM2O8lgL zg_z%8?zbT1?EQ<5>kNx8Jztw2Y^{5~(pR=4kMl=+{d~v7z;O$j+j_3`BuDvR2%j@q zURl{9AR^8JWi@VcHvgekbx!jj$L(D#bXa6|SPaZ$j-lz5i4O}STh6}R@qP^$mc*kxQz^JYvBcG4LilfxbD*$thLJ zh0Rn973(HW6q#X;KwFw=HXu{or%gY*fR=3A)uH2e5azG83*RrCS6Xxad5KhS>XS)n zLetyVI&_GZaayZ#O5&E@oY+-iKA1fY>6(mZ3&e9(uZ`*dS&%-pFdDLYDm~(I8kPCe zT;o9OTCZATA@s8}&t$cGnTsUQl&-s;PW_}nz2%x{<{#rHt_EN9DZfzZWs}P364td1 z9$@+X7u0<5VUd$2l#E_O5}90w916WpI#)(G?qhw5>pCc6565)%&%e24pXRU&gNp;x zO5HLGAFtop))c1+5-{1t?kiOm^|=b=}Q^hri! zW=t;?9MiN(8>4+Ujzy^Lk^A;qw}lh~2Vwr-4VDeoY&n&#ds5}Ro#dd z{XzxsBDWI+)R+4G7u5!9#@ECMS*9tr)LlslUiE>UmE{&l0ws!+S1q`ZC4r!g$D+NoYI9bfN;gvzVBQPib z%lUo_Y`jmHQ8V6u-YIo%){5k-CV(HrHi#@84Pq^5;2X+|5Ysh?r6a+X2X@FH@ifH=`{E zfkhBmM!$#(VW#cXk##J48c$1+*l0`DvKv>q8YX#qOFV4cOZ)S`fee(Xj`ujh2a;wo zN_OhscHdAu+7v`TQ4*(n)4qAU!i0)FH%gtywrOJor$6Uz--+6!YB)}I~aZ>Py^z)9{Y7IyABwUUOu_qk&*p61%$L%m8 z&?lqE3->Ba4s7?>L6N;kES-X~I+h1PL-eGRkvqxwY`tD6Kr+j%wAsz#}uf zFRNh*XG<q;=eN{$-Q7Fs3H}GYtC~H36XMq1Ai}N=r-bBCC^h)d_3KxGW z<4Au}k-xaoJ&I5pHyJUeu>i_%wiV6{w#?^RGoEVx-TeqJX|;3FtUI4V@7wLaBsYUf zOyIZT8*!cKzrMyZH!876m34q&>?S!3A+p{?B_y=gM7+BoQp)-~Xi$?3e7yUtx*OYH zz!~B|u((1R%KSd~^z1pN=c|LupLe-&TWfFmUqG4YDq6@rb*o@V{#k(b928>(* z1UF1S?uVCDsrJ0hv;0Z+eb+5Jup1IDVHd}`Hw40Mev&8D?TEnN=jhUeXpgYd8{PcQ ze`1)PShM&I{A4H}9WzX={=M_)ghao#KD#E(S_RqC(GUcTAh4&t9i~XSfkxO0TXHAe5r4>*n#U?S^pLIMwlvL2m|st-kpTPe zmz4Y>nXXvN!%R7oqx`Fo0UN(PBL$j2lI^_+^!ME!{|{_Dav{We@@b!f3VxLOBK-HJ z+S&LuQzwI107OzF2>8h*0*eF@Af|VQC4I=!=)g_SL!N2uODu$ok^d zd_#wiw%PEK2AoWK*Z3f@8zlq8)Z`3yTQ4jfVr5rjcSPIlu&0E_`Z}H^2#avB@}a-M zNAvMtj0@iAGb&6t!LDoVl5Y_K%9(6gPFVZk*yAbZ%2#rulZ_kni{$Z?tCGAvp zR@{`@v{^UeXjqa|w)YsJ@*R{h*(dmB5;e*qym6m7yEi;GGSZ*i{OHIWl_n6=3&*M% z$?fV(m#oVlLsXQV2I}s!OmDCi8y;z3NGn63qmLv@t1}jS{Vbnm>gWixVc=u)OD$ol zM>QM(+Y=5zOtN_Fy7X}#$9)vBgPMPL{5UUllS>LD4p7Dr+zpgXY3-2t*V0PO$n z3(1yavV+X>9dFP4pb6{aG*bO`{Opg;go|;gez5WTT0!ttFQF!HF1^gwwT1HX9I)K| zRdGxk;U`sFl7Nb`(hRPQ0X1I6xU70?9NP(+bfD(4uwB2rm%AG(@#n;X+RK%1rHWuu z0C|xjDOU(XSme^(`^(^(4HGvYK1V`!T{@iSZU4t$(;>@{;Ufo&gkSz>LfB19RJo+y z`2I-=hj*V;o5SENql~4a{7x3D1kz@U_LfXM-Gif(hTJ{1qhIIGy9^(!E`cN19fUG; zEw~N_+OlmK&}iJg#$&DNI(`~+Ija^DQJ)I zt1ZCcofStM&oIHh8!*Vi;f;xUdk_9iQmsoX^gH6BTd zfSGaIbD{K)4v0L)5_T9=(_j_k&<@Slp=r!jTDqbNUi63kJboq&J0O%==tp|-ocTBI zwA)0RxMX$ipd7W30>1~??~4aRVHXu=Psh-FCKgtlhdHoUu z42)$ifYF~+qCsbx&LK8w#ZvK}d^j&kPI$UA1qZ( zm_LgVVx0!tdi3{@=tQC%!1si+{TDHJ>;E*So5wq@0Y<(<>Jp6YN(Z>`HB0SPC@c>v z6t?Nkhm-vAf12@sMe-pe`D>Sw8?WdmkzngKSRMn}Ss;%}Ul|uJ5S(ON7{?L{ya6x; zQ=-!2d)sw;amVXT%O&lik%Few*V;h?4ZZ6LzC(Frt-18RKtX}hqWLByY^%aQx1mbL!$c-9Ptp-FV*@#G)HuQED5X#CTgF5+UT zbNVqOTpTV8-eR#xnN`O_u{oM1Z}IoRm+y6*&_6pZTHP6-^g=hmouaG$2v!MNS7P6A zp1QgjR)zMXB9v035MxRrs%vl?U}>+fAeCwD%rHO7e7aMp$^;_TOp$~K6Gz zF|1QR;_W{I>DgC>VJyJU{Via-M}AhS%pxgL0sBpmM6RjNp$f zD*S|bK|FQ{%OojvC2xPXhVsGEj966`P&4dfC3bBF&57ZcWe0)Ut;Y>vu)4ZB4Q#n6 z(sXbCbx@5UjJMR0F1gf`Fmh%;^00ZdXWlAe^o9_i@pK;1BlSPgzv1N%{LQV7>uw0n zCiMCbUP!WFdpf@+f8rUU0~SSLbR&9N^s?99UJRs4zIdX3bu+=cXPhJp`hpvH zbd^l?Q{P9;hlGCOFJCh@>6UuD`i~I*$-np8^<)=KT|Y(tPx|A>4&SL_46qYW5LXj< zCa!yw=M9#Q{(xhJ!hL4~9PX~9cqmF>cw19N&BG8z&}W*Tq+v>FvgZ^W*r8~W(u1kI z(m;H#ki=h7d##}o>-06*$0xg;17B+jcH>&e>34n&Qm!@-43RQ^A^Hj7w;B3t zlT`*-q0bMLp=-tt3=H604YcAUaAf#WRN1+IJnZ5#jAL2!CXVMx2v;q98K&x)3{AWG zJ8}K>kWcVNwReQD|EA`C;`gvesX+%*BpD%tGbWWi&gszUhrXK@UNdz!&J6oN4K0ms z)3Q8r$T?>?KanP)v@*jfZ^v#qeX;iP7ezYX#_ppkBD{Q?PiUQ7^e56G&p z=1jAfzKTN+br?r8i#M(LJ&PTBY-rN0d2Ax99`eLGU5XnibQDYD%iTLqCU2NqixPj~ zc35K1U(VaE1Ovm(NrA2pNCf3-!8W&fURuy$K0rcOKO>=lJNWva=6@upj3l}!4KVP| z#UtZv#xEW~tmwRVX_o{coDCym{SQmFSGsv_NK|xR=zkh9kC)pLH( z)7x`z;12eSrmX9`p)54;Og){2`Zp)k<+vXx@mFr_Ai$lSg5Qx4deq>gY)46-`LdoFEoC$4Y&b786PqwMbgw7O}lku9g zH}Rn^UiaVMA z_W@q!^M0YKU*t---)OYHH4EwKhKQ6p^U)5wMI!u+J8abXw6MGLs!YP~$yf%XlrVCe zSBoce@3hk~orpo-m-7z6I_*ssupaQ5F#G_l?|3uAsYD zOuUF7b!W=G^jt+a`qZsBo#~VAE6U_L?g_2MK)m&Pq@Z*84-98Yhnt(1$553E10~el zhUab^(%rzgF|5K|BMHL%UEB*uCn9m5j|7cmEDMJSV7ZCUC@FB$Pr%p{A=1p?yHgr*+sQG_$B?t9r<0)bYQ{QHET{a6tdewN(sp3j7}#3#w|rQ>;8sTJBn;tE^7Tz%Y{As z2!*O_S7`|21O3nOnHVXFw&$5nlkp*pdXw5XiEvb<9LJg@Ss6*|0pb@cLMx`2`WXh-6HqWq2(YY=CRC9kA^X z#d!0UD4u-5#kzh>roA<^3{Wyt+ZpTfXCCyC(J_b6ShD5e4xL<(@bV5@bC*aPg8e5L zx|CBaz7Z<~R?ZytpLV{>d^dmhLGmdl0^Lp~p~9O=3x1}j@{S*!rJY)>bf&ZjXWY9e zE`YqNd1$MCyel>E>ONm;&yM_)t2!%XT|l@)-6$Q9P6W(3S;GNy=I%N~>9&1%`-GEs zilmeCX1q{I<)_t}sHimbmSL$I+}TL3WC_WRe?& zGYCq(8X#r!xaVig+m(-B^SwBhIh(^KefSs=!~{c!F=yx1aZpFpb9PyujK~abwtvi$ zjdXrz!(m99av(I2!bRJq@r4+KzAcNFd4W9KwiB9Op3CRgiLm-W2e3R(3!8y8aK z(yJj)+l45(T;J}@oB;1HyoR)4&~48f)V5pX0sQSLjNfhX($0LQK-X+6UB}C31N~+? zvfayeVe6)6D&h=j6ts0)YV75B*7hZLmS{3*$^0tafY0~Bi1KV*h;pKhp5acU=Szg0 zMSvd1gG3cidw_#De|1eLnk9=GgI6qcY<9BqU(+AmoQ#24EbERu9Me<3 z+n`CUE*HRCbh*DJ$=@(Tg4?ch5A7M3KRRyny(Zt>gIl;9MY-rW0YZ)4rbbkfjx1!x zioc51JK~K2X&Y=8u~o>N`0%X7$?oD*txcKyw_9--{@G=LmMin9Ofvn%&8#t4n|1EpY`H1M}HjK`4XE#73c=Qfczp(0F>4Hs>mV< z2>bM}(M(+M_U_y0CkfG>-Fx4yqApf?bw)3Y6m}K8is(E=5wqT`4toB7N^g5vEZnuJ zxx>-R#y9j7 zA+aTua;J~@c&my-$k4AnZ(?5Zd_Y`ZlXk1}2t`?AFK?tkwC1a27wUX%^c@=$Hd=$! z{RvWXT3#QNvSS=2_yKiTopzvN_y)`><{Zj8u=b(4`*hf4p}>Kx_528wwOET&GDS|W zMRIgv)^tP}(HisVb6Hp5_Dc(iXX*1?lZm7N3VS7MeU>s4aG;wJt&AQ2kjK)A9e1Qr zRHf}+*(J%SfsK|c=zKM>3O7LV#OKg}6})`YFi^Xdoxl5j`FYYg=QTcy#IEbFDv^6h zSIw~&0_Xbu|NeFa05ThVTeHIT=NAGw5fgypQZ&B~T z3b)T1X|U6Xck$~#OcYzW(KmRCa>;>@_lFodrW5z=IC%QcDoF0=NXG+O>6u`5o4f_k zia3v0fm`FzV0k61&7s zyfr{C+AfX}V0Eu4wP+Hg1d+NneFG)+B1BwsAz@2!=X-lJDN<&9hiKPOI(QR@>|fdA zrEt@cDJS0eGip*#&?EMb3|blQjiQpkW$cR>vG9QcLVB-0whN=I@R~gp8$X1F%}gV^ za8*o??d7pnU^|zRv+K0x$V)ets){W+n)h`5Q=!$&_`wrbW943X)&h9@(=VnOnoU*g zd7mCeC?B@^6k4wj1i2Ycmv*}J+8af7RayxB>Dp08y>ixn76!$#cX^=8OJ^}Tea9># zlG5SKFD_FyQ8$xr$f&-%QiT_TV)x04_SKZZv9z-V}Cw!!nyoA zNS#uZk^$ssDpn}h1kqi1kZuNn7MrWROXsX7?4&<+XkqwkjZCN2x-i80^Q8{d7~4n; zYLA+|Q&7$vcW?uKtyJZ}6ku1f4cI*vvi<)j4S_Fx!tWR7p4r zc2588hzf7Jv$M?r(2QytOLF4|sfQHV@cTHxUEp|-9tU9*oH;G;Cvr4chUk>d_$qG% zys~RWq^aF|R$FVe>$~n|er+{a)Q1MM_oZB*#PdDRxHMg=%gMaVUZyh$otPj$usgtj zz&HTU|N9l3xySS6p2rbO#I_Q&Cb^L@y} zp=VFcrvSncnmKYcf)0F(`?X;CrMbS}??cqT?U%nzDM{{6gofEa^>z0R@wZv2*ZHXc z$aoxSyXoUZ2L8?HPTY+t?z(WwQEKOqCJodwZ6tQ&M*5?%Or>syW^DZftFu)LVQul? zg~EGGVSo_rf2m(F0~dAH*|tA(z3N(TkCU+vqV#^`7gny{El~J2yj7A3i1@_Leu6Z? z&fF<4E^d*e4Bs*dU62w`FbNLHRlduYy7@*3eD(N*7Ixw)rH2yfAR+thbG10we&U&Ftqx-q=e{J#qf8{HY zY(S`q@})`C2($Y{6AZc#7(g2X#C_CXLWmsz2N-myR& zhxo7j1TvFd;+TSTaW8##{FD(8Ghn@0J72K((i7A*Oqh8$@KP!_9i8&eO`KsfR-D?6 zz()BCX_*#k!5xq&f5%s_=&1CQ+-Q-4jUsW~m~+T4dy_9CqXPEsiXkb2+!(c)P0Gv) zICYJ5OW(+2fQmJ5e)&VT-b^wNj(?=J33!W7ouqU#qM}p-HTwxn^k!4rI;B8*t!WkT zT6_7vg-l|ipV)=87zoRcbH7O+a|O&DG;WMVINJ@kOxBo#+5ZMQ7=W?Ge{#LJLM;sa9y0F`FZgGGw)|Uu-101m*(Cn{+PG;_$U&|SHRjO<) zpGj2bU*R4Bys&0t_-mG)&uso>zT?d@f5dVyrRv`3^2ndRo@Av7mAlkPnmT!AN)Dn6 zubg4EbTA2@Bz!L&AJU-o7b9pQPrailTS~9~c#TNAfoBLCczDeO;${NT(t|L=3v&&S zWS=&NlW<|Xi_76$PWV2{-gN~K=qT> z8dITm*Yg{Zexbo>LmxnQYh4+pjx{WvH(fepb+?}}^oCg{4X+Uo$kw%a#U?zVtV7-9 zJYc_FLR<%lGg~ywTKJ8_^Mf+>=Xnm%=iuNW^_aFJ>QYtvg}lu&lx|Unox=zDYfmqn$As%aqW&H`PT?(bR*Q1s{rWrHVnk zz%Q?bI!EodOP`IX^POJDt#pezY&aDSGrzW8Om>uxky9OA5MHn>C?!r^@fL6ZB`p`) z3RC$IK(&(2;3Xr1w#KbT$+x1v-w?29eXRCpc#C9|2RAy9m8|E1-GP`>v_7o=S$ z{GEZ;{Kee*&F+F|O3s(PZ-i7#!&;@NPLX6>4l1gD0q;qUO8mzlD}8>eVkdKarO|{y z49};I9V$|k9Om?40lf+B8PA;AY@~6gH+EbAQLKa0g#b_99dY?8Qo=b6VMD)r6HLSB z4MWdKcMG{YTLNDMIpoT26+CBt&7}T`T+y_hR3N*^C18l`11x?Csq4au%0yl~?A#76 z1xSFbG6c~IlR^@u2Hwt31>O_pA|_g9Z|Cr4NOh)!7;mKRs)}$KlXw+E(tn+QxH<)%wL=L*9@{yMMcv4?GuF*U?s-XBA_~|6Y)|w8K90#Ls{{tHM8L41ahh z?EHok#D0=&t=Pk=LV5gp0HtdEgEAq)>0-*T;Z5EP&gPpeBl15Ksd>}Mo%{u3SQ1XY zT`m{{yUrbWH^0<{qBoFBYh}ah`alE0;)j4?;CoTY>!~C;nwLHBrzYg^151Y%BrbYE z=RdRbS;yM!=)n!`Nrc_42%LIfv-@tyNu!g)^}GJ|R2hqO`I-26 zDREr#Rqv+(-vSQ;bBX)7MO!mO#y>;HxKRn~4%9FwS1+CirPLFjw5sPgSo}`j1;>kO zzu*7XA|_(Zj4rmj@<@p@V`)QDKdjYfn{dni6ZUol1PCrqTYtOmhvq^8NSv8dr1nM= z;ONpJ(CU*sZvr8-vLNS-(SfvVNG5{<5ePBOymfI^HmmK{{iWsQjXK&?;@{WweuHV0 z^`d|Ol|Wq<_S!^A9w`Lk%-!j-JM;DmC_#PaI&D!KuT3X)mfe>uO7&|ggw5@VZ)Rg3bc__Xy5(4&C1@wV8XT(zWc!}P$3*T<5Dlt&luJ@rZupH^;v zYpvj}^T8xgVRCa0A5hgAs0xuRrJFie~>ELvwpXk$R;w6;dAuzyQ$K8PhXr>fnM6?G;ovyjVXIhgqC+1g+UOHK zl#@o?Iu6tpA+!~|aFUIHOP#TajZ_cqg>^=an~6*AQQD7Wa^F)4F8Z_aN8 zU8#Ow;K{jBm0x~Ml(Uf2t+>Zt-FL=b>Z2NE56Z?-RTF+)M3@TUY~s4Zzqe^N=xI%Pxlz| zoKDBn5g=&(LHL!etp{w!&g1Re<{6x4fT_liGJ@}`wO_oHo_hO_k} z?hk)#qTvn(aEGWlVcV!e9PVgm^!fi;K-%=BN z9pH1sACBsm2jVA83U0rT>+x25%RAn^`HejFIux!K;q{~D@5uD~k&ecmDq3K-7Z0Ak z51yIYG;556Jv_YsOw?Fj?sqE(efeun5vswBN~InPN|vaGspC}ILiRX09*Z{xlN5^R zkYu@I8}v7H54W=()%XQOX5)EY#Uilp`4S9~wwBbEHlbC;E;NBa8U3-4Zw)efaA}>L z$vnuIC^k;)*{Ue?Y@tsu+R!@->=t?}FJ=COXO=A}bHSoVu=6OCe#twbsi_~)yU&Pv zLbO|SK4BW~UG%l(_lqug7PB(l&^;v7gUjm-x=S=(Gzo!hu*Qi+=5uc4x0V<+(&p6~ z>ox2DgXk&|;^1#HnLr?&G-IyLS|4mOJ41E`@2!AaqRHcZ8?6xl%C1SDRg@6#XT04@ zcNKIwT$VJrdZmG42%Z7eb!6^8`M(rzUIX+|v3#2-y-z)1{se!#RAymlwPRkyCxm(lmt7iyi?(~Q z>j+i2xao{Xqu>{dZ~faJp770SaVf)j%-gJu31T0-XY0#R0faAD5bn$5W25^%?&1*K>*C<34D^rA!63dD zhDWF4z9F&ZIa@xn3r=r|1@^?6=LoxIA!l3<`*ltt9kVC1E&aB!MB5jh0u)2WN_=QRUu zv{6A|kmg9#bR23*S~Lh1x$W&gOhm2*Tv1u2EkgD;Dif6fex$VlR`sSA+1ne~WyEKg$Ud;O3_Fg*3uJpA99(daYa zegsu*grIUaqEV}1KNJYPL1iui2(1sHfbiEjsLU@1gbsEL2>IIs!pTo-8x1`^m`3pd z74eijVl*HHg4`}RlgGpJED9haX}pB-*l{!x<%x4(aMt^%>**Q=BfJtW#t~SwPcRli zNYk-0;5`+1fb?51=#zm2ja9`_@L+&wdFR5>^=0(S02dfWE<3|KcIlLdBy0s=$TUnR zKF8x$&{(EXGhsDhf$*ewhOVH&DJb-SknrJvkomLxnB|4Q%>%rPUn&m?K^IsGWXv0P zfu&$4>?!9d89{Iw!L$klN6;V}MHqIVlt<-Y1YuwT%TwSkZ|JDlV;D;VGlGVb@A!d(g=^^ODu+P@DxGJ2ZVy7&}B57mP;pnWp&2(+tT9f zfKc8iuTFSC7|FWg@1fPw?Q=kQR;mx)l42N2o9co-7zma|2+&xTl8g-Hvw<+nR^=bb zI7P&=zUc#j0Vm^gDPnrY_<+!Pz#R0L7j2mX!qLkqt~<{h&IbaqLIyo3*9x&~m*Uxze-TDX`u4DC)BZhEGLs$1`xSl;U zbcfT1a9_@kVk7}}7|VGm@6moVLWVI<4UlMDsr>a3!-L}ytfw-lWPAzSeoA@36-WXz z!B+^4Jk31MRxHvIj|G3 z*oOeYB$v)psN+2Eo_;$Z6oiBj5ELH=MtZjKe&>BMV2PR+GECmbiq8l>6Nd608qBg9 z%sOfi%4>SzI51=xvObMuc_}YK_^j2n2GO7$7OjsVc{FkzxOo6~(M!H(oP65|QD;Sv z@_hm6svYS zpT}F#J9@wM73`OI%;Mgk@g2(dkv?DyUVI7z7g4cHqo$#VT8qNvYomM1G6b=Bh8>IJ zUkj`RX988mVYh&XaWwd0e7^;Rl+u?n1KAr1yjyr2*X0S!Vj9k<$*cNErgOXC%fOPr zBY=~)ig{tvKcvk?#^%X3LaX`|9!pw*m?@8;O6g*#QojWrjeLRiGL_Hc-3VFm6|QXl zIIgK*9;dhchEOC=pTd}ctmJXX-8mZvHpSrP#zj!ZJYI!Sq(o_(P`|LCkonf(`pU>m zi$^xgDQ^qUSD!~Uf7QH^=}gC_aF@32Za^IYq3iGI0in;+>*ax!<)!I-5cG#Z3A^Uv z_*db`7Ig1mogy3x4E6hjn(^+Mge=yZ!=HvDZ}U9teJ=tbor7@bvk3&kSvdN|RMwq& zHrPz&mPy$D{!pCRwH({uOGMXJ%@I`UN|d>ABpP*FiF)0i`;mdr*N5;j5Pn~M8wd-U zLoPq%_7Q$Y^QASOhJkq$_~Me+NMIDn^~jan&V8e31Q;mMD4wwD3`WP&(DNDY<{{ux zfFXeLz(C>47?g4BJb6qvm;MkZP?Y3pG|1yVgG|8yr7yGcV8}2vK#~})G?J1xZWIAU z8oly_Y0N6OE_fN0AS09Tx|;b-C>c-43E@L5c+pXeTSLR$@_|ym_~(&r=L?;AB^c4R zOIk9|WISJJY0xC^!3CB|w_g5}o+IQC0!GpZQ97)-FY{Y{^IX2Oyty<(CYAt317F6T zpi}uLppbDL#qVfs%G{B>1#L<8Zr|~T#ThK9*hSW%wivie5LWjil zQQS6)=N5={^(@E|7JZ!?0N&=`m$ln6!*7zNBUB3<)Ke<_T!OMRdSSw>i(My>F9 zfaHB*{AB!kUONGnn z#ygP)5%WOtleaLOb`K}@FufRdxFNHlk`nW;f$asQ0mnzc{OZhUE zH*F=;NeLKq{0QE6@*oHz1dCyWyD;Wq*fTW7c-$CWoA;UwVZoa2`w`LE&d`;SlyJ~I za)LK`o=38th43C5{S@oMN*dwJQ^ie&xQu^!FXhb)A-tOOTXARoHW~csLq?t%!qQM~ zAI`ch2`a)?GY(3RjBBPtO{)YXA*@#;C4B&4n$-*|RQE4`%UIO)y|NeF7>LLaXFVUu zXO}!&!}+|?$CC?5fc=w+aZ))9rvat12!ERQBFn=8qk}sc?88`JMERKNTlLI{6^Bx#F$n(I>mdp>`CpzC9%kr>e9Xt+-I%#F2I^m#8WpLc?SIsFV z;Fi}(M!W$F%fQ5Ek~Cn^Ap_X~OO9InbzMCV1T{klP&!A?uS;F3j!Vw-MIhrnAdr?v zQ}Tevn&kPsEuO5Y=h8zMMq5D7o-jT$MyxzS2s>;>c`)nTps4*A5`BQiIPaHL`54Ii zRRdz^J97SFy7mPc-+vq!!FMZ2zh@{)-;ge>s}fhyC40Q z?81O$NAPI$J{yLA5bJm!=9`*5%Ucx8uyk)Kj|a>@#5zqNWZ4biGodfj+>hWSZ_+>= z8|OTP<|$-7AH;iiFzdOzH8x#=0in{LM_8nOAP|158RU5ibWVX7kIO*lJcQ>1q4N;3 zJflzXe#$g2_TXsO+;RlpUws$tM(C2Y=7CxhJp>uMm*W&6DnDf`fq};RmYIYlUlYs= z0il7G&s!#MR0<9L9XxNxbUQYi;i<`H?$${2xSdX#jI8uH^zBg{6$CgzC3*cixVv`@ z-(Q+yBE!{7J}30SL(@%2@(8*n%G}QSH#B+!?s_N!g^C5?t2cPv)M#XEQvber6yu zp)+GkIP!PTB<#lGtG5@TU5mOX5>yIzbqvAqIq&n?n1+7w`v|is=riRd1QjcT)r%e@ z3=-I^xve~zzW557cPzt{QJvg?JH-o`chH(caw(6fMlO9J?g5%{JP zIJqeT$JBH*WdY+JV@*WU-yDJ+Z;!SSUQcgafYY01GYr;2^*7uWhj(6?jfQn=F(0o- zrJH7>_C0??jc)ItQs;Mn9w023cH+Mb2)_>$1_r&05sg7DX@r@yPLOgCMA)J6Y4FFF zcm!W~W4VlsC!ldXJdQvSBQMe!^DwE&p*6vy(V@7><0ns_jBtI`A44E9kXTN`jW0gE zfIY9EzXX3?J}4{)jjs8imnYiq!px&Fnr|;_^}!jliiY>fEQ3KApYouLe(EH*Yv2GG z$nxAA#^_at2|q^&QHL>cH6e$Fwc;|C24w_|a)VeJ{4Osj%PSwi@r7?*L#4sneyQ^E z{Q?sBT~GvKfsr6EJn=BbB_6D3jy-T_``&cLxf`j7wf>7xNP$jj-z2NLs1?;54uJ&&q4&6G-N{v zgHH1P5E6NgXRsR}vfP|JSd@p!)dzW~)C}3x4+os`AbD_K0Q%=F1yx4~6#G~f2UwpN ze;Rm^-0qqfy5^}7G^WCpZi0)9T!B%@%99wi$~7mour5Icr3FBEhSwtyN?KR_(RNd| z13`mD0inER%)e#wFcSzFXT@!ZIDb%E9|k8N)2+5sbr_HQe`1o_TZx zANrsmZ+}=E%ZgGN>OKp7h6W0sooX$hx-TG==gqtll$v6Co>_TnhqJB>Ury*@*_ia3 z`8J%-6iJ4)ymdoaFVrM)h>7sQrGQZ0rGASJT3X~ClNZzK7VED(97Cg-pNyM9AIn00 zt41)71s*b-1Lx zdGZ8N0tf+_j6>^>bLv|2CX<@kf8fk^*~;EP2Amo@d3N1t+_M}>j4DX-Z3Z8 zf2orUa5c@9_fO|4e67pNsOF?181NE(Hqn$CC$ytj`w!LVb{t z7hT>#-TMM7wFVlrcqbkh`5a0XEricrUxee^79vw1n6Bo8)Fy(04+zyKP%ze`nh^EkDE@V1R{CDi4p zKj3ac)h2;0p~d2{&P3J|?{Rrx~bQrv`$`--!lom!fg6k5RevHz;$@dX(+D`7#jx zCm{S!azJwFa^d*Egn(krK@E0XKQehG)I2OS<_sqCh9A!t%XmJVrqG~xk_OvEoln;V`-SGKiU|+04EV1WT09TQ36AOXNGxhO(FRLmIuT&P0X@uc{&Hg3dA@qlY#H# zJTEj*81^U{!wT2)2Fb{G2Bf@9GQ4@Lyfrjtl&&zsfSNak@r6Bp*?y*N7bdL8#`Nc% zcTmPrgyPSz1jViiE#=E^#Zg`t0fz1OmBppWc|0#90rmyO{2sPsFZ$2gfcr=P0|O`h z3&9iriYLNQF>v~uxOep5@Whl)Ff3*-hVa@W*AU7GMWL(q z5zaPa+*8{yX;nI&T(uJum!(jt7`JRUraYsjQ#AZ(JgB@z&;U^$s2rV#h%z7~h|r)F zjGyZvJj35-J%lFK9m#nJ2{fznY+w_?w)R_-S=;9w@8I{`Wd_C)_(K!+^Pbs@i7O9a z9F45;v4=5|~*1Z!!;Eklg z8cCRs7LmC4T!%#CwdH5s;j7QB7AHupbgyk`WbxMFJaFmfQppYlk z@+#&S1~1V^0F?prnfavV>?3Hzk6Xh!NF!LVtdBZgQzh4In)Od!HyZQuHjbnbAHuQ{ zD0<%GKr-*yPbHRz0Rx{y`e-H3tL`nEa5`2^4UgG9794fdz*&G8%6rxZn_%1|ZS&-T zq9?cA*CfeAnh0*AbN1A-_A=(pkQ1^sP3>142&YAF#kp;>_V5&SMm7Nf8oLL zf5C&}Ud1Dk|7UtM^6wOXk9!#pbNi!{-{P@vS=p%%oQy@myu2KP1WNKcn&Eo>i*)h51Us{#-rv}8^ZhB;7guK^A7SJil*c( z^m!1y!+dNk91A=If6W>55nwmlV@339qejJ$_EkKNZ<^2R zEHW>c!H@uDn?Q^4OY^~wpvRMb>lh7ulQN577Kb`>3gZE#361z99#EGvy=DC9z3>C&!~J1Uw8nIk0!_#Es8aXgORrgOr% zBVo{hP-Uh(5DfkpKxko~3xobZXl0VFvYBc1M0H1_hbI54KTdx$*{1(E`OP$(&_w$? z7T`FcHjC-V-MSEYNlS42i>dhL?}M=St6BK#3y~;MrZj@8v_s8yD^UNwbtv6&J&LwZ zLg`-VDD%LMp9cv4o12WD3lHDc`G9w^a^T_fNb$E|&}&*L;EB{=BD^8SM4!euKD?(S z9>DZvdoV3_7beG~VPbqLCMBj~LShOgE!%-9t7sG^?8E4oeV9N%h)6tck_S$GF=Vhh z&taBa4Fe5cB12o-E?t4k#gl7x8(1<#hAh~Ipqc}4O`A!$=8j>w z{?5L*uI1ynwoO0Ozx82U)ou{#-}VF=+}aPJy5pZgD6$+UKFj<6G8PK;=MD7;JMq<8nK3u^AwF}KJWz`2I4G7ug{+6 zadW^&z%X&$@{{FF1K%xO{(3;Dex%mCm1*|!UHgd}sVV?4U&^09$3=-6sE&72u6XL0aJs6v~i}%A`0?{tJN7VFLO+Dq6w0vZo#<84- zFWJHSV=u<8*o8???Z()p=@_?k4<;^!(;T^UC&nf2vyVC9 zF}$a>Oh`s(!giL+ZXQd3iq^*(*Q8wrxV$Q6STn!Em=`kg^-L0I$_x8TNZ>4~pJ~ME z69n2*_DqwPEsTb{G%}XYQfpRB&eGFa5G;U3 zgF#P%LD#oX{Q?K`n(E_ZgX3_Uj8nZI!k6trP_sU$-!=qI+788)tq0@kR>N@hT_bSK zT|>D(7+1C#VEZcGFaSYy`!UZ6lC1aE7m+YOnDwB)!e-t2PT>0wOXn$+_}kZa(4dgd zChKcOqu%qJIq#W+LJtTvXpfB9a6+o;iw0(r;Vtj<6La=p*!*qiGwEXtoAnKb%vz5D zbG|_D>FW?Y;|mO${wYEhe}M-lzC~C}BBUL*`fS%E?Dr?=I2h%%2!jGbCxVZlP;p>f z2Qcpa7+-aTvKrtdlADHBo-Ov2lPe46s@iC8$mdx{ku?HBZL)Ki`z~?;3x)}MxUmyiK zr$D^+PYs0sN#6?pJOw)E$CQKl(*}cQf$+##AmlNE!GX~{mNu9?zC)r8@!6M-YE8P} ziC%XgGkFyugix|`B8~Pi8u}Axz|Y2+Ei;{W$(kDq3TgZs3<@Fy77nV^cTQ6PoJ^XI zOzq#NQ8T9^cQcRCq~Y=)rY*!5|2Gch2r>qPg&Lyg@HKpfreoj|zDs%k^j@5e{tGmq z63}nSAp|ELLGOeE=)3GF`kJ>o4ZSD*5kW;tVfo_T$lIAf7@2QzQd2~0u9`a4^8e(TtKT31Hg zyvOi#Twl~GAB1w{YT=Q=i3p8NwH5%qX^%b-cLW1y7Y|u-9OD;nLv7keZCf_Nfuv=~ z+@{Ia8Bc*V^Duv-nxQiOJLe%gbrIhFW0>Vt8D7skgoTP)x~V2ZJ6EnpcJ|d}~TaS^qm40vh~f+L}z<`SA0o z(>xS4uI-1~*YrihoBN~A4UeGK%@3mbO%I~%RrjIN_5D$|Wh5$G7si|aJxrkyI%UN^ zOr+s6kp{*jUSqP-%j<{pfhP}0#IggXu`3Q?+=>HC_dcKYGH!cJ4(N7c{PI1NJbHTx zdi))ig0azCFlO%87&7%^JQ49a?jQa#x(@gaI`w@D&AZRXEnQ~f+71)Z=#CK7xV|4M zGWO@edxk*hHBqxXVwo_n1%=8t^Ng*eVZYL?3zRNZ z9vEGUI9|VC-Z=ooyX#yeyb6&av#&OAJ=qR zgoj5wg@3F~!+T$(;N1_?@XiORc=P=&`1hwNc=eNADAKqW2F|8|LIYJskD7MMTPQD# zz{~+^hRF@=BM+wfgt}&}wx0%|^X?uu*}ya0CQp_2X#gS(DkJDtI9dv5ywN<};4cdM z>{6byy0=B5;}dhxHzEpy#xB9Iaq$=txeUWXmtlBVA_j%VU{J(Tw10FV>fAO3k@1IF zp4kM!(+FGRynHS^7tf1Z%G+_oWMIg&cuh#v#Mwz;MiKVZ9Mrsn0z!e2ymB;x^kF1i z9~o#Ijiy09iUvRk0sM;2(Wr3a093x|5me)SR{i?NQT^IMPS^ED#T)yf>@8ua)p0Qa zZYRdBme>0j#t?``$MX3`(75HnRVaV`P}I0>5XxPBAMewLc|OCsrVlDN>yH}OjYQci zN7)AwftMgqz&|WreZ|};jPk;(N$+Uhe?d(i#;p&GMf-ar(B*;g==$(fbbtIwbbdS( z?H(P0c74Ke%Y9=}tl1!h#qA)d@qBqmnRbIirrV@^ARvcupS&IBNo4)75ltx#0Ho(b z>prib)D-Sh{g76+iFd*LSvE)goj7(w6YO!$TK*Y&mJ`y3}#()qJeA>M+2MBSqFn!=Qif2K^W_x zjs6+$YgWp21Hp5=jAwx`nD^<3)u#z8nma7hJpDsyj1F125yh^49Dn$Dr#)XX^nB4X zM>^wvpQMgbfBax4%3R$SA<6syq*Wg2!zv3ea*vfIGS~N1?yc5 zfiy1HG+2Em89z^MfSFu7R?Y4OZiD0Y;O-HB;WZz!cT<`AUF$gXlI&D#V|CTbtXEGAS*Q3o(8dN)SKYCgE#=)Y*cfv*Nz8Waok=k?^3 z6nIDmKIcK!#prwhJYRv%DG;yy|2+_D$$WA^n8|J5210$n(11e&xU@cnte+wCK1Pw! zO|g7VFfuhlXZlR!Z4ajrA5N&EA#T$u5DNW)(E8GOU^U4gAR}!Nj%<%X*6wFP2_O6|71cgU%{Plk z+^=~8i*Z?q+v_)OhRCTeW5U8@>mJi*NfsWE$N%X}Ji+&H*wQpSG$@W?6~kYi4F&ct z=k@2ixTPze8XU&W`G{RJag@-se^WeamLZ7pIu?&&MNy<=8RsQ5Z=oA?^s9f5<2ehN zzv{2Y@O(h%rqvL%u`E+2SbCLi+h%x_f5Zb(^)Gg!;FKq56%(QQ@kADBYwFN;h}}W$WF~ zmnC1Gb$Xy;qkB>Jn#XbNokMU}mk8Ybz$6SI9E_d)Tg+ejcPxGWP5kENPw?6YDcG2v zjeVq~jr+it?<06JaWAH7+KHtak@2VvyRY;Ml$Af{0wE3i75NxJDAd3zI_^>>Z`!3w zU^QvwF4Vel1XjQBnZY2WGx^BO%R)9+v#4BcqOx;<;bUTPSC1J8=fiyBik-NF_d>|{ zrwtf$a(ObLQOf7BI{!G;@UF+uJ>(@suGmk2I&2^}&PIOJD4l{o0g{6xO=DmK15pM0 z1ayfW5Nbp|9}G$~JRK17J|J{l5D2}c9}vn*bVaK%So88)Gfb6+(~P^)o5uu8N`t`o znV0!8x_vyR65Jx|l z7i7m%>I@_ShR$~xTs_>oE1HU99VSSjP`Cf6n$NmFGSr{s0Z{O(=OqH++$P!t#~X47tp2tqTH_ z&w_xztlLiT9EgbtX@r_nHr0!@G7uCi{Yg>JMx2^sAp@e9WJjXWbAQ`wi<4 z!(tsY*d!dt%T~VmWCYdkj>7djqFmEnC|;)<-v{@jc*6%TsA3Hs_-R%DArz_m0E#zw z6lEGcfs*weLh-u#Sk(i?>-Rv3M%>Tz2h|;nd&jLMz#TCU>OkhvAU=zNnQsC@o5~{b zD8b?&h9@34E0&`hW!4Q6qyB>4AT#;^F*5$BedJL&hwwNXOoqnjutYU~q*0f!+tzI) zR2rls7VX9473s{!&iLo&JM8(QXNx^|?Ahaf>mJno_{QhyC|s)}CM_cnE>WLDLK&|W zylgiHuh>NhJ%ABR)1}A&Gv*j|+!PY)2C}ifg}j%nzZ}z40ECqFuM-f;OQ^wR_eMF4Ly27`b#0IuCsj9Uhx+&)pNuPhCs-n89l+ zueE-H>jTCvN4;Bz;Kt6gal<`JaAT)9(+!;$;kqvKaZR_mXx4oRdW~I&e)IP68U(^9 z8tPFRjg&yTG{gEj8u<9f>mqeN0G_Wv=M;$7z6^w1GN1f`P)&{ngOWyuwWh(WBWnJv z!Hq`6q~VFs-(5T-uhvBTktWllZGzw)J;mVGY7#6dc`LoZSIZrI! z=e*mrA^Sx!4QkfPd#!)mK7#F0>qpps@h%LX_W@zDEEdk_&oEa4TM0Cp>S1Ffe=}}7 zG|!#S3zp`lknrZ=yATlGdv^^K7i>s`JI#wIl_2a15Q}lUZPStxFlwKU7bpgq%As)i zHs}-jhCScZ`k)V=gO3wthsCEOGU_9gt9%6>?9u|K)1EO8m^@-OLTg$ia?{4yfGO%r zcWUbt$h>WgfAYG_13Ky4`u&@DADPDWl=-ZIBJ(guN4`+)8$>2=%Y5wnWDfrQyUD0jz66TZ?Sh8AeuE14zlRd{ZZ;4s z+jBR{^xBSM-8P~`kBumEzdVEjx9`%oAkbgm0|;Ax;`$KQ?^6JTf(;o?zXl-mBpB4_ zoLU#?$uRT>zYFQxkauxXGf6M30w5#|8t5<%`cgl6H4WhC^(fQie!TU~z5?T0Fa2zv z0d6lUpZ@ki8p_pci%N|;;=0z4SwfWeWm7!)3j;o}n!G2=x6qrU_TI&Sk`0%6^*n6WGs)1NwO&?8UF z$fbv%fk)n>S?=1z{i~jO9ZjwufEg=NFfo1`?(Me{t=bPW4s_H=sW7=A-)8{bH*^|04}97N ztg*gg@@~cnk^#*hr?2bgMO{Y2KQ503d9DqBBJY?7P?DM-3S?dUb6gs@P5C@-HP06i zD$fZF=25ifoCE|PVA-gne#^0hmnOH5zzcs}XHm{Nljn?6{i6gi&05Xi^4XU@N3&Za zF_kad@v&!YfFzBKtHD^*w@xFoYLFxI((!s~&O2%;Va=}RUH{yrz($^A87`w%Wm$7e z8*GRB<&hHHxZ}^22Zd7jQ~4OGJ|WAqF-{Yc>*LGv!{|Qr4`_5}Fb*^Rx~EhQs;>fG zNyQ|iv3>6uX#T(g>$9c)TYV?Ii{Qy0;fb(+W8m1=(4@t144=5t?pcN5-3xiFC*uDt zY5Azu7x#Yux(a~xz;a?wZ=I@Po?UN+@?c-GZ?bG83s`DTonfQ)1p_La^(`v}D*C0Te@L3-tM#K^3 z6L%tf*>>KW+j#$NM#NHiA=9WG{JqN*K}E*zFh#_rBb-K$Tk>3n5gNY>p$X}%yQ$^{ zh+MG`qiFO+MjgV$s6ChxvjJrrcV!%ttPJc%^F3c|sppNA5`pl8Z&0ye2TYCo0u$m= z5YF-piAv=?&#>b+V@y2b7RR_PdB%=F)8(l7v)9bj8)(K&QN(95p9Sh;9U8v}cRsuV!Qsp7zSH~S3}tmrbzj>k zLE$(1a#6TuH;kP9IYuwqV8j{^^jD*&+_+wxw!LMy!3?3JQexVC7cx)nuPDsR{@zHoR zYz_uZTZ-Cu^}{ti7GqQ_jd6|iNEp;LH61|T=!5nV!NBA^i2FJ8T|lU9gJRYH(icB} zogdcu`~SR8PIJ2pNUcXka!jj9!JD)~1A zhuJjBUcD_+4{UGXFKqwH{#^2lKV%&g6C{H-i04NnoxXIIBS`mWGZBc|C^)FnC z_g@NfpNPrDDfEU@?oEjnde_4jrQkrw?Cg#1LF5v|5deW7#W?0 zb`Q@%wHl?7^l<|6H!bvexE%1DE1xIK;KWOZON&1cW~a=?S8qOfn--!3(`-;!xD0}dHNq{uX7Cxi1;I=9 z@t!$^u`wyQ`~GPLmT$j28<}ZKkwaL`OdF4kv~XnX2uI%DC$0JFsjc%2QZv#Ladhi% z@cQrOp#tMjf&f^uP)QUDDoPbb(ZWRv`Vn4REeOXqtRPq}u?h6^HD!pJ&azDN)l}EY z%gZAHp#$Wz`F1w1E=8JHUVTJ03aA^*hOnE&yd?x`PRL_lj3ofh#NH1_83>;EYJzzN z_k1uKTmRV?nO{Ue^FV4e*X{2NLS_={+qU`G{lNrmdOHfWYF0r|l~$k^u%(nPA7*_KW`(Y z^SA8DM5%i1Fz>0Yn6_dk^J6>ng~rkH1JImj0v=7uuJTY5z%hg!HG$Izr!rvGWYjeq z4ZKv7L_yGnmKQqj`z+NTPR(cAJQ9y5hQ^wK@0G_H!jW=A`C)&`JVLk!xwymL9;eu%n|}KU+M;j zggrOmd7e%1EN_s__qd7>z!$uOI>C@2NcrZQa)9ds1A$+}D%N`%1Xc%mykN?JiokfT zly`2aX2e(A5rU_G|1M5jd9us}g*lA7<%9kaKmcog_YQ7q9gdkxcVYq!#F0x5npYr% zFEU+MP$&sbCCx`BFclPDNGgAgc&RUnni@e(D+P&~FxWZErRz)@_0E^*i9oI|rljtpjj% zn~}J>Z5Zm@Gz9f;AB}1^hM@7CGcan_zfrAO8@sN3eGrW)O1hDJ`G1VtfAjYb(4a+s zOpN)4FVsCu6Cs;@(_rW$!c$;=2?#Z^rREHDWo{#?E;)vYv3t#<2aP`LvTg7WKKSL8zQQ?LmSpJuf3|jSU z$zj|rDZh~HHlzHXf!gM_yL(S@-OCMS8a;^K6aS4d(YpOrV<4UeNL zUONC4uj_|$*D8!5+|T-O{RGyhp{RdNAJ&;$@cw6CTmD%gSUFHiSiVxARORBsb?Z^3 zb_+YFTC-r(xgi2ouN#FbEDLonP<*OhGx!n}jOsT9qZ;dJm77MP{PkfddG&aNL=$|M z6ER;399?hiavu=k?2j=nIt5{|dl5po(}xJP1dx|U6U?h$;Q$)Snz}**C#e~) z<|WjCB7#!^VUHm%pwmNBEnESpT~aHIMSh;P>RAAco*aedcRyzJL+??25RnH{>-uma z&*fA9SjRH#gOQ6j@V#~1ruooFuj)4`;ONa~pn-`8S3jdJ1EJGdAf#fo%?E_O{Tks{ zOZ79=6b>We_9JxhC#ct~6&~qz7qYg}I1yMG90&#{I9Tv`lKg?tJWL)87!c0Ks#*6K zvXMPRCoo4Z9~NYp17v1%_KUZ6?n8Nb*gJ`oOM zPoXbiQ2hn_CI|=*S~(9|upc1{zDCt19nhoeHONX|!#K~g_#xQ?oAc%3>LAb`2q_;B z=B7?Vc3Lb>Y+Z^CZ%)RCe-6bP&yT={H)iACFNET=e-KhWj>5_9&mkk_Swh?zYBe%a zpW=CIkp6i*mP~&T*EB7PQcSbv3JfY*8TIcRWb+M%F4}_0i#|lD@=X!^XlrEdd=aO& zMj>zKLY&?)2glQAB4g)#?AtI6pZ{MdURm}KqQ~EW@F%Jx^znvxsC^AICWs2MmA~rC zC@G({tU$=D%Ha^2JPS|6mEOZ(0R~E8m9dZR1e=q0dpI$7U4km5dU-wxM|E%_!SF38e&sJ-@sR zg#HrP{W3t9NdQvwyi;d^(10Ts8p_=!VUNqhq~*s64@=SdzHpzHL2rKFOHu6 zPqS?D5WzgrsH+h)S~ZxBHHYMjT}>qeEyLrP&+?RAV0oeQzRyx4PflE!hWkc7iz{#I zi_=V&eaU9JygV-OnsJ|$nx2I!_1dFk-TP6z-n}T>q$4Ucz6rZepP&&!?BGecGV*z_ zkWxnJ!lzz9nZ_MxXg-3V8eLJe$rGq{%Xrp}6oL<5P-<$+e9{PoY6hqQ4g@?J9nwuy z@8HToux~mF(-|{tRqwn}Ml~X>fWVp*QVsz9l<4~XX{jco*R~GDZ~pv|&;0Ziv6V5? zo_P|vXHIi_KA!#4YpBw+1Df118co_xLxc7+Q2CDOxO33I7~WZM6PRiw)nSB2EggJb zNR0c^Gv;ZOCt33Ws-BGF`_4w@xz^_?oG_^&=~chRB^*ZB zg7r4I&%Zy}Yw1#1TAEZaT;yk+L3Tzy)~;QTJKOcZF>Y2l9p!=QyQOi)=BRH}VD zhK!z702_Heu++Vi%RJhgeh{T=UxVsbw8I;p?k+gj`(Ps=UHaR#xW4s73>p6?l&^cc zg;fwBW%fTKrhHaBmcIBZ@2Spc-g6qR@4gV%-?tQ3-P?pzuJdKV%5pSaURrgt3^z6xzTT=Dei$gZk#7JZ_J@0vV%4%WQ#rs?_r)49}3 zpWvB4e1>OVcptxc@t^qZi@(9XgK1Wu3O+h{X)#!m>o^O?j~~bHU*hq<`-ta$j%Qw6 zkJT@Hfz`kJnDJYSXI_4vdiRp_^egXT^($&l{V}3nT#MneU$ysqB+Gpip>D7yhmXx+ zT>|S_4vlU?SPTI%`ji2oS}AC{25B^(JsK!X1LzEjJBX192hj476$p-qarM0*ZT#N@ zLcT+k(k(kq5|Hmk*T-VeGx!;FCe*bb_9A+W{kOF=85niM1_hBN&1^_x%lfP`W`cgwFpGVl_gi!K>osAOA@X z`Yi4~2n+y(+MlhFRCgud^oH34m?#=JOMvtx$VlSxY4dP8iD}(651M~b9#4&mnYmfb zV55+^aWUa%8IEm8#P62&!3|du2#X5}%c5MvE*Q7qRrGpfB#ILhKYw!}jx(<_wj>gE zX5smmhcWVrD{xJfAk<}^)ub8_rkmFcLWiq^FraG@^zBw0y}MP$!=0+4!)?WJZ9@WJ z$sikSM&3*1d39>$kT%HMvD`e5*ugwe9&DY3Gf8uqPv;FBV?fB?ntsCOBs{lFFILJ= zjU;Mw4W`aO)@ELxAeg&#s?9a1evwB%SCihk27>B4c=YqJ285X#r{T~i;RcO6-xI$r27)+$dB^-xKQrNi}t z4)86V*Tkk-GzZ=lg&#`M`0Ms&^|YU-=M<)_TD8=V>|srLP%> z@hgs7bI4JAc?u3R66WX_mW%qwB^<(}RR=MN4``?TKl^g>vNTM4>Klxh^+!}})D{P6 zgDL+rnK0#!XD??u!n0!1wno?9gW@&YpnTJ=Oz$nIbaiulkhH~M!UHSmL{6T;!Bcos9)=@C=2r`zoQ_68@CF{<-c{q{{< zcgH9MhrNI+Z@tgL&h-N1arrcm^JJ)=$+7e2uXrA18@5F8`W;ZTK@UEA?`2-!k2)Qu zB5Y+c#;n+d@KvX*AK2)`1FSR0FpAHZVa)fDYceommFDNmaZUMn?}aT&VO@O~?|!`x zCm1n#N3EcBeTxTw@P1Z4oZz;)*L6arGhCFKnXAPe54F=3yj{&o`Ae4sw=p}nG zF@8Hr)_E9jeR9l>&t$qzv!GOeENCuOZr){->|9e5PwKDrK{P zqu`^QYG?itJ4%pV5N+G9P;^ITAU8)#Zqm6bCQr(G9_z*DQl#`8=e5;TSbFWtBPh}6 z0Yt=njgUp#5h~bN$onxtb55!?0x3G(r!#0i72fizwcR7|H%e`rgy1P~$FCY1E4V)&s?xu)a6C7saj{f{?g042wAe z%>}6ee5?tpngjCrVEsUOeH+Pj=`riC)MfZ{X!pnz13D`Y<&jqGPbHRX@d=Kcg>v<8 z!lxUypUr#w<9ql_rk$&tuY2`_=pFhp#?0S>u$TijO~x=@Ujy=d3$A`fT?hy@Ez19I zK|R-zQa<)c^Cq*HzUJgD-61AmAxeS3f2 zcEZN)cx?Y@HU`|=6lDk}nqN>OU=|?+6)9B$g)3cw{^Ng-5z#3a&gXOgrMu84b{G0D z=CgXKZ*EjceFvk}_wE#d@EH2CPOBN|;3z`=!UG7I^$vmxm&YG}8-~o(g+Lm?Msp2% zaX$|V9rXD_p}&{V16-yfeJ*k~Dm@yZlj%vDh0JdVFnebse;b#(cw9;(ayEzZ*s0LO z@zyub24$hP2*MWG1nMVK)?oUCt|+Nyq=ibLPNVBlwtN{38`v3pHb0GjKKlg5JWvH! zl@CHS=2a^K?;_J6&S&_Oq+?5>&IEYK`+165B11r5y(lJj)UvM2!hja^6QBPgZiLwZ2gls_SGbu z_;MT$e?H#&pU#}{AYrf;s^2mN_3wM%Jb^(SzDCje(g}vCD00s?sC?gMl|o-dBjg`4b4TVC(j`MLn`>UPQRRoSUCsUO?%4-b8sCmGgoO%CTcS|)tL#C`nz z#Dq7`ipK@gfbp-QS&Ikp(%;@Q<4|e$j3ddsom@(*UwqY?xmCZSGs-vSbD%*dlxliE zuJ5|QuIt6);fUAJZ_2wSZ969(=c)JjH_<2TUl=%!@gMs-9*y`H!}tIXk6Vi=Pv_Za zp>862L18AWf1y7Ra+@ZL*PLLw|MZbza$*u{-P8xmU;LM)Ngi}djOY5LymYm0^8oI; zy_fHP(jjU(O(>JMjK6z56oTq??!fRde9`c?_$MnrgU4hr82J(M@kL4ss$F#>DzdC! z|7e39V}HKeQ`h>#xeVK_P#-?Bb4dC$D0~iyt%{~~|Q28`|G&H_O%v2vaHCrDQ z$LCz^KHSiG28K;p<};L;KBHDegi>6o++63e88;&yrE7LV$$AeUsBU+Zy`~Sw$9##Z zSM|l}KfYzaWO?aJt1nxBcDV>B$0)6OX;H?TU+}n{dufNXVjkG z_YqL_O`jH2mlS;$h|X2I6mu=PKbJ>%F9R*qtUHg#>Gvi6=~M@#&Lj4ZkG7*wjdqw2 zyABgHLTvO-8qh~DESiwF=okhqIblsRRnJ_LQH?-KAY)xD0K#Q%R8ywyW{ZvZ8xlo>e~~5{ zKV$>m*hsE?UTXA3jVc-J0pW;e(C*PmXMvDXKYg`!F?{Deu6sFT(h^i|+!Cvv`ztaS zL1wQps(l#A=W~GTI=9<{V{!HEL(!yVBpSA!j@oVKq5IhPnf84KUIrrPL)Oor%RuO4 z9|tHw;92jW140{QCd$`jly=yVrL4;fzee+pLvVGY(m1_swSzjrfj7X2c?D_QpW{{X zfXl&y2Ur?Z=0ws2Kz91{Eoe@(o&I@XR-@52^-Z(p;7Ud0*%Q zhJ(Ni144NRhc3xBC{&Zt0w9c4f7~+|y5N9yISMLX9k2am7EYxsb_2$2pGeqoadvT4 z{5&9(z72%ug03%3>KmELV+eYh%P)VcOaB?BS<*52$rHFfk(%tLwNQUKg|RgPXSTR` z0CSV(arrdf{=)=RBp7R&3Jv@+X6S=xab;0dX1?@j9)xG-bi}c5qL7^uhm%|8AS-1) z^3$V{xpfgTljqx@GkH7Ir*JBA(iT#SaeDiFEdo_wZUb)bo26=3O!qGh0=2J1_id*C420jQPk!}4_`=$C2 zs;TJN--5whTWVy@u{2trTz(AQ2L2Yeb{%CNiwwS$?0d4_{(3X%t;2PFCD!Zz)wkE9 zY^|0kTeA&rzVmS#*u{)me>*`&1&vmDDYQ||VDip<8|VyTxLu~kIok@>wa)`X2a)n7 zddq?)qu!r>`bp8*xc4~9HN6cruI|YPV0VQt{r0o2U(V z>)j1_@8e|r>)j;0{poHjUi~`C)V~MCYTt|dM*kIIE8N^$syBk1h{TiDlryMae*)Lz zDABMh;qh*ik$7I&dR-|R>9*{O()GGRGTXU+->I zZ*(i3e&H4KUdRwO&lc0De|#VDk;Ozm{oB8wPSfTnPv|XMyM?{%inE>;tJwkN8}>qp zTAfj;$^9rziJFSzG@e|29FK(kk-*v!+Yg;2xag*FX|aOiQng-9Be(57 zg{rl0!fnlaIU}9Bv(IGlE^r3pX&(Q;V`1k2p*TVN1%nDuzmxVJB4}KXYK?Bkd!IOO zgSl|jhm?UT+!y}z7HTwkn19rLvf$~WqP8#+utqgx};y?!MVQOJWS2XRg<*TX8W@h7nq*y**UJ%yc%fACzhY#(m%|Lm0cr~ z>2)5lx7H=2`W0OeGUKlZnfDbs~jX5 z5DJ1kFPgT=;HRPQ!JsE@7hnkn)dvszX5jeNu{J(uRS0fxHuc3gnW7JgG$!L zqB#SQnZ69!)^||-9evPaz~hT^0T4>(LZM5iPdYa3NrOE>o{i3#HivMt06BsgP2r#> zmP)4qpa4;mz014CV>Pk72IA4ktOP^BY3}CP){OMyKl8m*JP4HthHBzD?6Dj1#p`pC zyW<&TZ;M8*`aq`4#F=#UWsE?6+GOM^K09Y4KXp3Jq^a-bG-L}3lcynf+jPRybmS1+ zv*e*nC4_H_$Kj;sa7E=H%n!ZUnvI@GpNqV06OgfS6v2$)os&QOZC=5%55zZCQ_u1V8y_|tIgdT+S(Ax!yqFwawSTf*-8N#-TY**c$T zT!1~FPDAo%iKtV*3WCZtN4+k;L)D&Npj78gD17%Ol)G;`$`A;P-lKkl$y`^T!LOZX zkbo$aq%H#?C9wOYfKc#flhRY>8MJNAb2xU{QTx)`;Ib0@ z3_)%`#=S!(&O@bUZBUs;?NztkXJ6y>!m>ZTQ@uBwZFPpJ?eM6Pi!-#!^7uCU7SQoe z+tgPvzo2=k@6S8bf9bCPf4cJK{U`adycuQcv_|O~?FkF*QLbJu)VXD%4c$NfDL(8H z4_n_RO}svC1u&7&)4ul#-2K>;g7jTTekM>r1v=;Z%F9X*f-*8`oaNHQ)dpG21xBB* zi7)@Wk?K5U=F-gIAu=L$S{4t>@BxPM*-qDa)F~eG2BD$K6?da>txo7M{0|tviZ3j_ z*v7&hS5gEG; zlU8Z!jO>DDqc+V1A;-YbwrAVid-~uoh6buUVGZsG$H1}iIKs%v)V4pDjDm8|wU@p4 z4^(N~61UvZ%i;W1U~w!<6m zY?Os?rnW`qTIcByAe4oO>e$9-V>DV90B_fGH^Ymg$Z%d4E3 z{rag=Q1fq8r${8!IKra=%a@8p(U`%u2tt*BVP zlYR6m+3+3|Yt+T&2@Q+-1`*LaFlNavjOO)26H^$EBpUnM`8;49r%|oGjYH#d5E8Qw z-G)7fj*pDD-1qX!-H*yEN+0@|){zm>s8sh(+|;UzJ>%jsJ{D1eZ-&g}vfO-P@WHUn9^2?c_gEj)i~G)`|? zgYW?z5LBcLx($hCd2C1j#G~jPdj!K*<)hF1qv*fzsCjZV|6qS#)6ii{_&e%^HMiD) zGTN?DNBb^3h2aFl(J`B7H{62`t*^$RO{;)CiwIt7GAiH^xH+(KO+_bN00{jc$alP^ zsmPb7aqk@DY?*9*-~=`Da>-jLD9qbBiPs|hY0#E*DwXL?o@gU$YN~`x&3(8-6XVNs zI0yL}VKq4suRq-veL5A!*KbZlM%r@Z?_7oxn+bV>*_0W`-@@ZHSWogereQMjl5`CM zlcuDwDI)}>l=7WRgI1lRW~+p%%%piZowf%3@2!G%*9774`WOPEyp&U!?ob{R=FTku zLV+x=B`DNjGe2}Z9S^v8dVgZItc&H7Y)sil7c(qI8$ds6Y@b-eCjE zbWK8;`?jEXuMO63uq36?Mx`GPga&=mWgxtG2?k-ZrlK0T(g%Z)G+gB&3tRXZir2XZ zN&7Ns^vVo$enQ_H%Zx!8t};Y5=)*0Y9z^Mex1(I6R=BR!gJ#UQ7b^ewp0XE}mfUI{ zLhmcFwmYlA{ie08N!l_lZ;Jg zSlQQaGq1FC9tS6_`~TMQPKuKx4~F+cFl>W9@K~!`3NJ5%u&X{;lQs!!Q4+WuJl#1KC2Q#=&yA?-;qi05w+XmpF5wF`6 z6`D&<_gTow{U#gvm3cTZaW@*b3`OLe6?U$L%K%*&xpH;&*42yPVKY#h&{VlWTZ?-(Yp^^ainOaHX%>KrROrBx?bgdGGPJ$VYd_8&#cj)O?udB~?DrtP~9Q3sGprS05D zX?a$ugaapcOu_ly?{oI=!-=d@HfN|S8%p`dAIes3Qw>&nE7WX>sttOeOs#vY6+_u3 zolvM@FN|Ed7a9USblGMUs^0~#t=nQ{eddgw)A~g59Y9EVtM-pqX3Q6NWdfkJ z>wn6cZqFS4UvRuH5B6yODq1UFQ3F-k-Nk11u?E zMd{s-wxUX-HYm$yc(J;KvZfCrsL?~H(RMOMFHgtt#C-;Y@{DOtMtNTh2%|IXeXDn( zfKZ05M&%R`4vz2#LihYR7YOsQZSQ_-R$oIn^GcSi*N5*=s{Ruw z-0%Se)x8(RuNjU8_aqPq2}BxYG&T<-qYt6m&=+i4CY8C%7m3%lXR)^CSWAczVNq7M zt2DeB2T6qbaA0}jWtcLXr*2C*jG7Ib^O@ZOMeDaj$!0xK_PSvRS+d(khAsfY^FYOI z*9fhi{EqY1e}FCnq3b(na}83O3Pm3(1cib_ugT~Lrg7ln!`8f5A2c2s{Tl=oE{%`> zHVyeU&!7*Y34dS=xdhu;$lWApRDSSS!W+_gEo&~y;|PRq{ypWxZ1a|4=R{<04I>OPFVf~CW7BM$ zNnL_WhLM{#*F2~vHZo4Tc&xmV3ddV2p6LuLiLj@>j9YkZ4VXjd)Fk`48zXp(yparB zFiBX<-K2OE2-6qi=_MUdt4I*`d=`U@tpr(?CsGwpUmr^k;4D9UBgv|qlUZg3d3R~b z-ZatI%ytGo|Kt7ER8)C*VC@*oZ`Gwk>q1#Cl;5+Fxp4{(^7p=VW3c0$VK^ZuOp3>{ z_))AgWl-+sP{QC}P_ZkytE;?&U!mdyDJa)98KpXYgG#-&qfE~&21{s`2+z(#c$h#K7|512p=`aDC|9>7Zff;_y~6ZvvX_+iezP~1{`g{*mw~_S!?6z3 zyH87P^Bt#!q-%&}JgIMm`(vQqL6Tj>tsXv}kB`4d!+W2nV$~o1jitZ+J7y)kfIg#U z(qNW zI`hSC#+O~q_g8RzCxai~p93(h$e_}?Qsg#WiuC7(B4@b}c-#OEG*tY&t7k9oj2I{W zd4YIQ^?ny@plrWww4%|M=r`7FLb(RFqQVtj(5U4wjGp^GMlafgkeCD31X3fXYQUQ^ zb-Uobb;-_XG{~~?Aysp%#uQwJf9?v-0L;#n(djPh;;Km(}*zN~MsT4F0+Hn?L@82J)eIPjqk#z|V28ODiz`VHSs7wR8V*R_!dn)fwrTXoxNnoYMZR~?ch5F5{xpK97ElgE-yrgSZ zG_@dz-hoOD2?_OE6B1hTp128Bnl!ilmFnG&T1{G^*CWAaVV$ynDBU+&)#nC9vvR$= zP_bTTl&RN=z{B)3Xm4<#(J=KvAtFB2`b@t0NixsTnW{U?sWUuVqYxEbfGOky);=;Q z?cA2{L9u@8I4xCBwqidh<+D$UoVSb8sh)I}U5Y>S+nvk%&qg8AcEO;#x3cop)KmAh z;>4Y*q;@F{@k-u&jh#b%4XM* zqxgJ%65e_5OT7KwMr&gK&N?;aPr~aTZNr-%r!j8nc>CiNy!PQn{9|nj?j4qZYkNl7 z)D#0~Oot@oV>F)wclUoD9Uh+U?rFCQ zACR(H-inu(FFN(Q7Tr;-RtuD1ohj9@8;aF?93czRtY4#zx+>sPGewOGDG^KrBLdan z7$;4SU<05CU<5S&py&gfOOZfG*Hfzi>Hnubgo3O-1mJ%0tanj-H$(}P4`E=!A?{bc zoU{)YYMwbvBb~>jqh*&+RIOYLCsS7;M}Xs-U(k$q0fK=7A;AEU#=S{ENQ2%6DDj|? z0K@aLcT7gMph`^vw=Bgse_!CHNvM7k>*HDsir;0^NDRUJZii0%7ZEgU!F(Ort6?`eR*v8Y#vM<=aiQ^iNH94OBWY+9m$vX8okq#V3Bc@ zCr(XB^V127J11esCt+w*G6=t2_>cjiJh*4J@Yo#--1XC3d<()gs3fp%yA&Ygxs>2o zvSzXyCLljao=oNQTtc6k&Q8b4uUIBqXF7Og+%vu&Z(z9R<54)YejGNv8H~eU&B5C* z&qA51^$=9|LDYNTRg~=dF3R-y4CQ)mMENdBsL**U%6CpdnXYOUy4fJGSkKKSc?bRV z;{hSTPutD`!qy*shllVo5DExK#h$_Vr(k_1#yxWyqY{oFH2w&tF3-TYMcYxWXX<-}m#hAu2*I)S4T9m8fjG$_bJK);ed)fYBnp6>1fT(sPZNdj!n1#5NgFNImN*#-?Om2zk*{J$ATtl zm!^WIefIU(GmPE!WSo13x0BA0d6`E@VySSWd2$qlMO6p$hbL{9bTa>Rs0c{I4s3zth_ocvswXEM0daWsa_ zL(2RxlJo!bBBkwaU2)B1pk8)pkHYnU#5UTY439hCcsCj4>vYC_L!U>NA%8%R5wD=b zfIr~zNuSw=mXJ6;H#E%zjnJ^Ar=ZbR!(w-$Q~y7WAITw5 zj-5(lu$4^#aqS&l?H;qZDB+d??%3{+4ny@Ow_$Mj9GlEqVQ8N|A~=sMpYsP!^L}k^ zP@^Vy@=oa(8@R?7&Tn4+J8Cy>i5i5)x87ZEmvT9w{8qj4UEZYM{_-Wm^8Di3Fch+L%!!;fHO)J7C*bPxXa;WsWVJXaU6 zCen5xJ`F5we4ZT6K$Dx=+f*Z^>b0Q=aSd<53$MIp=VqPYzgC!(mX>eoVF}ERTZQrs zS`+;4vH2ORHS20kW=qt*8-;3ddy@_*SD()iKI2Hm z#cOmxnFbwDzDYa6%IyTYyBKx{8eJ{X{gDv6rlL@gLzWh|>ilv7!j?WD?1<6@K=_ak z2#?#u@*WU6U{U>HZBiZg)d`hVZl0gV(3fqNeU$af)Tut%Z~o~RPX#N!V{{)V3%zXA z{q1F|Z6m;#XUlh@Pu>%1|dTbDDR682n8J)Fe8+8OwV|Es0POz!RYwIX!*!l zAk<}aAuZLSKz~}-K8sd9?*-j3iWGNy$?@{S`e53+o0?_NxI|pjc{&C~ZNrcR8vl!r zVbtP1)>rnPM`z&}Pqb5XDeJVz_ayT~AGUOUaQI@Bs-b5NxK! zU{urrjGFN#N>#c7jT@H0m+#NV(Jk|=31!Y!#!(QsZ7g9Z6iCt}`vjQOIp*!l-K*C1Hs8O$)L7-58wuaxBY&WyQSR_2Eby{CX_1cgAA>##QLt{$>P~y8~5QC!%ckw^6wJ z7bySGCY0*>B`S7KLdAQw84#B0w$+-57PBcP2!n*f^K}^rsb35TH4sRGGvYOprVOvK zE3yz4cLY-s58&S5-{bmL!|dhc-otu3X-!N1tGAB*=8K1`-5(04F?^Rzfl$6)E8K9W z8=~G`Y*Id)Vi1zy%&le|mJ=zOdjD;@}Ild_uyz7|(#yGii1W;P~9dMyPZ@=#t z#a3y3bKPcCzoIot)@fw}TxitM@>e{9>Mf^Y%(8$hdNKk7*H5+q&<3T}KztCR@nJKh1yT zB|JCn<}LI6bbl^P7Y|?f{8z!rXg+m1vj7BhGv$F1TryOZr5V2Yc>hyA02{Poy}Fmr zocmC;@gpdE&2ZGba}I__?J*!6r72xj$Rluw&!PS3J^o+zTuR#K07-v28K)T>f3N^$ zXv!v3AI^QJ^Kt#1-BGhyC*Cu6aNT`$F^JYbENgjG)Rm~m!-G+&?hP0^W~P;$O~hVc zT|2`)Y4>5?v)7^u@4F8^PO@}b9xIL9udtu{)2paZ;|A-GxSo+ze&i@HUwP@zKU_&4 zD{_5ap@K~I#K5g-FISbW7HuCSICVzhy7!_`lK}{7Ks6hReseyzQ8Y&^K1yTa6eh1Y zf`+$`Cb0d<)gfPa-ZUJNib7B;Z))fJN1=4>HrCWt{a!0Iz70?P-g!6+JYIwgoPSCfRLqo z2+oHPx-=QZ8s3Z7KikS@s+So|81p$V$K|#AB%==_S=Mw{*OfH#u$*&V_cNQW!ne

f<~P1R&rOAFg~j0Qx~-Q@MbFMpRr)M)+UbjM#b*4rilY%33h}JHCOaJgaSp+L#X}c zA-oKPKdR1p2v76fkcp8?SRc(p=zvgpJt$W7^8`jFoW!X4pCPDtRV;k+ahytCXno$! zq(%}%e849Vl4ndXB*-y1QJ*shP6a?CZtE3S?wlBcG&!SMTY!Hp|vbd*r ztWB9BFQ9q(Vl|qmnuU5zLkWbuZ=Co$`dlCkj@xfA*;{~{n1wzIPFr`Ik#mwTY~ss& z-`s=-b<5%1KaE3Haum}MWpf1Dh?lzsB-0$QqzhIEEvba6G(y$ZNytfJdbKT`+XP8I z$Z?)O$@3g~a%s173;+d-K6o~7Dz}@?hUEayPs%r)Z{X;Y&J}cSQNH^?-16MT&o#}R zfvhdlY`(;N!c`ujH!CF!Icg5NdnPirO}7z8rwwU^wpRvm-y(xRgH?i}fL$I)i@yhi z60dKbQpH2@x=6VZSSK?t$FnX>W!$GDd&861`(6l6emMb$K99iGfA_(`&quOMCgI@P zF$Rl*RLwzn;Ijzq{dxiBPJY7bWQA)+qyD}BK*=8KQ0(4KDA{X0N_P1I6}oID5N<`; zE?WtNu8F8M6D9oVcPTCX^s5KLK>hao6&SQGP6EeY1_;$mhM==F1K}%ReF`S1FJt0S zjE~)l8rKcP@)zH?7myoS%^89Io)sB>dikX8$wsw?Z3td!9@U0(}|YFFrM{%tgP?m)$>?nZG!W$8xkOck2a5K_O4x_6^;V~tjM zJLWI_t-T1%OK9QhPZ!b4(*fZd@2y95hF!fW1dnc?@~a>illzAY zA6@BcG8|w3XcH$CEnT;rjnr9z25;RqQ!plR2PUq`V7{f8G5z-1Eza1cWJ4(o zMNjc6$P`Ng%PQYB3(b|qsBM1xbf(wL(TkVYU##Ho3}G=hg9~ogE}kz#*v@6R0z(JJ z+|K>Bk3YPq_=4r1JI5_)+-5nCQ^9^);Xc8d8EG#6)Wl83-s>NHZXTjy^;y5J=#HQ| z9Z{&k{ixSwuFZ8Axe6GSkY|HdOkQ;ugJ-;pIyVo(w3t7e0j#*>XjoKTURI^mCs&tM z*Pi|3o2b#Ooq3mJ5Z>JSK?6mL7XQi3)KTt!?eWk+RIPUd!Y0f&W8X`I%2aTz9No6} zFse1a7Im96$A{}Sx=ZR9N+X6Uw5NanSJZ6M64e^qVRhg%Pjq21?Y^)Ce_DF=#Z!Uz zjxqrEe%pSR-WzTgc-?NJ(F$rb5@Jxj-WaiPgL&g4;&L%g{hSvc!o5RZLdORtS=@7S zST+jIUCN083J6c}fTe3*N7Y8%&AX>2qvabk$8#_HH5s)PE`1-il*>x*%=p#j-4jsA z!&tuFohZxaTKPup33DyY`&X-JJDlcq1SJYa@$sZEJfNvY1H3|=_9$P!9g0+Mfzl1` zMCB{*Mxm;$?Bml91;XLWc40{30p5E_DB7qe{zV{^ue~6PDb;sXcU|Wc|9kV3cMvje z3I>mU68%R`!RSc~F=ojRg@Tf@`8M*)?#w^Cj@WmK4me(3P55p$RLGXkb z=oc{+gTm(_ICLR~MZ{v{qy!8cHv@gbCZYeB*$ihc-uv*2f@hnabNT@3ijOM=K)Bh; zMnI?$h~?oe+3;>Yo5m0bcQ_yv4E~5f=sjEQLFZAResbaVsh%?8+Q;AS0~IhZbP=v? zABKUm-$U=|>(FoN=NLTwBXsW{kIs+KNaiu8^(KVYdL{lrE-^>B>uEda2xWDs7xWm3i^JCZZk?YH4uigRO$F&H|v5 z`Y^hFjCQ`~Sv&^@6`p|5onxc8YCxORnFK+%)Ci+U)u1v2IxaJkCL(|55**o_fT!m4 zMx)X}IJ{v7@-<%~uc1*>orlr`LY1*#(51zimYN6BLEgovU`mc1(_sVdY@KP%RF8cc ziR?{JT3k;u-!qu6CpP&;9o;kyr`JzI*5-N0*&c(p|2zfd%2nWd@_t;|>kp{dDxnF{8?{84Mt7h> zlQ#CnUoXLm^;%=*l4tEDSP;Hs7jcHV;`QFTEjG%UhUhL`=XPrnT83a*rRlvWUbiDk z5<*K}(awGSSN*7?FQ{Em>85Z@S_zF5UP} z6sdm~N;D=2H0(wLY?kHCsQA+u7Ih30R?+BO^qI{$_|TB)b|0K%ux9is3XIelxoQ}$ z!dCttXBOSszPG_(shaIkwQ*-$d%L^GjD7XT<21mKye*2cay3KQ&EN94=KJNR);t4J zkf(F_zvZosSnJ#W+n4`|D)n!{?d_i^Fg&%-<)|;eOy2q2V;QYKZdYA33a7NLZLIv+ zOq9ZDepfG4R})x$@Tu1c6`DPYV)goB$c(QMLBnHAOb$ja$wz2xCXMDVP^emGY~6E; z@lbtoA2syn)pK20)7|Vn4wR|Yj&LC0Y=g4(ZaxPHEoxjSy-HC55XL=iKvIho_4TTGH9@ZK ztteTql{L2(+;x9sR6%|!F7~Gtmm~{IaSGgIR35^8J`dqm9}p%xAXFI24%H)uCAQFY z|?M$DO1}IW9TOggleI3 zj}Hj%LA};t7!kjVfT0mR&jO(V$qxlW);aq)r5o43ucI%nT53Qmdp1$|XR_=g!idNv zsNA#%in0ugH|vL@nx?1TW4N~U5OjQCgq691vOga0K8O(}dH#uy7o6_?JuIPSpCAjJWppii*n zKv43$gANw$*dL`2;bkE7n&DdCR_22nX;cHtIPe}6Pauyvgy4BeXmkIQs8TTqC(@or zCXILNcjp12!2*HAz=R@Dm}koaBm+VRMxLC)O$jj;NEZYVl5DUR#yLq| zGNqkM13{+6r1i7SJkLq5*9TBATO5Ti`t>RJl-Vadxp3hLI#})+j*oxxaH=um4 zO(;(wR6oKp-8Nev!4f^cieB0>6CDt~_2EWT=DGUHU#;0a)>Ks9tBQ>u zK#6+2P^4LR1kuPUQb%)^J;dwuLZJo^qiTz(7_oSV^AK8-Q3B!e41}#Inxt6U%~7VEjDz~; zIb->p)9nki&Q)B_m$pkfOW_Jg6z@0Jrr2N`8qU8=owha^b2$P}llD_FWzAlM#_vJo z(qt5>)fWF;n`GyldkvM1FOOIk6c6XUa=>bEtBcx&DIK8v<0+b+1tKz5vfY+aIsWhGR zeH799Tc2!Y9c_U!`iRk_ElM>aM9}!JbH`+iiQ9>>D>7{2{*g<*M!nmIqh+_j*nQmH zU5bZ=t0<^VoR%8sgy~ZFiBG>m1Mp71uvvd;)Tue+jd$H|hM<>K0#;k0w6L^sMJ!gZ z-SSz$=i)8dag@8L3|AKgmEW4*{RPz;-eTS?{XW6S+IdX3HRH`?spiV?Ex3f8?+x%{ zlaO24@GPC9%E>=n^CVYWw7uU3St(JS;Klp9tnR_;k7D$K&4j?Cgq=KVW;-e&3y}%? zaLwIQ5&fHg;4s5F$@nVoG~kusT=#w^3rpJs*}eMAMCn?Dk*1wc?TS0`)C(_L+!Zgy zPjNj9gl>k$nQ_k=oXV?r-CYk@{BF3b2d-<`4Oh49g6ms$MT?d_-J?taSe{9$*TON$ z0rzb!d!S|8M{#uvzIWO^j4NB-iz{0_ilVjK69~HfKp^z`5FSHB!d8@M&=aqJnrzP) zJKrVC)>R(zs%hWTfBY+9O#|SxNA)W;NR7Ow5`j(t%w^fSx1kaNQKLnxiLBRBqjaP8 zR7V@wMjy~B)+6MZI`jFjZ5?g9rtYawkHAx<1wpeds@A(3H5ztB`I@bmmezz$d0kcB ze6BZXO%RmsX4u_PvTvdsXbw<5b5zM1K(8!k7H;#s`;PA%)!h#I;%1mOx+ea_OvEV}&<4LGfD+28q zHFhCN*0{s!L9x1Bn4b@#RP8Rf`i@7@{juQ%&x35Wp|y+aI?h9=waCd!n5Qh8T6{vIFu|BgrGu|(KC1r zhArBMK})jGKQ;q>(Jf;MgwwG7gAknDFbNr( zpG4}1;n?=U93;*fOn9q+TDQ$Y^)7FqT$isaC_%*NF{qS4}!HRw6)?|5Lu zKk-P|>liY3J%%pYfk|ufeV$-9CC8X$0z!>6y0-ubbq$v=FE>0ngHYbpm=(`pUcze3 zie80z@y}y^!f&u3;ROQi^Ozm&>9?1#d=_(~*I@RNr!X(-8ALJMB{5H%=b|7xEG}MC zJ{lQ}s(EJkGd6+oiC&4>G0(U#qh2h~+^FXn=CfE7^E_tEU4aGBFY@@)+*ES~Fuxjbd6Z<1hK z+w7XYQ`|*#qU1JeaWcc5uXt*yukT(zE2Ycp10}uoeky^j9qSvxt;yYd=Cre^B(A+@ zG2tfNnvDj}{|5D2jlq>|dt=kCqn008G!~sFfw6J!CX@OoDt?<%_M=6+M^LF@d*{if zfnAFC#LaE)FPMi+ado3PGQPfPNW7-8CWUKc=p=($*L7yD{&Z1!Bwf>DU00#~_Rs%7 zmAcns`ht}>#wco=cRhEG@7k1%UF|E#Q~qOd@_9&dvNJ7B+9!{w>POSt@39d%t2XOs z%`!_j=th|Ck3lomA!7Ma8XAW%jK=!NRWvlB($V~pWoXrVA`bFgZ>BxfE9JlCrSJDq zUUJcjHw;vYSHB%Ku4;wfFfEFsMS#-60b#y_Ca%qnea=2^NpG%oO)$N=DmB8XjuGSL zaD)3Wru2DYjWBWDSB59~Q|Fvu7@7#;C{_82?zpbifFIOkv}l8eSf>tSbj)##i`$A) z^}FNEPqx~9VdpDQ-5`2c^Uo{K-@Wp0RH{WNV|W7JYui47u1}0b^()jA`6g5$JX9m3 zm9E{~ymzG=@cG%G4aMgtuWPEWCj5jEeW3G6O*ISl5yrG_)bv>V{lm}k+DG5u-)lGF zpC5dVw?Er}H$VLX?|!)+Z>{|rOIEyS&uG>iYA+5yFRP0j6Bh3}O=|M_3O zd|_HFJ-#}wHEvhh-d^i98D-hk^?2Xh37ta zjEb0nN;PjmHNGFKHo6;Ss@;GJHLgLm`ZuC-t!q)e&dsP%>lW0ga~tZiEX&qzVSVu{ zX%uaOcTnB?&@=QO7#6F6WzK??^IEw9Pb3G14qhCvaA`1h83=#4l&3CVtw!FCMC7N=M;1ZQ`n&CLpd>IXNWTV-u>oW}fb->pj+6ZI<7~cs z4|Q$$Z$1}_`QhCVIiMXn z-cSWi%Ln1a_BqJgMJU@A0h@Y4^A0M0R@S;U!{znPLanaHeg8>bynQ;8Jk_Sy&}gUG zTW26=!))w(XCw}MGz3|j!*F~{D6-S1WrJOiOC^AQ@ChY3rwFp@A-8u$z*TC}*^Gfw4LhKG5Vf7)5jNOMPSDnI>%TEwy4w%tCdg)2?2Kwif zKM=O-yBr-KooLr^e@c^=NA5-L8DK5ibfLj>BaL3ZtQ*N&*#c#1HAfY`sMRFOsm&!U z?_^jv5sq)P(InMTyIS2FkiPr4U0a5(19)eQI77urHca!|+o5WM<~CrD212PQ1B|M~ zb$!9FLgT7x{g$Xu^H$Vp+6m=q+=X(r^!1%()vycir>-`=M9I4M?WLgSC| zzBquOdJm$_V^h(O068!`9)lv5AUI+^hD6RFR8GUFP-zxMh0n+E(3uFII0L5%FII%U zKN;J~&)hs&-h?k2*1!MbTRdkj29KPI(PQUebmUCD^ZsWA=c!4gu`gxD8TaVtYj1yu zkcg?)=SdT_>zbOHK&9o*_0>y17?gDGsIVy*$$0B}L&i)sMNC?Vp-jV&$Y}_f$ne5u zV?fAU^bLtZ`MMp=kTnk~jpFhR??a=O(=k4AH}hs6Zh3GSu4osGy{sH6oowGn7XSJq zFPh5B>z1T`R26J+B^umySq9BISrh8(?&xB5Ovh;I2?zfCbk-7FWXr0=3=rq=Tu@$eq^C{l@=xcnv zA(_|XKJy6j8fF+f7|bBGy!Y8g{PWXIsCgsr%_cOA>&n~Q4n=v77H{wvhAsFKBbV;M z=+zk*lt_bP>0yjnbrO%yT!)}Wy--Xo2$~R5>bj9Vt2VkBWotD;&1To5T_&=re&53!A@YR-TjdwrUV$Zn$$KG22W_2a)<7shs z4FnRTf|la$5D4z>7D#Z1;vN^YMs2IxcK6$Ex4zx2Zo4(y-CdH95T5_@%z1ATC@U?y z-}l@9_QK@Kd+(7s=bkgqojEhQu2#CHI&+`FHal};q9fj=_Ppis+>*Awt>*=R1q!9z zeW<~}dj^D4DUgLzFw>gvy8=QpXB0q{c1h*9h38-W07c6x%npHgKr>93ACHTC<}lIq zhhH7U^u_UL)V9BkDTOLAp_Rck9Nwy+N!jCnNMrER*W3GX3eZA5gR$`*vUp&d)88t$cIj<#?ld7AzNRWqs-8 z_i#fhPSuSMnd!5SVH(R+RjpahU-52$aC!zHG-oOQLO^K5i@K!#BT}8LC#b)3FOr3Y z_G(MLUD6Paow5c`{puZTefeE%ed#082Y8mi_toFMV|gZ#M;Rlc@4c3_gO1+gJNCkB zeCCx;vE})X@bYgy!LzTvix+)Lo)&4Xsr#5KF@YIYuZ4!rtq3+ z6^F5JSg49vJ|D%go9!u0;=st$7`-J4y`s)wVB%E_NxX)ktoyk5a~QLF4`xJc!+^0* zphBhg1P6Igy-EqJTQmTB{t{!Rl~?yg;KsqV1c+Vp<*K18c}mlqx5|Fvz!96o(b^10m4PN{QVrH z>{x`f?Mrd(o7qVEeyXi+Jp0W=T-`kn*QL!o98EC37~4ObgrmD3N8_dsz^_091h(9a zA{{?9&0w}phma%W2(oqFPr$bqg+d4f+bitE9$PD@^@H**ngIw21l@1{+kmj?7Y-1X zAH>P)_Be#o6K@!(`+Icfn!!6ME5Q1>bgzJLa$-sb-FaPm#XHln0IK#n_ecThEkJ$D zRm_e(fd*Yxp;7QepVq?()3({XqzO<{T_zyZ1Xr_ZumK41QdU0HJ<+?~6TV4kbY&7lngt6q<4d^+wtHGcjk=AxzzT1``v{TD-ye zPb885=P`B5WrS^Zf#?;VaSB1R0*jl8Ed_=d>^sc|ZbI9>kJ-d+TSnflZaOugfK;nV zu(|e^c~pS_f-ed_a#G<5S28Qi^E3AOB%~2w<}Fv-G%Q*ZR5IXEyz$nbT`NiBWF<&( zU#M9q%Hu{V-;hz0O&gFefZ#HS0v$npfglOk4Uo&90JCySD4wLkh{%D7%tK37?Zn@t zF<}0c+L;^k?Ec+Qxz!3YiJZQH{g9xr(cq`iY;Yo4_D?{oJ~3$7dku1wYDYlRmO^_Y z6lEGE2>`UdN}#h=!wyzbm0Q89y)W$Pw`8vDgjsz&=+bK<3KV|?r2+|B{S^bQHU*&H zn@FyEyv^h%-Y-E+0V_eUDF zH*cMV%he&Emq}eiTX$73pq>E{3C&7Vrf?EOrNJ&l(5$ttGOf*9t`mZqJcbzwhcSEO zaXj2{IhL${(}ZMK<}@TF>5X%J*ToV{&(KKj+;<5j2+#|aZ)p8TrqemfH(*;eK<&nD z?H(yreN`qoUDp_=KdaoroWCyJ1#Oa)1rYLeQVerHPc6} z8`KAjB9*%#TZu;I9ru}6f9C)bDNQP4Zt13V(t)eT%BZc@mWuuN@t50iE!COq>f_iA z_R?elX7SQARZeSTn=jpr-+W(SZ0#=jdV_R@z)USIv+J5o2BAxzdjNzLdtzGLX#zry zkx}1s-0h6Fzi=j_3OC@I*1i9x4Q8iSUeEvfLjtfC_HjpjYWU=(w`uV8gznpM;H=#{ zZrXASA*As|mLOVNsBuFdk_vJxlV(tDmYX0jdzr56mjjTqj7%WgVR77(mbOYDb8)S% z^wum}eObmo|7kmll&p_Zm4a;zX|4*aUywfD63~_Hih^a@_|NG@`oAq(O&m@q`oFT@z#vI zUH-l@kgV=^kbBns?)b!WKC0`=yW@a~Y$wh`4|GDQ2BDY`xfkIZ2msfe!3fT?BRRhf zp-?}Z^WB|*(1ACC7- zmG2I^+cUS3OezVMObf@pC=HuJJa}3*Y1hJ|cH`0JLs7MSeq7y~XeN{j$8h^vHVXL$ z1~b8efWR%?dvrBlW&(j-0yuJ{!uw?=cwhx??p}fK-d%*ifI`SotOiCe`x8b-9J3E2 zL)R(3pfrIhS0;(?qa%~dp_S#ECUJ!%_;m*Bbbzp-l_w!gI)BifcjNrJ%g zx&1IOq!6Cj&<8(!7K#6PZi<1!x1Sw}w4>{AZ7)IKk)^DQ@>KpJ2TU_fVLhiZzOw%< zQuz-owgB|lPhRm{{YU3%yU3&6EZ_Dexb)R5r0#U<2Nksc)R& z%5>UkpiujNJ0QHxWc0rj5Z-xBdk+L=)n3XRatdGI*>PvlecUS+Yirj@Cxm2}tYpqg z+`Ne?b3&@wq_b(P93X6;0SF&%+`}dz-DeNz(F~!~UDxjqG-!`vRhpql)mF$skdu>> z)qO$zF=pitm?_O%%qp|) zQY#A}zW%8Ol;j9I#&0I-e_vMaUP6xDRQ)w2G^8tdj{Bo>8 z5SPcF^#p~nIOADH~2SONFaEOlwy5&V$5O8+IR@F;tykf;t_Ez)r|px&?t$dz1`pg#n{ynIPo}LlR(JKzaolmmmq8xeS!A+6Ki0 zvPu(3^0{IJ+4?drK8xQz_B&-5_g+7E?zQ(&$o~=3eo8BnyUe4g{Ahcez9f@UZN7eK zCY7##3d~&NY3TIjC`RyAybAde)DriVtcMa0bu#B5(wZn{ozfKeQ~X7dJVcPvfH14I0zH93rxv3li7cO8oYtO=8BzmaZxHo}w1C%h$a9!pr zp|>H0=jwR0X*;W<=XLRNvRg0d&X}&&?y12|d+5lCl>~GI2;Mb;NF(1h)4GtZk+HA5 z{x1A0JZRR3;)#CK=6PThaFzMzh|swxP__n&lz$Xut2DyO$R}=Z6CSCo^3M6!UB?L6 zYM@}%=E$Xw8+1jIE7vBK*cO4^k*zd=6yG%krhn$u+nvg2GhF8*{kAgt zX#;}-VTyyQ)-fLQpL{$@$8|GVLEm+^`}kya)E_V1jAQ+A?_nxQDah&3G2DI*PT{|FFHiaBO{36I%{yblh<|9o}IG>`&M^0cZxq_ox7L>dh?z4$JQS859d zHZNYWAtuaRflI8U_YSF@rNLF5uMqpHeERMCz2^|S=~eU^It33t!ZD-dLmU?#LD^a% zXwr2S`iDJ^ZlkxL)3A*gJn2O|P;aEI$5g&DOm^duxXH??j-;C`=$}6N4i$phpkAv9 zsM}#O9_cg1LMiw;%n0(lywR0-7Ut zDOo!>4dI=DP+AKI2rt|lAaoaT{dzi{e*SF(c+b7@5uWAy^7LzO89nog(*QpG>U((V zwRf=jW16%`ALbFF?H=%C{VZp=1=N^TZa>Uz+@>>w^QKv0Xzc=1c8}B(xt@`pjm=6 z#g-EoI>>u>3((9r5F>NJ>wBZ{^@nlDnWrEccA1Ci8;WbY<4jByl0tC`&tnklE&o5zen2v%TcOQBlz8SKgyKMhLHp72c<oI)tY%rhG2Zv=y`GNd79D_rj zEXBuf#UO97(#RIr2bFrii##3wV(|pCciBTQs2GDg2@roE82o`?Fbg2;cz}SA_jGYV z>2rttU_j8LUjX49^zQ_O0)Sqc@^GkY9vGaOKmfG%JeEDl$#CUgDdY~qsts?LaG*&> zVG3*}(LChMDzX=Y;cclWsO?>%Po%yot?Smw@s> z!;WVDn5$eP9L+r&Ga(Lr?lOd zRZW0e1Eeq6G9$|7-wHW{f=NA4q488K*nEg>e2IKW#mvN;n70X-wgD6lfN|?@VFJ$; zd(g~9$w%WY2di1@&k_)BLHmCK5XwBLW|OXFwkpq@dCL(XP_Qc$)CD<8lTYNCVrKmu zlAHdVK^>4IkU|gzADM8<1Lefo(H7@Rg2heKM-cS*zGR!`izGSqSFioSw3QMtO(-WI z&qFZiCr_+wgKRS0^KWlLRlzEHcUqX2y6hCTvj?_8o(DR+wyM|}Wt-2#tSx5|7SBmN z>N=)xxypWb7E|NT5y+p#gq7Ri7ci87yfbnIvY%+JP=(g^6<_N?x4iI9hSMDhLkehZ zf;Y>q=vr#a4?f+CB64Em-UEq^Cmr}m_lZNiPMp^GM z;>DL=`v5K5baL1E#|tuV;E{WQQRUmDLq7s%_8otgwOn1(v?&dDx7+J|QCofT-9ZAv zy2i5{Wn~)Jh2W$+`-0Yw!=}H7q0`^O zkZErc4E`Pi!d@o8@8%rs1T-}h$NNe?>ejMV?13ERyC7d+Cj#|G*z&92TA4gtqC)9? zuw#-AS4BOU0SN#2nFE9(wTnE;O51lUOM15PcSFmhtgwOWk*s&hIeBHWFcdVVl7nmnn9_!vq*V6IT_5)bA={a;5H~~c~ z$)Q+#RBIN7-eWdl@?*b8;||lYEcQt&zs4f*$_5_g;qjcOpMLSZ_3sh_@Rc~eXgsPM zf`CThm=(1HWgcC~@n!(WxgM-{FU~Dp&FVu|7sV?)f}&+>phQLXIlj++r5;7zO06w! zq%_8IDpR4^^elkz#=jI0s?GNvIEk_Z)&W}orx^l?F;&LiWQ_oHv~9&wi(0CXTy<#W9?6G(E?0r{?BrgPu% zd=DBRk3Nd=9UH&ua|~Pd9VT&%9vgoNgVvqLPy)ZHyd$j|3;)Ak47^2W1%Xf1(cRe;AYn{q;C^IA~-xjpmmG@Xx~() zVaou3cLFSey}jh6X%opmf=wLa^@H<}ws#g%cFi=$ESARM1-QC%I?|6WMe>0qNIJY4 z`#+nH`sMu)l+O<7_0~rcpk{T9y|G z|1cESx6Q`IZ)alX??>Y7=LERh9nVs?&%?>j=itna=g^>TE%@baiV7W{LGJb+B2SOq zru9>>c>{T!zeD~`-=I+NcPQLZpfC#{?6i;fxwV8MX%Vx6LXZB>0pZ<1-cKP9fZYoT zp#5(ELJ!pFdRTlCh4pJ#`a}xmMDIuKb_-Cg$q)l*64;!W!x_XT6OwNR^6iXthbDUk z$G!~^Qdr3f2sO#s1D1~dh@5bt-|MvKj$(mLEhI#t%B_&STytCJH+jvcn3J#{a}$nZ zX6!M{PB@17>yKjI#vQ2DeJ-!RWchpPSsr%mCQ_yU_8-4RsY($Ak0}~Z9Zv9O&s|`qie*yyWVR>A894}S?l0RExr5peur;SZMnQ^Y z%Tuv0a+mLo>}3i32;6d3q!3z;0J3TqGrRRG*VVwFU!`6s*Ln&2*=YmR6XVh_ZHwHy zAIJ0!3P^hi<5us+eL-X3N1^UM3TyYVk7%7x?y?l#nCA}%E?G&Xuah8@6%cxSjM?%g z?`?rX%u{_$rfP)(n%o8mO)w{UfKcL*K>4$8{LzFkTh}K*TCpXCmPNc|ZDC3#X02s@%1`}CMzX3;+~Y5zXz4mQPXr-TG?|_0 zy57-CJlEcM!-sTT&|g{8*u(VS5%KXe(5ffS^np z(;oYkXpRS4PC~J2gYa<6X{cOxJRYhaiib%L)f5IxI~fnuAA(0( z4zn?*X3O3v5Y&wA(+=6nhOl4vA$aeAB9+@>>+A0s&#W*$-dmIFoX5JfGUjmuU?O?0 zR875ggx7ha1aIA(lB_e=Zk7a3bZ&oqB>dxkm&s(hnT)F4@|38BBIO$16ChL^!tgB@ zFqDGZ`1R+|ZQkeTI{gnAIQJb4ne_*B8}%e|lx}HeoeBjc&(AXV&R>aXa2(WFTew19 zi$|z3sGRAhE>&sRBNXaD8gpG@nN%#brN^$Mn>SgXTe!e$C-{;*|GRH6X67ce?y&&b zi?%_{#v`#j#sNY-W1C}!BR;46KK|@$6p)A6a&jQn2HE(I

HvV9VKZ*A{Ey_8sXw~NAE6YWJRZ9d4%51p|fw$U#{LaJiDo5D{2Fjj%>3x^5 zZ%%X|?k-?Zo89LQwRz=nZ?0$3tj#;}0YY^^-?K6l2IndJJF>x-NZPDbac z9}|e3wzzj=IR_4mx{QGl1P1~&6x=P806{=jVBl$sveJ(L&)=nc2ZTTR{XdR84WV<$ zA}^f+PdZm{_ZgIb9;`bMbss2>%iA^*h^!a|fQ+NU&h{?LHOrXKMh)OHChx=Uw z2m&)Qb38Bu$%;XEYAKHHScULO?ctX*A0|BZ3KlABB~w)gdQlA`KVVffn3!s6GSRrp{`#xAgOmzA83ZfoX6m(^QNU1 zm>fy@YeZZMhON6`4v;3r9zl5Y4oq7883s|thafnV-IC{!dn#*Ao=&)-{WfD1<> zaZ6z;q+OGF>~8X5KLOGHMMx%CytZ!|QswL=3wXL6R0(MLK%hv@Y9>md1i zfWV0WP~jVJVkuIji8~sB{eM}429^ErKyg33w0SKvlMigcs<1ln zzt0c9SwEUU^C_h4UWGK}d3272sxVM1FevbE>mxlaum=YJF(9-L2R=Y36I6LFP1!yd z$=l}O^rw@M^8G?2|1cj(JLlo*?giNK`!Tru?J^vBdlGK`u!Q#!5Pq`?E9MV}-~HuK zy6!6YhkT6OUB1D6U3M54%oFlm1{f@8fRIE$sE`wK9wU>{JOqS!I(cyiJwW(lQ1}ZV zB>g)9p?59oZvuv*SsSilcFZBP>JvvHYAm)NOE%4t2`{MrNQRnvNzhk$Yatcp5eDfg&XzMX@rCP)uv2DmH_>-<7G>4drU~McEqt z;9s*p0v;KRQV$KVb4{*`Vq6?TuRLy3+HO)*`hWUjJIVysMgG#Y?MtmDX*p1lxs-p6 zJ{AYA@WX>pwst7;R~e5M!{5ZzjaL!2g@ABVn#CS;8bZfAfty(yPW{t>P=c~Fg!-Z_ zAw^oe0zuu7tyD0Y_gRPL1Gk{rz^8u}H6=A1^aPp=<-YIZXx?u#TJ(%S5eiFcJ%ziF zhgfSR-wq0O13W*e)DTwC|>V?KVqtLqlR;D{@_InOZhHOTIp_|ZV{ObslH#CmLlNHl)GkLh-JVN6y5+I(( zu;truU)4|o!k)PA0Rl;a!fX`Si&Y6ml}Eed5*tf>MeCd-1iLTY?(4VOQGD#$e=4*t zPyI~VADON?K=_gUE`B@qQy9`iJh47T+NyO^@?^+1kb8UQ_^1hb44h!k`IK}NP$2UmIW!~T=DKC)Y%Fw?4epiM%!K(p$k z_S5_GM}n5M8(uau)YgcUl5%U~{^B1r*R`eWJ#6E>p zF{J1hNIHK4%i~C~&yaX8_j+bU#ETd{b^#JMKW)WTIYpk=Lb`>3Yz})%zU;u z0onh&_gxl1s6Pa{X@dD`j}J_1V(VzjbG#_ug6};A_%e!Z*~Qk8JwSlBWW%p6VKnCqIdqVQN9&;{$DhRbReLaH-S_rB=jD5yt6VVqerNj_l{=sVat81{;y5c% zK4Hd6S3VY4U`O#aoySx%nCG5#fk=GI1o%#yrSj`}@kVrle~MS^h}w;Z7`WE&9=|-E z8}U4aiT(Mj-6$H+);?y*8XiWRZO(C_K%lHBTC?tL5YT)o0pZDi3n0|_k<(XESXLG6UpWIB zvhNb`X?=IOW;Pbfgj{VVs|b0_7AV*HY>iu)8bbFjIi7mQS+!tDWTSHstK2yxHLKY^Hg|e07cwBKfx=#B5qau!BXoP~IreXz)PTNRNN6viTDfr?kj^;GrO^)Z6X+4 z?$(waUTnb7IWiF_a9Sf54^QTV0)!$0gF}l52&NHa%rouPl|yTB;m`)GT*^5s+x=)i zWDyoWc>v*YC-{C`z<{-<&3t&!suNj01Q4LIA4qGdGOMf}$g?mLzJ6hK;qRUknyhuR zIE4{u1chlBw@&+HwzD+S3V?scKo$MI~`Fck6g!-sFI!M0B}NYE)TYk*MN!TA>6BBR_H<@L($BVV2D!vXgKg6RauH+K`%?qA~e z1hX=yz3}BUBs0Av*6-Z63vuzU1cF~L!L6OEk+gdazIuNpvggdf`JxZXw|@hLJAQ*a zUA7@-*Bu0Ro@UTd!C>$B2jmZSfKMP$j%6}P;Lo0u>FDjC@E4O&l0e|U3lIuyN*gEu zsB<0bcjcuJ0b>__#EG~wUirfhX0qo56A1#O45`UYF7^dnWLMlIBtbxc=f{As`9B1N zI#n8P{`Nz>`s$zY%B!E_spsCo)4zHLFTMF^Y<=lHJoEDVc=F|U@Wczh#}hBUgJ)j) z1TVh+1-3l*JAAY2u$5P7xH4%|+Pdnd$BS3e@Z{Ft@R>i7KE{*3dK=Ha@&R6W?K3>_ ztB(WHjuvi9-7^gl)V=K*9BA8{t2@;9KwtZr+*er-*^hsH=ibeJ!$dT z=C41A8LPiWo-&>A?Y?VPHo3BJ?a7lYB!@E+bQ*UYWm-B3EHZ%<$mu-tdCZR3k3|V5 zF+XY##x48JmQ_ROo?#k3sa4gLW=(xZfKX;_nP#4iQMpztT%Z7}XVs4~ zoXe0DXU}WHvC~(gM3olgl^pPNK~4g~*8OAAb;2763H>cPO?nlMICXNxd zxpvVSL!T2Q((1^qh=_aHfcJ{H=dmpQSQTt3MZj{ zGJ5)219Hko<#4g{JhNC9#H%C8hHu-_ExxJ8{iM_z7Gg(N#Q$RKXVvQVARyeFS-;z! zckj7Y2!HsOo$RBmQ|Vw^!=5Kl+V+m9*laeY$O*-ovltqC9;4;_B;u@%d-9U0el9Jb z%tN(iw@{_F1d`1S5Ecw_F%bpA0-8_u0m9_l0HHiP-m6m?UDyPy2z_RMXt5d%gt0GaUDqhe3-Wp?6VWkI1Z$Bg zw%55#`~;|-#wZiy{2288J-T;5c=vSwb@ZeBe(y}2zbmqlYmH0S4PF} zN26XVkvnfmeD}_3r0$f4Yq@!c#32dxa}6XoKuC~qzySpVgTBxUH+Regj`8>?WtD?V zarr=j zK~!^6rNev&uj4x(o639m+-izk<+pdoX_K`)Ji;I&$PM zj&h~4BXV(Hocw_g9p6aMwH#Ns%_c7hKc_C_LkX9U4w0a0d0(Ohm{(h-@0`Z6E+Yt?hcubC?w3bc5q~#8JJ-cJJSe~?kVwiX zw^s)r`2eA`$O44|gEAM*)DDK46Pe3@oq=;-PC?Rv$8e3H@zOSeUIM|t{;EIIkH*Cv z@u*SdKKSLUhzC2xp=g_Tkhkp*DAIi|as?Cg3HXt;ZcqTwfxzts6f=p}f)$8JTi6dEF*)o46$%`MwN04|OIYcyr2afKZc? z?hqhU>@}_HlJf?c^4$&y-K6Cn)I^q?=w`u;;M@?yL^t-@- zL0~!oVLExpwn@~Q#$#wXFp+?8fjw*4DzA*vNZ4^l5SN5@a2V6ppZQrdb;CJKN|YAvJfV?pd8_*Wl|#AiS933$#}%?hLZTZ})Ay#Ij#NcSQxcD3^7^BkoKBDkjtP(j(r2$f&HA3hXbPVbHp@xT2~_XA z+~PcDw2AU%PWrd=$T2)zzb(o?&>BGxwZqACuD>RyNcTmtJw1s4hOk)`=5xZmB?%T< z_nd)l<04V5LpbtO=>)%04N$a78wb$%F6OT&Ako2u(Y%4~{j|^}6q-c^0vjWL5c_B# z-(!*jlI!=pr5dB+L+yQi$(2Qv=?PZaT!H}pS-+Th= zA6vVb0KE}%l&y#SRa-%hk#dx4kID@fVL{w+%!%8FI-Qr`vG^B^|7od0#cWp+OiwX*{;w%=52DY{!?lLpZ&-bNx#oE?i)CN{5k@euKO#3QRbDFclr5-^s{}w1* zwi(-^xeNAQsfjrxQXAY0Ak-Sd(1a5vz$wPpgbm3Q*3V*0SOh7B zD|JTBQUp)sJF!j#D@?CgWwtMYc%x2Z@#aU{4HT*@j+3r(3K`;QP_0i zh1L)bjJoQ~7CCnR0tkOT-7QUz#6yei=L3WSNHWos$Ic-MCow8vCn_}_i|W;@DggR940!|KPzAm@F# zQM=&~OpW@M`5wfyC$D21fz>d!g*3wh)?CDR&gXJ)V_;A1981uq4>SaY@`x%YIL+WwZ0ypxG=c)4!wCRKMDQN+VMrv)qG$M?4vIR1 z!5rI$^4%P=?mX{fAK`uDIPMKydm1CwoTf~17SrR7A#~}-sNXIee)knbx$^n2F?JNr z?cazSha$}Dr+FFONxsR+jsY!?d?3(FF@5Hk2c?N!f*S;7H}|ha`k^@7*dLFJ-$&rc z7pw5(x*nK4=23KNm=`4p@`@4o`R5`KEaQi9eM%s5ej~iHsUJRmV;YWrn~2rZo112E zX?P=C+Vdo??pRHLN|FiauE{Rn!_q{`11JIOZkACRLbdY&tr2yg(7>LpAN9(ewH_oN zAQTw9_MJSTK871R*nf_%G4G-`b~sAkv)I7yzCVq_d4lBqA5Xx|eJgO{qcB|jdIeTa zYl&%68a{vOWJ|@dfj={su(|;A9qRrlA6P@)}B#a~Q2Dls8eCmdd0wf3WV` z<0A(M4HW)60HFhaIwv4(^7S2n@U#DFK&WGB1w9ZL%E5ld<}?DsD+rnRE*@+)-b}4b z=ps2&Fijqu1`Sxb$wd>6O;i~Zle@0T{vQKEPE2~n=289eO{{iwhX%{rymOKTAoe5? zK5oJ=5A-G5n+Wxj+mx5Cs2)6a+4-~p-22Xrbk6&nCCqN)*{%=;6ei0xb6P6@Ht0Gk4&5d^ zhmZ-ckX}RQP>){8LhhRGx$WA7*U@pp+XNw(4YW>=2c~hNo^7E+)?o7DCx0aP8kp9( zku-!i@YJinVR>qzP~`>$0!^*$9%(Zjb5{QuwOcMg>4*9uYU_tM&1Vz{JQsz_;q!lk z1qtUcGwKRvCR`>6yhu=_wSqSh77I*_NyAivpRt?>CUU?I+mMcl6vigAobp0CbA37{ zQ!oo%zKgK0TRWrj%6o~go%Ep~e$$)gAyl!?vilR*J;;7mv0(-vRBLCn zgWBH*2-Df%;=wa7y=U66yyaRV7llpJ5LRq~0_7VZ;i=yui8r}5as)9qlZ+&EsoSX? z4;;U4jzCPPXPNVqZi9Lqmtr<2NUg;UC&-nFtiD!;5d`a+U618BvzfyBrZkLMf0aP_ zG-`z`$MT4+t|3%7?v?kRV<%9zWe7?HHn7kdVH8G{x9d&Py%22Nq}VQjR8{4(fBbM8 zN=u_xj)0+38-gnGh=5KeX$mZ^a2PUw)LKzF)G?4#f#8JK9LV6Y!euCwMn%P(YhqN` zLTS`TaRQ>A{ihiCQdvYQjW%m1yTb8<7eD*qsKu`oD3teCd1%cTFRVQrKXq^TytM>3 z^$6;lAzx(*@6z}Nc1MMVYcV70JZ2JT*JwvT82zlv!MvrC#3*(a&z-)DN2iQL&dH5( z>fCo09%vAX=DiZoX5f=(-Zu_KALxlKKJ#J)D^7Wy+{_x|cYF z0)!J|DF7v=nIJVGA=SL|$t!ESalc0SW>ZkF+j!&&sAcUf@4Q9*TQi-O?85{tWgFU@ zm_H~OT2mHKvm-k88IO%y-@spfIFL~;0bjjeI<|9`Ph+|n3#(mC#jSu64p3j={e}H& zp;S;qtcrFfqk7Ku7HLnlE?A)X8h=a0djf>ykLss2clr>aSerpjrgFSEficlnF(gVL zg!5J+FmCNB0@d2hLgA|2u;rDn+}czTQ_IRHFTadU z7kn4B^V-6@tTKwc=YNzQ%dF#&K~vc8e1MQ+puB?1Sx@(=Z()4YQI6RJDHPTP1{H$B zc*J={U~pVy>TQ5fg8IDyLZ1v#pBA`3dto$c8IIX& zzrpwj_Yq+7lc^ZLDGB2?5?~R`jfzXf(8%j%7HYgUK&Y@0&O4|9LQ*CmWPLLLp#!#h zkG#P3rd8B^0(d0TATrIt5dw*k57E#f*RtUHIv5qmIU(c7q8uN(XbXzJ7~g126piKP8okiIXPAZsnK zgWync8TT$Tpy+{VnTAShcjLe+T-~(_$%i*0>F_hy|78qb-7pf9`c*`O06z;MVc@T< zA0`i}hK0HKdAeid#p2QPd% z2}wW9#JMjfn)ztb53_Og+gUjKc{uyhGF;iYfB-iP$*lXO?F(>u+e&=)>u~tz@I$XI zt>Bj<06A-fqiDz9p=j41P@vtnC_-SD0S0ZYpy+P_Ld7I>u?GzhN}G5$KzLu1FA3s) zCK2@A-^9}rIzT8eczUyIk_S8k9E*qMOvECFHizYNs^a z?~y!(iY9X+%Sz$vQ;bXqmzHaN8uuxfCQZ%;g-;+L4E+tNHXdZ!K}{yk9E?JZea+YO z;buNfIGR*$o2U$QIiaUk_JOTf1HSGB#Fv*;svmFYgl-nuJhq^ zdBf0uUjaNVj{DN=ZnMo!^qkW1L>N~GZ_8K@qszLN2PsTXLSk^gsc7A2F(xg258-S6 zigC-o$EcONFmv;DOo}HT*AsNHzf2|QYCUjshKA6*4q9F!w_`uU76?JBUh}B;?HTaR3@*(=e~ZPbgX+juaN z*@;vx^`&GA>c&f-1S6joy56DhMAPWyrVx{jDu`KF2_dc_Uc!N6S8(XW z6&yTz0Y{Eq!r^1*aqzI{0uCI$f_-eu1Bb8K@!>Mdiw^MG;lpQfu zOPA!_#{mI*MO7#vGVz%2llZI4>LY3vj{QP8P7rhj zwMEWytq8i<78QFTuvsjoQc#+ca1xJpSc(Gv}5yk)CBoT)j$aX z<_c9?qM(0GQg!og>1zT@L!@KnuQWU=Nnj)ol*RmOqj+FlvLPOBI0VhQ&&N>H_J3n0wL@pVga%y}py-1=EaXh}W&<#M>Iyvb#{1ZN z>M|~}1E?%l$tSsdQklKVU%PRg*W^Jp-38t+Cl8=a%w#sBo$TGZLLOaZot=5Ec=qup z+f0ipv(bX(Wyadf)_+!LHkE)^0xN~hxD*POH!wDupp63agt%j*!)E3Jz}PApG%E3o|q>Q5v!H21J|n zB_N!+-af^soZ9STq}4@Dr2dkI{in{ceF*vk)WOTu@Lc%b5{1T+9yOVL6t}@;s<|Qx4 zI(_=3w-GX661onW#5p1q!To2Vb&qg#AIy28&scQkT+_DC7z7UtN1I-gIDUqqWB;ir zS3_D$d3SDO@{m4E$mvzz8Si2Iy5r>aHPaA|-E3~x74FaNcjEYP%uoD_}1Vd)LOd+`# zCXMfgi-&%NYX_s8$>4!7(j)>Hf`}tac)Sod&7PO=R9e zqX?iQeH6vEi*gQXJj%GwD9bUQ`w?Zi&pnrwl(t8i*W9xNl+1r@#Ce299K{U2Ydywn zMA=F$kt1h5v~KbsUM4S2?R*N?_HRb=4i21q6Ueh@+}PvR%-uK;Yk=+K4++?sI09i4 z+M;^3Qt-Rq&%C{sD&&W0!yDp-=m9wU*9hF)7mI7VmLvVhDx|UY+urzJD36 z9!bE-UGZ2rxeiJaJT3}-i1#EC%u`_7Bd0(DdjfU>c>;D0-2KS=sSo%$vtS?KGp(>k z?mn5f-eNi;^G3USE>gD5V1Jm${xJusyJj0eyz<>Noc??wE`B-HoXgg+!h!JbxCKQze~JPfzem0fyG`?#70@}7$!Mn8 zsAn3gdp&YM@W=Eo0)(GtT=M{-t{Wh1^0xt@z|nsvAatG|LqgxcLrn)8AoR3J4oD>% zD0A9EH~%?d$G7Q%31?1N|672tTH|gRLX$mXLXK}@^Ih@;ZX^9>U`}aMShLyC_Z#;X zBF?wz>$HUSj7Kw`&yt3Z+`2GcmSm#YRrg2;q+p{u>Mqs4b&s(WxU{~aJB8G~$Pq9C zIjV#sWXhj0F`i&&GeH-5Jv06^+75mkZF|l0@y!E-Ow-$x4R@-ZoHeKfa%Q2u5wA(W z_DX4r50cXJNW9a%-aT1^8~^UZT`2iLFD%-43Nz&JhU3dLj%#6YXVHJbJ1Enj7tShk z70D+{OPCkbkuats2{ad&V3kL^pkz=dln7KX=SNVfRx>1Sc_qV~N$U+|Vyb)#Q0N&t z^KDFv+mA7;zCneibCBnOF_;*2h#>Hit+|w@A~ZGyVF_tIFnARcHzbi{a+FNadV_%Q z6dH9|jfs;ZEDx2)@kV_^g(mU3nv8e^mFfi}ryMm@?SSm%6zrY-tz2`+sm#-_edKr~ zK|pZmDX}*xO?z%W9;$2;X00(T zYVJTe2U56>ZWy!TTU)a=G2wy*cn(WU&Is=kPC%$QmSYnybF#f@3-+a5uGMh~7Os22 z%Y@=9n;fg%5LyAIap8v?&6G=}1yT>RC#vGiEKtRW^+3XyrB5 z`A+PD+h?452X>!3)~Tu~9%`R?A8+u1?Cb2XY9pPcT0^M-JX0FF#{1PjhKyfeX1JYt z4|f_u{iv7RmzSQ`eGNJec7Q&xtx>^p4{zf0wqM+NORZ5naXW+$Wp>ifPJuio%=7ELI;6Ui*Xn?mjAI0fa{GEtY3Y1BC1= z3kYbQef>i`^U}N6`obUZ>??2M#ov5j@#Uo5aYb|K==e_h)k|;T>1TgqAzq&Q_1oCO z=QqCmk;O<9xVu+CI3@l#CJ`tJ5RQ$xWq?V5u=9jpp=ICsHn!W?lEhrN7q0$p=XpeI z{vBHNnvK#m1|wV9uBg#=4%!Tf!I(vFpv)t~n7+Jtwz0UI`e0N%unt;v8H712qVUnz z+X?BM&f3iJnXc-fyiVP`YEE+$?n0hJ*G4?+>SFa#54yr)s4u%`#G{Wt*$b9wE z#7FZ&tf-Xf1cVn*sB|L~D$DURAlMvq`Bh|pdt?McV+aW2&S4_ujFAxv;w{ti<7hSd zcW68I4YVKg0)oeHMW+cHkteVV3YF`KIt}_6PsKFt-0Q44MjUe=RhC6PW7_LH6T`utTn`1?_W5e9rBcRW8r<}g3){0yBNFX zxCKHVs@QWIu3$*aX#xNT2&MUPB=bRm84nO<0-T>i|IL8V*4M=;CLhTFVKRXj`!PYG zv}_Y2Phx7scWB;y4#7x1giq>+Gy7k{#odueKe`;Z4if|(SdOG!OOd{RHNnCfByC@g z)IHHi-MwI_= z+x>1DT8{)2NtwXy|Aqtzvw}jcD;y>bwhtJNTX)tznonK*SM(eik1~~-5_IH1$&9!av^7SKLdd|i&sFEM!nI0Vgw#)*oV&- zM&&By5xIOE4t==^$@@0p`refm&f?aQ*|@$t95}NE*AK42@$VxMKC~i=FrCe-J0j`8 zdIO%=N#O38`g#EG=a2^^2?n)(RO=!|4iGwUso&GK&BTrEGfhi)W0%ZQm*dK}v&_rr ztv$L|M>HKH7BI6L8$d z>k<~Z>8`AR@OCew{}>QzOSR9T?l>bzx4@w7^@mUJa>@;#H%3aza`)|}VUOA$U%4^> zp-bZiANHQpKHW3|E-wk(x>J*Wmmy*H^)y%6cF0zyGjdkw55KYl(QEb}F>T9L^7Fa{ zfu5Ckl7Mg{+Vq|6tDgsAxG94yB-ve6NM@d1smyDnD?$e8o{Zmpq+{JDVMM>{ISJXy zQ!)ASlx~H2al0@%>J+BLuwB`gClhE*j{gpR<(uKleP^6tp@*4{SgLvoROqjS8l}~y z`zREVsbQ%{(YfC!`{FHm-vfju@TH{~fXVOQ79;2U23;op3ik&MVLm-b12B{MPFqg_ zY<()m$KSxjxEmD4Qp{v@oE%+nvJc;!jtN%IButCmk75rD#&6#G#`2KRs#cPQ#dzt< zTbdwg&vKQiMIo_~#X*#oP{6%tP+Ru9rWt@xfX;hPJ6r3cW71s#Vfl`z*>Vbs1qI`i zul5<6Qq!;TkraYU*AG<`9jbh<{^1K`FZ+lyb7X(dRlX~_guZ2cVu}E7{B<+mm3ge* zV`&Nn2t(O#LN}&h%9dmbpa<|Mf$-w^--IYA}U3fr=*Op6kAwd{4Aa zQupXL^$in#Egkj}z8h+HrM>6)Y5d{SukiWzd+lBo%l;^D6OLWKTpj;B0v>9H0i!1S z?qgXrmiX$Tw61Yq@sV~0x)cx19LtnzNT3spdi|avkftCMzZbPTEyT*$=PhmZT`O<8 zN+^D~_ungnJN&7D(DBiR8WB%aJ_Cdmo0w_md+ZnPonigh4~);g^JFcMWLX?EQkg`~ zsf?hdeibRmyWLL`Xi~eYzA`_)r!|Cu-4K?z7h}vE@+!vieH)*UjES))2nb(7tA2}d zjdilB8j)u_QF^i-@B+QR^VK1QE!u$g1E(8cP<+DNr5mGEm5wOr-yHc%HbOD=&9aS9 zuvC2%ls9O;L!En1#}iM!gRlR3G)qX7bW6Kzl?EtNu_;zZKI`}^MsqJSV{t>Ls7gNr;e%Pd=tgmU^fGz$m2Ua1}KD<6XXbN+;| zSn@J9*&NBZbz3JX{Qm+7|F_7kuX7qX@nl@oSxk;RirG=y(5&+U_~i^h`7$LDza|`i z{U{pe_dJD^y<2f(?-NKq@T8eFp4#;|{^!Lx7&@R4{L2?5pecxenmsXK+A9Q@J25U+ zYZEV_AJZNrO(5IxKNS#4LpUmu{UquY$KOj72k7@Qb zK8#=U6^1VSEvmGcz-P)JTb?`^KDZ4&eP<<3?~KNc!|RZGXbmp!j>hgkuRy2z_u;|f zet0RN7p@Vg<9H-ecN3%?Ty7xlM*#09kpSOpA4#jI^^QxCwr{Bq7|QXGg3ar9g2cUx zki309Qui*w^<4{a^0O(N*duW5yT!P5Y#FYwT(|bG$791EM(G@W7}KLV5@+|qu}`1I znSHOLY0Emu9xwnEI=_Y7tv^HF&i@8L=-2oQ{5`r20NzQz0KzQva{%FQ@nF4SHsNUk zO3`91JCcy2y>9{}WeDn7CMJ=DnVOBd{47AI>rSxCB>i=_y1j%6?L`u1@4V)b`=cL} zzDMq|2_HOAjdW}Rirw#a5`eGphxUEPnz@oD*Sr-%IDz&=&PqctaN!>@b@Mrdt-pln z8!wwvnHB@$(7MkotDobG9b{&GM;<1Gb1!dvH&WeNCjns-kVq2#t&Af6CJu>opDmN( zUe9~l#t%NB5XH&=vGw0${+1J%v;G36#5oUqGdJx-(VD$%y_CtUURg+LSv{{UotbKF z*t7+!ZN1Nu2)FLgL~cG~f+Y9CSpw5~u3))VC{=9;vIX@(_9{J*BdDtdjh;avK0NL! zCJ+oxNKov?bW$46uNx?opc=~lJauC_2j`O*v-ET15A2Q;TA0Xutk)TjTp#ett94>= zTVCb6TaUs^GlF!vc6S;=t%;M{rGuQZLUWAC*K^QlJ63!@-L7)G_sBVY5kJ*$T;0@%+%?y`9Ds4K(e(>aW;(9V zU1edG#cV`C^#-WdrmKM(UAI@wccac#j<2?#K!FkuVr|?LRwh??rf3g1KAs_hEm+}E zwn1YGzywB>6?&o``PvqZhdpbifYUbYN6nDMn7{5hOV?Y&sB$N#%5e*UQmT3?H_J!A zsct_V5UNa;hA$5f5Q_fz%|3HDY-Dqc?7g_PIfPXzy zdZg>U1*Rt;oRF}K!utt~;CL>_GSbF}#vDiIu`i)@@1Ldt=wfj$ALZOni3FI1cjL}-iW++CGR=jFgH0Zb(4MWzUR`5zZ z*nTN0cU+EYJvU%d`~{3zcLCvvSJ+;MF)?8W?yoY)Vwx5VXlUswbwOw4XB!W0a$uHL zcKwsTMe$1V?5%iMCEqKQQBz=i#`-=V_zSX z&?7m6I>4`NSM-?nM~q#221C~<_85h2MSIP_k$)G^*~8cJ%}C z=z~R3q>!Jjm-EY=9YreDLamNt5xV*vj9>Q+!Z=2Zi8<%YFUjM<pma3%hbSq+5OP8UTMTH>xtvvZo;CTC{%m7wbx&#Ve^2MNbB>Ij>!E{+CK9AaQT|ksOSr} zCwQp_UK$<%lR(s=_ZZ|YTi1X_zH%L$XSlN6(09(;n6lvnh5PdaTm*#)htZ^e3_1+T z5_UqHFVBo(u&hbfWnAS6->iqZbXSff^Uf#IG5?Er=E&XSKqC)zjR#g{(jPzFZR=KQ zwVOr3c{OTwipRs96483}uQ4rQ8yfUngegn5n5NIt)`Q&ZS%FG#)8P+$_v4$LN6c-! zN|$s~W#zFd=c|hV>m@Qtph_MK?+<8$oRvG8KyiQho|qbQ6ydQ1e+dM9iRrfHQW~=` z0wtM^N?04mfm!`~a_lK|81)RA_n2$>S@|p*30s+fP-T{uvU9JoC|0Ez@&+|UcEth= zYDHnaoe4o&bM*L2F4%a+b1W-&ndhXt1Hxd`?X(8gT{M80lIhHHUIl9rMZHF(T zRONaE6eA7Lr0}BEnfIpMU@fFpwz`w2+)Mi}es~bk-ev2H>iNlbP1#shmXMEltTtG> z?r{_-{jh0%PF>`EzTdolrDyc4%JyKb7I^FZPu%-yH}DtUpmx#Owgab--@lI2!kLDn zISN*6Xn?S7=qv0$N6E7zc%TCTVch?i7V9#fRY{Zh!n*N5>tL<-xN>s)Ie<`Q*2fR8 zzB(5ml-Zr=gD-cOX56c*7m^`e-Zi~xiVEsw38c&L7+c&pXw_r6C! z*c}r$9KlHTGld8koshzJ>?(!GqX-%EBH9oT%2|@7rM+HgTLhOmo+>M`LZn;73;XEA zbNznc=xJMjIB4WF1U<}gy>vsAtP%phVlqwaj1ocZEHp{sG7V9vbUpJfDu*&9*|w!C zHn`2ps1?OB^iJIMcfZ)ieju-x?Qa8wat1R#E)x)XYY4{@u#AqQz#K0?c-qzuj;FvU zbJDv3!qDhsGld)#OOTOx2Ej8wFw2HvbDqY?S+N)~bu~uJT8EKyqPb7R(CKj)KQ|Gh zr!L2@-uONFpaP4D9Gh5f)j`DtU&0r6+B*z;p3KJ^n_@P zniP-WQ(`e-S}d9lU54DX#$tTTNsNiUPC=6(HR=q;B_4ub#li5a&=sYswRdl2`eo+q z#=~?Cz&_rot)6)P9dq7P;(^Yl12QKD=E6f5hTLKO`pNF_kM zzjQO?C`W)87;GdS-_JI@KX4#=&-e_J2*gHYCuin~B0LymrNDv{(Otuoa)6>!{7B*I_2=v>bzn z8Vp2@7UR&U+hb@mA`ycgdmEv#-xJJiXIt*Zu;{%O({Oa$N%Hy>Mn{~*=(T)je4z6` z77)q-&AOYUbc~EhF;mf@>^lw+p2t9f!odkw(U1MBe}wa%I*R84!6T#3kRPWoHsLhK z3GO4#V_f6~jEg!=aCsbqDbEawJ&mE!Nf@-|21cy~My|Mlu()&#T`geE^w%6_yX`~h znlI61WGn(IwM4;O1yL@qAA)lEp;eF{_Pw_ZH}-1HU<|H&PXKp#IdJeX(jwe6&E4IA z-cKQC7V4bgI3TEXjHw6aS#WzCUyK{OXCZahV+4jPkhEhNuJ2fm8+%sa`krODw0$0u z4lc#HearFt=Z6>=Trs)<(vQR=4a00uotCTJck(sy3p#$si{zu=TWQC^4 z&2ru!(1ie_FYd269HkpA#;n9$=s02n>a=yjrZ$_geS@i>17M+QMO(vmL&Yfal_DsvU7mYWOea@m(LRol$6)a3Js8>d;{bTYKHt( z1m@cFT00bH{vIIIWA+^D=S#x=D80J@LWTdR(}}|1>^D&A!L}AO{JO0jRJ-t5ueo?# zEK?s@68{wPl&@zXBUkwl0@S`3x8g6Dns^qI60Tv=#x!$=bkO>?Ld zmT(!>x;=|tQ{Tbd4Tms$!v)MtIEErMhVb2KfLGr6qxDsNs4&ZCuMASLn8O{XWtzQu zGxC(JiLQM|S=q!ZtE-*(NOchXXfv*pl#(O&j{9!cA72_Nth4~(+Sun%yuza>TDBGv zw!8**lg#v)sdmOA{uviG7vF5#<13dhFWnL z?f@Y{>bswRXZPFtV2|j)$20Tnlaaaa_bi)!A{i*;Z+cRPVqL*fbx|g$)x7~iIh9E~ zNgzmJo$r@{%>D*moM_K5WP?jp~%SD9_Su9e(M@A$;B ztN7A@-?-(p>#j#I4gR1y>6+dfy^q)VgLt418^8VL7z#c*#554jdLqq)@L@6g;a6!i zvR4_1`^z-K>1%Q%<=#uRmCUk@ZzQGr!ms~ifG}H$Mx1L~VdDHme7pBD_8m>ak&~%7 zaOgS?9lwFSN3LV{@ifd?{SpdQ>5BZ7`oPb>C;S3>BS)3~-1k842gadu*q;d!$WNK& z5_}Kwncx|CF-?}|0aIYcfi!`_J3-D*rT=O`C}%wi(U1YQlL^mQaO+L4+Vr;Cpa?VCPoqvj)+XX4G<2FJLf>5!d5 zu`dl{za1KL5d#T~2e6)l6y{=WDuJaNL*-3%Nc?GnN&X&r1w$1#aosKQ`zA)O=2)~& zTE`Uf)y00*7&T$#mzMXHw_YV6 zd>H=ClBQ7*aUbXoAyxlS=8u zn|xA|GlfJ42qhBxrgmPGprOex6A)6!{t19klcqpf^v11N6Z<4qL_CSrG0*e(1zU@> zB6cfQ#yyQ?(Oa-8_6eia(OXS8UA68x{PwLceC1Y}S;!UG%6I;9I)%u`u{!n{tcZEW zOaoWMJ;QW)9`zI=luyJ{SiJ5jmbVA;m2G6}S+wXrU%5`^aA5!ii0SJI1{HE*;|<~w z^1Ue*P#eX|*F>*D<6RqR(+!r9glDI9diuH7k?dok^)dBfm52ZJ`{FelQKVu6b8bC?iDBF$iS2q+4?2MeH zn;M{22oKfQrK;q_H!;K&K<)M67k{y^7z!>gr!oRKxdJ+w!z!(ZGyo`5Q3As81bt2$ zD8P5gNWYJbmKDMcx86{oP{4x6p|J!R6teZafJZ3byDroJ2icg9KFN7}_m#@=O2mu0 zrZT3cUg21H)im_(iwm#vcReTItaYvGd$L}Umt?bUQKO4@OiYjH{kp<~|M_YM@>UC> zQ2#yK>jZ_+GXw$@@;9GE$C+=V_v|+;F#JIJ$Fk+R~*Qp%;sen*ra1LZ#S>%yaA2OuDb6Pz0(Sdx&`ma9Y ztJ6i^OJ0)XXi6b76h32w`aOZ(h;_;W9`!4=ljVgL4f8rX8GN`*ek};5|2YFGTA0g}D6nOkDeRj+u^L z`C%?n_N~UXT~YY@w{uXlgde)q&BJsyGVL`ag4hGAaqiGY)O^?veLEM!+rN37fUpXx zwAq9L9X~++-h2KH8p6APyq`k9078#`1|ST512q~CG;Nzrh7^W9lT1x0UwpCMgaJ)_ znw*?CL|1g$u=j zD^}j!SBk>kgvo0xZ3m!ylcy`Jk;=FK&_$FiUyH(Q9TW|yi=u(`DRk69e*fAON;#qW z*F|AYti^+xTD&oNX)6-g&c1jH5azDX2LopO9@7)gSxiEUw-<8;O$R)IwgXn$B&_Ug zvwT$sk1{WN6SYVswOf7XcanQd5Xa-Sk61sgi_jLiaDSO56wG>{ zQu8I4lW+j@68E7%U|;<4t0UIFnSu*b^a{YV)6?Zz;+lan6u^g^2`zlQtv~7+%5T4KBF4ord6L3#69PhMC7K!_%p24e`73oprG{frt;t|KOW{ZY z9RJ(q0YdA^x=y+qAj}=m4Yj+(V`khA)a)j=>p&JDVFWGyiumF?efiRM-GfcRONzrF9XXAOy zNj!}5^`_#{He*b1b4H;qzNXbje{>>dusmv`weioGnWe&TwC_8{%B-HEk1JMo9g`v6 zv3RVqd!+NMq-%QKOGoEfpH;d`qn|;E%8mG5RzsDV&2ZuB4WEfQL12byIr|GQ=>wCF z#djw_^L_ULINdpT{2U7Z?6>8bBX8+;C`eE(aDQLaq z&+ypQ?CxaukX-lx#}kjomv~;HQZp3dSavUfP+mqA9zjlwWS%{N!i{1OPEI_4R->Op zmDb_-S>ia+j^3BjMwQIF_Gih8)Kg}}UN4f%{Tzv`dW8VyFf{>$)K z;%5k3^Df`z7f`FqB9y8(9oYg$;J$!?$X=nh0mZz5EwMQ6anr(ieaekqDvdraI@^zr zKL3lw%PdsBH7pJx>z2EGCj>T`gGn)&fKZ@M+CEz^80!F^t?}WwBQK+4qSFWjlWc92 z0HI7x<-UIce-EYbJZv2WUkcAXru~lTH+EyUSRj6rm5j!s8AQz#ri_ae~6-E`)B_ zi}09l%@kd0aaDwj4?Ij;>FZD>`2C09qbSE-#kEx|)mXbX$aZJEymya3+Nwp%=W$4oW{`j8yFe~42p914US-ckG+mD z90wHKUFOkxKWtqc`@ET=DyE=7&)OsmU7O7J;uhblo6P$^7!VrCyQpFjk_ZAtBME>< z5-6L)naIl)$5iIz0>AR~D^2SdlI|PA`{jg2-boecUiXh>zm~JA5tQ?W#*p8nQE^OL zF%bzC^}K+iKENro#kgf3qfE_UWGkE#kr9J&=0F0H4=e``JmzT69NgS9ivUn2qw{cc zAA#VZxk%qDlhJ$75PE=6+ChTBn*^9?2d6A;C4HOC%AQ00)sO)r`z$}?)%4-bQ@&_ zgi|-%WInDusJ#{Qf>S+7*>na|@!ZfZBxuL=%FL7s2M}zK z?Ja%vhg_X|ZR~xZf5Got`E5JIU28E0I&& ziCY$cn0t{tg?hZ!xp-vPd84j5QA2-8rbTq=c^W=l`RKFV7C2mhFmF(Ef~A)BRlQ=P z1z51*1m?saLFLA?up<7~ZVi+@<(#F6EZDzYqfmBBU%q`mc$8%mf3==dYd^_792$TkqM~Ws4uSYUhA(`FyG$NlW>)e%e=N=%_b9E)!&tl%&@|v zc4A861=A49G)Vs7!6KsoLzCQ~R?f0~_e2z7%OQ^+2Q-G}Ao!?H3? zdm1~P+xzDW)PMPMIv#qYEs9ib%f8tRRrvnSjd}{pH@t{t3D03k)RS0BS{D5jR>eJs z<LKUb(rg)y>a$tRUMVSGf)- zTx}%za}*O2ubH=6Tay`2kdtr@)8bBI;?mDitXwlE_Uc5a_}my#3i8j*YG_N;cQC-uvnu-;KQA^^8dGzpe{z$#k%A zU<;0!_vU3Zd&TYuk3EXc5evY9_5}vo`l&2h1xpZYduQ;d*;GfK~>}wR)*v@g^ ztTQUKXMgC7z{c||j-UiOt!*0}o#M28B*jS6S~taR8_O|gYz&F}!I4)jw1mvVBqYlO z%!ENct2KLySJ-FT+w5~KtWH)r*A+ahXMD*xzLV589_d_P2GqdZX|7aqTA}GeHt~Y) z@sSK6-v44ZN<7#RrR$7AK+^@N(0ma}Hd=^>`fg$ww_$4R9+a*&7H|CS``hzUspW_*Oc zb3R7TSs$U(ls{1JIE#_1PaAIq8Z1aS0gHs~I{~2sXAThl7~uSLGJwhcJ87c=)2Ffx zU9kH96hL@)kdjGvdnPLl<2`?qd`?n^#-7V0UXw$Z!SbTX{w&RwwV63rxk#XM9%E%% z8o@omp-iSnMez5C6yBR+&**tMU6Et@FU&bqEpGz5Rn#MJRyX^tYl#52Vy6;ExgV9Y5D;+Q%p{tO03 zpS6z`qgI~5l!!wZHTM+)!HV#&m=|yTb^*cQT3jJG!!emrq;DfA-L;xva0ODnn?-;( z54(Qf9~TvFV(&V9{K6PKSjZ1u>*U3ePnIENH^JcH#Yo=Gavoicw4IR{)3q|n=J&&n zuQnkhxFPP(*A|v={C9>Ak=-g z1HxBOwL#|$A?9LAx&gG`fACinEcO5f44!OX#vLHkrb$kBy2;KH6z;`jRDh~Rqh1sQ z8k@W9LKNJTPJxOYQ7|yrf>!4XY)>J+wF4l56dHJ6-m=ZnvF}t%-vob>2MA3m!M%18 zK+6U-AnRikubtVbI(U$u|n7 z90;Z-CS%UVi)b$-hj5fohQ^A=8(i`2(Mii*QMDZ5R_f0p?Z@AEn7cv`^qcts zrmw%0;ZarQvhp&jcTREQLSs`gZPP7GjHAFFeH1ejkHEj)G&8~5b68$8$qQ9NWoAxV zBd7fIrl=^k@!;^WtL)DNWdu8V*K)Dl3qRZrex>Ummw#Opt=tqv0vi(iJZb^rZA~oe zEh?mYeaA)=CPgyGmG;#ri06Tg%%roJ!hHBQWO}WU!=LX;m0;wu^?nU8XZ1$YoT+ST zKLHFgSv6j{&C|j;?TKsatE^+$ssw``|KwGXz((V;f1}A9r;fAVxV2TH@e1zG@oIA1 zIgDTWm3g)lI1{VHGgkl|=A0W)nx;*{r+xB~U1|VeF&909r%3PjTmqc&& z^*8b>u%2nfiERI>X1D(TO#UtI8pyF(>J)p%msKgA}Ak~L;X&lfW#Ze zQ*V9%>a`ncW4ppCd^0Fm!R>6FvN{YO4>PPRl zJIT98$L7Y>9VgG zOp7}R|C&?q!pmQ0eC@#5NlWzw$%i=RXXkTdc*%wTCe}g1~@+@UXR4418;Cl-5Gu1_;euRABHI zKgz~D!^xP z3q>wX@0sy>hR5pb1DXD?jhE3U>Llc;c=+l=m>qi@ea1eH{DsTl(OO0E^~Vvous0g1 zN0t&y&B3jMGdWokSRL?ypv*%_S~F-~K-U^c!*^G}_s`OyMM&E_ivV-F>Tr3vJJI|nU%?=cH>Yz*SaTz93n%CS6Id`rx+qbFpr(976WVhJv_UriR>;9La|CuoHhncFFqErod6_Iwxec0j9c|B> z$rsbj_$sT!Ns>oZzKRbvGr?G2g$q?`PobB9FQ_xYW;+8>xhpc=ifxcRkVIiCC$CA{ zmWzPFuY4c$pDU*_R}h|f4O0>?Vdnbdc%_y4Td6K` z7kh}pY+aOnkiw~dJzGPhcyltt%U}KxGmVu=Y{{THm^^0*uB1pyq&g@ix2c{U&p!NY zpIdhmNM4n9fKYMV0vj(R7$hJ}Jcog^K0^80196E7SsR#;AYo5u1UEOBl6aKFV|l8v ztek+X`(#lj;aeKUPro^Y7M({?kQd-+gOU%1AXgcJLkih>gL-0mebN zd@>DTdkdEvU7D z&z#IZcVI9IJvbh7V*W}%IO29d$Uh#w%{V9B&8dt4VKoB6$?=CVXTweuuQe3WPrhqy zW@QoaS@kQmtIDc;&hv#S$99x9qaf>|wNrJwZ^q0Gm(6@n9z_KVC8UQ^aFv!+0qeua zkEt6@Vf4zcQS#BrsMmQ04jd=&GaFtNnmm^m7qx*2bAkiXthxRq7VSB72}R2_Aed-o zA55ezl~+d9sc@w>2J{N}*GKURO<3Q?C{m8Vs~o{#If1a|7OEtZbndR3V;7%u7rDJJ zQoaG7ZD@kJz`xc@<_qddV95N+H6xJi>E1n(D?9)4B;5zJjBiAUI#(aoeR>!Fy5lt8 zgZju@hM-koEx?6%(K}bY^Adz59Ce{OVw1?j8zz*>1Xr5EvCF^Yvu!OMwS&u>o3iBQ zz{}qUgwMbEzWwfjRkf@2HUUERL!B*++2YEV7RiO?_@ZB!Vy#RQjpb#4`?}p&u1X!@SFr~MKlVAo zC^(H?cLoz<&SFO52|UzlA(qCyYUye1n{^OtIhjwocGBFVuoJQjDIC~^?-S>c@`{<) ziGXk>`@sQ%K{=K=XEct2pJ;R}0ZiNl(};|tAS~;H2^5gWCh)g-3e4n(1U&evCocdZ}kqmykK?<^#TYOV6ArXuwV?tER^Nar5uTvgIzJoW&gE{SiZ(bES#-@W?Q z_0gvX?7hnE-vl}M?#U^b)?k-xHj87$PIHG}rNJVsiTEAIWnW@^Uf@nW!Rz0bSj>WD zs#$;g@bjH^&5aXmGvE48Q(p3D?BvCKhdFkZ@JebOL~Uw0L9x-*`jdf3_%7!h|7{RysR!aHj1aZHKWj>a8l;=b(p&@VU$ z$G?ummF>|4f3d)kSlrr85Vk|WPoQnC4-^s%+I|5+;4<9Y8$tRP0K&tIk+w(Xr_wym zNBZvhNZq~w7e1LzFt`Xew#`S{u6ell!xUU&URMro#yc-9M8(4QAs4}3&Dufe)vq~1 zN4G@G>H+xl)0H@S;dNAQ8(QMxh{2 zdYSVCzkr^|9@N|1WM^YL=C9fr0d+&{dDG}{bDAbM0oy#xz1F_eXc%Ja5%ZRB#)-HM z%NNYaSU^yki5>)+OuJGKWMh7|59&b>+6&nN`yqSf5$HbS15DX?$plrI1`&QxoO1WUrY;zWe22Tu)W`Zum5X64I4A%P9Frd61lQ z7bnQbyPnFR@^60r4-_1mnQL=%{6OJa-tCH3?O=h$^RRv9CQvAgQZV{dOkn?;wCNfq zXbqjO?@f$4hdCRMqi&ZK2pPQ4*DutE1b&#W*R3eU2vg|yzN2O_zm{ybcIL!JYm#zP zfXx{gf~u`nrZY-DG6&P*PGfQ$flQn)D8Eb|2?iykPu@(B%*lIF++Nh_8I8`P zVsU~3pX6!8N zT=Nd29qOzTIF)R{1wP^A?H) zHb+smr5wp9)IhF)4rX51d{_d);*MZ4`K9%yp$RD#TW{d^8%KxeiCcr zp2y1AXR&D2<5&~>oHMI6de%|&)1)V{D(Y#{Rz$|WjOA;e!Lo=aES$xn=%-MlML*;$ z(~1DK?L7lRnbS&`mv_<7__G8RClR*(6#L#8f~6xE6|oOfHyy^bP22Ebr+F6ey+Gym zw)QMQ7DmDq_`}95ECwb)DZ~L&=gGLkM9EHan!qk{Un89n4BKKfS#9o5G;{-X$ zwx-GfLani)fJlJh0O9+lY1Ri8ZO&v~H56Uvxn@LtveJ96-+iQGAKAtOO*!60?X+H7 zZ-s!F>+x=`)AP#jkDncM>)|WNx}%Z%&{eq$$~2#e@iE&uW*`R}EGN}$*aO8XD{d;syr2%8*E+zD?}lGs zSG1Y@Hpa#iJg=qjAK|pH0(%040%iZ3fKc?m4G8ZFGX9syfs;(LP|q2P1A_u=&Vl+?^gjih;W8b{NfnK`A;q|(ewor9GBWI*VEoB&-W zsB<9LyT@r&ovE!Onad7jJr$VWOGDaIGrc8`#}W_<433RFV;{BqEIDNFhD`Ir*8G6F z?WVx*em_he*AiEE5d`jANwBw;`!z`UW+AX=HE?hZu=}wLP$=!)Eds)u2j`nNP=P{` zyoBBr==~FPYaapNzJ(Tq9tW1%n!#JUncm)|NcwIru75uVSH7Eu>w6dA+M!iAxjPO^ z=JrIveA!W+^LMpJdZ9v{HYo8>9h85dHvIDBhF>l}_!aU)xr#-QEjy3zBi&zuSFMyB-wHx;`^G9hWB(UeN+=)Vechu{-7EK3i zLF4{Uqsf40&|=8*=H0VlzZlf+x)^zbT)ZYLpJrU8?Gxh783K<~zTnXeUDEiPKwCEp0+K6U@wxH?IEod@q6PgU!jK+hxAGjG!2R)7k1GZw+>fIJsP8uHp z!a17`p=R(bER6n@rJuQZb<5<zA)=1LTpWCXhn4*1(mPyYQ98S8j*<%XGn_&DSXm-Y_BFG&-BFV0`>V3pFt*`Z{KBx{B$syHT?G5IphP zr>1#yU%jP;P`fcxWlTV?!;36%V4b$cFVp0bR|166hGi$n4Icd_<|P~?ARK#7fUtT< zBHQ!?CdVH{|5ODY$y&yya)+l?K**eMzAv zcy8|sX*W@1u}TgQ8aQX4E?TJ>N>y!wt*^arCf~Z(`U(GNe;e_4&kWq^=&O&OQ6KS0 z_v+d+FTLwbllguNm@CYHj%ALz{;4+%EGQYDrLR4ecGCxJ-37ZxX{pzZpT5RS=1M)# zk!iKyJKWK%0Pg45+;jR%?6=2kt!@|vQ}vxO9G}OUqn>jFgrD2`VWlNff40rH`&)o8 zZ$K-1=cGM->*K%L@7lyyXI;QeA47cQoWEv0-=`MVSL(Ft?bZ%0;V2QNa+kfj#b zzgCwesMcu?>hzq0A~od^R33umj6_=GX6D4Jm;irizRx8ap;(zFC|x{AhFwvlOl_1+mn(gKjd@ew}uB!VQTgNz_Laj_hwf@imp`1j-UBHBxv*rzS~J_vQ94OwcOMUQP3?1?{lUA}^-BV{G_4kOZld(6 z%ewS~Pj{nOg?cDdu`c_h`#6}hd@xG4n1gZB5VHSw9Qi65x0z(`lqJPY0mU!BKh1WMiFqrIcWsc9b44D4!(2fvkfUl3^nC0K^FTQ) zfuQ!Pv9E0K$J6d1j)XiD;&IXa=}3@&J!VnZJ3!%rkuy z5VSRh27X-l1yKgrj26(8#*n~IT0`>xKN=9SE}~4{iJZBuS7(83FARkT1_!dA2@pCU zPC(AFVrX;iFrxl#63C{Ki6cPj;oQ<@@(@E2C^UyTjKb@dX8pEIGR7PO%*4~8% z0&ngTsAPV7mO2MA1cWzt&qwm^xj46N29ABd04MitM&!CN@XMJK4>uTqi3>l(%xF26 z`T^tCeue4L-(p787w9l%6Y6%KgJMi9Xb1%Hj) zy?#K>Zr>u$zZww!7~uU>`UMa=O1h2yDL^>ke^9>OC@hYDmxBEO^qKG++VqQ~0M#8u zIBB%+Kh_7hoG@&g4t%7YCd7L&8P)HPH0kS1)Ffn7YK`m^Jabg+gE340Y%$stt8G@| zCCrFFZ`v;bvau`wWZo^0bIvtc!#8o-CshgZyx^5@?9^qZ@sv=gwHwlC`PUhbx$)m( zZo*;ACUBay`2=QeIe{6Qk7L@#qnNq=CyBP`T-N zERB1~>R=g(e09@aWm4YT4qi5Ia9Y2m{0jzkK+&qfwti8-L|^L*Rq2G>{sfBU+nQ{TLbL@YoQ7dFMTKAr3>7}GPQ_wVv zC&BcXj*^xG5bdSKQTkU{@W-Ef6XhOqYt2eL7!1YzQ>X{!B@kNT;b1dWm2m1;JOne@ zHd7OBx*+rkmngtrz(j>#h)cti_#2p(a2A8-zH6q3drk^qX>)6cG6129~V~ zv$Cm#6zG_!^)X-iCr+oJWTpD{m0zaJ@~qfu*z@eK7t9l_LU4p7q?s@(Co_|_BxCZX ziv9(9YUB1p%|z8SzXWOmgwhV?tkeY~m%fY1v8UJ; zY38vuEKY!sJS0F=e-a=R$n(;3sdMv{-YfseBpf=w%S!csO<8 zIzGd9E1(Ig)N5<^>zxxn6t7e1>plSr$Fs~jdgNUxWC<1T|nBTpIUt@mD> z%E9?2{@f_yIJd62JPhe@nGZuD7 zVRlwUzrcR@q=B~8@h@Rb{Hs_O_iL<)dIhW2y?}L*FJR58rzl8l#p;!hBR2YZL`L)8 z$gNnxYs(|HVpZhxSRMTeRz$syMG?Qovbfi=B=!|7ihL1EBA&rVpa0U%OjX{Y z^>M9G&A}KGbHGA%D2}B7p}bO#h}0TX3j2zE_jduIr#bvF(E4ZT|Jr2qPJr>hOPS!s z9s91c&)x?5vOZ%#%ol3G=TJuEt~s+v(>j_)Oj<*?-q5W%^Z=89lmk=$*?{mOhDV+A zk@Jk|k%ijukvxft1{qx-UBV#t-yy8~keIWMbWR?M2C+};zM;`)F_wHAy>dUs%>NXH zO0`Gvq9yRmrYX2|Xbo;0nM3fk(6oFvb`azpnhkmQlqXT_nhWfdwvZrA-arpHFQ5X0 zw=w{sZ%yG{0N-6nj%0ktrX3UjJw#b?JJa5=1nE1MB5nI(T>k3}T>D`LuCNSO4y?wN zW6xsxXm;Ze4p8BUT@`P&nh(?ZhJ?%S=|5Oqwfj zC`tssh3p-^M4{e0kiFAa$kFv1YQ-E;%+sI#KCLE(C8EcfvjFmKBlOpD)T>mfe<{*N1mXWEubp74*)#z&XMn**oQOzWqZYsx>De@o+!nfZ}& znAu!Mr#q5JPP6Kq?JswunXhXU&4e97Yz_jioap0>{X>-&@ZxUboW%wR)t_=w5S9?E_=CABv_Xm5V=y)PIA%s4yJtZ7U~m*>Za$0f zxD!}NApKyYshGat3EvlY=`U~aUmAro^2j=d}lG@Q!* zd6a$giqjIZ&rW{|oLDZHmMe^WnUi=F)mzNPx|layuydv-4Q&z|Rn?aUB2{4=)b5^Y zjmOGb+NEt2N(%(lGxKND))F9SO{YQ_Jp1d9?S0ZCsq&cVbBQk!^l|U7$hV0>SuQCL zr-^WFpzE4LC|%iw706kJ?>d2WF82BR0y-jpwSkxt{SATOc}$7rI2fIdi3%l~-@m}wMWoH@dK!-mDgr0`bGa3Ept6io=wfosIR5qohG^8jJ?Gf+=sg6btG2TD>)ygnbT`emOekx1 zUV#xa9(T?~lqV~u`grl^l)my2C^sNP@~$a;#Tb;6CmrjW?zyc@+_Vl*?~W?j%8AE%UgcH4ck__T zOG$X;S4b2+r~A&cIfl>Jghzr`VLFAsu&88=r_gGEFyRd8B>U3|^q9eUk8_nYcFIqH zQ0XdZX^hp6)VjydT|)`~M^V&YYjK-8M^XXxNRQeF%tE5d4LFWeXP>T#-h(IL!UYyW zRTL>L3pb%L#MR-QFAl&$=y2?m^PGa^IwO18UMSjpAx0+b#i+PL7`^HXlzb={yAPkU z@~K?j2MIeCvzh)SzI%!ltczZ(OYu$4XEcuJ<3r8Hy;;uID5y2S0R)BYI~x1)m2Zb? zZ5Np1AzQ~5L4kNJ!2|_E0fK)B2q{SZ0toM&JoCmo$^GsCoO2}OnLfI;Z_)%xBbWgm zGoJH6p96kI9(eP}yUu(5(=~(!{-Q3CuK4Jhkz#2&V!!3@BK2oS>`xZ#U)Mb_$zuhf z=iY%vd2~HVkhBw{7QT%Hrg1$RQz%S$cM}Say&PCF;DM;I~(7@pJ@8;v=CzEjQ z>*+Z4&3qjBHU>j_)rQ}FInb)x3`|+~Ek><73I*gJ7@LAYYm+c|wQEc9VbDsa1gYF? z5yz+QDBw>SwL*Us>+~iH^^|AP?~$+L4ixIL1G(FOjr^Vdp8|xRW{|}tBp}R2FeuXR z0*ZG7gwmRLfbec0?q5l_gSH>j{|z9#ZlJLJg!fUf+Eh$h{v{S9p2U1kmd*P=gFHb4 zZEZ-$fzl9aa+H9_iB2<)&7d~(*r_JEdjW(J9`wA{5XyumcZKE@utSio;y?@7J$wCC z3W)^n1Z1-|08`_yVG1Yr*;`JcXzj6h{axP|Xp-ABGpbZh2vIn>=YRd7FJ@D7b0#Ao z;8&&x0mW|2jJ-y{3CI5}1f3hx9nT07MRJG|oCTBN6i&VeQe>iS}L-ES(kfRKRic0NG5SA9SMC~CcUV9{p*BXmbwI`r-&EY28 zkDsyD_^Ks0O3q8qJaBT8!1u?`cAAhVp+e4Na+Ym|{FS;Op!ro@Ns`Rw(A3(ED(Mk z)*~15%^lPSb-Kl4Dg}9gpz-mSF>&)X(iK~qGI>1(`^bx!x8Wqp)EbXXFMn=*LYsso z3A~Db>FVdMtDFzlZ%x3{$TX9A0^|sT?`}Xli$7Sc%_1z=a0&C`Px?$oKd>}a7fZ(u zGB=$+`{H{9gzN(qno%Hf;9RD|4|j~h?2V@}CFVG0#U4W6vCpA=)o#Xr6-SWOK$_AN z>7pwx;-7c{1p{j%Z{;S)S*aEL%7>kr(Pf;*_0zysJ;ZMSxql713!7L88&AUcm z+3M%5T(a;|TB@_w2KiWkn@OyZPSn^$BWilRg*#7PLy@XY%=}m%1N0F=9(RiewZPM_ zd}w@7T6)w0Kx=g#dw|f}bnNQ~I^o+J;cZcS(#`^b=^Viy#vGr>X^ zOij3g@R&4v-zO0m8X#PM)4bM>Rset2Su8Qo!!+%WRZD`r$}N*Vpi|!|yw|m}wCDnb z`N}oKpT6E{;M?0&Hq!?4l7wnKJ9_F8_L0UcV-wVD+QG&s%f_5mSxX@`O?A|{$O_=f zW1G&i)L)5mQ(j6dr2lA+M@`7rruPU4yKy`}gb9(mQ8V~4jG4LK)=ZlPq%oakv;M;| zJk_m(m8quX!$11Kk!b>X=RfrsfjK?L68gqeZ34$Gc}ppyyl#BbJ?=hz*szZ(>4J2w zLO0Wt4v%$eDBJZ|bsgcHv^17c0pNN4M(Q==uE%vVrIu<;WMc-2oBk%VGD>OGw0Kl& zIhSKQ$H28`Z0+)Rf*5HBM-UK>jX#E-)8DeWN`O%BU?!MSvD`bTv3Jj*3n)$yScE(m z?+XQxD##PIGw(N(|3JQrK@Cy3Vgq#QInEWv60pSVkNe2t-ru)BJK#d-lymcCUVo0E zfdf#S0@#Syy%-V0cVOdQ6nUr%w*LA9HwP#gZocm;Zu1J9mAG9`mG@THXFmLDyP1m? z4eW&6W!fQE*>)&er3-SEZ_m8DqtmG8FgkM$h*f!o_VK^JuP5X2Pk&}LTCQyk<JKf3JYhD@WGy=z2!JzH9b7%k8{@p23)?Qy3q4oMYEvjE_2qF??S~#+!f6#wol;D0YU*ldD0ynanAN56}vIwnmwD93>-$E zWq&`8anU<5c=oHvUHoCxs9F*`K8i-_o=B(tJ4|4(;BBUQ&1RPt08@nd+d?s*o z0j}@l{>Td4-0uR%WA9=I{`QJ=zQP9<1qeNmC=zhYBr^>?;7H*mv{#J5^gRnqLnttK z{Rif|mw=F>#l5NdUbMDB9koCN~`VUdonn})Dxr@hGEW*Z82*oH!#zW+A> z!p5KApP_67eSeEQKzKg^VU9+BArTn*t_u+6Z~i*&D?j))KsbH<84COV7!dv#c>Q}w zF$iaFQLHkTr}hGici#7NC~G|gI92a4>&{`&qWu;MKmx2ZZ}T^wN29)*ku#{b2~oiV zCfLMs)21>_>YSRr3D39F?^yw%zCPL)c}|x9OdLXe*{#u}qfMxCjFPQPOM(nJk{ODz zD}TTgPD+$>C?pcF5tJ=>T7u#kOy6)GWgE`Hx=nAv;!`t02@_6yNTL9pY(lj1`1I>T zC{u}GETDwc3-^m?w3ARNQ`g-l-18SLF>1V{<5FKgMdwQ=i!tfE0>&sRP2j6i8~2K zwPxxp^C2MFxC@Vl%*03nLh(hREX{pM!ARr|8 zn#4(dYJ4(g#2zMios8uPuQ=@iN!#@+JhBYLH?@Z|Z8~`TI!ae)g8ZfGu}z!Xx=U#> za|gA<{TdvCLXab{yP2!yuRaEY7k`Oy>keZYf%-H8=t=Qc5Sn-yp_{HFbYqf*S_q3i zjgfN&%DZ6i(M*j}$_)j?7teG~&?T)FkH6Y}03|BcHxHOa`Mwq^-xUS?Ly)_42+PwC z!)LsUxlt#vFlIjl`D?yK(Q-ZT!6!#drb{7zyz*+Z7?=F7?cAjsY}1RZCxB-1XVae&c19ZW5roE(|ZBc^~;F zjkD8q672Z5GQd`(d_Da3y}wwRTF>N_Ss+OwzxLvqp&W}tTh`N`{ZeKd}6ABY4zuE%fCl~a&0Uv)y@8h z_(C}FqIb~A;vM=;H87}kuQ^N018+Ms(fiZaJ2+mjM7oiHM&pJhK|Xlp95rQ`nT#r= z%fpR3S>5c_^V-NNr$bdxPq=(No*Sqz?JR%S1$!ow51smtLP3rR8W--(WV9PXwZTr5s!R%XuI<#Qige` zm&s2h-=@Q?<*_a6eIn(fjmLU5$4raEqaEgAM&!5VXeK=R0LHF8U`~m~#+{`wco==A zy=A<#>B1v!;*9vCz4F|9^b(2*@W}xW?=MiXv(0f@`&!_EmK2ogBM;{lS+!_gY`5N1 zGjTK1G_c77k&3D&dGE9RW(6WAVm1bqYm1x}d!SU~$IKh-aFsQB7wYy}ib;#NSle6q zj1e6BEd+)7k*~K~!o0;kawxA<_Sbal2jix%;kdwl@2|Dr1fBtH>|n#$iwRH9M^bj76nvY*?qD6Nb)#7aP2vZ4LU6DJOSDvOo-=uxo#)g z4SovEdMro#p-~vU<|EFN+c1*v?4ZbF_F+N*Pi-i0sxq2moVBM3!muEXyPy$oD^z&+~XlR5Aud-N2AFS1>j<+3GlW^;wML z+@r7(p%L3KWcoA6UZ5oE)+mNE-)%zL&NZBXmk^lARC6wF?3;yKp7zex0?N~;BLi{L zuVNjbHfc>%w#!XPsl%@_PF3U%B`Ft`H+gMYB|e8J!U zT{6JJ zkI>cMVa|rjn89*eK=_2~EbnPdjz4WS(A7IcVB(yO&OC_;I-yMyrqgKZG=-;^h=dB3 zsl`dSfqnUxR^opD9_T;geFtPV66if~6;qzLVqP()P>2^GG@ckByhWf0+s~wcI)@-j z>;8WC>9;;sNQ7|fPON^ux=JAU{l_~9*c3-kW{R!NBWRwA!6^9PD9qb@lJ&S^n%uC2 z%LImpQ9EQl0bzvk#gfqJ~( zKmRVcuVOz6pzF*t=Y-f(EPoQ)C&d7Cc$|XKUnLk!!GsMI>UlnE{b@Aq8i5YoXJU16_Kml3o%Jv$hQ2j-Sxt9!^z@6rGuQux{2wug8d|@Vo9RB#d>Xopc@|wqJdZx( zeuaLco2DhDM$> z4dK|>R7}|dOxc)3p5!!XN`@rtrSe?k zu|E6=Kr3#hd5k5`1g2&B-Fn=wDJYyq*v2FZ5tlJhArusBJ&~Z0@4o|t+YAtS?}q)c za!ZiE9T2wfH{ISh1v$@Kt~I3PE>x*GzS(uqJ?kr<(`vD8Rdyb!9s?&lhWzE57$AJ8 zafp3L$pD1jbKE&Tr<&(p9ozH#lCCTLPW{IiAS_s+$vv+joVxKS#>X8% zjgX}nK6||buS&qaAc%N@q_N2LCiN;gk8$$h_ncIjz zr6#d7-nr_N^>>kWETh7cc;|9-rT0vyDwjuIxiT-fvgk(ddGT;m_*#y)T~NB#803G5 z^l&JO*MAHx$G=Zu@FeHJ(-=7WT__0t4LzVLSboytssFGaaqQ4#0m1_1>)N}mP&tZC zo4bsg-?Gb^rD}7&56zL2@1LBubnP?E6+*>fnzDRwT=ps?r!spD5DGwQj?5QCK*)A1 zQGdS0Clx>ojX8`)gV&>K^O5c&p1P4HIZb9vLw{sjp&7^0<-nJEL+^Q-^Fqo?`%hd) zVgCjkD>@>tyaRL2Q(pJ8-{h*=8zt(@!h{HdWqGT-14R8R=|@1~4*LHOAS95p>zSa< z15^gad|=PJ*PNL6%sxGBp|{UUw*y1+%bdYDvb66k(@&y*10dvYDzg{wZ|J%!7{am+ zVVW|*92K>XvdIsq)$TEL9XUJSb1C>y++})cBAjajquA>5Fzaz!trl6z(Pvwk(N)OZ5D3I zTvTfX4d9Us>wFnYv0eo)$eAT>FR}VdGG11c;l(*D3U)nN|tYo{!@O9Nt9QI$8p>vFNP#s zK!3_0GL0RwmhD9VJ&b^QFx%PzLV@Okcqn+KS?*{#(|r|&7$7XrQGjr}X$J-7@^<>i zfbgf%FM!ZT|4u+SZDX44!{U>SylYNdsG#A_lyt_%3ur#<1^AWiPN5?h?fXu)$wh*e z2eNFY^v!RY`}F(0n2bt*sot(UTTTesIVa$oH^?&`)miARo4 zk_NaV>9=QI`=bed=1EiC7QUHU=I)wHkyv9iAPyZg0z@x=6Geuv{y_3J$cQoEitVW z(@UlF>hmwdYce%*fw^ZdOr$W;1Vt%$nio?7f@}f7@GH>)MQTq#*RWq>?&iY?qu^p@ zsRVvg2-YV{v%`T{0Cyt$l)P)|_bD;^QKITlg0inHeQnNk%{7`pgM?M_>vA$d_`F5v zIdBX*_a1{D11H*Ay)FaBP{<#F=G}*)%dqKa+ixaX_nnH){m0|2KYnKE>iKk&CY2yb zJmaQyPQQKU&*(KU6m7eWK*!#p=r(9NIt`qP)&nM@MgMRF51otPfwR!M=Om^%0qfR3 zP7veTG~IeB#YJ-#!T-!c*(krnr#VmtG)AtnP0SQ4X9c(Rb>Wj~2<2oG8h;aGW0Ej2 zmi;XD0+wvLjAq@Uu{8DtU#h-h@=ww=wu_pW$4dKZ$~7M9f--cwy8*%i<(i>*U|oFt z)vioFsGJh$c|{~s;p8;OV_!8aZS(d>Aw0u$)k0mkb*1WqFTDCGO36f+fKVP~^HymC zKTZR`) z4_*2dCd8d1AWXKewEB<`mUtcG*9#C{|H*(*8bX-{OHh}YpVm$l32KUc$IrQEjY)b` z31k97rQLnljDH#s8b3+)EU$ZO=LG1@d!=slk?s{wJM|l9V}dLe?gbEP4Pkif5sY7V zknOP;!>1=$`Q<#yK8Oe?`O0gQk%4csa`6Y<`?tu|CX;Tv<~}mW1l>Fq`#_}g+UaGQ zdGFoH{hpR~!^K7AX2rUL?!4b|-ErP&V|m0IM};qCJInbLfmWq1@GI9DenErLX!t7_ z6MdNd=qP$k`>mO5YF_Y?)uE>$%mjoNoC6req~!h5#_QvPEIqPu9M4&~J#ts+g1nVN z>_cd9&&ip^3aoA_{MkkNGK_Q%=f2a)8ye|1%t~ z&kzt&_`eH~`d879fW#g2w*jHbMX++0XR^}W^2|zid*)w82HLV{_UyXnIW*J6Q`bCl zAWPaTN8Y+XnN)gv4)f2H)!CV@emQet=%A*!bm)0p+Y^oJ z+m-=GB9OL=K<)qm+X3wb>PVi6r+0j}{okZ4pwQD4W-%R2+rw)|7ZXg*#SNLL9(fGu z0*SkL-$8=LLyHJ5AH(IHOL1=Z1}vJ<7umDtM1|_zFmBPi2#wl>aqCZ^-&(C3B#>qw z8?=V?muYCE0O6Hi0O5ZVAXFLxej*)9uo5WLvG%&hu2EoB?7D{ipGB_9Ls7QYV6^Mw z0YXhlJd!Zr<{;k$>I9s72|IC>Kh|vA6Jp=-< zKWrmf4U9)iQtQE+IH)9|_xNW~sb*Ibs3aOF9|?v6gxc$ivIO^J{x~Ll5sFu8jNJZ> zY%Q9C&Nu9}5i=-w+M2=56xbiXYJgChovDcgRGg#)3@62rZ}F+NmkI0mrC*!b(6K9; z@U>~56%aZG>9?3IuNh#_#4kZEUj+hRPV}W}PrFF(>vcW=HNo)2@qA zzIq${b@xHzxr83aeWs@*#iv^mC7ekA$yW!Er+8fy3+zatxDE1E3bt5{H99TFq;+30 z{R5axkUlN(A_aG8b9_LMWPM73=+~#(x~~}<&!OLpw^6ccKO8&Dc5)13mK17yf$^K539q;_x}NE!&_NIh zo8r}$XWm2cfL82h?JU$t?w~fvRxt!MJ4a#;0bz}%qY%0AWxH2zfC?(U`wp!x%1h2a z+VvO)#m=-47EDty2=fJYLeUzd5f*pI;#MktoP@$j3D->1tPm!dfRK|00iN1NWwk#{ zS7`0WfN+ZONFGfKlTT)~K)#*5=Efe!DEF)q(MJ;F38`(b@dRuN2lMvj9w2m~G}O>M zQ^8fRRJQVpJ z9)Y5@N22IMz0kI2nBy%ImGhw#EnD!F-Z4HaAarT!1EBz6g=Q-V2v1n341vN)9Ak^r z8H3f2|K7E!DrarQJ=0ODrg^kltM5xotq*?AIgmm*=_705fHveu2m1&kCt!Iw_uOA$ z07gCb4JJxBmhhhiK>e%fu3#by-76scKP3Vp7Y4$Gg3vVscs{S5Mm+aGq3S6iT;`1; z#RJrJ@1D%P=QzeWkI5kRjXUXI1qii%@aF(R@7!q;9UxSw2aER?dldtu;f%h9iIhje z*6u>cu&pTbKyRF3r&hlft$F2Tln)z@xyQc6jFUSs;@dCq$c8QOtJ4;K1ddh4ZNjhw zUXM9|;c+K1F!B^ea9-%YR%`vPU~EDX!5{gsTRRB|_Ye^7nrr5w$G(_@ z6F+RikiLy@f6gMP(`pjJ*L}?~QaV}doXr$2!$%J9VeHyE}n|B*6Nwwa@c}KpAW2{lDM$_n8Yj_dZvS%U);i zvp1sVBw_sQB#fTE93!VL$MD1z7&B`lLE~VIn6wdPD!0JFV{+O{W=rlSlunYVt?{1b zP{p(Enctye^;RfOK&X8ir9%fHw8NvAwfX{q4a;OhIsqZeYW;QdeK9R_nhbz&;x~0#G68|T5zt~j=BzzM zKqysR)_dv|GIqxZ2p>T7^cA++ZDEO_)3t*1078}NyI=1n!x}~q(iZtEwm`}11a38Z z!apnl^VV#~18D~^Zq|pWSbH2=^_YsUwjR%|OEEkO`??rL7qFF^n4t`on?OovgFdVe zGM)s!B|;)mqvLGMNZD*o`Q<`lx+H=um&r1g!g4Z0M!cu?q_UdK^CY&XnQITCe)yvp zFkvx)-mUTy!)S3UOO{u6Qp-^4%uGLTSbF)AV|KL9@f!azjeMrm|BRXDyEi2vF}+B4 zM<+>;^`63XEyVp!znQ^sax5%wcvo`-#l&Pe6ZB5v%rr;}!YeP?_YA1dka(2$Bgm=J z#rB6*?>q-_O9{%!;KZ_CW795UIw#y|Y3Fc%%2Bk8T!hEderxSVqd-0@XDK? z;5To+kLO?i1HRj`#l8_kud|C);K+gU7hd}er7E{X`Cx)i##w^Eut-QR)akYu52gKt zc0H$ICErGf?CJAps&8#k&GRl9Pnq0))y(_>d_qqqZm)BqDfb|0@&J%D&Ats^m$ZE(DtO zo%&YG?xRso`3-3EPXXbs!)M@MqXq7fZ@H=sQNgbso_*zyxrTP^(90y9R1OXhwm14U zeh3Q%_QkYSY-g#5(XiXY7%^p)rB!uj?bfU2Z@+VsVPwahH}53x!E5g=<;hD*v#iH@ z(=WOO3>BxhH`@~_HppMqYa=UW)we5yUFKiv)pcNrkm{#Hq? zta{1sT2kIm(^X{#SUe2*?na=JzFJR1j{(Gdb^U|GZ`uFHR0|=Fe zs1?p(zP?eqoUcEpPC9DIaZFor0tpX%ilEwkvFGq*>#G;DuCZ-r;u70%X!nkYdgD37 zp4x(b7q(+)_7M!ZxF2o*_AY#4bf7Qm5a-T= z^N@4kAzaV9uTaKm_Rm1Zj>*7@g`B(>BWwEtb1z{I@0lhUmdV?!>2$c z^cuf`?+Q&Nm&@Vn05cZtTL)_^3s105Xy+m ze*xj&BM1ImczN?BbxCK1G!t{5$i}!wx01=&iqW%PL-!%`JPd{o{?(+$|C)z1$?3i( zpkJdhD#pHEt6nHkrKwrnt5mZCqUS6%iH%8sNEaA@(xGeJyF_ZyJpsK(J_g^=&Uo|f zuZ=0mloM~8k{Q0hlcm$ev*W;7l&o?e?&bSx2bzSXwmCEPtbx86Ph?=~CYBKap)6w> zz*%#}NGg$%cuBQZ{tzQ4yn?3PV=PUUH#>`YQA{pgk)F+XBn72{TiM=0F>+!8WaTuZ z)gzddb_UZ@WxNJROwBMKi%okxgy?B2e+~$B@~C2|OyBu>FG>WpCfMwP0##d~bakG6 z+oD#7NtnIzW3=kC1SS3Z;o+6Pw{jCBtgq8E#jNOX_2ABq2~wTP(SpKHn3;m&m7O2A zq8t=T*B;IE?Zk|<<7OO1lbWors$3??rNWx4PO2kGDoO2W`r5Mu+*?th?hyR$gPkVr zb1Ud%{7gN}l~oqgB!fVDwC})vGKEg^px?QSIMbCY`Q>jtSLzMm**iKEULMlN`jm&K zIUw5;j}9@T0zdjEiQMf{4&cbK!)7T_fw;Yi?!LE5ylME`H`{Sf)pn@BHYIDX@I)J@rlCzCU2)k!?G?gZ+0dJyxLykc!x?fj$fPoY`cfoR>XpQ*RHaMi!m zPaNZHS!1LEgcba60YbAhN?=jezo9YbmVV_~WMT!!kV+eMS@Kh;5==(1QbX$tWqfO5 z#p<=TuToq>4_b>r>>#cy>$r)Tcc7)JCqA(gqMH+p_QG=FmF5n%s?~0I_Z9|LGi3F)meMH);)!# z=XU5q@$mSEfH0^JW~Vuo`X-S}F@Dz5xWI2!KKjPBAs4nc4w2F&QhV}}_g-G|zVH3s zOA6b27HI*=>Yvwo*A{cK)fSW$H?DX?@`6A|9Lvl%s(Y%j$s2bDJGM9Oe?*F3%Qcez z%SYs-S*uanmwi#16ScadWVNm+6xj=JX9jE6N>ovgkRXh93M_#!t!&bE}f8i07LJ8i+!yl_MdgqYkhxH zqI~aQ#^Y+H;&Iv?Dt~EHG-)>wRYSv3va(dB+gUp<&bC>Y?ZziyAo@)H1ELr0BNKe# zzku*pkOPE{ZU=-82pM^#ds6R|zrYDAIL0mK*tYB%=TP|&yi>yGK;h3x(nP74-cGlF z`|r}PR~c2lT{$>ltb59@Iet&QK(KZSlTr>NYThR(Q>7<%AGqvoy4Ei=zGbrIe!G1K z?&;nElg@5IWY$(RyYMBt-`IhESGFN4eIKIsZAHCRYv9v;9DEuMhyUo+2w(CUMy%g~ zQE7WHcEvG_UvkR)=}G#k{e&ZzoN!V>k{1jPOU@)+F)%oefGLVR*u>@A(RcC&0;-aT z8s8a*en=tkTSc%Z@HU^oY#s-C?HinftJ|h>U?3pdMPRmf(Om$cfM8zo-uD7RfkCGp zdUO9AzzSsVc@$UoB;$oO@hDZy z2jwd@!-UyyA$sXPOiaCq!7EQ=2zlG#1kHn29L2C@$E{4{XH*hG`LHwx{H8YhUqJZ( z5Fm8Ym6;oJ2nc2DMW9Xl`~=`6g>ldSKHV+MTa-5+V$vlE^pbv0O1oy({Nj=>W7dW& z%#u0(bw|)E`f0T9#}2@bYm<=<^<>TMnwWT342LGc0U9HGyeTZrFY>$_J7` z3h0R9m0Iw-emKvMyo`;`QsL9?rVH2Hj;<;5)}eE+X$b2y0dpT&XYV;RKTYeN3DeTa zNt53wuFwV@QGpYz(wVPP2NVn#g7_u-3CONs_LBmI*9_oHStHjU4iF}!YL6Vthm5Lx z63$+I8m;=LV!*@&RyM{^@VFZw)UTmYv&pnKH6Kn)FzJiPMujActXj(Fd8>ynyiCul6#mwkRSCkf97$j)n<#E7k3d%60mp zW%wj~vF);@@f4$wxV!?>Fk^tDd@6ACxmk+lgk!R*5`x;w>L)N*6 z+uuaGk%1f8EFC`9C*IG~FX;x~V1xPciy!dyS3kISND4`$_yiw}3A=d>XVbG#tyVXb z^<F!ZU?1rZ6qWg9w)sN}Oq+>k>i?+WYs0_LqfibmZZ!=g1G;v_3_$)>*{xXB0< zzqc70wdiHpyh>E4zLjy~s>NiivFeVI-wp`7nS@YI>T5L%H)c>-@iMuRl1d6}m!#?U zufV;*t=U)Gpe)Z7Yc$7#<;nI;-`ThPpJ-gEF)e*VFscQQFXfBEH)c=6@m;kDnsjh7kTQ_uYtFTVCRUU>B{rjGmk ztM4}wL4bJ@ zV;}nhJrg#vf3(IspKZZqnGRM!UNFc8X~Uc+?OM=Mzu551nf{8rze;*J!HPBmt(4*dY2kE}{8G0Sb zPgrryz@hu?RXfc~k|^FHFW~Y5(7Yh@m(#BYgzmQ||1z4h>Keh8NP8;Jkw-X!36FdN zpVE!--ltov>1JnKMP>#$KmN$!B%^y80|zdciyG_ZVaVk#F%Ub^J^Ls0P2Y~e=XYWF zxqTRW>HsF4I)dTfeF?us3*pnEBYYy_(P+kt7`=KoqSqZ~y!$aK`3OPc8M81dY2YyC zNi>{5P?kmImO^TyF)I&SUl=muIrx;h2mSgrz_~q}aFc)w2bbdJHUhVub2$*q$BjLS zJkJ1*%*Bn}vkBG~m{AvjJ(KErrGQ=lD4>{^?g9uwKqye?RT;g$U&dziE`j785x?1` z_arf#kDPrE;^3FlacO@l_I{wg z2dVH*Oum39)|L8|tiBE=NFJG*;Z#U}B_J#n{>v#Z7!>_VK=`TAe*xj&C)?A-v+|;S zgx>r5EyFTW@0+;^CMAqnein1qU&a0FPon3<=g?#1B4dWsS?y5I_0a8rkQ2=>1cVB| z4gp|EGPUwCCKLLle4FDeKhy*#BMr8~$_ZAmPGKp`7hnGpfi)w^P|ZWn!HG5z8)&@l z{B3#T^G=vz^kSziFs4m=H)J)gaL@pZeegR>UUkL*;q*-e%xg%iRrjoiwFEe;FJjt; zYi8&|z8huCrg8W}B+Pdp)XRK3Kxi3saq|!h&}(=CnRc15m#Szt6!q1)uem#zv*sK@ zf+WEX5UNc!idcXN(^D*L9p3Pj8M6$@Pz8BSWt4zW45AE+6s^+2_9|8gZi9u%uUfe( z4CmX9@a3jTlWA0`8D!uIo~1sz=B63pnaTlJKKbf)PQ=jFz_d@RrA?vKyb@qnELu!g%uxthva*-ncc;2}o?#VvVGv@GmI?pU2-S^zK zjC)=aApGi!tysByy)(k%3Ci(fZsEZ(ec8A|0QcZyn^3lDTQfdUx<-FgYB81l>k!+| zdBn4?#ienqS$!GPQxBkVTR5t9TcsJWl{CpQGK(?S}wi;^`h-5{PzH%i%)eW zLquhR8W6}fKtSDgs1VW~-3Cs{?N{Em;o5~Roit67t_mSxCdHK6;Xea}yN+hy-fHbo zyo#iet#MCKa|2$AN6+oh%bsr(hkOtICjg=L5GJM`A)QByA+Mui(+5$#-9rTIiKyOk z0`931VPk|;%Ox!>6R0$XF|5|8K(JKa-|b`6UP+M*-8hm3)LY+_36xb{5dn4{(!SMl zm206&U_I2huO<2n7>!L&zlxJ*u2>zIhXmy%H)D4kyf0y`gztL)v(J7&-~OXf#lJTE zLI~vj>Z786L)`1%m~FnfsY+Wpu$;|OC(~GpbzC;M5rKbGzS99^e7h2yN1$AASN0FK zaRU3o0lm?E;_q$GT>Q#Y7(DX>GYY19wWKK>JgE*;@NQfZAiRvyRoGt`RuPV?1%g|n zNOjgh{fUTKaRRX^H^`XZKs*`#&J$llharzx+mx!g6x`jM;EltDZh(;GTEYOKB;?^J z8q^yBEoWhR(l(9{`!IR=W^^2xX4bG*KmRVyI^Nm(wMhsqKzCBv8Sz@}sAKq0RAgP2 zt5J=EA4xNE9Es6yeK1!iaU-Ff@4| zMx>l_V30s?INRcgBpH$+7+fy3(o?2dIeg}eC|0osnm4bC%ST^A`i{pqsLOijqt4=| zjJn9p#O|p~AOYbXlJ@(__{-tP3=EpZ&|E<1AukBL4Gi7^2t|A6IO4VKDU_5@{t0(K zPU3mr!w!`4`ITJ{;o6C(@!5yV(6nh)6ewB2>}*VU^lQW{lO@(G7`ZY7Bh#`mWaT*w zL76)C&c8#1_;MZOTFa` zTYv1($SDrX0mApc+HK66v!W;pL!0o?_9yZWJ_yS+oPa5*2d!<&FXJRR>rc&MnO%3T0%Tcqb+#=+OlRJvEdJV5 z8b2U-^{O-Gjn6syW^(vIV6j=NcKG_ct#)l#BKKYXu;p--tIPo-sfI0 zLb5ibw{txiNYIgaQci7di8hWc$|gDXFMk@DE9ss?QFQuEv8+FaHG~f*dSBWQ@J<`rs@Np^jbJB z3>`WtR2ja}UfvSEZJB;D#QuHJanw`nZ>P+~gd~JfDeP}g$cN)41A_vElGIOJ_=DwJ z>9Bs`30sHtKGi>?l*G69;BlxI))k9Wp2V?BFzcq_gQvPO;&&#M=GoeYm8~0Bj-9XMk|`@eJG((gwvV6Xg1}Fl(>Ryy3r1cDraWV+SaXCa*j@uhR(%4s)6MYGS1dZ3l zL%NapPLM3Wvi)kYf$vH}Drf%k-C4%J1xi$HWRhZ$fN$`9?J#-9qj>wh&vE7gArLdH zJgZDi=&yWu^WwR-#R|`FZ#z|eS=ZyWw#e<=dy?TkW?-B^3lC|Sl=crd>9f*boWM(tpJOZp@HCiHnwWjb1WtlV^L*{EA#wTSMAk<=B=Lx?x=1gHaBTfzs zdW+!}AlzzzQ0`WW1&bf)!LcBcbu|ssm;Vj1kG_MDmT?GZI2eEV{Gipn!mu*)mYa=v zH=Gs;@2T1A9qoPIvim3kYqr6?48OFW(}pSJ*A*pe4Tn#qAsDsbCv$Bf#&47X!poSD zLU2JEBdddC>?fvPxt;m{A0#jE5Fiu@5DKLHUjc;UI4%k7nS*rxmH`zR>JTYkDrY(K z*M7H=NhdKnBw23_737ErZCyB8XAFC`|1qRagRlW^gDu0~5*kN3SHP z5uh|@>c5m6@Vna{LT7Y^VdWE5F9fGBTxT`uGu@#E^`~YU>~~P*oCfHTM?eK z6}_@HqxY3>F))1#hF;i@@#$yLW7~EFJ^4I*x($X;*J$*9=p)3fI*yo>OpIK_G9<`W zdBrYIN6gYQh)X?+F^~Kih06z_c4%qr`DPt5_ocGa6NpJFCs1hCK0N?VZXt~Lo8&e6 z;xz(u3-Ec!fZ+qsKEK=UA9x5i_RUAuE*Xho9NP#mrINaDF0yyeLC*e1aQy&*rh!6& z!95T1*+a)|B(@)-kls)OMM4Aafh>ev-* zdjx~ymh+l<*S+CM1dC}$Ff8?mjRAK8!U-$(qgMFiKLdm%yZ`VrKzKKh_iN}^0z%P$ z0pYKqTtK*9jJyD0CT6cbi$2k>7$6j26T{*rwLHX5tw~6o_}8k8hBhOE65JNPb$g-E zy)DcLMA}n-bn)s%n^nbNO8V!dgqJw;)~p}loMw{||MbVb(0)V>F_t`??K^%>ZbK_j zXVMv0{qAHM+Sq3Pq5-{3b#vbO)0nd<9kZSg)1F~~(8@+CwX4$&5NaQx7_R%*??=`8 zWAWAp&KQTnH%7+FgJjFy?*3I~ph8Fs6!8l~5dtF_GAL5D6AJnEM28`pFmLT~Q_-EA zdXDj&#oP_Y(W2i%jGg8NP^ox|5mj(Dh?<1Z?REO#t6c^HW$dGrUuz7DdJyt8Z#)*s z>!kli&Uv1->ym&_1F$}}D&XKOF_;3^Zx@L%)snL6wKv~k->DLYa@Bg6#lC{o`(wi6 z-(fn_Y);qHuAAjmm6eRA2oNU7f8)BV1kOj$C+cZ5>M+W{pu)?zCf1r!sa_n1ZH%LS z{_Tq&$pF^GhoAjm^{(3XR38r|&=Q@8Jd!hBi5w8;7uv^Wla1#Ak6Zhh6pH7sfk)S- z3>>PgWNDJ$ODe6nKl@@Us`}rD&%fSoF*?xW>RP_%vaVk>l~H@fVC#qVL8+=;Y)_C6 z`$C(E>sTHq2z0JFK*&iqA@vZ#hChqmac^Q)@(#>ebC~U5H!9T~h5N#W<@T3rwjb6D zu9#j{s#3o1$fer=p%zdi^`)62P*)*tRF0Afmwy?_V0B-nUDzNt0F&W?XY;& zGp>(`ba)mWth_z<^GYDJQ1Q}R@1oSbweXuaJ~9Sg(RkA=Kqw$9|A*c%%ugH-F|bml zY~ORF^>H!o#n=a{w|@Xr(vF(y@uc-Rh~YS7eh3K$1qkETIzSlx*v|o>7BO_#PiEx$ zHCOjL51g>~ly98{XeJ~sww&1)48WT%9cmZK`PMz>3=oziU??5j{+|NEJw%)GZCRyy zds16o*TwT5K&bL?AGmVxeq+*0NxA+5fG{d$ua%J)JMEWAlwZ}==P@JgAbi8-p+N8e z6s{JDLIiwrl~BmnsT!9GlJt;(oS;N*Wuy*Sgl)rInQ%-g9ZcXD)W$Q$v_$Eujp19P z4I=u-VBw0V@yS;lZ&_ehm^jtFmy~o%zOwB3p#?pW%G<70Paa8EZd)ZuMO@$MmKL@4 zA0q=i?J)$`>&*ISW*QK(99zBy%Rv%0rm?v8waP^Z(_cQ6{jR+BY7=Aywl$~mMS@$Q zP;fZ9PJGD#;pCM^F=YBXD8+J6xm(;Eggi+gdE38?FkM8MfMy)OTd@3^B40=|DYDjnx!w-`Y_AoMy4w>9WtP%usw<9e>eZ=o3A$SNA(5-#=dN093M)M zvGb|Y5A`Bb5WVam#w|O#ImCpn|cNlH(o~H#fLDGyu=9kgwyx(;g@#FNY{D6p~}Dj z7y*}oKQj1ZmY>DgWzJIOZ6NL6re6mLC0!cF@n+!CQy9HE1Ebj=0N#W zV-}r5A^~>v<2!l&7UimUK#ky1*z(sE$lAYwz-~DKoAw53-yp%;p1dHCzrE5w0=u6B z!aK;`Cmnti**oVTYx`W_RnG^%Vkyazf8{l8+e45&eGw;r~;B(2*>C%CL-AP4)jj>Z*AGq0~!n0m9xfzXT9= z`?mq%MP4-M5Khn$hJuxvp_pGQR0!>WzN2of=G!O6TygNQeN}Ga3-2362D}YQR1L%8 zHP5-#S&|Jn_8tEi$Kmc@;U7u8q*keYSF&m0uA6PsVzS}WkKlO)n@c3miF^y3wM61Qn+ohrXPhseO~$JEsaF=y=#G>Mpv(NmV>mYd6u4i2Pw0O4Q1+`%$$&IzAPl5b-y zOn%17B!jpwOTs{vnfa&E57y$1Yq)yla&FpkvYo_G*IJ>!wb#xK*oylS6A@UeE15zv zp=7*#s&qiRu}@>h`csJK#E~E{n3`dhY$p*!%VmI6M`cWA-s)WlZZZL@pZ-&B9vrj9 z7>rxAOM50Tl`!KGR0^n%55L%c8zb*!&s3FOaxlrGu*u*2?+#sf#SO}X7*M^>Tgs2Z zx{~E2LHeEhohQ$(4qdwxz4ysarnWZcp;cy0RL>+K%nQ~u!Fj(~l=KWi7a8q)&VoR6Tjw$Nx-IVID^<#yYS!>XU(tXto3KjjYp;W<59Eupj-7WbN?2y^1`$- zBTBCU!hog*?6d$=+OIuIRcV5czS?PNFpOj6;K<8h3+R-r+?eg2KrA%UK!DTn{w%BP|uV>T(RHTHo`py@BR!yIXwT&t$B}eW|mjY|KHu0?=D5C)SO=d3gCc zGWg9+%447;WH_Rh?LtLIg4AJPx`gSw$eXeX4Z(;cNkyPzO}f{Y)@pPr0TDWB$|L+YiBM=HJL z2%sy4v_zBEeKBdqnQj3<#00BvDXFSgm7k5fx#aSF3t+MBcnmaITVmUA zej3@TOjE#RSlS$(7HH+7y54^}8%x)}h9+HxqIf`ag4!l19@q*cLOP;!4UVZ~S_)NW zx%fq(RJDP~UzNWFfI03KB&aVC(i@$lUPofeNlaOJ5bd{waOKumn(E3*(iZpjG)eZypSUcg3s;5?E-FZ1t}PR8F@6wSS9#Js|A2=r|^9$a0oDSsrmImyoz(FIq+1 zkDddZ8x~PUrZbErE9M3Y+3zJu&tPk{%}1H+>7JqD?XSN_@c|K-bmAv;Irpte2wUIS ziB{Klpgne?b@pb2V-GrKZ9$Km9f-U^;COvEBCc*m|MOoV=FC>~e(P<5!eJPiveS&L zOh~UColZcQML>Ao0|+1b`+$(7lb-!*w-fEUlfi9fdv@eFUMs;t4Z7I3;_uyL zsEJxkgad^7cFx18xTjhtb41*^?>Gy~rIiz;m<$gv@G{f-MjM;8+AS$z*=oH|IB*C? z%>58^)}6+jjRb@1oHS7G6SS|=q_AYR1eT|zu@lXI7nN%FF%Y9LU7nOg2M+8W|7Z^X zM3X=BRg!5e=-0vags5za1cakk)br>v<~j6=c@F&&UO?Z;ub_9_Q>fW`G~(wtKZN21 zlx7Q4XAdA$EV+PCRulu9VrkmbR$lh9E8<&aCgUldgqooi3or*+cAp1-J3#2lOC$-8 z@NUBN6$ZKmY73GPtr|8Jvo;*TMRO}|d11OByIp-N~gy!XXEXMK~;lse@}@8l)jQ(b$Xsd?lI zdz1}xIib7mr>^u^b>{u{A}{o zoyzj6*dPkETMo-r6~0v$?(j0-cLGAGT1)bG?3`ODFo~I7)Tf?H-GAxLk5Ms{OlVbE z9qfj(wR+m(%aWDP=Dur(l^bt(!pK!WRX%gn_j2&U%P-;imw#(zp+iimUeRyQ^v>T- zoi{fe57V!-{O$X#CV4TnOajw_zP-?M+FuaAn#>ZJ5wq%>b`fy|h;lh0Kqx<{KLdmc z*mDS!*r8i|s9&mU#ix2J=idxzPrvP?zj@N*J(Oa-``Yh6H5Jg3ek!MbtTL)N^o_So zdPx%T40GwCIQWKlfx`1VVrUfe|LYyo=L_zO=r#K=CY2L8nKl8!XfkUua-u~h-`2B{ zFCYR%L->9$!3@JF7SNXCUT2ej7Om3EB!DHVG(o8 zn;NLnX3a|J@?<=lok?v&{aVWeDm_uo^$eDkQq1;fQet;s?Llf`Svh0^vz?ZQt22IY z?<*FC<-nPKT~j%d)Gt*BvNpZpm3PpfLw}SBZiW)}kS&?z6YpZ2yf+RB;fQk>aVPwr4RklTrpRa@A; zV1YMTTb70BvbEzdWd#{aGGdcf9KzHU+YmW!BRcn+?La02Q+Ro;B`YGG-~V!_2M{`6 ziTBp%g!=7f7rK)_S6ko|wspw^uzxt-!@;Js@ZR+@i zo92c?s-v}APsX&RUmy+ip&d>R80>O$m%E?&J;HOgpmW9#h{)c8-Z?*FIDz8Wqd%b3%==Mu+A|oEv=>7bpJE-H z!K78&&>~_w^7;7Sm94^+dS4P2Jk%Qni~HCD>iD^TMB>ULh$pBUw}fqP`9%z88d2##jA$Kr23-u zkhOSV(;3X&m~Q(71p=qBT(mbt*OD4eXIq)I<}AX;K7kH>r(0M`h}TkQUO;F?#0y!+ zE9KuDC78Yf1PVoix|o`itai2^nu3zmM;qwwGLVDcfCtfO;Cw_5n}KytzmCjnj$sue zsxWmpP$kvITN1*1LdaP7HpXKsH(1`Y#6{`9I4R4wvCjl$Vi;JI{FA#!kH5WV9a^;$ zCnRU)Ds;v6+1L9~vQjhKyHmPGPvj4h+URFwDhLP(2IW|PYAVZU{Y{gAC9FS(SsM?c zVdQ-D8hO9PWqhAS;sBxAl2kl(TPEvetfW$nwkTS$5%WZ#E~|~fEm1D0iJ9>)@81OF z{aT=$AMcT*{#QD%37OdjsNi24FTD0A3rkVB{icrONM1ixB=QYcDX0O8-&@o6KS{l> z0-51^{M(=+JxWcFddWv8-ZKuNhz#K#X5?mcTm8ocd2&djb{in~3|` zjIuCXeJBpqhr8izQ~Qow$O8yF*?!xWorl?XN`oDIPf{{F^QR=^OH-dmc^MAjH`)_w zdk9&UUX@Y)C#n5=W_+5gqb^sd^_+n?;TYrUJ3ea!<3T{`U^Y0VSAHLIa!c*nmj0ip9Z zYS~mqlnu}OibH3OMbhTe_g>Op^YfW!ywv;ZSptO4c+0PIOs~Eemv#&>Yb2S^K{U%~ zGMO{&MV^_q6`jYVphfRFXwW$tA&m#%-cZ(gWwzM_ z#i3Ifwr^W$(IScEkH3{18$X2(^&^*9&Nf!495pVvaYN(@q+o>Ac(# zJ@wj$HU=th-ahQ4-Rw)!;;_Xnrp==Yts|QWzcnvpBReOZ^TlP8xTxHn>b9P^FkgA= zOVnvG998QM!+^Nwk+|Y}GhQ=s*#R=~=grlNn0&9Qr~sk&-YxL+KSTf50pVDVYId>V8_&sCpbV%j0|H8^tKi|{E>3=hxgi?dr-ApHk|zC#OebI+r|;U&o0GY{8g zJ0cvA}G~Qf;sIc9J7kRkf2cQL_lyD+odFlQYY0rf!{BJr(}eSD{16JDGzsg6N+BIM>9&UXObTd0X0eHx zH5Y$pFWL;pKb}cjlAYt{L8i79iu$%8quT=OfAa@RPv&(g-Ecb0VeI;zq|X$W7>b3- zPnjjtGQr(Z$S)k#+RnzqPn^d5C$6$QE||Z;S?hqwNzN*(q=PfpNv6kmqKEQ;tUxsav{wo(!a{B8m}~+k@gPH>tvE&tDmT zGJ1?#))>|Him+{z4(V#`qkJ&afdC0mQ z&khhaHb5wFSB~vJVFo8MzGg-ybnt9ghi5VNdNyd>G$&0C>f}HL%d-@J3lJ*ZA~D5e zJ$ZF|+-^}p_X!GbW|{9Z_dehBO8$7#J=a2k6KB{t^@47C(jpM8KBAIKd?3mCtVv6P zyP;r>DBE8-bv>D*Ri|uWW{T8B2?%Ay)&asT1cY5~1B9L=n#yXn*YXdOFKLwhBa^Im z%lS3LcRSDH5~IsUIl`BDWXWbLc+DAnRKmAm>#H)!7!5m~h*N z>yZLlcplOk)v@!L*n9MXjl*8o94bfoC3WMQB+INf#-T+clQQ$r@R3R6?G4j>9rFDC zr+Y9laXI@0>#F5AjGgscOk4F6=dlBrlyZp7^?r<5yx$mWf#x_e)dQx!&oQ8zEfiTM z8K)NWWTo1E@{f{o@^ls|_|`}HfabV2s2wVEOt_chMTv49QMKj>6s;QJwgGUis}S1B zwlG++c#2E_)0C@$WJ6@dJov|MD{W z0)<`);qBn(e}?{V145DqI0+z`N*?>-C<3@qY3DFH^%%yk-iO-5HsPLj^WhUZ8a2B; zjIN_Lp!fJ^G5L{CF?0D2Ok1|w46r0F+k;6<_9Eu-J&0X$0P!-4vf_kU#FT__%yN<# zf5j{HUeawK?cb(f2MBc@LQpHvD~*>CGv7vV{F}(?IezT#^>6oj>0jp7D{F z{Hfg$S})X-47OXh$OJt8!c(X?Z444FZAZV$ThKLg8@k@ugD%&1qT98t2+!VbQo^n| zynkgIA~JWO7xtrD_7?QY{sBWT{D^96*1)IFWQ6bqEOOREwXalCKSu~c1_*!dcH+N)@c#k&-vxx31ccfncPS4be35`~u7~+@6Sd{$C@z!cHJYMya4pPVywYNJ-*VK@3iM5-$f+KPsc6`7lmWu> zA#D&oD9Tjs#Go7NrGbUv3mADBR;6e6@yjS#NfM^cDD2l2W$TVb?4loV|E9|XewR!d zICCusbO;K~U*lCwXSqyWbrk+h|EJV_azXK35o1-SqF|{xmYY-rml(0xZ zTa>98iQzL}La7kvcTR`S#)y%`3^+AUGFh&uU3uvT%TMqA^~+sk@WW6(sJnrshnH_M z)i}MUcXA~}{6>z)Jtcxy-uwu48g<6Jhf*vYm5JCO$IR)D7!nehIxSQSkk5H=o%z@+ z9n>2|gCpSIW;$l2ox*GaK>@<)shLPveFO3%H+j=3geSg?8tum74EYo*C)I&%-g0$+ zjd{~;F=RWAT}Js(2hb$3EnGzo!QI}b@-@kPX|E8OJu$*^4qco~aZ!T8BHDw)XC-|b z;`!I#v-~Ls?oi&ZGj6SyyEgjtYww|Wm4*aCZA`LOA|RY?tS7H~vaLp<7y+T2Hru8mf%x9!irWU=nCqHd&#_=zMLlxWq@tc>nvY;pOjbCVL%P$MOG)ZSFhS244(HM znbWgKT$^LyCW;J~8ROyagtgZZlXMgfdM-rmFy|-F(rMQEr|<;`1#G>5uxyo< zce1B7lAVmQ2^wIOTbJWRS{fRH~t-zaH{F??vO z0YcHQ0fh1mIyvPS;*&2KfS$NyJA8bHqIS3Gh?w{wW-MBR=iYn|I}V(+wxKSrH7w=V zRf}81FyeFN(Mzglw=Yo1Q8{}v;z+-**&bzgxcA(*-fOjo%ZyL?`|B55(WC!3RISk* zWqs>meBuJ^KXEPBD2?|U9oB9XjrXPkRRQT9U(S}bE?#R)*KJ0D11B>PGb@#Swl~|! zSLUEOKIJ^(Z6PKd<5RLsg=#|bG4!AL2V4A6x#rdvNv%a`@v0xoALyQAC$Q)EX=8Ht zAG?742hZWq(RA!Pb`jf-oX6%9S4dZ}_2?DsJ$%v9b@OV5fo4;UGjfN{?|-q+q{FKF zvcb*p$yYyEJ9Mh_E-~KrsQ1;c)qN~|p8C+A^ozV>uQPo0Nfi-;FyW%Tr193xA^O_F zBFVhirZ+xA$AJ%^V8Ad$&iFbP{E5NWwM^3s7A5H%PwN%VgiA@Ano6#UkM0T zUctm`Wwcyl*8T-}cF8~gceGx}xh zM9jtG@ComY@Y%^|)G`u*C4F${lhw%FyAqiP?#JalGjRRreB|tzOOQuEx1Zo_=Oe%& zfw+0dIw-n7*Kxet?=k`O_Xkj(H9kI!U5g6;=Bo-7+@w|1m&lpitMX1PBQR zJ%CX6?*<4P{1*`Bp=|TLXYLhNleu4$Z z$-tA*F77WwBpp#Nte-vCd-jK)8F{|--dAv1C6$y+L&BEh=TOGK7WxbuZ%mr8eWpqz zZssy4(2Kl7MwGY5Pg`Ou?d1a7m@3`bt8P+v>Ge#So=H-Cg~C&AdJmmp1~~*`3;Om! zM3mf5oW$G>P8u;KIfvjFY$w+-Yh9KBpSXqFP_9}(eDTvsPT&etflGBzYHJ$A#7y%x z|7ap_-+j25yB7#78QRT2p`;=A-ZvPd=KjvWjc}U_!+mD~D51P3Kr6=8-PXjfNC^me zr>hS3091M?{gYqn+O2Mt*7uwq1_uxi5 z%m|2Lx_11MLuBg?oa%c?5}ia|(Nv;)(UE?{cPWph+NZ9PoYZ*tmR z1b3W?u``{eR4ac~h|VH$r8*d?(iS^&8H!bHiLxQx2sj1OBFXS}N1-Z`6njkI2RZ;J z(g3Bsm~ymSESU8k)B?}GdJ7Obi3Z8jMm66ko@ZYEfZ&<+;3q~uf?@SA>wbk5A&G zjC`(T6jZmygW41?v!GJC(>emr+S0SS^`qoQg zIrIL`OBXMt=LT<4*oCzsYrhiES)C@%!+;^|v z1%ig6(SS{ul6u_sr%qmd0r7H7?@<|*DpmA?Z9fBqIs^#q&`IJDsn_uhEz)G&%(Qpw zw&-lo?Q*7#CXPYj;T7O1-}s$BEPr>Pb!1PG_D zK8aWvb69a44?cMu1p<5H^ZnP1@xQ=C>sw2^!t@dkJ&{bzm^J(T_sK0p>EIZ|F+vhN z_Z@%pk&0aD6nWdgWmeMX-|ofz3)Ud8PCK)VE6JNLiD=UGtav+RH1yPljPe{u3V-ND94Ziny~zg?X4W2mTgQ=%<5AZ zIOi?)f#$hoqc9Y|NY`FNEy|zsD5!SpfL*Qx&lVh&B35zHf(uAZcv2I7wRQRH`H#eBhyF=-g#6&RuZo(0a%CZAHVg zBZetJsIzB&(tCn3;}y_8I*_Q1(NipSTS)FT}^ zfbgH9|8+p9{CVka&+kT__vLHPd;>0bhGYbgMkkZGPCbdiNn6o#)ratDHxLhP-;GB$ ze}mAdQDoW|;~dLg?L|#Rb#nZ4IzIktE1r7wFPOjd2@II3~q|Hg4> z)crAZ8TAYX&wSS;yNN4yBXQM!#ID?jC;~<=#jM*4{>)Rrk6#WkcrA0HJ`N@+*m?uDup%y`=B8FE@VC52#SPFP5zNjpauRH9Fkl zp-6o|W8n?lkPoNacB($i7OXkMGmp4_2yU{*lH^JZ$w7<3;?X$L`bIvaQ-iNjsEPuW;{K8)Jd;gE{saypGe0=cs+5`f= zH011EU_dYP;A~_co{j5!3GN8`u#=!pj^TGdYG5vhfH3Eva~|(hMddJF08kP@FCfe- zA@q=e#s^GYG@I|skWA*@<@n92a8zMB=8UYz_+KS3T!qUAQt|tjrlE309~3TK1(Bnd zV)Bw75YI7v{E~BsOU=QkB@UdAUU8Omn!rxd;xoCR&bgIf+g#?r;Mir?94I8%b84j? zA`o=fPR-OAm65R-FCaX}G4mj5cYoY?7x7y@L8DNSfUr~^Kq&B5qQ`#%5N^JWd<5ct zF%bkx3Mk+w09Yu`vqG(OkASe19MiuAAOBGf5c)@;afAbeZm$@b+5b&a8c4G?WMlTm z9J`ipI!UR#&y4Q&?XM&OLV-b9K}?V(#MO*vEigUpBKpR^L_j#p!+dE9(FCK;%S)0v zxpjVCH*VP%_xQ_Km8>30y)c54eOELH8)zNd4h;hOA+i~aWQPU?o=Cc_L16E(v#1gn zhQR9Wb5$svtVh$Cqnk3N$!Dn>UNh#q3_*qVf-Ot_jh9z&f4sA5o;?^6R(<>hK~5Di zWmUVQc$L0n#vjIlO=mE5@*Nh7o(EYK+z7xxA=#XU9Jm{q)@WWJr>sR0OVF#}`g0J}g$zrSs5QNy4W3d6f? zQfD~YlOsa`**67%<%5w7h5#a;fA;wv+*>(}Orjhycf{i>o;Cvz?pp#BV@6zg{^rl$ z!LMOB3Q6*zJ(^O@3}}H5KilTi#Vk_BsFR0meCApARL2qhrr;g{v8r9kj1ED&!B1iC zy3?5XL=GkQCw8h3+eLn_l_@%7rvG6*XCu zH2;OZy>X9U1XeA3-f^0q@6=uNQ{SoWe7*fJ(w=<9{Q7Np=4IEN^sb11Zr;=q&J|m% zP<;CjT||Y-bb|)4Zfz(FBDt zYtJKkJWIPSf;e-u?1j( zxZm1usOP?QI+~@;QXwr+CZq`(wd-RBh1{!*MD5rMRP>?FdC9`%g^iUuyL-YBsz3F& zZoQ)j@WOC!U@P<<6lM2w!&ex(A@YQ;@~&951Hb8Ri&$E0lccavz+l@$I8jzuQ!knS zL8+zhJe6+s=LI5m@`UAppxX=Tm0)=_8yo}YnzdcHM7cxPw;@Zt2C%QSU_T)63F-tninqS&*AazD(j+k{HOC?OZj2ZdgWtaWxux41y&b$T zVCbTA4@g?5@?5eyTuonQL(sS}e*RyOuzaiS*-DThuvN0kNM?y;6q|AeeJ8(#(!Omi zNEM4W9MP>qWufv>IXTKL&pa=?cU)hyTlS3ass8nislVyk^{o#+-(kKDwIEQ+zbQWa zQu}e;+#$7DeeW4kjI_|Auoc4T%Qw({zy#axT-vWWdJK-UnMd8;yS-C~?OpZkq0id} z6^`mDo!9EMb=rnddNR<257@l*l5a_TGsxb%4+dME@S$EzDb#7r^|CR$gZQH2%wWL^DGOFhcO{-8+^hOP;Ju&3_raYCek9n1yHy}f`VWVGQgg>v88*w^_FyenEi_MC)NPTjt&M7c)q8IIQ5gE8IYOLg{RzX+?B(Scp0OF7 zGj^f_fnIpl0d&7YU`TKnp1Gaia1Xj???u;~Eqwl?StRY2vlk=M_haV1Z{ZVK9ueUo zNZ*rURzJ<5{QmoKea}qb@O)(LoW}bEd4~w@4nK?=Tjv@e1cBi7JyU@r1b+mN*iSIH zgZBj(ch1Mnz4LKn-&_JeIjrY51eG^;6C`eDI0qKNTuU5VfUCP_Am`8{xVmRCW(}*1 z;Cw!Ket8^z{Av@%PHYdK!afLT(iO1_{)G7DJ6SI$9k`RUkATms4r<^|;LR+DO5M{* z`1IT>^)nFYx$l(*{+yho(86XMde;jU1qkbOd)y3Y$xo^PVU_NGM(J(@gx$8HR5t>- z?mwYq_sw^8M*pu90cFGwx6ywX5IQNL?t1}Y{;*qsP?86krfwXuh=A}U64#R9{~rQd z{}SZ_zN`OBfRI3NEt!e+S3Q7`_YDwUM&GzsawUY(Bj)}Q1*>#1X37-~4~8dDA#&v- zCPaYn0Oc|PQE1E-kDsA)?L1j?|DIiC*f z=Jw82ZihcfP;e-V^;DMu802o&bO!#)R}EYl0l}=pWzdbnOS^-#9HkV z37Q9@i2q;|3FvPIfQkh6al~s$11ePy$J4KVWQ?R3Ti2dQdE!wMc>bl22!J}|0z#>` z$nv6(ZwC~wGXTY^4?=#1ncuG$&%IHwT7MJ{9SonU{Y@gOy{7U_C;yLD_linq{;|DJ z%&f{^x0M!WIHZY5b4&sq^9IZ7g!Of~>yW>_sN@U+!s}Lc!{+?KEX=BH*`Y?DO0hT? zCM!aHamUefxHq&lN>yo(3jQ6idee&ru&l1UX;M0J9PmIEz?xO zzZct1IF>H^jg^l%-{meXc)${pcrx+UB+|ROu-mI2xno ze{JqvqF0|K7`%Xq>(7(i%$MBL-MP%5~KjYihBy;33tsC;`VhjqdPWs#d!+$y)3 zk3D3)N9nOVc;D6cJn7k4mO+J(_O_q2bT#(b;D)HxEZn|PRGDg8dYR<0)nsw!#_xHS z_fV5peBO4U&w36{L>0zUx^g1|!WetzK4TyXM<0kh;Yv_^FZ;O`ex&lO#R-9{{6T{e zz2=yir^XU!pLsvN6`nJ=q;X2bE8Y{v%gV|2FmOyS3szSmQ(b2}Gy_ol zRQL40t%LAe1*<%L_R}6LSoH)NwCRNsmFhu8pX3`;s@9Uo7bTc2>dSr}(u1Hs()nWz z>}tMQ1qzG$5`YJ^Vp|Ji7=7@>i_QnF!naiMk0*J#>Cm$)nQn1RzpvfAXlaquyhPA2 z1h%~&;RJrM$ve%Uhn$1UFh}&tvlun!6Dvz^(RhM(hkoSVaG=nQ!|vJ+J=dlER45|P zGadH5e(S!Q-&C$z4EW@m-E8l&?%ILW5+8l}jfL;sS8WI1vn>uJ>jhhl9cOYXtt@F_+yuWrYr-QOW! zco)psxYp{-P|sD>i1;bDk2Re#0vnL;GQ?F>vZz7(DGSNLc(MCa>CN zmN&J}ea@37ZQrdVi!xv`dhr3XMjMr){fkElI*!>wo%XZEq?|z9vLDc*TMTB*TWV?Y z_9c;Pbh;~2L*_XzAoRZI<+<=P%}zWx(BV;kDv+>0)kcVN`XEoiy=e)v@I!DoMc4A+k?Bd~MQ zyPLb`^Gr~;lVFcv4F?`X);0n}llJlV&iipgPU`nRfGax^2?`%Xwj9>)e~c6HgM6Q7 z0mS1xAD+i&Q*nJ4!_vLIkMnziMp-A_H3vBdW+I#4XC6*M*0EQyFtI;|_wIx;_mqZD zi3%8)undnry$uOT`!JE9e8l3*>MsE2MiQSt^yvsE_}M z{{q50NPuwi+KXgPFJaQUbWB>EVQP}I$XxV|dmUW{KX5w(r9SKFsOq%(DQ2r~o1V6! zE)_nlP;0W6(U01#``B|0eAdZz@Iu!DH`gUuFgD%;_(+Ox*YOJ|SG6_D`?bgV7yo4H zPr9GMi1UUehWA9q4c2RYQ}2>>(qg`i@XlA;E#52q!of2)DQjPci`&KZ&S#s+tTZ%3 zF9q2)>i2mZGdG+vhuGtjPh$Gh*=7V}+Um=glX4usjS{f#)psoH3=aUb07bgwSt^4H zJ8A9jQC_R#fo;qIYLUR!1Q+d5giKt|=w~tJ!M9Ky zKrT5ZFZqrPX+OO6(LVd;GPxS1Jv~DzjRFHXc3&d#m{x+ap|jq??6h5&l}1LzXupRJVn*sw%t_sWpeCd7%TlS632^y^CNiaIM! zw+HK~*WWP-S&2XbLABA44k$>*wAp|ZBrMs=Hh&DWl22g%>NA*~dK`1oP9SmBA=@iC zXZ2CcP1%Z$LzbXp|0%Bi*`&lAtB%xyRd$-Z(uoT7{KN0IqI{?p1Hw?yzbpJ(O~=%f zoorvHkwCyRWy4kTO=T7|ITj6__d8T?Gt$0QSgyl~R1;$1-Kzf96X#K(I`d&Fyq&QB z@mphebT zyYz{&bXyPPt9kd4Nb(`0a>4c6p-i>bCN;|E+Z#>#tuw2uacj;ZYTZS|KXnCBt1lv& z6V}8>H=F-9wIOdfW_W}b`e{rz)23^sP`zGpzxU}kc=MeP?K)SAE>iJ&G9{4z)2>q} zQ>Be*I>?nxNdlXO9fq5)RMm@&py;eTrSpBI!%Mp7&1+uLy|ZkJa-*VFd4^$hA3EJs zCbjQ5a_}uQPFI#tbcZ&3t$b zs@Ce{{1yhaMX{>QQNCJxmR&oRU26lc&c%hK(j15U_zuCgQv)YR4D4ugMe%BpC?;p} z93Lf3lm+N|E&Aex*FM0mea=9IOTI=Yj)9Uu=$_Io;eobZW-apGmGnou`(0yHSPiQ+bwv7x# zm#P+l0+r-)s5x478;tD-&)WOB>9hPWlst^MPI~SQyH1M;jsv|omJdY9dgBq={ZVv@ z{iCUDOGR7zk!+8dNe54w4?Hg*6d3%^0>W$p!YneuntLyjIlU7Q-tGH;PIm=@dC05& zdG~yHOys+dJ#wDtwR~>x{-Aa&Ul%tGtF*Rxt{km*LcUB(c`C}cmGic zuGJVXz4>Q1at*_lNopscCNOxCK>RqI6;Y{-YF{7$oPj&1 z>iO@JK%pdwBu_ZGfUw(RC>GG`c0kzeJCrdXxWxdS_7s*DsQVRECVb0nZ9AUt7C$N#6m*1tqvu=l?N2o>%WS@TRKB3k;@{G!)!o zo)n(|VOihSC|k8H#wR-G_>R4IaeB1q?D{Oz(z@RmGeA;U7B`uO@v|QDfJlWc21joy z(eB9PKLp*>(!f^Ies{>R$D!@4d|ASx#bl zw&TPV0uC{`VFV#)_-2qHKS?qW`+^M&+6&F;w@h|ic>@bsii z0?-^JCS_pe>MSJko>YeAyKL^d6Bs$~Pv$b@C^IB*mYX-$hg>`8T4ecT{rS~v&$13< zU+BiX^~0zK-p9=KM@@}wvV7~U%fh79S8N~H@Huapgi!fV9owO{z-H?OgsOubr!SJ3 zY)HnrBickdFk$UNAE~kMFn1d~s}}$E{Xu6nGq|-$2UX5R0^QLUtAZB}OX6_)brt&;;ME@R`fZ=p-Xa8#;V7hAR+bpS|dA?G49 z{&^+VD(AQU{58r{VxRTzk*mI3s8VZGsoMv|Dz~@3r2TIt{OY4jNF!9J(F|pR8ncf( zD$jZ;AK1XCLSQ{R7q3(cm1>0H9)fr+K9#T0o)c|rb4yZ;d5Ii6$lKE0>Z0KTR_37xLGLK zY&^CQuUowDG4=bqXqb65x4|F zXoc!MOx0UpMT>#TUvZ9o1*^1VAMb>6)w`K=SCY+A!QBWFdyv_Pw0)38YK(Ng0|{_T z1ot)d@Djcpr>ZtX?P@Z#I(aIc0Or4&fxhBE0 zAAvTYRb3ySFO0bXExS%YO)F&Ia>SMq>UqCmO5y$k< z{>T?P5yKz;0TY*>wk;&%$sigKO!=Pxgd%~h|3yG}mv3&xnU_4z@&ZEs79*{22vN|jNSGgd^$D4$~RuNy1v4; zrdpwMY5h!h5W=yG!#BC!(@nR_ts@VDsy%6j;e z^}%2MG6h%nKH}UKB3vhGyLR{ao0@n|u;nLovIJx6-TsgW9 z&#vl$zdk<^*?ZR_XAeQ)p$BnwcOrqJ_73XX#hh>?4ZI&YyJitkO7h4!_VNCqWZXQE zgp0eA@aek`V$8TU@G0hF{Br-eO_bF5Pocwul3&u2;bm&yZXj_I${x{s}1YxQ0#iLwIewKD3y z*P$>-x!$^?zA#yQgX^QX4e#7eO&!DT*iVLeT|=_2m8o073mmlTI-Ub_C#I>j?RAsNW|5$9g1~`@ zUGM=$%zMKOnP>&iYr5XZ%7}^cq%l`V%JWkbfa3V%t1T$&SBDH(ONP@L52U_?4}Us` zn$5+}N`@?y;F%1Cn0KjrSn%HX6u&q}agjFV z2wXVh2_JsD17$;6+Dd=%U;>BgqcJVzI1*N!#GLiVP^xYMs&|-$;ZvW+=xI-2^yJkT zKQ#?wr!K>|sgGmK)JG6^|58NHTY|QIqR3d2S@f4bNP;w$QSs33WKOgqH5ko@vL4o* zbjC&2q#G!>jR>fw5fIjGJq6Fd{24*5D}UFflv)8pt+{GRKvqWIA&6pmNLAE~(sV)o z;6Avo_ZrN8;*z;sNmxb3njkP{37VGm1xj*xLE=%7SIDeRr;VwzZA?^eZ*8mC#7Uza_SAX zuj`nd%z=64+o%&Z(ZGJL_s$!l?9 z*8KG-Tcv}!*HHgZTac7SOnD_v_Pu7jg~UyJG5?wUn7?rgsy2^iKh{3r4yepJ32QwN zM-Q_tC>;tnlWoF~g{SR%()R4@AE9`a=En3F@$Z7Np*_qc%BydFY0Rhlo&gA%SlwJ> zUbFFsPrl&$by2n!K{`Q#k8gjBc<_r{Hy!aD2V)6%CbJ%57Hl?9t8!3~`jg2%D277& z#{|-kTm&9tUkGg&!F)GIMFJ9kf;jEhxu$6CLrGB;it@rV@t#gglU_mv|Bmbz1UCdF znk&kL_9H{l8R5g%v)%p?VZ9$T$yOnzL%_OZNGs+!%t#VwNmfN=gWOrhOG@({EesU) zZH~eL94865i-jxu@pw{fNn!An8EPRL)SGv|ihe3xLYavzr42>3Oh zfq}E$$HXN+A!f;Us2j12^R!gAd!sa&O=&YoVkq^~GF2L5`u!`gWB*B9&J^>=63TL_ zuOb~vdzpI(QmaIuj26E*_7$%Y$uI}9&mA@2pHosUVDR+!P^7ZQsEkVLCfm36+pWB-oAYV4o+wzAWvVfp^)KMBJ=H}6x}%VP_{{F+&FHDVp_y!OS80L(_SX2E*#w67RU;Qs;mZM{F2QCgvT*@*(tYg z&;tnN4BfkjFfS)~LzkRJ^vVn~?leAS7kpZdMc+?9#mMu!(Cgwhbh@$?-EbJ4Ztg?J zOW$G0ja?Xg@p}y0_6~eHH^rMfezLJkiyY=Uhi3zXY&&Y7QnpVgK+-s;L%?3OsrI5a zr`u|}YGZA>bw`(h1K?k;4!+y9jgR<(-cbWn+vcGKal1!SG;$54{-kEFFx6Vb!(3!z z{OI$&She;w+~d~>Max!0^7_~C)JuOs&q2|6c=2lcPN6Eet8Cz&^>I6HxlU2Ky>$EG z>1MfMI9a;#&Qxd;<9}Hk)ZO2FP7vMpKFr$t1;$)Hh;CQpf?_+`U;hd13Anou6!yse z9z6*d`(}TKg!Jza9McEB^@`y9zU5>rXA!u~BY=B=^oVmdF9R?K9zw>p*_=F9;mVE_ zoZqz`U;p)CJoaFF)UWA-vITumt+WrezQgzTtip}`j}jElL(bmm1eXsIQ7b$T(A@nn zuJ3x#!p_?NI4^n@qGb7k@F^FJZex}pVdZy-UUGmyFcT9OTrry!F{#%u zZ24J?NrH%EH*%Sqo$GALD1fk9`iX8g*%1cZs)yzU?;hDNGReOGyCmmjJ>>1ccMqIY9W&49m#fz(1n9ee*9aYeP>*V%Fom$<~smW=&xvzC!PTXXAqzWX175<#e zg4&^8t6ny^+)PSV^zyIh(RPt?!N`9?SDWD-vUvdykpP3}Y z^PQL&#lPw0zmVZ=i+cilqUb#YUzJ;8(duXInTy}OZ@A0*z2fAxZatR#j4^Ws$T$}u zLozdU4`vc@Oi#%%iP8OQ&Z2hvxrm*&&cd`+W#gVKMP`0oYD`uhjOXBqOjPECe@jBx zfdHyA@>lJKQZ*-HM$(TMIsea$E7B$crO}%-h2do`#K4M?RryFuPbwLDPic7jZ$F@- z_D+)VDn_O$sKsDYh4gP2j|Y>#L6rtW4Y+BqiCj2nWmybbF*0#JmBh^UA`tF_&^nzg zE-%P-M5ghYL<&loYQ!1JQM@fWk1!Vz+Dll-cOZJi{TVaXpTgLM-=p>D=g?uy(`Yw* z13C`dfG$JVp~HZcsM~fj%eOmpkM%e{D&iI z=?+X9YbeLk>!}WNWTmpMB+h&puaK zEOqWt3I_E-aQ7vc%y8mUPcy!Bv$iYWcc#uM3En!`e!mGTjuRvvCbRSfT8&6STT-JQ z^K6yAyqGklR^&L!gb6c z(=~R++o;>}E`U&HlJX!)>L=v}HD#1>0I6;9J)vhQX(gkDU7FgZbcV_iQb)y}7l009> z@vGS=SA*b*jBnvUGPl(Rp~=7v#<)*ea~<*QhhnrQC#9Rpk`_NMctTO!-v02{@3v!b z^lVe1R{N|#z$+kJ$-g~%_nB-a`PDRX)6WpDWl2`ew$6JBXH?V!xR+^`L|qFe#bk{( zL?C7e<}TZgIm>pSE!%U+Py!?Z4KdQPOe=#?B1y!Gv){{?s-t!&Tb<0he;ez2TJ(^$ z;X+K4q_dI~_8K(F0p{C?1?I63S>(^fe^sCF%* zGAa{&d&`{xSxce-k=-XrqNaU>dgIWEt9bF%4>0R~w(FMtQMyu7lq0w+Lr^8RHu4Wz zK14>PTAP}gseE#L5m?b)zyeh`&Jl!Z3@R4f6$Jzo1@No#dA0s15;6q&1Ban%^Ev1d z{krX6nwq?i^W0g)t&%mpJ)Dz|VeEph5ZLiiRA`*QajGZFO6|2f<7c^5sBc;kQHl5C zzV!TNBH!d?lu-QWxA?y*rBdwYGiJK2;(yB}o<;Ph$MzhcIH^#{{)q zZEn-IRzBXccSYrhzjaIR+)3Wo?eM&pdoRzA8|;MM^+=WZCtvMhxi&`0sx5F2=gd#O z+GY7Tn+~LG`ZMZs&eY!33UyktZ8bNBtgwF%vxZ!@hW6RAPSjT_vn>VmM1Eh6E49X; zNzVlw^T%?W?SarH{ju+)QorDnycYBC@(48tG# z(tLr+;-^5-7>-W@gQHV!8I}3}3Lum<)7weT-fz)A0)$>rsP86_S)Y)61ofhyMB$M$ z5Pj|d23*;Kfj9P>Ma)*2JJ2d)8+zW{i(Wa~&4K!m%j5&T{Udyu*1%s69kj&&s~?H( z*#5G}05}~dEr2*lp{H4StI&Q3MCzW}(V3iU2yWg8y~dA1aHIOzd+aFt1;6zoH4m98 zYM$SU&xDCQd-)H=A;WJv?>~GD0U^~$!8maAApZL4hiKQiy=hu`7qq;j-_GCQod+M> zap-+J^oT#)l8e$xQb1a@*NKm1oz9)4Fzoyu47j`%y)p>CukA#y z%pVbX^-J{3_zdyq{)R$rLos4hbKE?d3~Zf5;5HLCcM!-OehitrA41mNhs-TR#;)Z^ z-=2!+m-j*EhCaBrxDQGd@xu`h#R{X;l|$OxOrqPF6~Lhmd_R;YIH*sEb0TFqNUMw*nGq<{uq;z_nI*u?LQr} zFarrpT5Re~OnL&Cu>J~$lm8yS@dAb?pEQ7`zTkB)VMb#N!2Ra{p$p3a!jVb0140Qg zq%vAL{C@}#hHtrze$^gAk@gWfBQl=fUZXM|mC<~8R7N#X$+Bak$VHrdPMXT-|9L=| z_nm*2`2EyW?f<&TYbOnxwdR`bpX!_N9GUuAx%>At_^69}JFL#Sr%9)N>)yr;OX4Kv zzLdXA+P5JfjPy)O>g|p}w@U?dD?m2@d4B3G8I`H%+X$8Yn&DpG+W6>;?{Z%kqw8gW zr4FHiV&~zrs9LQP%2w)#N}!n3bG~xvMiVdC4|ZZZsT!`DU-J+bbQG50ZjY8We}lqSyZP zF#!P?Dl&l1;W-&NPV9vO`=fe?#~JQE44C!~id3IK#;LCvmnp@LSBme+K#YtsRH@$9 z3~tDBs(j6rtQdw01b3xb#?JUkM--?UMnD*WV!m31?|_okdm}h(4j$dG0~HAf3zI=D zP_-2bRcVELYxg$5TdW%MSa%Srw48e{Qm9-(GFj@hZ zN{I5dBCeE4M|Z>Jet#L3`n}$EY~#PGwY$4B`AuXU*E=mvNr7=mKYbWq*ogJ)+efYcO-aeZjN~h}KXuHkw@@c+Y;Iq(dhoO{ zuhx(5?>~NuZM-@rPMTwj54z{w!t+xCxgTnWdTKsTFc3=aJ&K+t;e_8no|&@}X@^3RgI=E&ECrwnqZGkU^Nc zd^hH=IEYR|)+0XwMgf+iRO2OS76?-RmUe{57R8Lh+0NKEIWBphm98O>)0ts*H3^&c z5ULzi#wy#~LiV&_jZZR0axe3yekTjTGDxESB122E?CS-D+C!*xY(JH0U`OTam`Mkk zlz-8Q^BLy0X4CWUB4);N)N0<>#vF~|@}F7CwcKI*gMmRAhS8qYlB`onnbnWw zB1Yh&m@oS;`>`a#k__jsB29=MC|a#A>#83LRvV6z^%Kyb|5}WA_#5`=;|2humK`%K zj4?|NBZh!u^4iOoxcnsIlFyhle&i$HqkG(&C|y4eg@XGLTx!2tS6gT-T(O}^$fZvD z${+rk3w$KisKWksFViKJQyHq#LQ}Dzfk;f+%X#%ICZ(K0c>G%^77~%G)~@o`_bO|R z7hdv~nVySWdER>epOL=zl74GJ=g%K*fp5)@ZUHHz4PJfk8$7V`Sp?PZ$1?8Bv66kq zKMX$1W2qWlP$HzK0YXU#HO>_AYhmMm*?>s4ts%%4Fcxjc{0383ZN<2U|BCW;Cvq%` zFyD5gCojOBlNUWk+1%oScx+oZ;*Vy{`EuZe|dk0?g|KRr`tfFC%;}& z{9|N*N3I&kGYv@k9zJyjK~&J~>Q;2k-h*}ogb{L& zaAh;vUH%TeaDX6Y8%Cb{9tk@?hEMAzcz@?EHwIV(a)ZD6Zx%;O-IT+2X;tX49rm)+ z%QJEL<`wq&Y@FhVdNk(}f?GB;P*|&NOZ;$PzqMWYWA%> z>3&?zl!fyfIDGT~0)zcfuVHOmx^f1i#|_7eFFmKXO=_vbd)8rFVD2~^|L7<;J~d2r zDt*e|-u_}=>os0zFZ>IC+rc@s3w+v5gHNLv_%s}emT50y$fqA8>ik{|%h-dS=_>af z=$*Y46OVrapYlFPUNQlhyNJ5>Ka88(XPVVd8IH-?`v|fQEyv|O>+t&OScC-=2>SS- zc@V#uTOYeWnuVMLPvOe;=kVtZiSWzkgY^%0!_@<6$T;#KvX0CkI81adD-JEhjl(H8 zyJIyz{^KJUH>wqU^7|lPDPOeiJsZ4%I|*lXlx=Q>^DX$FP#N`F7FAesT>p;&;SU6H|6!HU z9t<-N{YLUL^FixAPe7Rn@4Pf0tcLRZW>2BZr%VfaJscZi4 z0zx@qzlp?D0m5uEq|rO!CA1&*kgdw(-7l4QGSs#1*KZ{&qix7&%Q-zKF-Zu?OvpU4 z7!$qY{Z3xqWIa1$h@^8*byM;U}|)Q{0InxhM-BW zjUIy~2Qgsg#~3>IV+@)14u;SBJ=zUlfzma#|AoMX%&3^YV!rLkq>>r(cdi#oRO?}k zXg*0BYLF=)^IoiKILg+FK>mQP2n?HzIjes}*?NOeB(#g|Uo&QcOhSp^0Vq;!0NRdT zjky~SV`l13H0wSKv9s1#Ii<5ul@F^Yl9iL^T8y;H`Z&R}Ukx&geo|BF&3-i;6O*=J z`V+?qn2urEhD(^X_7Z`{Da=`W3d3i9hyuRDP%>ly85s7zs$^O+Z$*E)%2ngd>XB!CAo;w*o5>T9xb{wH?CSk*?pXSz!R7bt- z%s?#90*g<-{FwoC2MF0t8J|ol*N9j`FnAb~$%G0J#;!ht$(t@2AdFon_0${!!W_hT z;+Laq?O~j`Hk+XE6oT5$Lb2*SQIPo%05_E`0{i03r@(J<|F$Soqbmvov_^h{@nZGH zF;6>@pnZ#EfaHo|27&GHIe$QC>xt$c>`o^2DhuA*)^{B`iwgd=@#%MNaYFY*%Dd{$ zdwr4R5Ig%Z_JdZoC?S=;GE8TF-!3Q|+?x#ha3rqWf|<-q{0f4>r>h;FGp&e1Aa#K@{uAq2*+1>+sm;~F}T3~Cu^6vLGhN(;xueWTyQg5X}>65V@ zseTp>YDu8ihTxQ8hjv4iCegS*-c`hUOfN$A29QQ#po0{995Z5NdV;% z!Wn*HdnL%wel#<7!m}iS8h@l>EhAL&*D5Ma&|qT`%USMaN(Zy;SLsHe63Ov}`3)U{ z{Qd*s-+B(hhOWniMPDO6c@L&&uVaeyg*G9DOmx~+$O(EJ&rxKwqX-aUQm&d>RD7zy z;c>V4lC}?>Ccc0&^`p!RurwQ_(pLx5qebPfuAWV0lkdzCCJituXcLRI>3jMzU2>%`^bkF`C7!)b~=;RCx zUwjx7Hyl7fR1ylrPRE$zJJ2U{J38h3Wcvogu^;VocB1|D?dS^m%@aT*Sj^gm-szh$ z`t)~*{^lJN?AQuhPM)#4VV5Uq(cQ@iUCn7}$4Lt9C21+$lnWW{lh5GXafRbtHYo?Y z&mTjT`Zdunej);!H^h$z57_u(E+ITTkQUVC+KMv=NsDBP$AM300bX%34$?K#x6i?W zLwixxuM+O7UmM$ZZb7Zup*Vf!c5wj<{wKCz!j^a8 zQ_6<`ZJ9~`aBvwx;X+*5HXqk^FGTi%WPI?OvFKFa2Nehen}zt`4^Ktm(ykP~w-PsZ zFXDu|3OBZ|LFV>nF{X0`_!acQH*e3yl_QIB`Oq9>9iES?dmkn^T#p|J(iM8c9!5Vvdx#w|L8*rY2Mz4#(QpnN#84=g{+woEX#;-p#Bj(_Sh#;iS# z5vfNpI`z2ipO&&M1wA$8>nZ9LsUU_7Dd2vc)~0pfRY@ z{q3Jw8U4=z!tZm*M@CiTSR0Dm{2_pj1jf!4o8S21H zkokK7!nMGx)t3+v`xZ*o8ISfu9z&}9&DLX4yUi%nZ8MYraUklp9)t#MhoWBVp{U!uKN_?i zVA46csHoS5*QDyr$dJ|ychWUZp4D6QLCqGu`OP4L&#`C_HVSo`_cSx-QnAqrcO`-! z?OBpkLVGNW$iA;b`2x4;m1})@3|(nnj{$R^>7r^ z-Z%m%S*WWMo`SjS&#^AfqFRqs_yi6>aHj+Wg^fpzuyLpxHWKy2hM|6o!DtvZ7>!!< zOaNS);h9A^GF7E~ow{fdGICns_VFKt!P7n=;66t%bDH&Y2GbeGq&3HoxONZ1C;f(< zj|^rt0w*$Q#X>re0q~F{6+zudT|7onI@wtanpT#zH>niMtV)Z?xPRkjlxZ*+1(}z^ z0c0iu2BE0$DEKy>i`d7%!ki69Sm$RkIpq|F&3(_@Dg?ERMV*fE%-e9Qrv~l%;l7sP zEN@YSnS-z2b|7lCAhTCbl9Zk(9^4E0LI$D9h_&oXG6Ztm?fFYR&3v7~jP?5w(0&$5 z)f?NA0Qg*OypTu;wQ31lqsn=~!-{iCm z+vl2?%66TSjcF`L-_~@Saqy`(TeQ1o2Ok5!{-NkBlMxmN)17za+&wa<* z)nxWF0nmgE$I)}vpOC-Ca0IrQ$h?d|-F72ge+e7NzQKI7>Sud$Yq#i!$~8KoMw3C7 zw|Z@KzZdGX9Dw^;4MDxOgW1>mqI%072yEIFr9)ZP!EFtY77S(@sz;jfh{~=`$BP?UT zdXWa|O*???TtK)i+g-kUTiRYS<-JnF-Uw|s40St(X2n~xIdb- z8_w~C_1S7Tsx=yjdup(sa}012FXyhIaByE!^^KD|g=HK|)|_Hn9D=!P-^Y-|H3;iD z*(_7aIFNh-Ngi*=t zV@cPHv5ro@jOdh$=E^3T%#eHr#wK%~Ud!|Hz33MG7W~2vCayKR{J7#W{hCI3hHM*}r-SCB|7qJlcb$@_u zWHRfjo2m8|4QS3XAYiWEoMANf5U+z;G9LL591D-hTPWH-3_qScX^T06OeVp*?&Q0z@wy4N9@@<(UZ5ulp_Wht^b}hLpSfkJjI7HB*c6}FH>u$^ z4}ROd=O6-us-t0}W|%i`4jz1HF7G=uC&{AJMV%#T_x|m43lQ4b#PNKfz&-9Y^rbcx z2oOqeaFBSjkpBqO8uAKiP5Ti62|G|Xb`NUB>_p}G@8LK12NaL_BYZj#9FmVIJn<2< zc;*E}|K%0iyU!9B00~>JtKoYVJuHy9?Y<}-i4CzoBl?Vje)bPPG$z5@N|59WS z=v_aw2-ml3Kj2~lLY{Xn1oo}P-uE9v0Ifh$zb%H>%-;w5zFL4w2bLp!|8kt&y&j2C zoO4PRMX`Gtqu2Nih+Xt8qL;IOt~g|FI>wn%7=kSUJoyYXLoOHCmQG?c`)vFM@&d9@ zOTKV)@+kv}<5r%vccm_>vwgSHtJ-Pv$!n^Y0GioWJ{7WWFXnfY3wZlMbV9 z_eC5BIerKb298Fhu75)L?we6Ae7iZOFCV!bCA)oZ)<%Ch5ft9(c0%Co*HGcsU!X{< zFHkJ(E1thX!PX>#z#^^xhQe+BW}vY|tKTAj&{z)g5u70Upjq!^GUMkA5dJd>;XkFj zfUtj$93Yg0P;@6C%nRP`O5W$ckfbsz5-?6&Lx5}&!%U2Mcq=-MeFg1?Z$j5m8_;D) z3PKu35u|lQX->BCe^;^!Cq+pCs&GOMCO{!WC@E~=fC%&F)@ei<`ouhs{_(#--0OyNK*z8o(J17r3B8j8ntZ=f-QH->ek$W5U}6}ugjkO6 zmg5AgFl5bBj7>gYPTn;lQLFP*^p1N59Y>~da_nkqT4E531vcjdNalzP-@Vn_n|iBO z-b*lVZqEtNwI-t9jCToajv!*%`{+FBw}_nfdvu%lDtbk~jFHn{fPcf`wz^t|X_RV} z%0di+j4x<|e^E)k#FU5uAb=_mG6FG=ZO802mkGSn37FCmPo{Sg+v0SBg6@-FC&Swx z1*%0D;436k?gWLhz$hld$QTHQC%~xRRk|?Va06PB8isV3jd>e>BGWvY;4%^g1BS4? z$D!ST7ceLJs9ENWUUm?Z+3sX4Ma)*W_&=gY{O{0p!qceQJeKtsZW2nBul81o;ZeTi z_ezYmn5-hK8|@YI@$Z2$4Wlt*%>l%&IBe~A3ft9`v@;m-=-0?!lj#WTNd~$znPt{# zFaeVmX4pow+FvZRAM*S6M4`|DC{}9>nh#yic6ksp*IhEnhm#PJBo$npPVnXoz-Yg# zq-#U&{{kH+{s!SOFQISz^XMJ5j%D7{j4YH@9@ySQ+UumYWZ*oIWk*K0Z~)s=uQiyt z_MAy0Wl%p@+BKW&O0@HEB(jrT|M!Z%!;#O@#sfO_^>%q+DAm)bv!IuEh zkM&qpQXol?BKf?#fqkFAVF>8F46!Q-p4Tv*wdWD{1Sg5)y=Wc%8hT8A4H0a!-3fH+ zcACQSmJ~(+*0pzC7p&NdZ7u@knNL|8RlAd_c4;z>Wy!3oj!Ll3iugAr&~A$2p=?K? z1l`p-Il~dbgVAox3k0-BS=N`WT&J-u&Ux}Odd~O+onqfYhv=6qEgi=_fgZ6>p?CZf z7?}73?!9lY0bZ4*K((a4g)2LWulj%&7~WgECjn7cGNv;TnXnN(;x?l5xHK}kec8_< zQL1V;R0!;9`z-HaJ(cq9WO)z+T+pv4f?6%a)Z`N^=QCCx39D~l=pzSEwbL>Tp7$Q6 zt=fy3tM;IG^lvz>4|FQYe%(11bhR;|urJ$eErzACtJj-(?qUlq?T0*wCS4Oyn!r&8 zWXiJN%X(-zmYdWf1xmGOP=swHAM=r)`D-;S6;qcVN8++en3a0or2ErS_7YI@oVLe9 z`;4Zi9>}GcDF-lh;mS9@S%8GdZ?MRWZUv*HBDk7)R}osEVOk0WyY zdbI8TC@O^Zv2jZKb*182OwxTx_<}VbwzI_~Nvle-eaPrkah6$80YS!7kn!5yPK_n( z$C8RFUis}TS!XPo4p@!eQ{G1WvTc~2cG%jK7F$(sGNG>hp8|Pe^3BIw8kuwf!qsH< zc`YC)Kp2}OKzPMKq2Be<1Trg8WO}4tDwWTvX~!^h{->zbV--R8C^Obngkwp$TI>%s zx|>>jA=az%Awyv$s`Bk=$AqKd#5THI& zFrXR7SsCr(oWZeA;8}B#q^8#2bY>gT++_xK@{qkt(lbZulMY;KVNa@9GNP2v&uK+e zYdHsrk9|b&*4M_TQUrvW%L-J{H+^kuL4n{ws2=_hhCT2h%lI^+mb*P}V_CieKVz12 zEJ?m<#&d?={{uRXe}(OT7{}LeTbvP4EmzIClj%Mn4*s>+->PyREue@R|6~s7-^n2V2mZ5y_t#o_*?h2?pbSFT&lkNnB)=rZ7?MebI-d7y| zknR#^Ubb^kn$Yp0u+C4gTA1V!)i)JfR5Py0L z`lWx1w%4~H47<=VYX>@9`w88#A7M9tL??nm-D{V*6FqPQU9xtfJAe1OwiTl<{De^- z{T2l}w8YsmUW5<=$i`g%HpyUHL061{+tae0nh)lZ(XuF0}9LE3>62n?u( z$jBaO8P)^`4({Q54itKitSq;;@#o|Pg;GlucqFiu1X6ok`MF#tDFsUZwnJH_aZzXB zt7w+E55Cd+;1_=qHR8^qTFhDaO}>cAQ%=Em(g6e|Y(}-H_fTQ*M)t&rl#SFjY?N6x~u#Xll?$zhCI za>5q8+}=F5XD=5F3a}ZSV>>!SI)wzzzmudk%D$|2Z_+~oH@A0C-wF6RFzDUur*Llr zcXuHJhW~&@uDD1#Z!Roy0U`OgI^7mKt(IW%EKWjLzT1x|+jR>{b@>V9dTd20NeHDv zdRMULsC17l|A03CjC}I95@`G7Bq^W_%oGj#+{met>fXnsPs}}q0HIdCN@yiafUsv0 zrmrRwxHjk4tBiVp+b<V3es&KtaG&ip)SMUru;ro(#ZLZ^g;8DN5JsML;+g_pjZ9#N}HF@S+J` z$jHyLw^Tq+PV)Us!Y1?K zfo1rXCOsfkn{O?o0Cqa!J-{3y!shEL_b7(M3;%;8`*b(PwW)Q__< zX5j&JjQRt*#l3;Zct<_s-$d_8eD zb}2^Jq(8iqPL*(8o<8#7Ez zGd`8=BlQ?&tv^L@vj_9n?Lv?7?7u<%P=@W(Ndp;&jL6u2LG4lGSP()+Sc@UDei+yv zV;=e|<~(tP<$92L+YSHL^H8kXU{4;Hm#PGA>>ujCk}RsdX~CdK=vc%p-AaId3gcI@ z-q!(%8-b`*>^}t2iDVjQrk+Ja)XN-82nY#~Ro8{9gxT06P~}6=lRtO}e5#E>i&0OI z$^DY~*o-Dl?6{+T&P&?MmZ#;cC5*kMZ~f4M55JqENm2 zLUfIN8RHgyiK%P$BA#Q0RK?>`j+?Y<{PGh9;3g70$Y?@Tl2k$+iP4`(fH*OQz%1pg zkwBUjUt-9-+k2}rN!KuuePd!$CSq4-A|@rBVe?R9<}r`VmM~XIUuOmvfiJ_wmN~#^MoY_F=+AU z@M+l-Gj@HCfaE#ovGos#%-MnVH+CT$d(r0NSLl+xnb!n@SH4H*oL%U8eLvb~?Bu?!4Q=A#^7sCBSE!@c zPd}nu*^=<{t%M#uy63(pGIdl2qObE(-a~J=JI(*cj8g_jy;8H30D!Aa2bBFmr*V5I{YVIL6z832ueJTT8W1cny?Li(O=-c@lV00 zpby@BeiE+iS&ke@^meaDXlWlb4)DR5ttrUdz7#l?gd4jbv3-Cy4=luugA4fHY+OI` z5U$IK{o#jjQ+p0~KTNQ=9IvMIK}8=Qv~3uO!i7tt3VGl0)8D|<#oNq9)wm@DdgSp2 zEji+m=p>5{RN8(&f=PvE zVcrGg<)yoU#Jn_uaR?BOUPbW8v034J0bvnyOfSpBqfs^dF9rz95Db>;Dq}F42?)P4 zQ23ANP8HER>F0h33EX}S3G@{W`vk>WI&v0Bd9T%9jS9E^3}xE<4*C2A2*Xj#w-*{m zEHgkThVO15Dlgp)1l~pjZ@-4TfKWitD8Uibt04235sEw#q`Xl<0ZwN%r zVm2GwJTh;s2R%b3W)K;z9%M#jX;0QJ38n<92tIW7fMD z3}3`oui+^j133Pz)AcHmPs0L|GI1pp8f|Et=^AJ zQxA{iQIoCm@Ae=$%Y$UpYsq?BS9YrIsL|t5mgNbS?IqUjWs?lc)xk`)1-8fT1QUg; z6S(>gU>WvB$xy8pN0ONnk)acyB@nnp{mEPmg-@9tws%MVy!_fOw3Y7?^{1od@aHfs z=@@1tpEW->b6J;CDUw7ohRkY$z|`t&0^V#(&#d*Q5w++$rgxmJTANQWmY2YjBl#Tb zU@PFc`O`{wmEH(#^%#LN8RX?x&3dL57UGkynx8^BtydeGmU5C{@f4YA$0!TPiAkQZ ziDmEv%VdK{%;P0QlOc>>a}#l^Wl$!=981TqJIz7!q$B2G5<#L&?n{+)8o}D6Wd!bN zyO7Us07_Kr!}24rmiib;fY7Dckr-eZR;d@c9CJ4ucjE!;Wg6RjJQ-JoDRpWC0VEk* z5_lI7oxFwvxBx2q%%tRtm`q?ljpe8Pc!{f+KbEo7f~T&MMD~OMPWe+zWd5aQI)&j( zTMGgT0?rNBF@X%PfbZnAo7TprlF6IJKG~w*CR3l3<Wr4P0b<&ESN{a9Br@I>mA#o4NKPx=wr%1w#g+fNu{|Q7_H0#itUP-he)+ z*6~4v$NwI&EBCW(PqJPQu?_Avu$iwiL2WPrbYNGG9|VSE+U@MezDxj7nAZi^w(}Fb zjv|Asa*9vRF-fJ208Czg)4+-tSotfpvw)fREcHi{_Q)BaVVcE2N)=gokm{mTVYT=W zM*uZz-6hQ5cmfT2E<#aRK!g%+{~&iWKB2S0(* z^(J%79>(#r2MX6Buw(lwT1`NwH`~iT1Ds=$2$+?Pv8qzx7@OfnEgr zVsF;TAhtCE!mv4rf8<>oleA}0)@{qy9D#=6tI#{)J*NKv`_E}iOeGV^F=$lE6$~Lm zC_p$?Ok`RXfl3BJRJQFkn!slhSDs>>N~)vrNAHYUs`NUbD$CQct9Fq&o`WW9 z)?>`Jzrv?WP4xNpw-|F_D+XumM&uO&yqmkw>&A9;PX88NGJZnj&Hd<>v)8EI)$Qns zBWQKy2ZF;rXn*Z{481_m_*4=~wQh+mXU>^=uOOHJmEhnt89&e_J#94hVlZJfkw76| zl2K8;Yc>~n-ge|Df}1u*yMBF8qgi8|x^Te-NV<9@+w3Xm+OVF^GA}AnXD%uj!F7Q| zJ@gQP+l}kjuyxB1s8YEiiWDh?S6_XZ&s>5su4!+h1$7(cJp>3dnL0VtFc7NzWMvSP zUdPF+HxSx+EXs9XjB2r;;ohkI2%eDxznBb!#Al@{eTJ#MBBxJ&O(gg&@ zpGGh#G~o=I#C;5(0%fs&$k#`+jpD zk+pq3aC{N64$ed7!P&?;`T)V?Y-Aspi|dCU#ic!u6cI=6T&*OE6lr`4fuJbh|*6X%} z^Kn1&ot#hoM#7(fumS;|K%rDe%ZL9!04J-X-xJt<|BKJEEGi)AJ^K_2`v|{=iiCY= zRIG)gBD&w|LxRNjjS7W*jI!0PM|iKXP@8*46S0~}|A94TM6Np><14`76;-uFbC2RFE>0`bsWN1U(J}0e=i;)#D6zGwpvmhC= zqP2!#?7~klIpqXFM<&}1%V+rsG#{ACj?xwR$ehbqh(KTAYD{-EGPR~Y>r`jWw;Hc~ z$e>0{euJRmlmmjP0u++U5*Q@0ytOBdpeBI>#q14a5alP6U{+GETXfV>+Hs?~lD?AR zesKLU%uL;l>8blnQYI#6+#)iH$wwL1Ro=U55=qr#T*@g-S$`grHjt?zun|)#gB=NE zB4@8-cpLU2xZQl@tJ)WZe0!SYMUn-nmpSPK!8_~DF{otbnO7Nk@Tu4bBjnk0S+Ysnn4edwI9?joi?ndRIJq!Ns=9mb}}kPAsxMb};+ zAS8eh2^_LrN{v)tMyi|B$uQ1Ya|RD?JV@X#iD@`wQMH&PJp}BkPuHfT(j_&o?mYKL z&2EcLIy-IkdDihIQyGmT1Mj5eSp=}xk(hKHQ^{~A^1dW^lhQ64qaVlip!b!>$z<&3 zY{MZv&<1_-4(T%tOe+rU;RSzRs+x*Ir<X4 z7OKR)S-BT_O?(Ltus_eRel2P21x#Ic88e>9FoQX&pDC=XNlB*&QZ8T?%cpjirL6B^ z#;BTPKA7nUZeuEi1=+?+)$VO$g7!pdZ`(bMr<%lBV@NdfszrzC8?GQ~`BvnwK7x#C zCln?al#_LxWt2ztW#dXs_8IoQDs2-90JaiL9L1C;SWfE&4%mLzaqQl}_LF=NJrZ7q z4;gcxfL>-W$;YoZLfX&4usI(Xqpt-C0dU(ZP7pR=_7}((5`~g=M#HBv%c(ls2^nFj z1WG%=+J!(8+qtRN`t?WR`rYQ5W8~7~h+j`&!*FC2C7SI|65hNN!#?cJ8Ac}I@|;Do zmTQ2Cbu6H$aaIcov)5n3oOOp$FJghIQENd zQR^Q9I0nE3l-Rel2W%?))}UD*G7p2SdiA;Cgt0>)U3iI2SZH#%X)&m8Chp_*hF_1bcB?DtQE{$2ncFyppuzyZXI)pw6 zf8sna76n*Vh1iBPr^pbO3}+Sf>w}`c14!D7t@8jB_wAQUMg1IUMZK^nfPI8#TVdz7 zdEYJW>+T7B7bL^w<3EG|eKdmFJ%my7{=zyMjWYMeqH*73OnCGw#4p*8$z;-`rmiv( zQ#hIcdNjwpv1_gp3_5Tn22kpa+TUi9Jc1!fW208Fj>zD}tk{iV4}FU2-4~%S=g$Jw z26Ha%Y0`N0xnecCps@Bh2ld792S4CAMZnK-Zo(>O_`=bJTR@3*A$8tc61!hUVt5tD zlnq*BVSi%#ok-?X_uaE|w-e*cOOho18j@PxEh5mn3t2w-eC%=pa;8mfaLlrkWZ3s& z$bxs^Q?nChp5VOGy)LT#W)Wtd`2jw?+hfdE?_vDK?dWm-TlC4^jxLwKLtpGg_l#}m ze03WluJ1(;k|c)ha<-w}jjgu#F#PiOh`+c4ZPqVE{`&QBBKxKpy*iui-2CJStO=wM zn91dpsgi16p)7oQP*=88OL^AM%$(~6DtDYX4!?%=(P{7?bne~P?q%jUDV`3gYUWA= z6}|wVml*y{Lyb3(e)%H7ppfSc$QS3g-+qfSWy;{5d+x#IE9oX3^s0k8)lioXZ#;JJ zhn@)#niW--9Ye9if{2{50zS!EaEm>$e1h1ajTJMwxD35U_tkAjkW^@LaarcjnH* zd-f4%E8+ofcRLqr^#O{K{@%Grt9SYCyC~Muk-l;F-Z3f|_5sSae+@ny%uUMSABn~s z6lasEoWhCuZXhZz-4#gXp{w{tZrSr9(N1`u8Fu-osROd;ax5ZA0Z9{M0h=KEkm2ob45fgS%wQJ{8DJ`5vM^V% zVFG3@-+|g4my-b*eV`ThGFDGXWs6A05@7y0PQA2<#@W8Wj=djfL_nwkz;Pe3>n zKKIHn%RpN-&o3QmUowB32n+l7BO^T!1u6*$F-%^|NP{mY>v>NS$Ph3{QZ$1MbBX&B z2?QAy%fV4UQ>`ix=<-m=e;8?m0b?1EC|)N9BOm%4u^a#d2+Vj18AnNpv`0BVUN0A_e6PQ$k6U9hx z%rGf})PzNe>j5tPa(&jORCMoN-&MEOxWmXvSu%AHO1cV8z$+(KaPm{_m z%Z~LDm*mt;MPl-;Og(C)Q<+AAW32$r*a(wq%37)1ScvJ;V$95SWPF!jvU-hMeim^{ z52D@ZS2&@KLcT!uFZBrm@B9Sll6Z)jQyoZ}p*>VZnBPJHgRO5_UX@3Vb&?2{2pU2f zW`M3ttyqkH;1f()c@Q(!Uc?mbVPxGW5^T+X{)V-QDOw;RNs=48>=3%gzQZ&~?Q9hL z=1>wDUIJ}dwJlPOV1xZeK+MOFeaWBctUeYU#=pvZkzr?<#k0@IAdl)jKIs4|x4s_* zs`ER7KA*s@o<%11e*$!?FZH9)K72ly-yL9ipG6EA`go=>hM*&XKszqwB-41r_Tc3U z9%<^)Er+kegoR(Q4EGQyov=L2*l-=A9y@8w|KyYl=n(a1h8xdx4!5yP{njU#?IM_9 zR;t=6Yfm})1Pwyf4iB5k_~eb}%pHk9>39NZNit%Y9|1u5ti1b~Og!6yfj_pTykO9~ zU(QLoE@JMctC+dwC>r!xK@g+8Y|=hpc@RA0Cz!Lg8`#^_xdmD@UJ6W1NjpM@|BR_u z%Mxxh!-^-kmkOppT<_`cv#iInOc`b{%Ut!u@a}0o;s3|pSpe2?Twnj$F~p&Uox~Vs zY&fxFl5Lq8Bw3clXm*%mlw`(m%1yanDNWljnQh6;%oa19@0^*pdQVSl$CBNo?cZ)s zW_NaXc6JstzjyE4!F_`!qf6Yo81nQ7h@Y{F&o|p`-d>EAdn>^%j?ZCSY8K&A-;pBT z3)Y==j-IW~IYEKt%PJ@rPyvHEH~(J5FO;jD?d&^{r+3RrKY%#m{WR{PavQBJV^w8` zN0ul>Al12*Cm586gE==rQC3H}?#0gB!fyrPeZdBFiu*OLdE^i z-3^<|Z^)ujURN%X=gLaH2P0ozZT>zzKKxBQHgpl%4_k;QhA%?9AxrSs5atbe+pE{P zeF^im&2Dd}JnGS5ON<`jagPp@w9TqL|Mp1EagPmKVD@`B^iAA1^i8yj{G}O>+-Jgv zZ1;`k#|}-uq49umg1fXF<3grui01c6)-`qPWUUgUgij}|5U^!gi{Up(V+*7B_e!10 z=-JktIce@5W6=tKZ7FUEPB-t2{>I7D>}eHb{uZ8dLx^z)PUPR~c$P0$T?fW26k2PV zljjCmr!Ki-%4LrATg-1gWi0Hx$8w`{6+5r~axeGPWy*0W*TSG(R(%A6dgdi{;uZ8L zcF9gO3rfKKvln30kxh6s^Dpp>?t=?njOIIb8QRTw2|d321Hy|pqi22w`c-X3@A6IP zoWB~~$~T~6VFo%DXj+QRW{lwzl^f9sTrORY{)L%{+P@O*QeQ^P;I7z07*nL=GC><* z%FH83f~xS!(3IRQy~_$7Q{kN}R{xZ%BQym?tGn;U1KonrFMK3{%mSle&5Y{vx`URL z7TWTtQq4&$cq=So;=?)tq%*$oi!Z*wMHgL!mtTFwlvPxsF^Q%`uS~Ul|GX=9Qk+T@ z=CCF_9r+aTFTIO~501g@}7eEn|M!GYy3;>uZ*XzYQd}NPnCto_F6sUiMJS{$?N;A(DbuCZsi%3@Z*XO|Z&1JV zYh2m=OQYsomXvpe$@|5xy=xoz+wR@?{xzB_II8QFFBIGD)A|X`y?6k|3bmCjK<2s)8P#wcwT#o_#gBAMp zKN0oJ3Pe7=978Ak%S`ke^3>-T`qXC_`O-Hg(8qwMzQI#(5nN=2<+VKhHXr!8I}tr~ z6_Tc}L&}t$NSVAFDbu!beG?L=ZA8MDx>%*nMg_9g2Wk{5&7~ayzn|Z z)YJIKZt{90q_1I_>k*T>3Nh2xnlVSoGx*1J`Ub>L+k#l0BW}92$W44b4`bO$j7{Y^ zQrBW^8n?f;7Ev?S7%PN+UDmNFuWiPd*S2B&v^_|itl$ru5IKX}7OB%*K*(aJnH|2^ zv~7sybtt58Jh#VBXMLt-AaP0tk|wXi=*e3!W(qr4yteq))?ma7%h>75HV`gXWm&ca zXM%3Yfd>JanGR(!@6D1jE)$ZBY<~6nLhI@|Zb@aeo1fZRR;@{dDU}sB=ZN_uJN8YM z^|k=)m@RXmT!SmwnIxDlB#_E~osc#0b>8d6hw#*rgS?L`O#38FU615xygySnBYyHm zwkb7j1GNsZQ+c0W<8||1#PRw=UtNtSf0~E*CC88=xZ}BWo^gbM3G5J0;&VJv^&tQX zhGp4My#>clzFlIVb>b3Uqkg2&v&rXif_@lb2Y0+CbLTs&=h8xKrLiK)Vk4yxsO)pf zk0t99&-gj<*&2M*9k8g;Jrk^ zeB4;j$Fpr@Ni$>D786PpB3f(}`Wa;)>*N5C}x&0>~Uh)Hj-6P&gau`{-sXFZXr>a6EX*A_F4 z??&2ccGy=TZpK<@BL8T-zBh&ZE|u_EKfv?sLj<4cNWQ1hJV!L&p_tS)NScv> zgek1Yl$A)~JETtS$SG^s9$BUnI(l(FpI2*z)_s5OT>}5ioxBd-3znh#k(i!o-aS2M zaj){3VqKHdR`9yk@EtpZNpHbeV-;{Bc~OOV2NlUy(AOjJFX$Zg8}pt%{kDbyu;V-b zD8{~?Pe{tL@6>{9JoA=*VB>Q+XAjHVfXJz9jJ0wU+jA7#FKRlUceZK56u$F(@8hR1 z?=^m_X76YH2}QE3zbV)vi10lc_XYuzTRus%h&%WMa{pet! zGLO$pF<$s_IiLM)W~zob1t;LWi{pD1$9tyrxEYzu+l)9$+oE|5Df2bm%W*zSqjH=!;qisHb3$2k4bf$5$^@xtGM|`41mVZui!V1?=4|HWyt|Pzq?rP1BCy> zn8;^j@aRwQ=%8O3i@n@hqqtAR!o7TlbB+6H;$njNe7@JO^Z9)JsBuwFnYW8Tv<(Vi zBhL_xr_=MMakU8=FS&q!8y4(fTTldOjoUQiC>QKCievfCvbNcAofP*?nYV|>>G)lI zj&>2^w(?uDpWhq>mN<&AROa)(#qqgS=TPscy-xmp(6hsK7RV+MgvTx5`^q*~8|hh> zw}q}Tp5K&cE^AWxYA4;zz7`6=K z_hzl}C`p_tD=zO5!7`5L@R!=mi1+(s3Op`Qx-NYWWgXPtDy{1|PX?Df$;}GIJ7kFItP>iuDM>1`}YWANHX=Vezq?)##1g2r3~k z5(WohCx+x^VDym;-1_oZoOj>7_;ke@3sPPyo+5QBs;44#3aW%wWfi5yYGRAsuNAL`kzyXvYb?6m5WHM2`~K=jqXXoU1OG_P107}GOhsE z#uwnGq+(nr@Jq_V1*7($&4gk!Ps&BBaV1Ria9R9eG*3Q?)?*5cB`8^l6lDosN>tFQR<+BE${957(UM!Tv8(QMzs_Dz>~r5PS*PK?vOOB&sqeGMxf! zo{Y+!i?HV7X=u}`5zcFVGy6M#!uSQ-`29FwevFYf#OSxG5XtXU4Eqj|3$rkC_CCb( zZ&3`t$8mEGnZB5wA&r}sCq)F`orw9z5Xrxh`erN2s1(C*rKBGnO+;qy>quT0=EpFW zC2tK=<~+@roP9#+Tqjcu-!}zDisbvQD9}1a!vXH<{u+TW7>ehivDJ4B{RGzyUXRuT zGjZL}jc7G+HLe}H7HtMgnYeaPrfYiL;B{y_WZenU3|!ALRF0E+?g-n4`s#M2;ajQA zxO2o-qdP`yH+grC*lhD7cHz$9pF#6(DH5i9_#fyw4bQ)oZ8~8lm5c;;<(;`wmO!Zhh^cEDaIKrAZ7Q|x5C z_)b1ve2X1BcGO=W=)Ith79VQ;!u^b_Jp6+_>5Y6m{ceT%12+EkDhoI4piN+h>gl&~ z@Ekk5&#^QA>;m9vcKn~>^*+se@yr`a%cvqe{YEaHc{2|$yi-n~$j6hf7jqq$Fb{Z+ z9Yl@0Q&hz9Zyu$N8~A*h;4_JxPg9=Sj^};$Z4i_yOwf!;?D#)L$Q3kbY7L!7ot6pj zv7S8Nvu_fP2_Y}AEmXf}7L^$*%G2)=WC*nCG>?75c1Ts$lW!LAoU9jtKxI8kJx2g| zfk5yAkA0DPfgO$)*f!7cTApMZJoQGE0m6xIu};h%!#^y7Wx=;x>eSvgz(<7vDp{1q z@q9X`FJ(KJe3;JAcwVDGLwQg0{>d8k)Vo!tGdKS2a`VS_+}i|~cWq~G!V<6@K*(Y{ zvJ4%o`p6PIfgL4v+MgoOJj*tHlAVjE38HG#CwafkxKcg`(j=Dq4BPlQKEnd0iSMuj z{5C;~_jo+-zd%#b51%B&%boH`J=Z*D67S_i-XD!y(>pj(?fxd=j~~-#-qAf{KH=&) zUYG8>++Oue36ca$6Zo8rXPINw2E5)e+<%;|hZ0mhO}KoD&+Y_5qyW=e;ET-tdXgZf za#Ze9eAb?QN7r3!I=F($F>exLdHmS7c>LQsr=vW3e%{BiY!^*bFR7gc9lB@Z5&s1ZttQHqlV#|7^q%Too9C1D9>;fd!rO#vbFF+I_^hf;w4ctK{6-EY{*2Gg z+q_nmKjA$-Q+&@x%f0yRQa4%YVZ}Yup9rcVnM>sOy z0Dc!Hyq?ALvJR^M+k{(wA5_+)xAdLkebKYS^E}OCCKB$SdXshJJE*bB&$A7m<#*A z_eam8ww*Y&Kl~`wJvMF1x~V<&%xLV?Smq1p#_~Cw_{MSSDDS(h#%vco`}!e@@1>-_ z7t&K~Kj(SWd33$wd2dGZ-s}Av&38&b_w+k_PF~;7ZzjuJ!f!J>0nhM#c$)9#ll;C2 z98*}g(Y%&1d`^@mvt0e4p=VJLq57M;^BZA*P~tT#;`7M+GJYYyNnF-@K7sF(-c4Pr z+DBGrJqJE9k7YUTQAT_&B>T?ry*A%I8{o)@-&CDn*C?qB{Vf^8ciGfkUKOl|sV~8H z%v;C#Uh#e8yP|vf0{0m==cw`S7{_l*(mThI^e(}7(Q)%0CUd)_Z7Ngwy2ti>{4S`D zyf>rYAawG3r60Odc>h!Q+>Pe@rS>vyO=(*a-wQ`6eD>A0rhWOn(fcK(@IBOAr^!5i zET6+9K6|n}C-6GQ@)=L!H$G+|_kV}WY@0+LBXHHXL_d1z@3elv9lyZ-a6FdVR9B6) zRoVJMYc${CB%U*Y_j>GGmAo#wWb#?$bD|%iM)NwK;`c}I*^`S1uc>R%d(2;PUDtU~ z6l(LM9Nz=|$fzGK^nBTCu&FE>My!*{t*?wn2!TuYQp;v+t;#p$`pb8Wg3nZ^tk210 zf_0rlf#*@4+Rb0OxB4MM@4Y~9{JZi1*alCR(dhKI-(yJj8Vsn|iB8#TF(7v>!ghRy z7UM_4)BbL>d^!Q1hi}9qtN)B1`RmZTaw9qxueQ@tl&v!`*c-cyWG(DowgufvHzT-m zi?J$dI*O#NU&3?6h47r$3>UO)iTfXU936wYVB(XL@bjPk3?F^;5%wNFXu!_Emw-^j zX67ms99sCQ(qzI+iYT#K*Yf-C{~Db-bum#(yQZ1|Gdq^PgPSk*VECgKpkn*msMwWmqKj7ToP?^a zgu)Fk0Na?iaX!|6JPS9rJ|E34X^ly#9~&6dRAFQJjn?-;--b91|KK-LKp3_7IL7?A z5DBmIyTk9f`LStnp830}XDo^Dc|5-x@%-K-v0oOuMmdt8ap% zB!2t!ozr(!Wh<TKOkZGQVRd7T*EBcltp+fpv5C*AHqxBqJ#Zr^c{1z9AHk#je6b ziAQjM!cjbwd<^%-?Zt!12bg#8^pv!p+FLD;pzgFZVvCUv61SWDJHotq;k$9mppS9h z4I|8Wn)6z8!-Ku1<5}LQN$P|-z;yx%%1$PC$nxpQ*VQ3DfpokV2%qLhTTrNTIzZ^G z8@ZG%nLom(C6(b)79VsYzdYL+Q3st8Aeed z`ob4~uT^|1A{*W+|Jo@D3PbhgcP@qQ58oO%dY%(;wsUhlaj zUp=h^8CK<9ahWfjg(x1QWBCDb%J8qhug$E~F;cy4>a1H>wD~pVcCCROteX1}1X&kB zX3cAI>dTJ2_n!KH3_u zb=ujHuY;@l`QInAogZV#d8Vwq=k=5CdcAV;ymc|Dci(EMj$Zlp_ifYlIrZ1F>M3{< z?5V>jFfq>x_pfHK<5oc3|*<Akmb!hN`Gz=Q9u#yaFy)(6>lTEn zQ?|b>BZ4hKmq1D|DX#%@O{VUC@~fY@4n9LVkMkZ_z*3&Avj9rqu5#^l`^vF(u=T4c zwTqR77~65TvT$Igtl@W3KY|F*O=@Jzb;@=-)<|H<)Bx8>q-U{a8UFH?W6ILH1ujYT zGtkX_r0V(z;Mno1zE-xA!o6!*?PZ{V_e14r*}uM;JiQt=cyElHb*~)2lmfTakoR~8 zCQVQkouAKJptQ}A;8b$j+qRRvmg=&+;x$X=H`7t}!=vm}pgl|!+E>Fs3Nj;ph; zRbV-4Gs#|$(>ArGNY*Eot&1#z_8Io(vCJgnWf9P3Ml6%>W8isCB=_?=vd@tMndv!G z`H6fU;`mO+@^6t5zll+cxH35(SB%cVWuxuPg0P-cNTI5dt2Ye;wOV~ zc>@n7Kh*&x`_fRp_bKZ(s_00M2H~Q^j#4pa~JIm*t-+g)O=m#DB03>kq|6xMw z{_mbSw>j5oi0_%CvdsAjqA82^<9;&I#n)>rbSE^sWfUHYT#g3_;SUnH?@u_6dt(pb z{=`FgAnEXF>R=6dnm+t@)L$Q<>7z_3XAEKW*uzI`-g%FIic8x43Z82Q;{pXgY1tk3 z_n3+a^A8!mf`QN9^oO36U+cEyqIL_0N zrVTln+>Y_dThE2+EU9zJKdy`H`dGHVt)K5&>Z9s;>rNoIW4=qd)yZFO$M{R`Z>J-* zw-ng^N@eYHtCPRn$~=>jmHT9JJLbPh){U`%ol6UGCh{e}i%!1VG5)eHzbBU4G5&Hp zrY>?T(_e1K_{+L2o>+=*>8O@l*(u1aOn=FhR6$kLA(b5WQn~8uKFD3~WO6%aU1XxR z)>}^SmlG>~o`OW3Sb;8vfwE%;>o4QdbrRW0@D7LG#kW5K|hAiIgVjQ*$Cx3HcIbGs-`w#nKO4FbWsL8*FKKuZ@$9N z-1X>IF3a8q^u#tZ2C!?{M)c2Giy`Yif~RMDcy78Hoqn+p1K0lpeG1l~ivY4{GkTS7 zM=(K9R>96?ThX~<3%XWqGp?f@3Ra_k!Fu#r{daf7Y@)Ro+HsJwG71JYhVf5d?}F!oAUrtoZ@4pd3vNuvL5uhz zToGS@tCMpK*tJaFPZ*>K5iOIB5&rUxT5;btRIB(x1B6#4=i!PJiQAKM&^Bs69vf_Z zWl)=4)NLV1@KD@Caff2XL$DSv4n<2TR@|LHkmBx6i@O!~;u4CsK!HNgA_a=eP2caE zx%bEY0c4nynLLxd_gZJ|b@u7N+F6qV5%B&sM}E^uIn0j!HnGRP)`S5NHw|Byc%1E! z)9jWYTapf|%ZRGTb+R~=vEIykV^m<#nD)|t4+JKoSU>8|YD0o6*d5_0%X z5NqTaQaTT6Ix76Qm%jO}rqbE)i|+gDu{^FxgWlx5q#CpNgk|Z6=dxDnD!9C7OQ_ix zOpnhnew4F*I-|diz>%EY?F-t#j(@=2X~L~PQ)xc3GFD{cm9`VVpYPSxXv4A>)2)}| zxmKd`2-f`8&=`O4C*=*>eFy4Smm{Y*Pg`i71}Yog9jp_zy`h>lWKvVc>-_KxPvg{K|*y-yJeN0P{ z!^+Q3UM{%e4@=`u8e&hwU$_2=wWV}-rwUJh|LoV5tK^@9>la^E<(BfQmx}Lp2!21~ z$~EWhX&rIRc(8?OZA}+{H#BH>=LozWH~WQ5Hyesf-0<$qF5$L|D+ugb7aIm>$Pqbq z9H^f&ym&G*Gh^@~2<_qORt9W2Y4nax!g0LnVfakf&ed|A&5=`dv&yVyv$Y7Ph(;eww-Ir~O61ss2+i*#4@u&2Ds;Z>FnF9_ZoR!|d2w0f z$A2>)uND*a+E!wcR8EfdSa3#)Y*O?DI|?$7^&*JQLJS+nG9t!9T@M;dK@P+fQ8OY4 ziL*<05&ss?iY1OyfNRR68I#wx8pEh_?ya^uzy1RRfTz2gybngGiV=ST7LKceGun5* znWwotMSBB$ z6J==IM`2D9inS{SR?WPWO`3tOZMkP1DcQPpycJkA$7+V1akKy?bm*#^y;u`WvFU>l z*RZZ5=zNtEbh6K?|ME2XRxAJok?Kh-3F|wp+nk^nh-R)1UbFC}{<%&NrXx`b>ahmx z`L%7f+{|dibZ6b=IVza)2_}mv)5mt)l|_aoIpofpR;xCtz3G3)uFtQ5u)Y-geP?yA zT?yg+oIP<)yzuP{fh>k(EZOg@Mp{Pfp77FJrjw>e#w;0{_&T+GbMFP}a~_j;`jzAQ zQ+!E-HbOe{c)YP`2m{peODsd?pNQf{(PEj)LxU#Tfbj)z4H)o6H8a@W*X!%i3avl} z-Slu%>k3xHjB92|(FuCtW}ab{4`$cnJ5274p`6pVok`-8y#=Kf0B>qZFrd(uxb%)6I?S)ct1FzL+0u z({0Jf7IMcT%h+F^Yb}IJy!$Y%)c8j6*G0nGdd;pbysxX3w;Y&0Ojh*uld>^o&_rvH zooYc<5YOg#OcVEbAzCkKi20bse!(kYDTVPt+J1A!nrNOu0+;JnuMg5kF~$)R;hosi zVLZ;$0DbUga{BA0Sk2Z;sSgh?=mL%%;<&tH0piAC`8{X&j$K{CStdSQ&+_hqA~PFs z5*shUzB4ZP8J!fx+Z2qhra1lYw?H=y_Ob;%c7U87f5>iYn&RY!3tSMbkUNa9^;)MR zW;XFBK(^434WILy&DMlNYu9Zh!oMs_Z*2B0u;%E&S`ayC)n^}r0jKb|4%ck`6*I1gYNA-Z3NJIr2x!dN2usHtnHY4{>a?s@#`K*XlJc{lqRe6 zQ`{RS57{*+)A3SpKC3-2oKJhhwr1v->l}o0lY;^ikfbiyovV@8wbIRGOK&?U9mC;z zp0}7V!GKaM0PK#+BFAC>bk|U!AWZZGrr{7|OEs?+jmlJp3ihBCW0Sc}sl$uJm9g`5 z?P-$HL&~5wx=qxF%S5Fb!t5x)b6bbNoo&v=G@{7(6x9SnGigKv&{rb&?~TnhT|=3J z=ED;nxy5E*=Dd7J?(7&{lWLTvPF37h(T6WD?`lD*J%D^b-uDWYiJiNd^Yo2P0-{&uW+*Psr)3z$j#-QHz6 zgkq-1i-MMy?~5BQ=P!2c@+RXl{f`aLv&qxQGItBnyO0cf7NT5{Hkt3OWxWyb1z#*b*{?umXIEAQ8h1OtB4~ zWMA2>>D&Y7JyxfTjRU){IaLE^$5Tw%T1`tsXbg^vZD;$-9&93-~I<-WDn<%Sg4f}Lu?DL zPrT4kRE__{cdF@bmEn;FxiET}{)TPE3NvskgJ)l!+beHg?4#mu;T49!C=TJLa_tm8_BkOzY5RN%P3y%Jna%~>A*7QYjxIcr zTjf$x;1HOk9iP!=Zi$ofx_m`ciimOcV!f~Ra^u><$-AZ#{jxJJd?_b(*QBA(;IGh3 zC;Fg`v3YvG+OB5%%mmjGRW?F8hzg6mp;5x~i6q_8*K4NRKEWnI$Jy9XsdeG=j^)~*T3d6^%cTMZ*?{NwOl%Ep^zGJBg5<#OI z9@;dwYWw()^Uy}zs0B6j6dmk)|6-}Nu7(B$Tv6nG9)ws+H-|p9tuMe@ zTXy_cs5_|im7Zc03potB7z^`K=*LZeo!>ljeuZC%Ft|NMv`_=xCYB(E1W0AOU_@)w zkGr&2h8X=-`<9OCyn|{Vv0dD_mme3>o$VjLM+P88y$jBO3(W$K?HADVBTqra7+}98 z9Rp+_`c1Ff_khU!8^$8*D*3^xYD(cpP-=w5UK^zd)AW-Kge_bwuoMtfP?pVoH>&m> z%Y#E?cJhTDRIp}xLWX_5Nit7hFM@c%3M2pC*^s$>*AQcOox^6Kgea?J-negIrfAsA z<#oDMYr(j3@tFkQ08u-tBVQv{&b#0KW5gjlTM}!1Dmcq`{%WJP>i{mhzv8L#C-efn zpI^vfo=nZ?yjM!9gt#-VZ{m_1=#BQYAXgO?vTDsHiYAwC0A)^49Xj&3`}#Ox`Cq)F z2vyv*`d7j_8PH8fOgox!f${ix^0L6AitE9r+i?P|J7jPE57TcA$!s{dvBpz8ZK;M7 zZS!p?6#)e}|NC=_4IQ?c8%?I=cbCv}b+bH2v9tdxHGq({5D4yEdC1p~TSRP*TF&Hc z+~Tjv$qeLt8jLu|stnrR^sY?p@%@)$F8{;)P>KfXexkpr(epB=XsZT$&>Av2P-RiQ3|aT$N>sH!&axbZXEsq>VI ziSPIHF`BziRuJfPKeHqHBJ>K(uHTq^8y`^qA%59TU_ntK$u6 zcsiV_!*$2Ds8ucg_|tD^l^SFq2bX04iM%t_7P50jOV8GdohjhZZk!B#ADay#mukJf zX&K>~k`*8uY3WQBH+=x@{rU{AU~b$Hs~yb6B?2$PAF3EsAhD?+w%Lrv3S zg{aMTW0{R?%uk{Ol-O&n62R=0g;a0Yy}o^dTJn5Ibq7^jUi`ZFG--2XAYSu3EpG6; z1hI^RV4(~N6YD)Ok*9i}u4vORQdBCg^7tUW!%t1r&2)HTDR!jk9-}1SJ^gguUKlX9 zVyAJXH7fipGcmQUWxlp#r7B#SZXgmhA;qukBWL?31V$<`FkDT>W{Sr2@aNt!>wfaT z=nXW@7b4fX4J%;~PW~1#VkH!S?RaoOJ>{@UqxQp{2^3zaJ53Z@xy#Z=rAXmn@-aG8 ze;&OZ5+DJ3KZmddSQIOL*atwz4DfN_@%|yA@!> z9H?tI%EQTO=}~bWgjcw_t=}E(q3L?S{4YNq(ziS(JrZ41bRsh7(1)#FAEL`DigzwH_WL*?< zQMKZ@P4fG7J!UTMa|Fd3g5Mr&6CSHqXpSc5xQ_k~=#m5NMUVSE7B)Yr&sl^Bc_-x0 z)+R!%Kd?WGtC2&E@7dKEdd?-1u`Y~0{S%q(9ryQr(ygqIJ#mmTrlX%Yj+|*AJ+9y; zQWCPhL)THdQgr&ZadJIh_*qfIiZx$V*}AJ$>PO}Z^XD+lGLKE(iob5u&&fa{iUU|7 zeTpYSk`Z>1Lz7chfpV5~AAU()WTxkZDoV6O`{Ph}_|l6i27SyOr_XE`H@Zw_SlZ;dm-(uiJAfr)xNwpi@Np?w@ZeUhoF6qaTrsM(JU6yyvYj1w zyf)fy#RjK;hKz9d5o;twzeGyp1%fQUePQ(Zfy-PH_;Kkx^?k$j$=)zO=j5#=PCm>= znvGZ+k65g$RXpgbX<(@0HS(BGs{mFL!s75qw2XBP-sBL6mRS=B%=i1x>c?RUI%Pp$$BJLMY6Sk z#Ftm&rBHXxNXoRy>Jea~8_^*}j!q=Bg-@8C{A~a5AHhEo$*uYYx9b zJC4*iMo9Kd^E<$qNRiU0FFptBoWmW31wT+!-7m}en%&po5jX%0bHQHho&Dp9;dHlz zkw$FnS+QjEZ9OR#J`oH2)v)qfLZ?RQOTRGX)M-CaE#$1!GC@d?j^$JLQ-#bK8MMNW zFPIEf3S=P;3nBH)r;jT~GGE~(Y2JU4`W1x;NP%Erg565f$9jw`hXx=g)RxJ~?v#cE zNJ9hu@B@CbR3~8ca}|x}$LIC>t)TU^U5{4Y4SvRB_8LZfQ^Bl)be%}9WV}h&=oue) z$EGJCG^A)nrk3TT`PEDdt+Ch*e^x0ilY3NLOS z7Fo@A&u9|)nehGy;(9yb@rPXc+lUu({RI{YnerVLP>q)sa5kiH2s>tDG?q~fgXCVu zWNxgA2FO_0^<)h9l%3=0s{)>RMLDDkH9PXz(_0g6nLT z&Aorb@k6{_^xGoG#LEQW4G*>^5Q89-xm@JcC>}iD7p=C2!vhL#n$-|`MrpcqwD@VI z@Wt_uDU5z|^o@7u8?rH`IZjW&AXJp)V)oCXDEgcN4B|=-JYfBz9%!=FyJiT!>vksx zYADqt=(3^K9IIKw5OnAJU{ORxbhidrNO@Y0H2VBd*8t(+jk!^6{PWDnVvPP0R~!#;LOC}K3zrU@A{2+P1We^DYi{DV{VX7sRIBZ0 z@xmXLlKVL{@Mqll&7ESC`Vy=%nTV48gX~gr$4)9n=k}lBnGlG#!&3`>fn|)3wqz>K zF_YUZ#qjO{45j{e#=JFglYPP%z1exZeOC1mt^OEaVr1ef`=!HnT1d}*_OzK#sG@zt z)|&Q^lmfArevZ81wiCui^ok|hOp?tBkd%mx#yIn<-=V-7?o^8?{uo(FUbx8(xodV^+OY)|jA8_AT8OuH9Pd6#9nk zI9bDf0SUmOz^{DuF$Pcwfq6u-Qp&53E7G2kdblicd#0Jm#7s@2O6$=8v8TB(mX1TO zdFinf&L?i1kun1>eYaF`;0KYBtYjWp*?_NU$Vy zJ}7vhTY=E(?PXcTkFF^5T1|mQ7jHJ7i%SOaNZ!*ctfex5o6Jet-_=&3!9!#}$5ni> z=%6xNlJFu+imO!!?UQ}UJYowhG?t$vJ;RW7!l1IG@z4oyIX5bczlh*bLcXqGQlOFkOmus79n5M9juEMf0}tuAQ6Y!G3Q6RL(1uFl z?`C&%l%yYsu%UQigrEvlq?m2RJagPQgApNErh9E<&p+M0;W7$LeF@j$e$ljlZ;HodijFp70fc_u+SI6l6 z+!;O~Yg)k?IL<5{DBpKNl1R>)UVbE7V#DVdZK%u*hzaN{l?baLJ3tUDBWnDm+DS=% zH7uC-M)mZ%p=R?BWFsv1oIp_i1G6^zcrxw*lFtXN$BIprOCiH!B88Sn5qB2wSXdL= zIBik~IWgt||J{{xj^OdD9MK)y!EFcVv}MDMgXmGw1BBh{^{WGA2EOHB&r}T64_286 zhiKl0YwbQad(8A71@vxJ0a;xVb#-A%&+qw%7R>p2r&BWD721yO7ncjdd-tr z)l}_x;M8nOOA?3jPe56Rv4|ykMlzwXq%xO?*tWxGB|L3wxhFz+&;h@^0X4Zt`0dk$ z^&0qLD~n4$+MxZ@i}i|DfQYY+D@S21ss0e@#@Ld7)5|G^WfzRTCCR2&ywCOe4#)~v zJ-LpQ4To<90FxcO>k{pFiF($;JR6qe-HLA+lflm!prGANpE2V46x zV$WEGQkOS&Jns|ZW2mL>aCm)lAWL>Hc=;`XbYMw2OP~o#PIUz7^FSkX`%vF->5A;J zjt4pLexpL#^T_5mnkhOB&ys{rA*MRX~`p=fCDcjC9C=D}Ud1O?(TFt~7 z!QjYM8>IyQPu^Xby{1R`0YL8nPEqqG7W~|2mfom4fh_#eo_)%I7__6&DL+S;4wC>e zLzAA$9Xj_NmjDGDH#ZT2Vebq;|1q>fp+qeA;jIPq|Qj1MB$RGySUH?y#i<~+24 zrlhC8QDJ;cO<`9rKh6h#3ubc{>xbfr$ zXP+WE`=z(;I5q0*y`K|@XC!%vs*_G6_3h|Fvd1-~M1!|&Znwf&6R&xaC_ed<4`DgA1WH}yG z)&Ku6dUOE08_OJ^3QIUZ_)5%P)ehF?fG zgIol0@j*iqKci0!f9L%Cj(xvS1IB+}pj4PkUS$6h7Xa_#^kN*DkZ2_XsE9Crat5?> z-_uEo8l!34O3e7}9TS_Dl@%PEyqw{bG;YaTZy}%?7h!C*}qvSs=CZ{xzgmZPsxLX;lY$$oA&>_ zRBn$~*zbsU<4Eq5k@R-Y#zv%f|1uzZAfT#>ii*S?h=r?b1MFXg5d{hH+Y~2=NGrJ! zk0sg6H(3alsP|?nzR>px`HCeIypvODIP~{K$mdDkGRcf9BHr2Uj-pk-hpvXE3s9YO z`Kw}3Zb*E|*ImFUmP0Yy1wL>!(8_TQa*Q&KA8&umxm>4$YnV>^wUH$XUStaRgqHjs z8o~4d=9@$km-`?4Of!|x%VWSsY{FNdhYgw8e3MXZ17CW^Q7&n|2C&`l0(67{*gdpG zo2*d7%HIjX4z{8SOrBLq#ORl3?^e{?k9AvK`ndPT{kAbP0qyry0T%M&(_eQWeea%qyHfx3Tqc0aF(yA^$YoPtf0q!S^LreMTOVb; z>-J_TbmS2ybz*HglwJH)y_?hnb58$g!9v52a>jWdwTEkZWB*zV3L*A6m`EYX75*a$ zbh@V6)yuFL+m&6SF-Z7$l>LCIk=`M&zi#I~ZQX6G5dB>3lU6KA3N09))69vvASG3x zH8S`W|6%`)J2?2FpMF#MM=`v>=be~h%>w1H#Gf-hX+e@jJnZOb+*Sx>6}y5@Ceh71 z4sH%EmS=jI_snW~W~PP~S`M>4b#-<7E^sXL=|8ds#!6OXP35srU&2eVPM`^kmGQyMSkz>jSsxD2}hvZ4=3Oj^xT8(7sU>fuj9vhe8Oy3{KUH> zxVl8}YqvPCdzuF^LADj6#%l#Kc||P<6`oa;xLtL45+(=slDY;P7BqK&;U~H*BJok$ zL!Sq%Dsx^9@y3Cjpj$ELyaQSXZSBvdT4;cM5|vu6AHC`o`1`>`>q@o z9z3^)xK(j$o}b{tPe?xQ#TqY0@!Cs{7J=m(ZqR~;V}dS4E++Ip4GZ!grfKN^D>dS? zkg|XrB&}dI{ISg+xpbH$KA)xG2$cAmwa8;dC^6C~xbD-*5MKQze8cb!qSQMYRyUP; zfT({fEUx<=MCesuxxwnbEh1}R-EUgjuS=PxvVMCP;O)pl>e3cpTBB@!IW93+zH;bSWv`I50nv|tf1<#R^ z-;cF0MI!c8!yhSOT9%{|PsOqI9ET89^N~i6#8W<3(*B(yvvD-cd%7v4M(oVHw)llG z8D$maW>X_my+h^wI}#zg<#p7B5p{{EtNGS_hOvCJo<7Nbt;_=waW#K^%Ykl7;#A>} zc-reqoTj{+>9^9FnDr;5@sb4SFsCUv z4~NN0o1sI|vNKJgPuLR{61S99!fsm(Bf7jE_Yfm2$4a zGB(1)&pnH?{Q1K3n;P8`j!a?a@ccqKT4v+g$CS>3T_Gf9zVDdrCJu&cDM}vwyvBMd zj-ow3CQt(C3*}E3MmVPH74~)#$lvFDBVx9k40pXc$<{PJV*zZGV)j$&f5 zh`vNAw%`MqSJJ)WiL~n#@$Qmn4hyfDc{bLtIE@^p)$6PH$niA-yGPu)N^>F&LlpbL z5|0~#(Q2IhLf4J)SpgH>d+@L4=`0=Wi3fdcPh zmjfOCOm(FFOxrs#U%hHMO^(7kSG>H0uz2UC?*6#zgEyUo#jXn*Gx>ZWrH9Cq^WDfl zev3tZ4|Yv#FE9AkBI$i9X9_>?_&z;4x?Y#^#%flQpYp}$HHt5QqO(~DP-ah_ljnAk z%VGnOteiNwEQd_CcjjLjc(8Com0Jq@1Qu09sX=t^{$xqr*Ibg5e0>E=2L5-W)+6Gs z8SeVZxK;92^&t~F&_^EDqftVGl2?a+r?YUXtvN^xaWG?)BM2Gv9H{0f`|zmEdaW?i z6Ps%bb309!t#Cff75Ey8*Jf5l8k64%&x`aGNVUj@x=pm$;aL{5VhpGN6L@g&FZZF~qg#3I^sg-Luv;ZgHQ--Kjn{S@K5>h~6K7j8AC6e4DLNjo~W<946Y z%r~czrPZ&>Bb!-Plrr{*L55wSWBLNDM;h9W!MQOBiOKW_Ut( zeQ2gF44Wc&dq>t9RL~T^Uh+^*^m{)`{F}!-1yG|auUR`NHd9|>I`Kj#k$Y)g-&BQ0 zqVPehbnewX%M*94N`HV)k~x3gfu09i|4JjoJN$pbeC+3JBV@M*5-c%`;(NURM1IIm zj_6@*^unXI(`ocVT?a6pjvAyg+x>12-6D?*go`y`o%X{$4FJb(o3_9UGX<*}XoeSR zU(i&(p3CW?yz7@)_b~_e6FDe8ej{MbhuImh znz?A~S#djgmEz02_wsbpgR94rAv;+r8#o6Mve@Z`3}`hP4@USLYcY;(TmoP}0!fo& z+0yC2*aX^sHdw9OjGcSUh`cEJ1_@j}2%Pd+^QagdihN~Ku|P9!NwFXtxj*FQ#kU$x zuk$6U+Gg7ICaq?8Fo2rGhfb10B&-ytuky8=vFF}bn@fZon)kJM&X+pYAo7u`~ABeulO^J+918+PT&WV!8gT7$Ple(Y#_Y6H-6~ z4baRut0wPzh1>Hs*_F&WL$EulLXHretLsWW$V0C3e?7kmKu!9? ztY9seR}+6Y4@Ly%8rC>4#=N{V0yax$FK_=IX6GYSY#3n3)CpTuc-bd{LGnY9&Lp}(<`KhzmE~7f8Aymh7$~Y5^;Pc7RCc0WgV@!ZC7jd= z@>t}ttNU(MNWz*&Fs<7nj0W*`0q>-#8$a)ABa$VBfLZcl%}TCJ zG+5&%O)rUGE*1ks3PP)bbUpD4AqW>5;XWJoz5-uL>U{XR{i{4gS4dke z9#x2?j{HRF@=P_>w_Orjt1d~rkIfj?_eS}O*9u^}OMh^T{r@P~$iMvXV?q(+05$PL z3VYveC{1Mam74j}yOHzsvM~h2#2$ziv^EVI;KtKU4+RiO%Ny9oV5w!FzQFug-}eq5 zBvO*)JxtS}3Nw|{03?fSU#Dc1ck&pjigOGUl2i zGrDsxon^wi+e42XYJ9BaN>3h2=#)mbXC=W|> zFh9yAS#g8DaTSLB$QG=*NmOk-cHw!HM1CF3V9IG#xULS-C*j91JmPdoJoSkY|I7AL zP0A2^F{J{F0o}Cgn;>{z4pMfpD5bkPAE?}XFJG>4U7BkIuF91$S|3u6LVJ;}v#iu; z`KBjjCsSKBl{z-h?=4Hm2-E@$9Lt?^;rJW!7DaBkBQvbS{>fo3vshp^&u6d)PR({|g80D{-$@W?$e%Enfpg_}t6W=c>0nYkD9@oL=0u%LkZvHl4@ ze*e52w)w@{L%2+hai~mFa{$K44H@4Ly}o->tm$rf4wFrJ!ZsgRq5t{yX< zv|85dgCJDUvJag?H+pZBfnD+OZj88dmM$F@pV2?NYZ$6ev~9p5CWZ?$KdP>?G(7Mk(m<%4+H&0tzR1I1rEb$z$xQvvdaBHcKmR%02)POv{aK9qbHB?C!g^wALI(8lNc@72R%m{L+9c_ra5sgaVBS#t zLG=lv)u}-m@ulE05Pk3a(66^(=WVpgbGgX3Y%j8McV8#Rn-8WOQVIkKOPVmbJTe5u zX8cy8bOQs_`fr}OD7I5+mm1{wAVubL0+q_U=AwIo7$$u^hN@>-86QSC-T4e)N}T$| zB!x#azfvi6+KDZ0_0}sWhA7!PkC1=79fxs^A3oqqlE}@72JwU_FBa;5e}7)S@*bi& ztKCGgMZ6#LH9lb{6e{7V`CQZBH)emuB20ok?hECj*(4a($v%}`|~(z)PW9`2@9jouMW5>>zo!H{V%>-dmrz}e9d@8 z!tcBeS#eoDyz2X!{&bF1_MEmPr3$7-vw3$m%|Q$BR(Q$5wMc{6$x>_|rDZN}mxNgfJTfkcF^~s~}(`NTxj9?XxjmP{RTH!uT z|Bmlc6+o5FwyI!Ss_93-91-YVc7_4SL%M*~kA()=#p86lff(!vz}HH&G5hxmoJth>u&IcVEVT<~Q;dAGwCM3ZfvH@`<-cD$QjHyyf;oehzbFm|NNQ2z-cGz@MpmOXhV|d}t_6lG zDGnDaha#iOa39QM#o7$CUfcGb82EgI4LB%-wF-aWcg&Ndx45=Pe0Jp#2b1L1_r>7Q z8rIYO!CojpM#KBlFv^CHtbEb>1s~%IHdSWG-o$oTU!vx?<@K|Ti87YCa>cW(5M%j~ zIfz&SF#SU$H#wE54lF(ruom0$h^M+d_Wymabz6hcPoGM|e@-duW#H#-@J9*0UHuho zh>!Oi*lF*q`<+{3ApCMdUjb!_8F z7*x;1*i$dmBj8*C{v+wy{YzM;?BX8>!w#|>G zax|!fx~5)#_>1F}GXi{HY7zdUN>)&8{nMu}XiQ*Sj==s|!5&C|if&|X_we0)qJlR@ ze!hhup(aMa1xwLVZ9*z{R`70ciVP69A3u@`EE%$q()<(`81G%0mk>vc#e$mcc2sI@ zhrh9hUTE&TR25(<2Jv2c>1?et;A)_~O^fyP02}V;Sm2=z21%dds4JnUKHiT9K6DEK z7~&)4*i;T6G#V!aE{lzi847c@9>!=-4?yX=pW4|$h<$FfueKv|8%@C{Tc;5;qM3y2 zAta@x6;52kJOp#2s9iVmy?puFw@i$;niuEafh ze!q|s0OfVwukQab;RLNuHLZY;CX~%nW9yyLsP}TU^1uq4Z<{`ldFSZzKyGW0=sq5= z30iMWQA#)RSIxmw5T_I#90u_$@t}sV`|!X#SKs6%u8L||Vt!B5O8}FwN79-06|l0# zZ@7NAafDA;D4jo;?*5%*+s$o$I)gH9pJp0x-<-?QIB1`pk)0f0XS{o>d$ob**QZW>@v%+DM=&1W=GJZI6- zbs~a*p!)+e0jGrzo#!iOyDRl1f!@afLv*?e1JnzH;kcS^9O3d^;icam!Uh+mhuu_w zGJG|1EB%|4C>zm+8&0@eoQ3zkEI_!ymrCD)4~Tn8s<5yRe#XJ`MkSvwI0g{Y9S|UE z9fPuqv=`*rg6A6j_95O?)DJP8Clpy}4xezYV&8A+atZM)avi+4cZ>>9 z-clZv^16~_UVHN#1ImUHhVxxY%#D*8y2rxR6IRY&vb+p9d!s<)jlrJ0#FJMUK zE>pnfnivjTP)#r-mMmM+@}D){X@Yh?q4erC7QW70LXh5g zZKoYE1_9`X8RSkX=qB^_+jD2XJE)MV4{qV`mjdfOar`mExXPi}K@DJ}E;|!Gazmr% zmL*Av&0OA?JMi@37US8o1a2F2R%oJ)GQ`6%o^bbi+UzZy+v}@6L5>H9!B?bk& z(MS8kr|Iad^$H6qP=^yHYFrh>`LnU4Xco?%pCwxe@B?~(&F44_c=jLp&tXtYmUBRV z!E?NrDEEpzZeIqoIQnH77+aO#&EXxbRMY|`xTY_ZMGZ0gwV|j@p zFYE)~oR~SgO2M`M9*e9Yrbm~NUWGra5noLcxgwp+{;0sNq#gUw?gBmEL`F!+Q{<1J zkXN!6IND^z=$u?jL%I`IK4fHM|Blf;{QV;%AmxFDMMM>@^uwzkGu3l6nLJ%-hZlB2SNAh&%2%@w9zQ##GM?8J@0`zd<+sr_`mjaWO z!07_`y#G+RuHh3%KIjb17VOq^?L`>jV>(GgDm&DPfS>K`&Hfrd@nFKClS{#Zp4sLz z>S8Xe-0*+C!+CnSs}r`eS`2t>m$~daxTRY&Z2HtnU7d#cXdc>GGp(-CK*>XYeS`N-TE^Ec^DiZsh_Nt~+2#-lCIQtJF; z%iX>u+fGOxnhm+GXtNoNf7HUMcr69IHY}iq(!!4RR@g_NwTQ49~pkZk$qs zYac9uJ!-E78#OpZffC6TINH{xrC#)Wt;E22D$iiV9%()Ap5wB$ZgFZugmXm@0;kI;-Z{7CKX1Xk__Xs>!U84rACq>qH0+) z1yY_j@#|3@yQZDE^g0ahGIP}`xWU}xv zbybvCMVNmVl8-iwE6a$Mz+V#_C_#1l4nC(T6{;);KI6sNO!hp3Mgxj1XzVbDd z*0*j&ts6U%L?Pd8k^V(bl!cIn>HV8U<+iM$)9)X1{GYs@C46Qpl8@?7<0^*4Zz8^hK>&z8$!;jMZRa(I+tLG@R8Nn)@!=eVvF}vAd^$@{u-U3E z@4cC!kbNl@aPomo@87{u3fdtPTw2oBqY)W1{*0GE^(<|5a8<8ONxR~#-n?Ev?UB93 zSC|TFbI-#e0x2_>CIoSM1b-G8xw9T2czTEQRQ-4Ut$d`K+Y7~8P>!2q36yXVQuS|F zw#N<1i&H#uQjZ6Dq%{-sTII~1eWeW4` zN^-sj47l|D4RGmGlXEc{E_LyGG~7+PlI}0@kFB%iO5pbrd|UedSEd3+!(KM%@4h(m zQ%Xy%OAziQl{tQHZiMEAMfl{{0HTR|uwJ9u;g29rtgTBrSzk zsGT8tU3Q5bPixcZ_7mx7_LodPTB)Ysw&LN zc-SW7+q`QD=)nfNLu%-s!>sn7z$uy@)&S7H0twKMfT3x=0r+=QVjx-Y5LW)E>{t;k zP4D0`P70~>AO_v*?iIBjHOY&2NpFru-(9$kl`Gkm)EO8&>KsK`em7+u+oi#<2>F;C z)Uf%%ZsV&Buf)RNmul92(vL4OKfTZQ`92Ru<{4cVl(+cP-H?=fvMrj0U_E*a6X;Br zphbk4e$nnXLAMY`ecxc!%t`B{=^V5-s3QSqR{Ne65K18bTJ>FRm-PRfygAd^(o5@T zswD#E9tYFXtIWYu2b~?1BO9)zG2MlLWI1=PHtK;RR~RFFRRFi8M`oi?kafhc>-X*@3>6SW@`)=Y$gLYl7jrPIXgzvWtVg@tWd<~ZE4QEnLG_6$!X`nn6V{_s{!)aMWFlM;`RIN4>*`E{ zXreH=g6f*8cyZ;$L^0;cTBzVMCf~cwERZ6#O^BRZVFT_wI;balr9|T9zFm+!b29U) z%&z*UeM?FU$eAih@Fy{^q{v&aR&AO3r&UdguW2$Il~oiopD;-Y7@hiBmsjilnz7|L z{`Ap0JUjJ0^d0du9_|{2OWHnx3tK&b=C=*TE$zpk%kWtkGUk_vef4vUp0&|fj|~*g z%*B8ySr{>|0>jb@FyN&F#??JuFgNx41wu)YM8jwEeVKFISoutlowUOUOVu(Trh7B-z_s4g>YnNexGa9iisaBiz!K9|v;nm~AY&?;Qk z<-ZsRHSNUzG!QNxZ!x7J z-#UO%Z|<*F;JQ!yYUjOiuwH588`8ddD~4s9OwruuWQuxyFJgI}@$Vc$!n=nN_x8aW z$7%b?6!+$VlPZ?icQV=i_MK4iZ|wc|>UCcGDJX8qev>9FIe^6151KS#3EPa%QQX3# zh+jz1(=)iB(m-J%pSP0(p#_q&KzMSwm3b<1E6ZKlKi7;O{9gpZz^I&OT5gb67o7#d z)07+N`N<8^s>L=|8K*N3;kU^R0{!I=Z~qR}2C6fwZ#$3ArPED>wr>H#+Q(=b2}fN2 z79b3tehe|QWEs>wEg}dWK}hOOB)o9|w?3b$fV&Q^H3Jb;d` zK95zoM{%6caj-H6#R3&CWaO7CJPPp9NB_j&kReDKmx39o>1HUQwom@!@6bGLB0>w- zVtDa7L>^v_2UDMg=i>9=X{zZLocZ~fdK$44+zg%zn&PIX;t_pxIR+5m+LsdsVIzwQ z1Oo7cT9oqhCEYx9>n!kqs>4IC47Rr>l3`LhYdZGVe4MM*OE^ z3M$KRxFjF<_X)y)=f|Q=&-NHIa|&{}wMc%TW?z+NVNh_W^~%a}l$Xl<$8xxz1wu*t zl`)$TSfzdCZmJ3L%TQ9Oz>s(oak}`oJkK$n^#jK54@rj$c5Ae;pefY%(EAVXU zPtbMvGq~#ZA!z%^7z~~G0TO5KBpk7yJii2kr)DF3RvBXFRoWjIrnAq(=l)EOA*>4! zYP{c|8T&D8_F)X1u@_;p?KBh-bB|*f^EFrEi1b4y(2lH~5&U~Ha&8`m^4xNP4byu& zTNBx9yy6i9ks;F$Av%3G?&&@q&06$Cvo<~;ysYz51A=t{!f(@AAPkTLclCD}EoCZK zuR;TYPB0mBZF2pbSB|l>OEGQ^JA4b-;ai-K=*4_!2m>R2vJ(S;wh{e*xgG=F-++O? z+Gx`LzvRcks{!w?tF2#UR4)(urK1h?N(cWkquv_wiwq3^B|o|+(Xd~vIjM&KViiK) zUxTn;t;L96XP7kPm#a5VP>0iE5j?$Qh$ZAT%zc0YJ#~ED)Z$+{!!^xs~NE z?SB>s>nk_NtBcM8;c3bR0{!I%Y1KLlgr}` z_wd|$Ej$-qXx&8#f(@vKghDeZdqd?>7oCe6UK@kxG2mJh@(6JN-mk{#G zHlS0%8uY;qbjx0W$OEh43AzW5toQ@^^ZJ?AtrUdd4`5f<~Lz(1%|)IXDYS8j?Yt+&Ki(c7o9#3hVXAdDEn2z=N!k-S%)!X zhQR83YoSKBQ!ozKZx)>&^(QDISrXgSY)2_E{3IYdHQzT88n5w z)W-l}!!|X6@Ukvvf$-lZ2kzSO%%oaBH66mM`;XLHukrj- z_8l^s%CZ7eY1+QSMl<|Uf2Hm{cv?#5xlX2;dkz}SVqIqQe3I7FcJ0T^Em;`-+s%l7 zXB#3HZ%5qX!{!Hx_<02e3XS#p1Y-!#x{O-69djn+b}lywI!*+HR_^7Wm6aRh)kSB4 z@HFKDfu}5Q8E0Ka>#x&0&zW=?bpt|nxV@cgGX=pMcEacG!iWXya6@=HJa>14=l1K- zf9W4E@YpK!$j?9@0?`1b!;Y`Sn1am+UGX7;mdrx)pw9R(Bg2N6sVFhy)&v^)xp_Ev z@Sw4X2`Ua#o?BWXZ0E-qp1%_D+3Y+|8U@b<=fTsUDLhTiMT4e|&D07F8+g$4+;i-* zhpEOCUe*jZO&*WPqpLBvh%i@Tqlr2&=m4SPGO7vc1#(^TRwBG~3)(K83{Tu3j40cR zUIf74;tX_VJvwN@`|=HVLQq(~*;on{jHVCv5DGWpk>X4Q5egsA{sy7Bs}Q^5uV~Wc zA*{_gYOX80MEJ*lRTT!zl!m zd(E_^no-kM*nKO>XtFdq;HNWK0C!^8cYgF*Tc=4W#iBP+J-A{=#Ti9|A~~Dn-KomR*aZVc+yl2 z>4d2nc?g@9O{n{Rfl!vd0n=D7KHDLRoI0DDxrcqQeKykS^i7CQ--4JK8x}`cb%H4QUjm+D0LXFDZgc$A5Naj=SsCW8WCP#${=8)-sd6a`bCV*_(;UEB52b-^+D(v#}H= zEIw|=6e zED+XTr+1z+0EFxmTV*36EtfDTu?#N|3Km1B@5d;1m`BY&gyFN+q1(%UgXhLzOkK4d z7e$4`^Wcr>x%LBu6>miMyyfU#yaEHuH=-B+#tuEU36Y04VaV5ifv3lVcwlT8mLJ}3 z0Yy9_i7mLkuc!!D_UVip(YTutViWbgm>cR&GGw zoYe?g%j@cN9|kP_D|+YIATr&{HlQc3r6;zb8`Tb*(4J7(wQ!x8@V;}wCUhy;j^L`D z=)vthsy3r<$y)Z!R$`2j zW8!)f_=V|#yc}Hn@O>CL?Rm5u+y&vYUPZPVQbiS%*!=}<-iEEHv=d+GSV^F!b-N$s zJ=Pc)1O7RdM+a0j_E5lQ98@dic3O!t=ILxITb4$1Ze4?_&N4svXcHP=-VVdY{Q_g= zZ9w9}y$DO)MesU=X!cV=Qr#f0E;>CRlw#&;N{K@lX#(Bs$H-SRk(io^r0L5L`TXAz z_57dFJ9-ghkZbJ(IfwxKxoU*HBbw4*qOG0Vw_+r z+CI(zp(07n{-g=Y78k^jiCV=R=gS^MOH&g*I+33AI5YT_jgj|D-A1NiSXj(wG`&3(2|<# z+CH*KT8dFcD=?~fnN6uEublNrmR~KF6U}3#7#<&Iw9F{BaA^%GFP{6w7cxDOioQWY z;aAibNTQMptVS1nhSB*pO)316`rI`g!*pE!=a`WH8OCwnvDNzA$ZoUSoqZ%{ePaG6 zcrs7=h|3>gLV=Z*l_x!&_bK%;p347}@}*AxGX?*m{()y*^nAY6b9o;cY59dbZ+`BF zcFo&I50>|8fYT&D(03g(~6cZNv1EGTH5J(hU zhx-dKeGp@h^T{vY8(FpHHha9CbJ5Dlw{q6qRT}~{M_-_v{J?$P%QtP}mD@3ALT=}+ zE$#ci0EB_{^uI6m`h4==?tagV6yV7OdGhTiSnwTV%ZlT3Ze->P%&Gx<%2PX9sZD+I z-%n9Q$G=%@WS&>avvx9XiW8Tpu7O*O>3&=K6Q}-u{curek;M1 zFJDsUUf>ly#{!sHua>i)vwqAddahT@lYHe{fHV1X{m#KLkMo>a<`;Ay5a!v`f;c*jPQF4ILS`4{Ofi`Bd^E~?yLg(y2_`+3a+%*{w&w3Xx?A(Rt_HKeF zx<5RR-i-bm{$Zkl_GG`IEBh`zD>tKOF<~itBf?9znX!N!-cN%k_(7a|-(46oei9O= zPDA9YFX7&hA!yj~LA3u-I-(ALgMQgxA(~Ki?(iP)oUh2D=Me%Mqk*TPaT9GqnMv0P zgPtZ7fl&G9dYV{E;t$TpgNvskBsasjjw+(4op;b$20K;Q`3T!ptU>qkOpMH156@GP zXgnzfu?N|AtK4d)py{^@1-%M4p?lF*^sd^2Ai}Wb zK-7L63s<2}!3xCWuSCda@59sK9;`aJ*MO5DFoBaSaTUa?G7E)Lb#NK)KWmt?8G=HM zvD|j_5L!O=Lrnbr+qiLLKcu8iM}ZF4KOI0=GcxFAPEieQM%vdAGaMK+`;y`+ST}{6 z5%3v{A7$;CO0Dawzf@+i=9AQ#ER*E~QvohlRrRk|9m2)ebw}ije?ZjKuMnBO36XOS zU|8Bggz?)Ds>q#uPMvuQ9oTc`E7TZ6pRC2&%9}?Z)HuJy*V$irqsaVlVL)-lQ6t9^ z=u9|o=NHUozCA8<>K^{RIE0AF83=pkU%2Sz2sFQa1X|oN6!$(6jZS^XpnurYcwzE8 zc>cAw@%m3b!uucaSqhoL=Q0R41iy~3DLc*Iov>;95i(;xBGb0x&fw`duXVo~K&YTH z4hUY+Wfd;(QX2pR#ir?I)M!8q71YzmkpUQ??F$O4pmTZ>hgBs?&Z1#(qkT)|gblIJkHXh7{S< zSsq@v1`)YyFd}~qp^vJxF`uxPN6;e-j?MeZq@(k{@`B=51{#yRsn)f9QqE^aWAg}+guSFf zNyn*-FEBor;x=s`LkJv0pp(WD>c$i31cU;^F@>KXx!5YD=o5mY&3`KIa|3}B37F#x zKcznBvS9FY1BDh6|AnVr^h}=g&l-BpFMTfeQ@oh<4W{kggP6BBA!Q!_u+PsjmOWVp z1%&EE$1Sj(abxjgo}`YK)>G#4nPms}sn^Re>Ge{iaNm>#>Wm*p;-YKr>FjOa=ol2IcI>f0ie5X_=evfG?`Cu#1+ zId+Vsq`4gBA{#%?Ndv@l*)qJ>Z?4%VMVs}Vzdmw6$6ZeQoJnF()|80kkclgEy~ z(%NO#?fn04sXd+Oyqc!Lw!7{{5%X9-K1WIOk6O*kw$C2#nOvGpI)_kBVDW*QT~3^L z*lJE866O>e=!+%5$MLz=vf9k-Kd01gpMQ+c*kJ>KX1mJaK8b{zL_$mQ>|!L(Dn%kw zQ>GURW2qR{YwTNv1VTc(f-dP=*vZzj5kL31kp;0Ls+1}*kQXzLu)=GXv@FG%eeJT! zmCSbSZ;o+5(3Wd0je;O6ANV=@Ir8Njcw;9dj%hqW%Zl%qH(wIeX)dp5wr>=#*Q9I{ z17dmN0bZ9V4*bqG=O*%?|u zcwk#g+NN>^i-Od+^a85Lq_KjvImZz>mz^!PPlOjH1%2a|vM9$WndAVL4H=Vl3*@PK_W+dw!IkU){vJJdI7?WOzD5(Y{ z)?NPaS0B{|uJ2m5qnx~?7%2pD!L;&xmOp{r$t4%jIL*W6oo7(i!Vzp61s zgw8#TK{GSZbIPybX%~!?tiu?ZwH2WSn=tawDtP*IfakG0(RcM(RGt6Z$egEPowF9nZk9jbEVaKi;V=FMYa4m+i4>Tfs zIokhnE<6{U508gHXkf6Bfj&uYqJlsJgEfG#A(|@CjG*wMX6W#Xc^G@S7pE=QNYzk{Yv+=p%1M=dxhB8$jO zZkPt%tb3=ROw&m?pd|yI@=D9>bQFbzHH{rywSPN)@W5?&{#WnfjuArwPL zNFzTbdoA|N{Kp+wb$s^C9{iw1XGA~qJB*#R4l!vv5HkG$Lil|doX(Wro56&%khDA# zq(x)$G(Vss+G-9!19yB5N6k27q`3|ilxCFj`RprFXdGcM_RV7RoGKWMwrT1JeNXyN z-i2W^k7L9velMn%BWfD=o30=-yLjwYLM5NKSAUPI?(K&UzTAXDH6iP+W)g^d4Y?>S z;#G1z`IX;_F(vo9f+8<6}JV?z&Wk#JcI(mmR&VqlPrwVkfIEP z=VkEY$$iS#qIZR?iTqF+7_`g%`LUIyaai#x1BHPaR;@9qMA~kV9^0S!C*qsXWaIMkpV_RrJztUaLIj=C4${(LY<&c z&?gB36HBZFg|Z}0WVuh}eugJ0e+#6Rm8Wf!Sk9yZL1Aslf>;v{YfAY~75o#g99nOH za5OvCquC)=r%H1?s`D)fi{&3=(|KnH*8wZ1GyknXxR4!hSscAqK3V?E9E$`%1BdEB zQ_9oahok4%IS@6MqkyIw2)S%v(1A2TgwCOq_3!~sO%Sx(>~>%M9VoO=p)z%h1AhV& zUuxyRpuOh*ARtuR{#OH`rfAW<6yOU8+4-MWVxiDnqhRn5Qsy0@2#4k#o(u>Da{|JH zRt5-5tAQ|<&s7Z|oLxpR;da7c?81Wv@XS6;Wid?Td3``w<_Cn@P8ejJ1#DyA%E$P( z^o?e_>zN=ZC{37il;B1v;kgVD&Mvn=$ZM{KK5nzn=7l`U0l8`rWLc79UG%p+)&@cc z0)6G25C{cq>BR&>UJus=YSHt&Kqx@tbw;thBv}frRnE`CC+nf92g{qgpMbZYfOiPt zY?DzuCVnR0ae|Ye(*eR!f^P$aM|cjx;Cu%N2}#vJ$bABVa3-NnkY<1|%g8`0^TxhT zAY9D9r)+~HwtZY0kM}~Kwi|2TY-=Hubx_*`iw+P*&CEBzXF!WEsJvQ0$To_a#dhJb z+W#yNN~Z^e8XG7ejAe&hiqaS_wu`0@hk9Yqzy6MXhu5Qf zDS@eA4Z_McBa(pU>HL7PhV@zXH}uI`fj(85=WiW)fsjPd)07Q8Dz~F2)vaI?dgg6F z-(&30Jj{I0P8cFS9Z-q?zE#cR-!{ip7Pye=ind46`JM%-AV+7o6)1hS|4R~)I|85%eE4TGYN%j(6cNP z!;i1TLrW$T1Rln=gF8tYf+r@%IwyE4Ls?l(_fAP{r*VDyXQzu$0GCP&g?o3P`NQ{O z(y!maO(DH8HuWWga)w;^e|elL28@74v1-aHa=FdU1u0WwmDi|eppDYG9jl-PKS>a1 zRQCiT7!P$evZrU=!(_b523_cZPuDF zt(Iov$u*X@td!T1`20_C@eiNEJxQx^OWYcq`_MGp+;cInX}bxY6FFx;!e_3>^<7`a zxi<{Lxov{cpv?%h2>KH)4q8eeTyD}UIxj=>PG^CzmI48jC^jW)~e`pQI$LDaHaz)R-%99N(?PqY2eTYeir^@8I;TEurezx*Kk2C z(HuNJ$@*yZjZp;i{56W(97Pq$Lg<4=L7`-=h87e@IV$}IktN?Cnu=k$aYf&F!O#L= zT=5r(DWQtL;<5!s!KA=Y7Di)TEVR(*NKh!SbAT^}dD0l}=fGef5NexJ<8sP<1cb5} zS}?S5=%^MP`T?SWL26RLzwpwbjRe9i>`c`K2rW!Ffb`@WWo9l&J)?p`b?}Wv+Y5XK z`pg)_9CHrISR)r4^U6Cuv08Rtox@lJ1qhS_dln=FgzP{spd6s6A?9hDSJeP1v0SJA zHnsV-Oj)Ds{z|R1t!5ke+TnC$&tG5tZvdh9KI)#C`|JmVYI_2M1w!2y-2=9}V35y( z6D_n_URX<*f7nX!SHnW6W$wc^le8`Xj3p2%(yjn6W_}?>fMMIl@!ZCG$YY#ijb)I} zrjeEjCH_FDA4zHhAv?Ts7oAz!p~*9*9f`)YshaawowmE6Z6 zIuPgwg4M7nFcr)RxCp$2!Nhd7H-X1-9kmufS?he#y1-A{1&@gYBFFM4*h?gwNP<4W z<0!V1EQ{JlfR;!I(|HAcvL4#9*w#jZO)CMOJ)gA_%AyxX5Okz<>&}^H0w@SBBluhh zM#e6#V4JgzSfA)L!Jqcw`Pj}QxsR-hI!5`nT-Jj?A~5q={CIu?eMbx!THy0q2ALm8 z@HH|}czQ4>1p;1O$w5MH)0?xg)H9qQc|lPNl9%zcTv}|QQCULDH3xU& z2W;=>{`eDI-mL?|r@e+8=3B>3f=orRg*X8n&sc_B6eEvYEnF&Ij2Uw1oI~QW84k!D zB*&%H`R7zi$YMnef2264`p`zpQd{-WBvG?rt+Cg&9##IXZj(GNI!tcRDLH2hvOEp&$J}Z zxKGQKG;&%VfiMRV)AnKHtOE$0cMN@}2sFzua>@~YpEh9pyp`xYC>3pQ>5EMp51MP> zZ9oBG+1g5Zm&yv5r`7|4W75&=zE^Nh!W!H%ZVy_ZQTzIT1Oioyfo-bT-t4^7YNT<2wkOdekW5P00zn_=R`pGZPGc$ zu=6pN9T7>0_K8pBSJfN&f;D1ks2cKk?ngev_S6sR8jpeQw9$bACUo7<#5Wf=zS z1byA9ZdDfc9Qae7BuK0cgg#57g-q+BDl4NVXqBaL7(ajl#6hf&|5!!`BKuaXLf^_2 z7*uAhic(1N3VzI&VPpYcT0)-ya42C=8eVGGl?o7*4li9=ExDxn^bJNZ_18#3p(6oe zR3QPcfS^Y(6d(!|BTBwD+eVh!)UI1F^anzvQN>?kRLSSmmu6Y+r?FIgfptMOE~Z{9 zqXUoe#h)3;TIh^1)Of@c0U=XCpYj}76!-}Um9Kr2YF+zG$p55%0-=SdY%_k)0HODp*1k&3SUZ*>IUqQi9l|mE0FP#8PB5rn>yj1- z4zswQBMXSt=k!|iQrIa@VaHmXZeyYIf}B5O)Q|x{2L}BC&kyp9>~%QXj5Vspes*7b z-CiK^LP<@)s;dI(TUYV={#Pu7TDS0Tt+fI~W9=i1Sl3PKzL{w9WDT?sC_t-*LE{1{ z;Nx>eh&0;`%$*1b34^j6E;vFUqy&QVimiD5SU#UdUhAR(Km&t>6{b43EOis!%r~+> zsIXlL5qeG&<_P=;pQvv?oU*dA2u%p&8`DNCLpE|L%@_fWx~EP58;tc=^Itc6S+ zAWVLvj6hPsXNcb{UW0z&k7PSV@cIRUBNiOQ$oYrOx?s|jAxLH2V$xY3)N62i2;6GyEPvMSS=!^ktR-)J8b?8mNQLvS+6&nylP-<7S5<>`A(V5)u;XC1Z z=vE9`^>+*-g!Pnlko(GAQ`0jjD9a;+zb;jq(Ya(j9y`7qy~;LXKoy}e`y2Gm_=|~N z>N$@<*iaEg17J|V=VuX=%r*xSB?k(do(E4eLg6i~(C1&jLS!zXu3)W+8Y&2l*}EK` z$8Sa3H>YA$?grLlvyCKLvC#{JOyz1?VdacLe1h8^XZW9dG^SOMISr42K9K zS!6jG@MMuPLkI~f#RZktyOis4AuXw@GLZ7=&h==~^>Ix8_#e0~bTE=;zh%OmJShHDz$SX zDzJ^N#Ja(1=?|ao#Q8V$M$F_7k(i!|3G7qHrDh@I)h)(rB4TC%hEC&i&F{*v)SU>O zNtokvY(Q{E0YXzLKARzCjz9t7F+>vxCoJUOfJOXv>3vA$cgYKcv1vSh@;2^&z)U8u zXFe`{A7Z9`g?oc1;l|s0WA6^OmD*NfMb+l{f@x)FnT_?}&?nL4;YqkTW(95;eFT?A zY{RV+58}?0Rq)(79qnVkL|ocogiYDbZ`OL;)#nv>T6DEQ*eceJAq@JW8VCh~S9B)S z{a*t@Hwg2W(}6va+#t|j&UwB|ARPYQo@yYJmC#L^-$w2dffhtZ0>vH#!)_I8(Y10d zx_G7K9_0iz0-MymGQ&vVC(sLYF%g3~xK=nsT$Ix!?#*)fYBG4(=Y;m3IK@Mc84;|GN7 z(4GueyJa0<}oa-));mY$FO5Q#*}Z*C0Ek;g*KH0F_I11qB;lw z1%g(iXG=w_E8op(Fr>6>r2QRv^UOYun`gG4wC;bbv#)i7b(ST2?G~b{q2;t;P^t|{ zb<%%15c=RwuAcnkEJ%|@PL?@An}NJylgc&JK%vG4df`xG{sd{p4V3#O&Msq0C}f$Y z9Pc(Kb;b;8yMaP;Uc#itwdvfl7|t!T5&#yoz`<= zfRLcaZ5IBR5_YPAkNHWnk5kIyy2;}*rTqku0z3b4gpMK?95;&QduQBD1$#;<>q1)7 zjnuI~I;p@<5a(C~1%N(CCysFK(T zk`gIn;bR-brt==86(eZ|l}addTtd0s0AV#0%H`9J1C&M2fkF$01iHBdx4DN6j7V}X z7sM*sUIedQ04NJ##Jqz>rc7Rk+(=cX1wz(UFi6Fwv)$RLi=BCh*K)`#3lIf|{y;d2 z@NyOiPag;sKt|TUA@h!4FyDDi&aM3D8Tp8v&gYcdW9DwdUC~o9pA;i!!9$4 zyDV+p332TSS5N3iX+qS{W9&~X{{Wr`?t-WN0|?pm4F<3u(zA--RI(bqunis9Z)wlI zN@r|E7s|L=vQN~9{glX~D{)cMaCj~t#8tzfTtGcIN6_cMAXDXCL|sT#1EJhVxvZcw z+U{x4h-F=9;qvC|Flxnzh|VGS6=Y&~{zkOXg!dipLTFAVo;bb?y|EqL%C@i%w*{Sx zSx17bq{-_g!J)>)%={3W7aT0xN7 z%XfS~h7zWt7w2IBL2$_I9T+-iJ3?j)3gzB;+)PywKE1%C#$uRu+*kuOuFwHOy)$9y zIVN~a)C~UZn6aPVwgUvsLl`!72S%lCL*$gDxWC`ac%W+}j^(h%s-xPNnUe@JnLYxl>FDDSXL10}JI8DWWJrKG{B8OqJWV5Y0xwG zwSj2Xd4W(V^SCbSpg=IFiuK|C!4)=NAUM20P-yoTRLZK@o97S|nsJCchg?Z*RMS-$ zS|VB4Gr?&HW*T>B$09oU0!TZ4(ch}*F9D;DcU()I=%@Y?5c-1KSV(jLGJ<6&`e`)5 zFIEvr^L+toobiVOMq_y_ll4$}1VV0iU{G)v$2>wZnA)A$07y-VzmlB!gxO*R7cja%AG0@I_{W(Kqz<< z5RRFnc{Hso7#34}o+&|}#udg>3OJL%=UuXaXS@+d4G`U7Dt`2(T9xQ+F< zRz=Bc_4B(XXW!~`P)?q`W_#VTT$vy@a*Z`mbvp8bQ9bqF?lNk?OhD#^J`03|K@;GG z5JE7EpIb@rD(C)ef4TFTF@;CX4-tYjS@HySW_%xkFmbkkQ1E80c#b8nHV`@%N3S(e z=avO=jz19Ucw3HzK`RFall_2j0;Tsy?JD5Xvn#kWFzA&7eHIk0to5*_?D#(`C*X`D zfuNN-%g*>hrhK0Lt%5bJi9Q(+6uik*lh<#??eUy7EQdAV&sqf~SqQaFuqdmcaVce6 z#}ESJ2!l$E>nHOCW*VoLIFt8`o&3af3v>d%*qQvcq!%GMjcrERvQ>^;PBqrh8-RvD zDB!CJg_M>lL8-210)zn@_J=;)bY`CY&n8KC$gvoGwT*=z>w<> z5L#*3YcVuHXl15B(AY#T*wt5VkXIK40^E16`U9cH4o0(MtspXk`92TidoL@Ywnfb- zFc!kN*#|Ks^$U0&?}L#mzd-*Z>k(YO6+N)USOpb@Qvq7KVY7k5uDPo*s$dgFen}|2 z|2BArbVkUbRp^O9_LTYw(;V z)i5Z)GeGE!8}#O#N6A8HKvCNWg*v7h2sL57)c8DhmI;M--G+!SK0tELR&-y@RQLz~h6|Od}wGqd+;0G_H!V{c^JCiffHgX$oP0k`*?7~gSJ8)CtX55~% z9`}yPz}<0Q;D>Slzz;|L4tEWH11%qW4wu{>jq|P@h;y##3eOK7#B~pk!2R755dX|# zy!OtYFz&sd!}H+Xn7R5>c&@kvo@O`Vp3W)g8}<^Onfz1y?Ehupi;UygdBj>4HHV>; zPxuk|IC7xQ8CPhnf?SXsz!ULFTIN5qUx3U%vw=I6u;dcvYJ(TJKK*JN&cEt0M8EJ? z#7$erXKkPPZVs8T2ZLwtMcAT47&3P^hRxoM5$XHv_`&J?CQZx3$mx>YN3%_Y((trH z7|%Y^ghd62;5TJBzj2Bxs_}(!sfQ5p3PEtXW<@xH$QdheeekpBJ$4QbusTOsNjcFL za9L8=pX1c#qFnqnV*{>#a0ptpdlt8jUW(S^_u-nj!)Ozmhqh7KxH+i+Z4!8YYV$fkx=PGHWe^xU7+Yl7DPd#1Bh}hl?&>q(yxpnspt~FF^Ggh zXZ)euO`Wla8jC1EG{9(FOl!+deIYpfyxMwLTc4Q7r7s-bg2;EaxdS1gN1ZIep8+W^ zJUKAo1brD-4TJjzY`_~+UjZzYLckE*s&jA4^a6j4_{peWc%9Nz;Us1fei>9vrjbt?;Ygp_K?v(Tq)0z(Ut79^9|*+`znca$(C z3HG9S4@a?Xk!%ZNIaEq1U-H4C1C-pxGVOT1d^4U;5`ZaBKqvQ6SvWQJ&ygK3NLVIF z+GD-Y#xh2+tzu@C5Y$S1kV$BdVw=X!J`6?slyy+nLL21es0j=s*mJ;BU?<2_-CTjt z3v+@($t+XJgo&iI9E@9BhS5t1@e7JfozyWiuAws(kj7dd6VmydurB6!=0_1=M-f03 zS*lCWN!F!Q< z9K+`vX9xT^!gx<*F%04T(HO&+v~_3`@+z))Z8ApX?=Y^S>eqDO-}i2n>(P^7*sXk% zQHO%n>=R|8cgY3}&)b0DWq*a|?rY&0*acD9>(S@O4ksgGR-s&9oe@D z#zu@fz6O`|V+XqFx$vAvfFs-q0tI)1J_Cf_ATsB88X9>TYOJ6)-*FYye%{o~Pssh6 zHqji01kJ`5!E@cs829N%Xgnqgo{>Eek-x$8r-HDFeXOl$pQ9l;JK0CmoP~C(3c;YJ zuh2L`Nqx9p#k{5>rJ3klu?8Kg)*y&|G;2lFzKT@31%2~2V&qpV;c3|$t&&#a+HqNE znUaSqW3$mVF&AwK6)mFof9 zxIJMFZjD=kYeWBuD|@_yOS`@b&m;ZOq-$TKuiFF9%{_5NpSN*Oxgp2Nu#I3<&F?38CUY!3+{Op6J_t?R z$H>W92qpLp=l3X-{g}aNNBJBcGQek|hEC@@Cr!&HAX*FIaDLz9RyuBBA)&Ao;ru=i zG`l5wGq=#FX^}v!}>4gV1N{d~|;0Mch9z3O6PU!sSDHp+Rta zGkuEZhb`ghbO$_l-p95K#ltb5pmoAFG#_&u%@Ypd+R<6KWqcv7j6Q;EQi^foxWl-- z*Somzp;r(;gFyJ|HryLL4UNc3O|K=uw;hg_L4U;MotEN?pp`B_xUAkf3xol3&U5B~ zP*Y9>0wL?kKkoiO7;@xDO&~1UR5SI;0-+;)NPK`ODD267B;#UAY0ew@K#wq%z3TPt@XL$-<6I#5+Ml7vPZ4}e$;5F4iXoK5G&UQgz zq^7$dV9IhhQjt;#f))lX7&_KO0inQA&?pGhSVdV8tH&%75)Bj@E2ABg=nGb3VbFXUcup;s0P1&RbiLS=H%=QUD0Poh;#P_zK)fTFP^a@_$!fu5{(0zzlniEjr&D+7dY zvQxlk)QFurxk8&s?Y(lK%K)H2(8$7=1BCJOB?6(@mSX_GjOk-}0zqTZ<9U^Dtdp#l zQwK*r*s)OP1f)@vQX^yCvrrem=orNgsds7&3!yd&s)>Xu7_0_D?=>5%C_A%EE!a5c ztB))g)mQ)RKsT#2KqyOJ3ZZE%L1r|e zMbSrnK*&x#mrePz{eke99}p5;xNgqxg;Rl_j&m%84iFj`G}cIp`#V55=54|xpCtjI zphj?FfJ{Ir7@T+5qz25GFJKeAjpB1;WnoUT5a|O#!C=ZvNibMMl@OvzSVjRx@jjd5 zScY{awLs`^IgH`;SrN$CRz4tP=baLODF}>QK4s}M7D0kf5y7gV`%vP~5k(z<+lEqeqQ0bvXT&VyuLM!d?}d zFgQCC1HSw-JonxJPiQdWj;=#!UMBi#OriIOZcPQDeo+71)p+<<^WiyP(@e-ZNYHEC zz}-Sf@N47%q4sM+HP!w;5HxV;$Q;`cjm`8G7vS7$Zi45wd*Hd|3iMdIHeAN?r!EKuFod29>csm<3$U zLs>;OQ;lP^j;dlxLFcbOT#LrdgAo1fmx!CZ3sHo?@U$EZcumtuNFW%Y@F}Z!C!F?~h+tZpI)AD2L8IV7AFhIP%p41hpd=@d}~5br9M;Hx*ATn2mNn zo`ar$e-9BEA0TAepOLupOT-`g5(!7Y#OMRdFg7ET&q);SPh5c(vHNjFQXX24J%+23 z_u-1T{b)6|09Paz5%FC_`{W(0s$~kfq++6sSKTG((7dg z2%U4D%DJW5V+f0^%N_r)X}he0W7(P3KC<2j7(;(_0K*Rx2>HS2%#VeY21sv2m(nd1 zKZ>r}P@OuHq$*@_Z$e}b<_i|JtrMY7e)V0;`4Q&!p4=uGw*{^%Vpq3{&FC(OBk;*e z*q6uXBP$owZdHo>m5CljtI)SN6Mah78kbWC7!|@W!+zc$=Xh2Uc zrM(G&eJj>-+iDEr{(?+_ppB5a4g)LJn-J03Hi&ut>0qy{CDG2KXswG*YJqWN!3u)h zDwBrh6YvO-Lkd?Qj33xx%p01w3?s|dm~o5Ygv5}-r3fosf#Ky|Ak_Fn!eSiv8JQ!? z-%1090>tpbZ;boti1Otu>q|tIuf&LaLLZNhCs@YheQhSskIvUTh+ktgmo@E$nfii2 z8Ivmj{Ki-k{S`-u)4YjtIdy>1Kee!Eg`*$6m>o)XRE<@QWyuPXu%rM9i`2R2 zzC4FOOqLmi=9inQ0kwsPkjVF379n-K6=l!>+oA$Q&D)3g#fOo|&bNN?*JSL`Gu5fj zGLz%$-89!@z^>fL&VNYotOn8?#4lloWYH0msDItU8Ky-`#Rgs%Hl>kOa&G$l7h-3#L;$&TcN#f0x!)>A?OSLF7YxWrnx6u~Wt z+hskL+o4Gb@!FQG=WNz~Oqh8DqtlO>@2|>^T1d#CtedCfR_Xwu!051PKedH9AK^ll zZGDGLz!&Xj;M4}8F>a#963Gs*M4-@jdE6WPj=#zGh0nOa#s;vlU}>y~vyYhfK|o|7 zxST*+LFgfLE-peiJJK-=ixJN9wXWbAiHi!YrI7GbEd`R9BbY4Uc?dsp)#Tp^1wE1V zQT2>wM_jI<`Vm9c7rkEs-q<<&ki_R)KcYkuj*NTeyd#Lz*t$7cgsnnu6DaZCEF|o( zQ=?r=RGDc%Dq$VEDNICW223$D%)k|L0k4cXI^d~=P%XabjA?s-bBqfhUjU0 zZuksoe3pU%g-qFpkqfrqyg}n|$AX3Y+qxUwvNxc2#a8shRyVqQvDS> z*3Ju2>`%ygHY9s3I)3tNc<#OdjU$I5;=oD_EhbPEth9ZU$_*G&yaDk$m%{Vl?Swl) zTO$j0jXY?eIR*)Jg28heHL$Qpo!6iVA+Zq}3LX_r^a7?=U4nBiya-*obVZ{8(?Bf0 zCR`^_8c<|8jXZ)&xsG0l{xPH3r+X8g8*f0;!POX?zsCHy9;C5>gxSXhxRqPYSVG4_ zs2}hJuL3=Rp|K7YZbpy%ZRl30$fE0w2UnM(40Bvi)iy3$OX=M|{}ntBjKe*n*P>2G$xEI$a?8Qw4nVaMG;@0>r zxHVxTZb{mJo0HdZITN=L81G12i#uYM;l|K^pjE$L(TLy)WOmni~6{*F)4=7rhZ%s)&JAWpL(P)OPLr zn-9K1)2klDsHcC2xG7uBcPwn`5sc!u!HgZGH2s89JJI|h44b{jx|7b_gNPY>F^PSO zi3>^*nO0yXxEBx(oxRTlObR1N#>_ZuB8z(N=!2KnuEXdxvLP8 zw-o)0zh-|~Q<1Dk%)$NebQ_PWhyDg_2z^&27U1e}$8c%VZnPM4l=tQ+E=o8`Fg$_> zk~ZN74=zNT4zrOmeI@Sg_8QJ@H2_W9^fc2>wCeU-T;AmiFA%OGysfMT!ppnVPYw|J z>nsqm44vo90-GEM#AgosfY4a+{D4qanEC)=@`7W8 zId+1XCM{-1QS%WJ0F#!mlgm!LI*AGf;!H!KGSy+1Tc`F*SaO7^!Zh!}#5YS2lgjhV zt-$!#VLD0)ud~Da2G2nt)cMDvj|fSap?uS@jU>^WO@DYX1~=B+a-y0zoptU>w_f^c(_u z>OMYigaCHl^@D)!iGmNA@nD1jxi-qG97k|bbhrr%_TuUJyD(|i4osSJ5XrMFXj&jt zfEtbY<2RHrD4=s7FL6ncfdEDDOj%HFU{o%Qnu0}vhfKg51A`i8Xf24zguu}=`K-?> zG%kx{ShmIwPIyZ{a`2D8=J;ct;LSiKAt_v7kTRCsQ< z3YSfrXeP2BL7*B?v=-ft^6w|NKQi-WcrHBOMg@%-rxLF6r*SW3CGYf=?JbLPbi68k8=n99M_MVjw?rw#bv!_ISqN@;t76{uP8DUyEMsYj!T%#{0I7ee4YMX5TWXa;dTODq8HYto`Wn>yO~Me>AR5 z+=^>rkK;<-x8{QRq@xDxTTCFB$8N*Dv0HF|$j9(p8iuj6R^Zkro+A(r!nv(`8z5}i z^*4mL&#Hm&vMx5Dj2r0HMQ4F9Kq^D$sXq{UT}xeo(2gGz5X!C80m6{?_8TD7OW&!` zr_M!$z#1a>5$Gg;P_$OWE$BpbEVI%>sR&hF34cK)Tg>F9UA=>w1%CrWZT zwUJDh+Bpze7h^p%V-*RB0>uCsD`GV`3Je1!DEtgh9odfXceb&k_w7LF@IkgsHQxj;%WBvJNIJ zVn=nsVFF+YJGTU#SwPB6uwzZlt1xbPas`x2oGgB_5-PmE?K~f5=leK2iHc~-PVrp6 zt2|H5F^tyQsIh5@^HgRP0iptliwGIqCig&DrmTCY4-Bo_tgJ8o?QlABhow{2e>o7E zNyBH!qQ`IHY<|;cZospzZ^4{D9LEdq?B)GCWWZkI2qfUU=j|xc(W$7*Dy~$^% ze6My!R9=QKb_h$AQo2=ybt$VK@WE=w6%>iawK%Fi|<`E`Cf)Lwkg zqtghrlFH_Nk<~4B3Ez39@u|D<+FQpk^{xGQ`Hh2!RHuvY`-tfW%=@Nk24d&Q<;q$= z1s28vN$8ThruLN^r-H%6@Vy(AR?1FVp>_8pV2*wLD4u<5AKv*#KHm82A-w*#e2ibP z&D>8}TSMm9PF(o>-2~pf#uGx5-J3ZHxoqH@?~VeTgiJY#k*WDSS23ZCkT}cM!_-A! zs8kkG1)AZr>jrwKDknJ1iR1=p-=*9j&R?esgyuYQ%bUvQZJI1I`mW|-{On9Ldn_D} z{`g0TKE4?p)_ugkpWD$jClkR{iVnINk5y$D3!(ZKPU--mnXiw~r>QB_zZhP*6_>vC zDm-m2#dR-_N8G_x2tBqEiQF%K(mGZia|ef5F)NOiVhs5}uCtA@vtOL%G*lWvo;RZlV=xq$uItdr_<-d zbMKvaWZuh&%2{K64DZJ4Xvg|?V_!@CCj-2cEQGRpO0ov3pCyZ7m#X!6ym*BfKiIxv z4LVkBLc6@R7=)b&Il2wE&3zA^2NQ9_QybA@^Z_ahS0`qpbz%Y9CY9it#A2hC358U? z1v9U%Ny=h{xVWz46z zE@>M<@(7xbwwA<}NjxUuh=IbZ1&GOc1kyZHzSJry->5}GHd@4Gp;clQu1n6w4Jlc; zam+C@u2I&-wy`^LUEB^czOilWCR`u85!c18$8E`5aC_2b+@81&cPD1x=J3zavd{0) zvgglm$zwCo^zNtNX&Fvf>WK!e`r^8F@#qsj6Qig66pMfJDgN-~2JGg2ne*#!xL+Sc zP5Ba$Q`hi2zZ;`cZ9tju8QDg54#LA`8i|lu`^<9qjDr}rC>!G!=OL0XXo2u3hERhE zh9l(i&UZn7SNcu+mkE#*nq@uaoOvY8j~DD~cCA>!K5_=1*&P_1!|(mx4e;F8o%iN* z+^n&mynii5v)$rsdo@oaG*8@%+efa(10x887Y;-6td+Q>!^=3o?QopirY9P<8IIOL z0>UrsR1uvmytx5hT~*V4blLX{g!O>e62zDnBN&-e%4EvUBMXy3l0K1MKs7w>y`HAAST-N|*3w`<} zO9P;Lv5dYfOLOT2mv2UQK_sEku_nqbwGa38X}t+dW1^21tu>ZEm21W*7H6VIVJ6SL zj&;~*<`NPR_ThF}{p3n2*(jwoW!*xpYp5Al7$9eSp|%gy9E*gs0R%lkVgI5P1`7M- zEycjX6~>Ba+)GO-LRbWs!*jpJh@*1bT#1;X)r7ybh`>75g`fzYqnL14vI5cBUm-4w zVp(z{mDMm*Q&m)~#E1ey9-&WAI3oKq6Nn~-=Z?+(64AK?N|rT}^%`Ej)JRZh#~^Bq zqQ)QERDkGAurDj3GpW9#8jxt*O&zyWD?wp>fY8E_fROpzUJZm^AW=CgZ!|mEit3m= zpRhHjoIqE~4t^yP)63X#t@1`7B@`0c1Sr)3Tjt9mlf~z~6fslsFm5&haz+(9xt09z z!gM+l7TWP;$%`vZCwj~hzB7b4O=O-xkdU=R)*BxbDrk(vYa|RPO<`TevU8r8R$=Ql zuhdvwWO*=f%KAtGF9Tl&27T?L<=T){7u5!(I!Sf<9)VDRbUKoIuCXYy6Zy*9Iat0Q z*j57UV*hF3A9rKY+o4`UL*6PAxi0=pyV9$P#(I6P6stZ@&h17XkYUfGt_T zvwRL@&C?jdsD)Y8K$t@4Qe;q_TR<2g*T^L$yvKyiv_p9A-NShGM}(IjZO035Zp2IP z?8FQ2?!@!&Z8Lh|o!xlp?Y(%JdgU#vSKr=)sXyI^X}{Qqmw&PqFTb}HufDt6Y@6}! z5lnyQAf~*%9k22D7n#2Lb9Nl2^E&iiur9Jl>f3ID$f#Y|fk-3-rv0i6v)|9hy!Ve` z;roZM;8zDQkDC3PLzwxSV@7j-lZ}}_KZJR|If%Kx-iO)0*lYHm^YdKH=6UAw`1D^K zK{~h1_|+~<{pEh7{x%n{{;br%;#i)0jIr+Jnej1Uii$VyD25X-oJ*B{2_HX~T3y7J&0}(TJ8>k(-s2CB`j}Q_Fk&8-<#ZS{Wyz=%z?9K;{ z6$6_N08h=@#&>!@VVXc_TsYY#Y1S&I_ga%gYrLSDih><1eS6~B3H$%-y#<_IRkHTo z<30=;BqYIIh8YHnyAwi)yR>UOxJ27M4j~X+;)DpqwcXv_-8;|sJZpD{B!qcq;NJVa zGWk*L)B9{$d+jClKUJ&B(LdkxYproqstX0DndO^}SKh6}s%^Q*rDB&y$!`M!J}0dE zTNc@w)EA}&=V4YzHf9T)3F`Kqgh1~iK6?@GpTqkQoY_uHZc4u?Q?bZ0XB7y$w7Z=t6{^D0!ANVul@+oVffbfsM__Y;1R6zJExr+Xd zO8N}KhW_5muDH;?_qEO?V2qdXWXO2{sk#p2d>{AIw?cyz;C zoR_KJ)I}M$PbJ6~+$p_;pzvZK)aOnJmQFU{d@TCOVoE6N*-pI(85mtky(K1!@G%#6 zI3K``j!C%QrPNphyEs+j7TbE<=Fp6;_7n#JA)(Az?y9(z)R=wUoSF%P1V!g&ba!sR z&2x)!CxP%byKLO+9F3p%e+_re^~81Kmf|-f-y%qc;YQbdT;p1bF7xY*^-q8&i=x~| zZy@Ad?^eZ=W0{U4+Xz}^(EMh^v2yTgnIiTTsx0I@2dAvg*#lc(QW!^ zJT(0TY;IbL2VZ!fV|5rF8M+!j?=l*{>pm2}>^6Zw_yw*TaKZrLUzBpf$dw`Q-;w_S z;bo$0{Fee@$3E-Y1VO>zB|zA0fN*?%G5XaJ)anR%btyj}mxJM@(zlU7C@7@#B`gl& zzM=JmIRd2IO^0xRdcHOhW2<8gkjeFP*m(|0k`DJzxo&hWavob7XBKi#sN%LxX(>3s zHN;{J!S4CGSd8cQlWHu{=keS(wkFI1w3-MLt#ris1mkXMu1BzZz9|XgTT{*bCvt$C zS{sF_JV)#N#y5r=_s$6o5tqm$f?B6czJg4xvqYce20EcpRy!-$%wz)P9 zAux_lO940^68Kr*-Ej79h$B*%`z}aCor@6u%P-3@?Bp!B9ZBs5lMN-p()qJY;PXDE#X{ zSZ-P45!D8PeoJuEX5D1H?MMaP}Uh+%g{wgext1scjiAud~fUHY$ z=WH<0=jNY{FOD~$i073NR0;_li~OkEv%Opjglq?XY&&wX)V(SC5mm-(mhhTI{9Hs0u9(}B7Vf8%bAP4oS#N<(8NVymcidKSTgm;U<@{Vj z;pa+~jnJw*#LEKX4D7lF5PGNxYc5ln?EU3hngciAXdF)9@wzsTucFjQ_;(erQAw$w zlo7JZxv!S@t7cg$bRQm9!Tq{t3GZFbvQ<*~EMuJ(vTS+$`|B`5nNJd2soXev5=?#D z2t`fSx<}46vWCj#TX5>adR*XLi$$vo@sd{p4xDa7DX&q$`|XMc`(ZN2g&a6~=d;}G zdjw5cI0XcPI;X&FtlFG_5|&rbkyiw~>~$1t2;19P4*QjnSh}_jwyP?P^-Zq6a*LI6 z<;cEi>&<@XmCtgd!`&~6{WOyOH5K!HRDb!f<7dIQ*Oqt`>RqX9e0KkL6XCWZ3C_v| z=9fc&OUFFFWIj_S?AGMM!LD> z6BZa+ZleDILQ8%M5Xv$*Z&j&D?mdxUKT+0bpM1;=iib_VNtm)@JKT;OfX%&K@YLCl zF@kgN(AsE>ZBNIu)LHaHwV+Q{!A?LjUPv8KsQuDSOk~ccNQ`Ptz}TutTod{#Y`Xmg z4=#1alEYuZrt6;xewJlWmcQTs`ZpF7N{rhmp^%@g05jG)!k_*Acd+@xuVHh07fg-# z3S)VHLFceW>Nn-Fm>T^JY#zM>>kjQjRWmz^EQF29zh}8A8ZhJ^b@k1NFD=5adOe0g zTm3M%ochQ4RP?S1H^8gs>h!F#0s&gjXVy(pFB;sGg(0n3=!FD4g%|^d18WI0HL3W$ z$Lp{e?2Y?el5nGK4z3kodDIgOYX}wuK0=g$O%Nq3o}lekM+ra6LP%h{!LAOsIJe>^ zM_C8!a0k!rHZLD{IppC%Hv+)zL*Vf7QNqX=Jm!7^T?k;;xR&EOk2+kVwT1*gSqZOq zE5S7$#e_k*rCRQyJqUkYSq@!S7Rqi;1XBXvEecv=tcQe2_c|lj+n3>b2bSNy(yV2a zmGL^qYFzD9i)-Bog>EdX8=uFm0ynu7ql;r6ZgR*$cf#pyE)?fnba%|g?GBl^!#)#t z*{7Rzj1SF@!J{+7@Qhs)dfDLqKiW`^>Hdm3%J$6tlf9}jmETSCWSd@9fLSYYd2R+Cb=wA;xel0J7-QBD zs;#Q+_N3nX6jITX?_W?jQl4&gkr*9+if!q6+~s@_w-R*qPP(#AZg$Kilqce@X>4m( zJL4ZS_hRx}sb+k;qtC1OAA-UwNk2(L zqLBd&30D4_`Zx?Ctc|XW!fU9&YfYT!E0Zv@fbf)i65|U`VqEEIj3ML zCSGpH#G93ASYDon*Q-+SVpS4es!ucWMlJVOr(s1^8dg@P)#lGL4+=?O&ncIXlx*e5|$j1f!7*Ru(~P{ZxAZq){NRYjINowx9|h zqZl8c6t5Gi=T?PdV(l4BAv8{F3WF`{WMTGE>_jcTMh$jR9eWQPG|~^kspupeE6%{J zIvfjlpVy1eVmpu9&SO498Qw)c7Uv#=ZQi%ACp=DTIE{$}O+jX78Vp4|mCUHKVDM5o zW8{ay@L~(1TuLns%@R%QiK@o%`K_Q>i4zV^MHC76wu24osrroq|RF=|&dvz6%3WFh7X< z0~4^wJH|lAQomHZytW7n0`oZ;P|*yr)@E7JNjoEz>Y4fMEUW55b@Kl@5dIWV+i?xf z=ex+l(!fl-5)grRcSfL;8dJsj^T;PWycHCIr9K((AZ$4MQiA0Am}}mTasMUIFYwR8 zp3^l3&?*E31dj#YX@q;r^;eca1$I$8bn&;=mkI_YT6emb*P74v`Jz`W;xhMUF~B>;!L88yRp5V`j_EE8{ ztZg7{)uVyWukRZu+-1N}(5UOkdRoM?l@bgOM+*oO*ndjRdO8Qc^KkHKh0;yf5|);2 zF2<|xGi+NPy^kae6 zPAUn#fY3xDW&M~G6>=B#E8_M)E~7sM2xXa`wxSRd{mU`lKM!*_Hb3aFjta9qmX@Z$ z<{$Ut>iIJ;uiE;tcU)zpN$5VNDgk2}Q;j81kR)j8ghFktXzKjj5{H3`l1?xjCQD&` zI9{lTM2{7VU~>aO@cwSF`J)vf^w+=rjR8Jc0DrD@5*<+ZtKatDd;s$b#HZc{n`$6`QZj8W(nA#_Z08WsI`OirMp{`fuk;KU)zZS;IAnz*eK2?_|= zR%JdEB%aO6z@G;^gW;dA$CSL&c)m5slv~dw5e!N?EuxC?pk+S8>vJ%edRI@v<5TUC z7)~%8Rzf}P43+Z-Cg2|DbLcTQ(?kvJ;#zBg6QS-_e(omMO~Tqu&Sl1W*VVb$62hTi z>?Xq2P0mfY*`=8vMu6mb-5rYwa#?tIVIFLr_Q7L|{Bg}VXI%H}M%-x^W6tm5Mu2mv zC$RB+f}Pe83Iwm!+BX-i8I)USiM58%k!5h;F@jTB3_F3aL%KM~#k2}HIBE@}qHGd` zxYgRmYaJ_bgKHhG<+JFSWPR+y>)yyR-0WJ)W6RCoddALkZX`tNn!0B<-tSJ{_g=da z+&3!)_e?y(HerXkzA2dgM!Fdbm3vT0=H)6n&8ryGy$TEz3J8^xP~bPgTkW5^JE3qU z$Gj=NghImLv^7>REqN5oTv=!WV9oI?#5BJ+*gQ5Ij`5M0T45PK)NY?bG9~Q-5DsgO z!H}9L%&g9W&5#MW)$V=V=3ZbdqureZ<#D)q+#cB6=z$>~r`VseF;!_N0t#^VpjYvy zJ4X`;2jW+^PBK8KJcQQ_u@ch@2D|hZ6kZwh{#E%N5dJ|h_ao&$K=|W<@P)i01BCr* zk}#l};CDedkklj_xe_e)=V00iiP{dW;ec8lhkkW&=+nrCN#N<<5Q|~eQJ9(+hP@oD zs5>Bu5$_6~eP90Shuu!L8slf>D4I{4SNEWSgAt%{GTZ{mMulh58LK%G&BX zi9UD!eTFir;3R=Gf}Mmw+LnwlO^F!al7xvY(+0F4lE>&8o!8NQbnVMU`!ANx`*e!V zS2>jgR9oFYjvs3zU%q$Pb^IFf?8fAb`)<}oiNUSW2GxZ>MsVvGa)WbgMTg=Wm zf;k1pv6vnBt&&J=NDpJ3HJe1Ex_&%o0Pol%Se1DOs|q5prZ5toX(#bc@>z55&g&hh z%g5^2Z}0{u1*hD@m{V~I(`rs*S{;F~UcqXtR2a&mXr;xF#nDQvf3b8X-0uX%%K_1X zL~EVl!jcS3emfmX#QpCBpPXPOs!~ynZGng~w&G@{RC?OVar{oyVo=dX&s6%f&E``y$vd z-ub2;3)iM%KH*SnxKtLqz!oC{-3vg-G7D&owefq9_3y~{LFwO;|C50*sD$k(1)iUk z8du1*A17nod*7mn?@+o@H5L0W4rXKXjy&W3=eNC)z(9pPxX_G^_MCK`sZcKR&%{@! zN>M?jULYVKT(%u z+93iP0g-_s-B0@odL>lu3S~v4luP)13ENgV+iaOW^Lg^92*waN7p>1Xkw;Yz3Ys!E z&=LhWQdCcuz$_|~z{yM?j00$7I)&SC{(Y7M#p!I0my~nq^(f=LWU;K^R@TwT^d>~4 z@H`IMkvuk>a+U+kY07c-!9%>(<^v#PWy3zS)cmR~(3$5|1y?HcFNNmgL>l`BpTCID zSHO+|RFtru1h>g~ z4G8=+7TG*k7S#fQKS6RSVc41Dh1^fA1n`6l&ju(j;v!z>7@uF@Ca5jpIRf<>-p^QP zDYEL;wzpC0QP^@tl_kuO43U@Yx(~?w`-|uhmo zCdayb%vhae${`@sT1BO(nB~*Nx@s`6_ETX{aybBAE?0uI|4F$L$XzTy1qdaICTdc! z1T;|L&c+K@vlJ8x6rXEOGM+{Q8X^f$F(wk{6vEV;>@x(2sTK^%CG_{dG}gdh|MFJ` z2(92TvIg?|i$qXp0?quE^7p$iGxI1$Q7;%yC0@GI@blStrYhQ`z!+T(2yzvb4#K)IgH~!wxY(Sc6++ebZ+GmZvx*9s5vdXx9TCS*;o2Y?2LZY$g@qPy6oOnL>8wjN6I!cQnK)ltp z-jqo$rItHsDfbZ~`JL`ztwXFvH~UH>a($HrRQqLZG%l(H!kgWyaEm*)F6AaLi_&T+ z0_vk4@vyn~HQYDhb0{+Uyj8`R_9pxN>KX%g6Mc$J)X<4qH|SFU6KIB@IK`_HQ$0(t zfcpNz5Vm7}FDtjAk_skgzGdYvoV>D_$FZ-h;okw7xPIgUJhIXUGs=<;5bC|E?e=L; zHr8Lo^BC5cW@Ktr79Q{oVmtC+ohF%}J9kYvjXR(F0yf<|Fy^JRnC+R3>8o-vX;mR6 ztxUut&%FVgF3;c(-G<>;U1wTAIPe6n8G4dHc%lOc!+)}s@V^uYC7qVSP9PKvb^@W~ zH&1+vt2==3k3B90LIGJP`2CPv3}080%K`7-6)lRMaa8II-#(0`$JHu?Le8UYvK(M_HKy7GmQxxRQMg?aCmtXW@nwl zVGdS;C(f7PTx?vA1XzNZUoPv3K^LnP)i zC+bFSsi$DrvCq&e`&$gIjyBfH5e*3#QyYhgWnuV`L#fKrd7bmtn0g_6utc9P7JYvu zG5=FpcyEc$6}+A0PTQlqFgc9_efb#-Z4SqXHo3D#U{3itEKEFVj!`{O&qFe0-oZ}| z6uM-d0QD@yQ1U6%pUibtcT$qlcq1JjPl;sdsM{GJ)p2EQt>$`y)npb<(D`E8F*p{U z!t_c7tqC&;_Z1aYAZT(aHVFzX%b_J_E^IqNQF#-UME^VM;dfgDhK;8%za+~5p%u*H z(lvy}Vn;~3U==@e`ECFJ|MW>jK~&>+77SWIVfM3~b^@VGumyy2`x2};2Nz@EIx2cz z5!iOP(X8<)pvZkKpWEeIlZjbd&Tb}F1jY>39?kAGLQ@@pxwtTZ&7H`WvVE%!a+;@8@a z{FZj3D5_n5aK7_m9^;3kd7rv6*9rg8E!^Z0Ei7x$_-L1h$rRUdQ_U z{rh*8ztTM8cgKJC{f`xwpd!5bZZ%-u+Ar`AQMO(5l9-bSL;G^I*>r=3Db1ar` ziGk<)iSYg~0ju9Vi&gKOfY;k6;l1%Vf;XQ=(56%H-FzHxZ8(Y7wj|({Z6#Ei^E%oK z+YQU1sG_zU<5kD9s@eHxVg9;oxCbO)fqx7Z`$ZdB5D<;|6t}=Q%nv+=mje$VEWHs0 zY|nWt_ct-+cs2MCmUy4Qi)_a_XTEPZ76zTA(sG7Se3n3*$Tm=HBD>CJ|C~nn(Y;No z3MxBpUU4`_*eqe)3pA_S&a+>&poV`pP;+gf)UXpZ^1Iq5f+63J-dU~Q8|zKrcZ>tw z{Gb#3BOd|AAnQpW42^zP%^T`B4>No}ny z|Bf(7*!wkM?+=PF`f~$r6)xXA*!LMN=%Qu_= zs+`aYs;3{>hf^Es$@?kVx^gj3h@j&B^aD7VmB_ii-RLFlia28wkq(`NJJ~D|mR$gw zCm+Z3$O9NxuDpU45b9YvpH;4;oxm`Sp0J#y62vvfw8wgYq155%g!Jn}jR#=ujf}_s6Wnmevbxg%=3o~$+Mur<$fdRBm~M8}=wYuY zrG!J<3JVMgP&e^#RTR^DDqLrAlvI28fS7C-Xp_0d$ za_TDytNhI|BOl3aZ|r{ zVRO9;#x6N+g4N7eMe!^$YqqC(XW*WpFX8uh4#OXA9f4nVosC-t?Z7pIj^pZK$8pu* z)?cD_6Sar6P!{rPA9(AZ%fosLWDf zy7IB#7n8(WpQ%L4`sdEAJC!r-QtzYg%zd9CITo_U_1I7#cD_BV02^*t30imuo5gLQa1 z>?`yyio(!_bV@45vYZpMPvHxql>kZ?uWM>H_iNxas0SG6lIXLfsGZh$$j;(2F zyYRi%+~~e$Fs3xLG=n-RVhCpAKiG`n=f1+w;?o#N_!`n4j?o0GX|)lUo^S|TYx2$W z3gl#s^ocx%3CF+0oQVAfzlnfE5y7imPQ6ych(uug0`>x!^5Y-+W;Wp#pta>+h)O z`j)_hkmt%lRPLh3llc6sl+xB#zRUB*@+W0g3aYG&QqFCIIlzWiVZL`Fz6m3IvvR7N z+ss-jDU)vmX2F9{u#m?t4#+|9N98EwOV!$;GPVb;BQlm6Zl&zi^Ig~1HlVq_4y`<{ zk}tZH`wDq%9$!En>tB|eOdkKqF~Eb$xN;!chL*xHRFMT0t+5G8U10!uJ)fNbCKo@Y z%uv2FTke~;vEBs4a4_rCD%gL^FgLIWj_U=BoGbzxVYjv!^9a03p`eJFsw+j8RPY@I z%27@|xyuQ_1n2gI8aG{&0OP9j__qS%nDuiM6Zw%!nDhEFEZ9nrUt4YxZ=3fM!uy#N z239Z~{fgxO0N{QJUM!5pc1r=;3uLkA7*^AHU#X1UN z-6|&?p-*km-mBPvq)E2UcB(d~lmsq8F^J4+Gp?5Pyyq7?3b1rdGF}Yf`|u=$1x2&X z#S%aXX{*w)#4n%EnF^=SR4m(2ikI15mIdZmZpgl85V9=+aU9g%`7{=<2b|z}afDcc z80&Oapc2?unkcKLuY_7j?Crf-$5bkugR;zZ9e910;7pGHgkVCX6Yr@AsLuX*SQwCw zSNzW*BAxAA?Vj!UU`#WX1+Y)AiM4{Zu-~~7T;y)62&66nmi0?PS!{ij%di4=>}!hL zsr7qK1R%GdbnKUPvB0vRCvdQfl~tW}l0!OgYHUYSJ?n}6Es2mG&F{2LDCCxdTM7rU z{c+&E3wh5H%=gR0+7DBWwN>jNWvO52pMu3f*~sLvTC1tPyL^)sQB^@`?AKc9FBHf@ zFz@7>iBC=gNBOKLDd#%mI0woTgjcOMjo`Mhh49MJw(R_QB$ECjQu!Pma)!^Ox{}3p z?PuqZ!+RFgC|xxnk;FI{%1O2a60?&46}|qkU$uqJqqpJySKV-D=*t+MxCbw^#&Uj+ z!_!SM=#6wd-JXiR+$vf9V8WO@jRq0|`x6GAP_932$JfVWL4E}9^#HoOI1fEMW}@fJ z=^R6jV6{&GX3w6B=SGY|*BiSSS5jj+BpfRDph;S<^@C5{hdD*zCO(3!lTzkQV7&%e z?kpfRYZuSQU}Qb#;@GcX)8`RC)V=t{-^-f@__ z@hEKWUyS?g&Jt4Maj#<%em(q4TsP$yZl0Tt+uSP+?A_ujP|U$?c3HU7z8tsAuD~5` z!1cDgF9A-LK3NF6dJxu}3vq+1B9yXRggC8dRD{y5a|wS0ygOX#aI14UZgpqb37JZ$ zZ`MOP*Q1M_1%I~@H18%@-e#AJ9+caaPQ#%LUHDwLy0`IO0!@N3_uWTGeQ;hfe*R1# z?wIr*p)G~&wFEO()L_=iCgT=rqKtYK5VQ(R3JJlW*-~U3oVJEzEXQxRwT-6jn}9QG zc#SpXCZD1D$;9RP#(Jk8S!O8E%*tf^Y}hh9`PFBbz;-&SM!6`dmp3F~5cTkWO;%9H z5qzf;s$$?;oQPk{b;2JeuEZ~UDO#>O=DnVbIV%b39lY}mU0@`4n9da zK^T;r?0`ZY7imO6YOWi6?t=VeAQbd<0^x6;BoIEm-vFWZU-h_UCA|9S_wn;?(@eyi z-*g*_$40Ke0xFR6gPSgZ)ep&)An)IiD_!$a`6)n17!(jn0$T`#Jf8}V1%y=isB{@i zA?0Eq9RF?}CT5kPUs)QVFctkO2zMQFML7Hck-Mp^fqm;apw`BrPkkB&R;FPvuQ{SR z6{Ay6V?#qJhadrr1v#>G30yj1Xv)_2;h7L;EQSIZiC|Hp)GR*gYo3iT^LdjM=(vo;Ko$EP@jrvX{WG*S1jcy+TPY=u9;F+ zg_D_iIGCD6$-uW6SvZ`LhW)Woh|bHwx#VPor>5dmN)iqw#NupWJ`Sd&;c$93PUaTl zNJ<96)6>kg1g3hXbG5Y?9O#R|r}h{tsV1c{NWf46*O)4TR^DkWPCjK^JOyt8)ZJyd z7`699*hU^P)fCU=cs;FCutPtJ)hwDGdu8H z;c+}$ABi!o(U{O2V*=_-Y!1f+0^x)vf*}D>aM&pqL!xCxv@D4iOD7B}rG{f!o&iGF zfJ(SgnOEQq0ibc0WZRQS@ivf1P_ZmX-vOcA@D@=S&^khaf_}&_x#eV8q+(?(+f+Um zQ^8xlHW%r9K)H&QpKmhmU!NZ%%=qQme7HXkZ+~5YcMjz8xEyTxItT9^tizhE>|-48oz^y(2#W$j2k#;(*{!@!yK(Q6 zGB4|eKC8bg@7gp%#mu!-=vikT>Z?@toc)T8`=31lYYvrKxkb(4cglArST^pSp_Y|s zE+>tJ8(QH?McB^21nz4IT%0^i@ErDgt!I+r;V1-aG)yighjJD)0(gVE#dO1N$= zwW6#Nm=y6*mO;U%az1MOaN@+akg)jjM$5u6M^QV2_?~#ItZho|p!{)mA*JRT3pl|k zp|{@2?2rn~AxsGf-9uZAwaqcWiUex{yzrR>ft`^u|0N(Kn5^2Ck7RbDRCcIBf^O%5v12^ae^#;Sv;wsH|oKI<*9ZPj?n$5us-Gid-yt zI~SXdwO~I7x;NiRHP-3*-o=E1Jde`P9O4~j>Otc`*Wwz;G6EK^Xf zwI(hECKZEiU@7}bEx~|L!M>+5Ii25!;wD~WTMAy<5|5=D67lN#EWAlzdUHzw z-e4biZDSf%tWSVfXc(fB+EA|k#DU~wd;@&nA%L!n!&`4><8_|%>iPnc>OsJ@d~+t= z*p!LaHx}X5&6Qa8P8AiF9M%KhE$c;THfFC%#QeZiEb=7)uRM+yeNMsM{}}t|UVQS^ zY1Gu8M+@sXHK!hn0(ZkbnFj{KNoZSOEH6rmD;Ub*!9DM-Rfj43QER&|1fy?o+eO6 z6F4I{wnV|v`wZVlI0CjtfXxP_tt}=1Q1E9QtG!QPk!LuTtT}}@15V?`mHV*g+gwv$ z1#B>N9DnmU#=N(y5U$I^u}J-u{dxTIJOWA$fw0V22<0{^2%O{1KJ2Y%r~H78(nYdW5m0z&;Q7r-YG2c?D>SIPPM%uf80pm!oW&$@^H$M$M{Y(-N$ z2QdDv-Dh)hOr+Aukq7ZYRWy`3W2gegG@Rsp!VNU^Y0V}47T~G6c#I|JPOpx`{QJ01&@NT!SFe2dl4hUrhb4}ovTO6}^e{KbmE~V(^P=E(KN^zHM z2G7mJZF5r5%|6=%j=90H5O=y&5c=|QvweX9&@Q%xxNc4!y4x3-)EIZT2^#a!&7+pb zSL3R=H3Y&2^Na$*duOEMak~WA+_nTGUOPwFOEYLRZ3#(1^Wn+EwqO7Sj zmcdRaR8(dGq4Wh=$pw50J|iI1cIxV4^TUUZnYz00!dCZq(B*U3yf6iGbEDu;o{56lqnfT;Xu;s6 zKzQAN{{Z0+$bUZ&N}>MeKzOly2ZvXb%A^a@ze?)|6EL`ngJxMgK`tF1pDEyuP()%t}eLC z*%f!#y5ga^PIzU@Rs&6fF6sk_&M(6glV;=LnGU#Twmt5j=Y&U`obiCOE$&|Cfk)n5 zkEf39MgQ~w&OkB0a15_WHIYxBt%=8^#3R^Ej1n-NCu9n&UfuXE9-L#3JMEotzpEP_ zc6Y;LlqVgX@Xr1t`23rb*nZ>;K06hGzV7q!u%ja$b$7?ZZXUST!3B>yxnMz%KPt4? zyW^UX?XBqPyBfWZ?7)EBGZEqHO)Cm6WV3xke-jFGuV@my_$iF`V_A=>0be4#ZQ&$onOd~<|>!i&WK zVuws3I0_0c7vpxytm?L5c(dr<-Omu05Z zD2n=J&W;Mnl8|!3PA(StXJc_d78ZwQ^E!#fS`x?W2oj{|%S!Q@_Yv+-HkLpWY{oB* z%6+m~lQ`d#;Jez&lQ`Rtpv6Jnk?^@-O$Fw2GBAnB*Ac`5>iJ!}Nn;?_@wuUmm`5OR zro!(*g>iv*l}T1Bw^I91LX-OV`ZfY!8|#&QoY3sb=Tu%gxAg=ZD#1#Tp@i(tz64^{ zxx0TYVU%MD0Zi^#$`R+t`^ZW;SKt<;9C%t+Ot@NG3fGMlCiRBOqcO!fgi8KeLR&}~ zoT#`i4rbX1KhsxbV=DK}dZ!My>y%%S=Y~{SFv{cS1QePaddg$xp>c|^Gn@BR(sa2M zYAv3fg1iu-OnbNj1pX^PsHE$2yfX;21$@qQK5se|{bVc-iRW{L5jMU-LPoubtXauE zbTSQaU6}@FPI?Mhq8|>F2;IXc8+%UInzeuBO)cifD372Rmao)U1D!ZYD+rCTqy};v z4Q{8>T2DolWt62<$>aHKZfp~g+07;>iChx5?aeknOn3z5;-iyI$YooU*S1&U57st;nKs$&}lrTrA}hZQP+bXtlFU%}otxY^+BkkEmSYeJYMSn6#z%iSIF<9IiNZRBpJ)2awa-bnO7Te_sYRyuQa^uNw^G*!IIEO z&Q1F{p2nL9s=CJUm@>Q^a>%%UF7ZBRAb7#5lk7*)SP&S?`8n3OsV)vUi1i29ZCh_%yD5+U=G~9TjTzYZP6S#sUNp9tHJ$#SM6%7tv2Q0}vF91Q?tK`CkCma0 zbx~YVW9B49W&LCi0oyMei+vMdD@DtPfWmj8A8|}{Q9rg*zanEbxAoH6RSAKfe=A_b zl|b)bl}q66$HOtOsk8|+}Q>&sdmT)_=A;z*K zwNO86&BQZpnFPfQj4C^Zu?a_D^Ylal&@Oa$&Vcd_c3S@gKeyXkiQx_S5yVU|83Te8 z6J=EE{AzhjJ$mpsYaL!Cx;m6YsUz<7$iv-^2VnEyJUn5y4mJ< zo9iZ{%P<0Im&trLwkG%AW3xZw{&@tM#U={o?a#e~uFr47BQ8<6$1$GwNx)qW33zZ` z6dsxrg$L}CakqUkZ2EqQ-;F(nJ6!W|2Z8OHL2u*U2_NGL*VE`R>lDE>7k4Zu!=1Kq zc)%gbq`>HA8-sfmloJeV(M9VBJroe964wwuwJx#yf)?E5)ex0cn= zg2Blv^G)>SiQb8@`TJB{JADEEGG#t~@ht1?sWGs5pg(N7|AX~B2sV$8WxtpSo5yD1 zFa2J^AeUX3w>kxmt8(G6q6l*dgmYGwu#DLT1m(Uum-G9h16JYBw>*nK-#Qq-x^)V= z4cLPl`klj#1J4)$ys3W-ZtNG08~Y0gPviQ5mOJR>E}#NHeRuu9lh&5!UhFb@{h)J~ z$p7|0_}?%8%|Iw6<1!$8VM{J1WR{|T2?3B$*tb08B1!&1`5q8fBw#>!ECyF_P%BF! z45ngKaRx?|X7czH^vsFCh`8f;^3zRtAYeJ}U-b%ZTkL@cJQiTWst~w;vJZa?-Gm3< z--^F~yakVL-GB$yhvNRwb-2er7>}*;#;ZGa8;h9+Sy=`XIkrCTun_kxco~nZ_Q$;| zJn?8?03HZhjr%wI58gN8tJBukm(S2BEOkxOOTS z&D6tt@!bAha6b4omh9UNk8SU=eFov}k3J^#@xjkqYX?3(cnluPz3}<&{pLBekGdJQ z?A!_G6>q|Q%}Od~UU2*LU5xl31cOd}iV+3JIiW;iTvIHjG{#^OC%N&hQFyL3j1wF` zUnbuJ#EYzl7h4epjLNy_P{sjJE~5my?*kzfX^LR*`#?zekoC`x@Ux-bh>8BlHY5o<3PD^O&SiJZZNK%a^EZB zF>!oJf&}Lc1c40|#;r`iBPCqP=~ZSylya&$`x0&lNlt`At-lJ-BfLww=Jf;(OV*sh zLIRcCv|U;D`8wCP8VmiJSpR?%#W5IE0$Fa~JS+{$!7{IOyvWbWYbGm`EN6<4XSb%* z^iL_TvwVy3VrU7L`eflnzZ`;Q9?vf@76${!tWQ}21zRt!Eo9jeuxMQx`+gFY<6Pc9 z!+`25A*op8lSoB6g9>#n6aw2WAm6xh%1WUG+V+GUr3KJ)ONn2&i6BD2Q*w8?3N8xC zB0NVBJfnF2X)Fs(GqB<6l}K(h^0~+Sje)mK0^swp{1DXn?nF7GVYJA zs}iv^Bp>#^*&KfguykEMmG^io42Z?zwHa`ewe|`?D2w3*@cRLgMNHAzW^*jpTE1BX z5hZOmIV1y<@$R?PCgp>ygIVnOZ-#{9RsS?B^Gjv@MHBiX;qDX5`ijNZr;APCmg?3P zWY)IfrOjtqW-9rFl*IvYSQ1R=@nU@k6T;+{$vV^z9deyjjzdSkMgydB8C5%xyYbe2 znLH;BFTY)cXi{btAxME?G^XUTJRj|E!$Kb(<5Ph7Z#TkuBjNOIxi>~3j)R_nP|-&7 z*mhTLO5)hg_P}~kN&~^R72&fZTBTnB!7Lju2Bsj71DDpi>DjeDPVVgjy*k~WBv{dS z-YAn*^{vJ#DgdmlZACqID#E>fXsT&DkMib5f?*@d>zh!^Yx1M%Pt^@=mYXIelFzju zly$>*Zb#)tKXABsm72)D-$b%sCIe^Vfm0mlPO*s`0R`U4*LN(J0=k5=zT866Fx@-HSheR6&}Xj6 zH_=MhZEwJPU)ABgy%pH9w+ibi!CzG)klPIhn@yC_-CtMZ!0rsxi3Itd+{?cXE62v2 z1$>V+c>9Y?B(wZYdVdP_N(H~Bp&7?c=i`GfQ?Ti?EWEqF1|d9l@!Pqk59n8XV@YS9 z>r6y%>&-UmU2Q;6fOt9J{kw7j?0%$tAGH1lg>6`6_$feWzmj9(nmpV)GYEIT=7%|@ z>3CLiexugp#bN}gr?kc5iH10gZc4{*R=DGaB~+a6zXgxJz5q5O`@m+%KQJ=s5GD}B zh7$Tlo=?LBLeikB2or2YuA9n5sC>q=%VP1TRfNgGkHWSz3S)T82m+^4TFonq;Pv`) zj9Y8wWdUJpYpe0(X=}5Vn~ZdHL~qYm4M-|bjTQaV3SgtHqJJtVNN1$e(QT<1O-L2U zy-**ES!Lmv5w-`vA2kqX%8H18x>E}(weFR7Xrd-UBsB2JZi7#b6JGD_fl23fVoD`- zfW{PzXh|moW}z3suxDcuo@+_P-111+IJ?4Tgg14o40LxZ!gY3~xXH<~_;q)vu%OV6 zphwv2Tq|h7paRNRYw|jQ@OE1Z3U9G5K@Z1rV_m%4kpRZN62IQoyN9n)({f%{uvO? z@G3J_LS1vpDg~plJ_|Z$Q%9KQc@DjuwqoewPw@P!J1}a=$DAWhQYSdWdHodii!+$B z{2b?sbb?M+Y$lc>MT4u@Gbng>j(m&6=k$Lfv`*8 zFx)gCoFEvETl&S}=DyLEb&#;vxkm6>BONeE@Uw!?P&zD$mNn4=MFWff0m94We*g%n zXk8A3<1@<8ub2Q>n%W^8h&rTS8Nu&+qWzYbwTF@l4wmJXYv!PeR1D^Ih83q{cnJs7 zvQ#|B>raY4g(-*kVch;NF?7d!cyvoJ?hE$D-~IgYSU`w@!G9dui(cmr;E5A^@YvTo z@z=e(@Yueu(D#eavHIi*V@cCsDnN^(((?C(ui$S!A?WqRPV_!}7!U2=iHE=a0#BaX zho{aR#?XvdJX@ZDekHL`KE%Nl97I!2U`Knk0YWJ}obR#XlkFJdvjQJi=U)iWA}Qqn zuEA78ZRfzM<8`jA2e}jlewoN;S@F#tW9ig)0>{(T7@qd?M&HA`FuWiNqZ$%9$;fpj z2BX>&F`_aYW3x|S;+fCkc>GgL*y4woUu;3IkJjP2eIH^=PJ&qrsq5*Pb$?j~>szfg zkJ_gnAFYTu{Go-|V=AvZJZw8gmYv2Zf}j%kPvGRG@Y@p!gi3|+djn0ntFBV31pVZ&zM`$pk{d#Xki??)x4PD%m@aw}4Q=k9cec5b79N2&Md+ zd~t*{SMLHW3CzSxArVMo!{B_2s>*t!JnuVOgC#4%@ZM+TC?lQMH?^Bz@CE9xzMV)2 z%7opfGE567gxiJ&vxd)h9ThZ+pi7o4xjxz{6$Sf_QwX7JZ7h!E00pFPtyxsm#1{i2 zSe7!_`djPg^lVCwzaa2D+0Zf%rqwc}(q$gg7?;I}=U<4YWDy^^88FlIfce<|kky82t=!_tlQ zczsh9-U!Y{$hK@8iLOTuuT#JVrE6vIT1p7Mbyo&n3J&L3lGm|*tj4UNo9kZ)yI@P) zLvr!qx9vC>1{@<4e0{2c5OxFsA1C5?Vv~U-!Mp;GELm?Q^VU1Q+$z`!ia#iP2eW1VSZ=ck|CQ5jk~FUGx2~ zvaw`s4(xr>vEu!7vvw`7hOou&m0M75%zM7A!!qwEEF)wudynnVF9w?q6kw-Q;1cz!3B+)QpWxG$BWb``_($xArQ z;}@;XH0u@}ec2wUWH_^4UJA@W4Bv0P>Yw!{Yrg7GYpp9Q%hANY>jikMYz1zqW;rS; zvH-@US7Yn;Sd{blN{aF%YF%g>iL|Y$9u*a3X3eOA(rBwZju|Yg)5+ONEe=Xqc7v#EGquZizR*3(k%lT}q#TCF!%J85nq z5ZCY-v~HZo)aiZme61sHcRugkVK>@*~2VSa9 z#&h*C22>UBMFDLT0aQ5=2enYY>VQI731!V2SufX8!Y$|Su??}9Q5B8JghHFXe@A$3 zwxuIb>ZuP129=ybdVuz^dE(RXFxd2Z1asoQ!Pv4G6Hulvb&?^}M|96AmC2ZK`WS5P z7>ozzr=Z)Mjy!_Sbx{7mn;jbs0Lsc|0im^SP^lV>g^)maqf19h2*RUs0tyPX=I}SKOeXgHrIOK_kH|ebMsVm9menfJO+JFRVkHp`Gcyl`$ zcaGbOhiy;czNw!Q28Zyv<8ad>_PowW{N-<}@TfyN?zd0I-Qx&^za2pUUCej$7H%H9 z4PB@2#zPC@ahrV{?zBrnkLd)U7xuyCelOf_7mY{e=cAir4k0lCzaQv}YX`2ul-0Rx z$ArAq9YK+N^Dxyjlfag5LEjqc9Y*xIgvV8xW4{lCa^JMp5OxBjfKY!=StW2IToO7b zEYIfkb1=g@llMx)^fif?=a-6^t70(EGs$?&Onohu{UaB1SLMRiv&4X(0ZYysQ~ioC z(JPNqh)G(L=#y&+znkfqhWm%SMqV0>-}UH&pZ6G#u7h?!7Q!0_Dv(S#ZWs`S>-$Gu z1b131*dhA6!wRTKqyk8Z0Yjy#kTub`k9N9{TJR|OkIU$P6%YpTS^iBR>|2zIJ|!s~ zLb#(`42Ita#P6W+f>c;m#r~CPJT?^rO4AG&jxI}wOI-nWazNVASdX=tsaSaGTa4fT z1)lxtGmPE!83ujvF@bI$`o^5VGpWb$O!`UmON+pejCc&qOu(4%6Y!1=H){k-o2{TN z5v}L(-{DjFIOEge9jqSw&+sCzWyBzEB^D7dU|_(9M|Uhz^M|+p(Ms$7&FAxLfqOucc^$$#-1Kj+QOnL!kY)reO8ZqBL0!u=x;o{o}M^8dTpyiG`pY<_6AQ!K%O~-+g=S}W8 zSyxNzT9H?6S=AMJRY}UFU&pf}AJ^q)TW8|1LIR_ruaG>y|7kS^3TQ zXjh~GE0wLfiT9vZt~3X)Y|J$vDER9H!%h(VSAfusAmzADxtlU!8&YmuDP@^F5L1Ud zwgI_4rWXO8p)m-3Hxs3Ne`+%o4b4=b+D%SC^|9urI-GB;L~COO%Bm_+!unN^mFjjL zQ(ujm))vDHN;~4d;v`&rQV8b+P+9BP4&(yt5|D1vItW1ZL&Ubdd2l75*%OwW*j|^0 z5ZaH|n4mSad?yM#Q%yOS!1BFA&|aU2HQVA$prlfE zWAYd-@;#0Pfk)u(eE`dRkKvVoljhjhgHPhcz@u0ka2QMY{fhy|u*~xtELnY!VE>JA z)pQ9y2e)+zyl)g7d@~5da$l~5JLfTH{{pyqM(|8wqL{f)31Smn2t@mip`IBa+B4M0Tnz)5GP2L+o~+34Z1Hc+su9Kl*USq zrH$=qsH->dS6*9-nwEBB*(|7RFiO7MSCs-oIUE&HR{gbzL@;EnxQ>j?#dQ-Y|J1zLc3IpqC2axvWfD7n~$^GC?{LG4nx(m5Bzl)+lt{G))7 z+v&^o0~E`#Dgrj$hGY2dBbZs1iRbI$F|sWlLpW3SX^TTI&UpgD(N(FKT9=7Q6%m-2 zOt_mk9DkTT9(Sx<2%E7_5stz!z9k-G>k}}7064UkFvvN4TvNPB`u^*g<6tx6IZSI% zP?k9KYnJsf9KEOo^lpvDq((wx8lmus2l2|go6S7lIcE=dbwJB1s6TA(S&Uyk!0$&@B8n<{c|Jn%fGz@n_DJfkkelL@}XAmVXYWc&2m!p#V_u*9n9a{rxWhp&(FJLWu>3g$4*GugWvWOu=rMvS<^k&s|u4|FU0uQ3(WmyaK3teWsZq-5eUCDiRlG|T040CzzDOo)(v*Lh;{~%u|UrRoH0Nc*&!Ab z{x5*gg0>$k{{g~_fv}0nGRrJCJbwQ}KsfH5T)dE8jy{E*F!;~qN|4wo{mawQo5%Db zfIU-@ik_7O$C5;hDU8FLRfQ(Fi4;l=jB@?d-$yxoZOci;a>Cqmk;gGKHyQ(r!ZENi z5(CR((Z47TgA3#FeBv1d=OtdSm`S-k(o%<~1H91Zt1mDlISj)pGEBtN-U{H-l!{&i zuE7mC=vSMLUbQJ^!SvwrNX$w*jXfM1rA|me5nTH0K7gT~tMPedsew+FQTsKyOG(rK z%a10SsY0e}(5>MPqhwRYuM5Uo-|RE+r6E}7o~~=eQ)^bE&o{f!KQA2pIYEp-ib;mM z0u^|_xdxwAl;Df19K4+oj?Jl5(ogNjfJ0wkOyoBRt}ZZZ3Ke9Bx)So*TgMbZ#fSHkmy3wssc$RP| z>!G$|xV7NWlIID07sOZ-qb~wPLN5QdE$2Y;&W{B`!pQ|7tRe7NK&XV_vScX&r&1vZ z02FLS7Dcm8Fu2-;xBvQFEwn~TlWr*~utGq@im7XEH&&p-v8`C(7lB3V2o6EzrcWq6 zhN5dKas1qXGR&i5Z-SfPrSj{Ibk?H05iPMN5jOlAXUA7|A|XY@SOIK+PII zmdU}->U-|Ik9}YPTtiZ@Vrv)*`GQO;0+#c$6RjrThTQ*@zCh_Q%sStYLM$N=YHehd ztSBmbWDAyrWSFw)*|pVqpB!s7pi@SGkrgSuoY2C1NO4vK)M9GDQgn;?cX4yGX)A)G z4cjxZz$Xv$eOuw~dmhfdEpQC2$ILZJcymh{PA0Ms@Hn{^Dk-{L4fV{5;HbJ(;`B0J zU&+B`nF)R;(?p@P<1?sEHP$F^40570o__A*nKHEp=VtuGT$_n`D!7Ae>8u)Re z$@Qmq$p1|J$i1^vf7i8{ph1l+v@AhNQ=v$}a=DcIpmGLk?OQxM)+@nTZ0C7=Cxm`~ zmYd~ObXB>j%0ejMl-23OJ!}KM*|2hI$`!fLxbnWgqsXjlY~nTRd8~5WWw5g=a7si< zjfr4e)YN49@fT-X;OduV`jmrjlj#$3qgG&|SwZ@tpxD&8%Ag-KOyARb(zR?`!F=BV z(eT}t3eOGa;I%OfURx9J)`lo}za0htEzwxDITC9&$G~TOEd1BUz;EqotO-4eRqIb- z)uwY;y*Z4>hQV{)DR^%_2R{Pq(zW53=^2AL0h#bvTf%xMwcMkWKv`D8;6k?jC`8EZ zmCu*SN`E6{A71i5V4iW=$^%%uItFj}rQq|OWmxI82X6*`W`2~*ZaR;{$>n%uZ5&=9 z=)bk40IS}OBSNH+?<40Hl||9h72rRpGgR_tdz>zrGBjSw1GS7 zaFp-l1mz6nv|Ll!pA}K`bOz@lPDrOZzB|Lu@p(XEZZ)b~8d2X`iN<#Q7|>u6^XKqA zMf3YpY}=4DycK~l$GGQCU6GE7p0TjGdjv-B{u;BW0}N`4 zMxUlI3~1y0hHUgLi^1ro3=FO%fVIV#sM`Z$zrx64U&5x(L%7;)8WbpITKqxGZb-wh zsyK|M_A#t322*R}FyO?;1cX0hM*O!JM>rg0B_*&2&})CvX>JZCh-V@BdZ z*bMpy-aT>5=oPzSV_-A*DL6DFU92hhIGNC{E{O8lA;NGHBSp0S< zY=%7r`+^9JBUFxUNx-z)1l;w`RzjK^9(IXCx49*_$-Wu4y0_pO`${XlgG-IcL8!cc zirCr1UcqFnbQ30cjI*qRf>n^Prjv(F$roq)|mrQvp*K8-PDaRzwDom!Rj1sLUyno0WCZNo3Z|jSn^%xK3Av9|U z2SgYPp@2{kMXwzg-67$Z1(LDW3|dyfPAKdELSt3@4jli>fUq;Q#D9QL0C*)Jv|#X3 zAZ+{&2n*8CyC@aCi#hmQVlDh3v8;&SiL7rK=vk1Ao&>|EE7Q=kCJnucV=*c-3@eH= z4J;`Xvb-DRs;R+I6Tbi~figYj3`S%`U{LyTj4VEj(G@WmUPSmPh{KGeGw?|cH`nL{ z!m}Lq9$)=BMjhFWp)p7CToDKN!U&A5>D5e~*y#Fyq`S@VPsgrmwA`a{J9Kz7U<;PZx33_G?LBO;Gr_Q`MHvTqkA1qWisW?>VFFe)qXpH&;;|K;^d%! zD1LB2Z$nn@uTt$8;c3#h!i1(cZnqO=Q& za;ek@>I;H80m=N(1~_nlbrW#%{(>*}U_yp(G$Ppmm3L53ASim-H_TWmrI^nNDuit) z6>~*1BoGRSJwlXDp$KllRK&MNQMqS%*oXwKUz}>k!eByz^0l!%=A4iwIJ11q*2Wse z)2x%?eNMyxO9&rI1ED$;fGh~i$LB}dOwPT!W`a*MftdX&naX#_ds*-aNq}!~6xMBx zMK&9bawQfuH5zN2!sWZKN#-@$SjS+!x0-k15}b@3XKSqWcGM>XDH*KOjUUBhsn1C) z^(PR#n~0ANkMN!P&)g?nm(goBu;!^PTuvH>sfBB z+_OSTjg?gGLqI;)x5lI(nM=5y!}-n5KND{sY(fT~OYWDlwrM?{tlTBMuadKyr1%oP z7g;NnXHynTy(|3?Ab8eiL9w1Im)nny5mH0)FxS7B{fO<~kBUG0f(aZ%nHQ{eucr{p zW0lS&n{CDWy>NV!$Y*3bSoc{e=KEy8|HFFYvME>Azz@zKn`P9zaF&Ckdq9#|+d9WH zA07nl9VhcqSZ}3xP@8^tw;~HCv;Qc73y<^9g{^;qX)|hzc2sZ#>n{H6YyJtW$7s0v zN5R8C7Vdu9o`Rd-QQqe`LH!$oXBfwdQ`mDR2RT)(sBUXQU0XFOnyNUqoX6ReTCCi3 z0t>yqg@@N^zQ+VC@QTLEd_RlVgu`uBG~9i8pTJnQ;dqnVYpz#`0YZBv$EPx9Pk^!Y zDd|`{_|w-9O1=+R|FiNvaJx*dbk3#nQ-F|w&9Qy*np6{Yce-~T#=QOw75?!U8-A8^ zUOa}k6VwD?^_=%OQx9uNH$i6lAr^g`BQb_hG%Ecle*5Aa4A|lWo5%0Q!vU|sW^#WF zERRBeo;QY|W?vFTka-9;izZ=OSrneDR)Cgd45_n%&QFez22B|dI!d}#NmmCvsO;S)d$No}2#B(9 zjwFC8C!#=dXloqimPF&(&o|=_1D?d0!gT5a>~Q*dRKMDBjxc|+&na&qyBh352ujcP z!ra``m{}GL+roI(*GP1=J%qdFWg81%SLa5Pvf(C|YGd^i3|`}2W`NK{^mHgQ&}Sl$ zI$ObIlyguKM=usx2ye41#)Hl&_+{@^xM${Cf}1nC&G^zp1--?w1vkuVFxy)l8_;E5 zxk&_X(m>eNnS6s?wO-M#6nA)(qpMR6ZgI-PO%4T69z>;&=xRsU^vJ?JPEiIL?{!Mx z{St7`ytBC1_6+W`i@?>-?!^7GzeSg^+i|a*0>~uu{(SC-1MtU@AK<<@1jB0xhO@Wh zH&3vBuAhUSKSqGOdlvrm_eJ={z0Ua4Bg-g@(WU1C*xWk@PtV&$K%9%`UpJ zMV^&NUV&uTuBUnv1}T%hiY(aTcY>`>Yu?P&ghGKK<(~neMBq2!EneTJ!dM79fzY^+ zuBtMTizmEUO5o)6ee3Z2iXu$)tu!elCUe}Gz-vudMS%1ntghsBS6IQVW)NPdtQNq^ z)wP<}vSiL`MHyW|ARK|;+}58!IKcwK{%0-#p`wFcJ%~U!Al}H;ghDI2=xNI3RzeF3 zC7p@vJFSV|141j0;E$L86%hXZ9|!Q4r{4QPAiNU9{X24HQ2W=#g1<|FP=D*%M!~wm zIp4|u8VD7&QKA4C0zz3vCcR&T=aNd%mjj3q!r+DN4@ke_G_&ULav4-k@G49}&!Qys zu1v)<<%#H(AA#rdWAJibvRRv_NxYte5{D==K1n#Io5_F1x8Gp!u|t@Xb`H~%k7Ihy zSxn0~3%itXxSuGmfAeDYXzxc!}5kbOe;R|Hg99TiYUTa{C36Wj=OOZ`(! zzzbQ<_PIuQVL?)Kxn9veknQ!6Ul&m*>^ z4J)@KV?HOKWrTxeR6Jkw%fQNwaY$!_SHF=Pah}S)DaTxIwttmzcU9_!^`Ki>Q<@qB5^^4+7yUf!@C+1je97(_WT(X5f=AD^bUXRca7f z`~;z=QcAJ<{d4f}OXPSj%Tc*mW4I`&m|&1&1<>(N#O`Ai#^qS9fP$n2f#(Pd87An< zV(%QbGXlI%Ib1mT%2GF%?|XI-%b+!Dfouc8RBD4_5T4UWU^$Os4l-NzXL4U2Yy+Bk zP6OLl9iO=zuDqUGP&QtFJI(xPAs17nRH!FBH#bz9U-U~j{HR?!Dz6^L^!aOnc`MjH zS2x1dhl+E6@(>aXwGNi;O*sfHv2sz)4K5;RCt<^$JQK*Kkz-jo>!h4pxh~7qvX1wW zB~@;;dRL8XQ?lIZ-RcJwt&7tSAOge&ZnfS|pLZQ^!UF#^*bxTp37>KmRoV*$^_j^& zF*k^9Hu$uOK&o*zg;e-b-~kg@M~UGN#adnV&#T%)mA%avL6wf7VV=BZ{4rNC6{^=y3$3~)X+<$a33d zpH(zeTdy=Y_$0F}#KOtz8-#q3fc@u+QOto;fpZ!glsv!P1kXvxtibw@PT*Dl!)ym9 zvA{b5?p`ri6qsZ@6c+d-VZK+UiP-1v-)P*r1;}%#d`UU9^=z_$kmHVm5lO7*q81ch z8Iu0@mCHfxO2=F*mmhz*{1hOZ$#*@AL=d$Z{g`p#6r_!>io@e;SHtFx zt1&#~YqRuXsG^ZJreI)w5{9>>nbccmuIGIeomAd9(~84je}dpZ$h2{N0aMGv2&nPs zj|2>C(7M1x<0{&jVxsqXE2xZM@M0*Gn0-7>$7|bp?D*O&%q`^k+x+nJ!GFcs{4C?u zWRx7XW$7?&ZPFarwp+Bm5ODTdforCY!s}V_cyjGV*gP>8_qnIxZo=S=vvP2!TP0zv zh@e)Co860XjdLEZaV^D-?iGZ!5))viyK@7fu@2V|`mT2&7OLRmC=D952gBW|!Gd^$A1h#9^` z1i>7FVIjuz`jfp%Fq32HgjMC3w1Uv;-G=dRR${tbN;!7T<97P;Vm=4QrB#`@XTY2I z&F#R^vG{%Olg3JT?a zYT$8PH-vR5DC~$XY9+DnOiy7!p#j2+qY`Or1V-iaUftkii z_&t#;DdkFFD7hF2wQf)rMp+BxLfWS!5&iNw;AVtj7GcCMHV!*dGH|x4+E~&AD%1hM zIoG(5KD+e;Og(lKU!aA+*2rxWKIirzzdP34Y%FRzM}wROvjQqx2MhA?bxRHQ62tcM z*aO@i;8i!YvJ>P)^10&Cry?Ca%TqC+A{Ao_6EHpQJ8)ikFLOB1Xt&?&A5%ON{GV9W7{#Z;4Fr6!WzZNMZYYLYEQtB z#wbpRaprGrEjWz-K}ft55aSFGj^^Y#ySxbFw`7`M=Vgr+aC{F4`S%rpkRru?!NyJ? ztiA*YWvP?Ps8M>Uz80io_=0kEuyt2ZSYAXJEdLF?xyL14_a>LQ@YK(1w7tih6?^b0_!Ja#7{I)Sj- zB%5~%A;kFSUI4-dcA^pERNjwetr^F9STwqNJ9 zwU|xCLcvm&g#eB#**;l!a(7n0&>GeYK*)BhYtIWRV*MuJg9AmT-O2J;%keCwv>oXL zpKR7i8Y?H8^_5lCj)Jl_6qd9jub>s##r&=m;1pp6q+#D`V!dcRXgS;Ej-!gKn{3*f zEbex`wZ=j-hwsDWLuC7Q3p|Z@4zhVwgkzrbvhQAee6Y~C<12v8tLt_khGmfDGAyZx zeQJ-fXltFS+L!a{XtQQmKiVj5M_K{f6Z=MOO{3|H=Tg--(%|S*%=XmL76|9E+6uIk zB;VGT?}zVNmN`4m0%Mi8U!BUfnu3=%XJO^GRD^S&RX`dAvr+qLWt(ZLX+RzCQ(o1K zGtqhY`cxhcgf*F{srxxVe-q6u`{uz|f@u^G_(c<(R+qtHO%rBQ@w0-+)EUwGL1QKC z07BzBYEn)72M8rU2?)7gVg6?k^ry*M$hIf9IIZ6r_U4zc=|2{uqfTRNUAjpp(OYvH zk}<3;4#VoAFuIvA)<`gHjKK?a5qKf%Tio~da@Z`LfwAQgCaUPz#$-I7c>*^7xF6kK zcE-fYFbr;s#o+VQcL;66&Szp^a}wv!RE#*EfgugN2Z2x#L?`q7Wu2)s#C+y+% zqA{p7)&z7J)slwM1WIe&papo(KwB%QjDS$`U4R+oCQSY=8Y$tnKkqrXArsG4Cc&=c zEN)sn2R47`f`QL3#49Uz;PbtiI2=)IErnq}lRBf22+|#9dVArQeftq|AHxIoA-Lc6 zH14xa#Um~Rso9a-X5dcyM09sgB@|{FFud8N+*s?n+Loi6lCwKEqQ`=ET<2JeE_MVq z0j2Ww%_pq6RPy^mJm8ebx?7F=r~AOB`}6p_QzY)O%SAWaG6R*j&u_=I^9Xn@Mdlt| zoJ&orhwdKLxY?l$H#t_D``ql(Y}PHxVtKtwDdDjKH@nuua$Rl2wa(`$Ex6W|VChN(Ae0QXOT@Q1}(i>L^uQ{_gwlEQn-YCenOoJoZ5Nhn>FWAYzPT$zU{Yl<4{wm%`S|2f<^ zJQ{x@NA3I&D#0m94V zzYPevPe3ROi=gllAbhXH0AZhk4D`-Vzeoso7fB}|USdhSNCbki49b19e{mA}6(nF_ z0SCDJ1Pn@z#Ne=F==aG7c+A@y-IguH{Vy-Z7=J&kIdBjMvh$3~=+KajSn$m;13>~r zxlziBCQ#DAB@vt%B9ziZ#g_B78RP^_I#%aM4z|`{+}VQ|mK}#7Wf{hLIjl4dJiYnJRxIE3=>-52B-ZlV#(;UoM|IXLn{2 z&;Q)qTjdmtMN*sZ>$3v=4}Ok;X{Rut;0#8UM`L)(G0ciT4fk*NV_QNjp-xHWsi^au z50c{X^xJ`$ef%o}jCwX*k2;uvK2rgDenO#OQgzeDKV(hNK3Om;&$k)~)S&`L9j|ML zrgI|M{}FnneZz^1@28FLiWAc4^GTezEEpWpnt-7#6n^g94r>z_UMdC*TfW;03P&}^ z{vZ&_9rI!!G*+=d<*lP!0)$mqu%X^Sq1v?Cy#<7|u=k@PPlZ^}XzQaNH_pS}$Lb@p z?z|F^f^WjwjWVzLQdC2Q(k~#eoXu#a!kx(D3eCNZwSoOYmN8=?3#~I{6QsJZT#DQ% z_|kLO2lMZsJd<+3tPA7y<%+0vdawAOg)6_aBUlLtwT{gKLRlIGl>$O4vi>EP0wLwI z(=B{HDza4CRX?`8m&zn7s8Soqidf&=V%7qlq{6w7z^3wC0K$L_Y(LRvtaA;d2w8Um zKT0InB%8DnCV{$d5y82LU>$`|zD+af6x45Ih4TN9&=_2bIiYfO%`vGYPQ|h9vc1Sv zwUqY_+HwqUt_|b8&tTd5vse^-6fcGx$1>joc-3b&zCD+3tWC9Sd+G}>u8Y9@z)aY2 za+4Kiad0|fGuTeqAq3}g3tawwIG-_!@XPy}`X!Vbu=^L*3jTmN2Nq&MNIX70T4t<} zO%1JRt8G9_bq%+51c(N+7ObSH)uc%{9MgmsLlfa1l+UtSK~Mw|?t#hJdA!KHV@0Ob zJ6P-&16Q^^0iiS7qFh-8UxE*bWtp?mf#^B3hR`K2!MKcSU83BB-`$r3w~zutTBAuu zE_Y}B7@>O#vRy)A5%l3%WV2yZHP@k~y^imx-mERuy28&7=3^P_RxXHktXBb!aj_LtFM_^HCGLK8-^T*(|&@h}ytTt;d^~1sTv+5^_28Q)aMp&1EF$KPH z_RA%#okki5bj7?X%xwVJKqtS!rY(^;OL!{hz$=4ATzUb@*xo8zn-R&+zMGDiA93^^ z6Y}&UL!22a1Ou+V$tKWI6G30^SXRnRUT2XPkD-#|K6JA+XOQ zFvzMt-zybwuFpi^wk+%qYe6apN4c-cb+(G6t0A+hu91DJnPAw2hNec;G*DVBOS2Se zwGRQYz__}aZHng>vJZT8Qtc##Kq%lN7!yX7azeSnOxg*b&NLGQL4G%z@2+zVp%lO? zfz`KR6ESDdDiSXV2cp&UZOz%~4L1t3)OtQYr^G!$31)sv^?;|id z;vA+^Q|Qwei(U=k7}_3ZpiL1(wFXdD!tvmISb73|6L#Te8<&_g56{-cn57q{0|b8;KG1Nf>nz5XwR*AnZxeXTe`56zX%Q=x@1|c7kD_rUblz49uvcqW9$_>e*K@bK!ct9bOiT09>E3J793? z8UmOBLLEyW^ve1PK&a~oLJ5G{3JO={n&385-paw$H**Q8C77doE?3|&jz_EVF=IuF zv1-m-8EGOR&sh^=0-nuzGX{=pk_m>1u=k9?gTq$fXSY6!pWiW>@H-tnhHobnp2Us) zPvbAWPvGjIXK>ZPlWa3baqA!}KjGE=PZ+D<)dP>?PyLVLh7p9r!6z<2p@F_jfY5Ru zHL%zr|Gxv_l|k!&PX2p=kc#OQfNC=Oto#)Jg0)UvG}<1j5%pe$N1%;7-;w!JeRs^FFujJXXnG+j$Qw+GjoQD(KU> zI(~b43SRyE!wW#DbHl07_4c)ZaB%7=j4D;ChjffCh(`ZYdokeSx3MPdgn>`pr?|Zh z@5RTU_dCIuck%#^HPzsBem2hLW+FN}3yE1mME+}TH`c(2+#(!GOu)GWYFB)cHvM$Z ze`#gKIG2%vvg&%{rl&fRvi|CcBj~krE1pQ$kG=|Z&5219qavRQ@~k{a@dgSnfMKT) z{A4-2Tm+JxGO8&KGs_F{!n>IUt}X^b16Cct)oD5VJ`h?~A_IgJwQIR_b^@WXC{oE) zzzn%q+WQg&O&=*X%IYUym7<7TY@+-r5C>m`L{T>79{1&uYPhWmXP+Pdusn|I>oG61 z#<;f$2o|F(cI*>V|W^EE(tipK>fTftCxAG!W%eWa`#3xi?}Ow^O2Yu z5{uVm@_pqKN(#-IuQ=A3azrYnKz(R=Aq@<$R)KvvV^`FSjt9*fqOsL4Hvh2ABC1U4^ z0;BLZvI4aJZ?SJ2fw02BprW-IH%vi1VMA6)6U>DQzY^2i`qvrwP*9mjc2^TrhS%7( zr-<;D$w{8)^Ld>^TcCBevsb6WeQgo~cV!`$^`pFi1y$ANJt-B1))XpFiVIY)HVZo_DP-V2rX_ZN3EH^H>AMY&Xcpz)C%>)>d#r4ZG6$GDnvsTg0w-NR}jV36N ze!Oua@VN2ZrM{<4L{?eVbFvz+<%0zCqlf}NHSj^J`9bUS%3Iq^I*JV+Mx#XSjB+}G zecd~nN_~N;=QlQG8f$ZFgOYGt?N5PsR&7p%i?=MkErfw;lZ<{E`_y!f8A|P-U_&o% zD!{gHI5$KCS!^h3ze*#aex`_~N*y8hP`z_m(2MzF$;+q8~KkFQUAr)c=)$^)CxP%s<&w_2Rd2A>~oIZ+iHK`cgo`zwd zZlmBVt;rZrZ_R~$E6xxK(~QT<(7G@@OF(?SHX372?J_wF?^wGWww3W1MIao|%(=WR z5&h05p?6yX2J(6Xn&L6MEd|dJ&W7?lSs%v{4sFIffgw@5F}&(5fiBwIOHo6IH4q3} zGBB)(dP;}IuhVT*TUiD#hQfO~Sys2+WctvgZ)oX8#H9nsE#dJ7wTL z`xM;o7>4_8zrka(zrq7Ae2BZAU5`IMu>^m4+z~dnj=;~m^oPx_{|=j5o`cO*qo7=W zHrG#w&20_@$=Q7Ng|O-6gR6#rgsu|~;huSfNQWdNk2A0`Ca&qffY%y;C!IgSBaTso%sk_!dH4JrJh(6y-R)D+&7}ah znA8;|xY>j7=b+^9^@P7hbaiboka-<}w3}N4dN|jk$Gi$Cx1n51Z*e8a5e_8^WOIu{ zHQ`YJDfqKQR>01HH%g0P0^b<1J_|ODIMx{u)jq*yH;-yuYoCuUZn9kF;~tlE*xcuh z0j`HQHl|_LN&=VG-pMlPWm)_T5E8^L20@7xWz+&W<1YG>EQFFGOkSaM7sZ(2S!7uX z37qmKQ9}H=o|TyXMj;%%*{9w}g_CCr?3SOzb8g$vy{A2Xd)Kr0;{%g%TQ4`<-)A8P zO%A|lhb?&C^*uZ^U_O4^V=#Vqr;^-{LbrZF=-TH)+%aG~?ijKMw+z{dn+EN~9Ygoy z#$G$orO!U@JBls@!Y+ix8-||4@B17vF!&u1UJ8X0<4XD;ApB1L%Yl&R$nEZ8Ae3|h zp;HhCPy*rT_+mmJ0Wg;!c$xI!{_lz4@G|LJkb-{sDdX(~@K9qii>F8gaiQYw- z{5u7`V#3ht^fC1Qc0b1K`wDB5GO+%5INmvW8X+goV&I1La60mhiK;2kqW%e`f8cz4 zK^o61(JE(Y0+2wknTo3Z;#_U4X;KIUWxFcN(R16o=yUQg`liHSNO1;*gLGb;0m8lQ zR6=;1KvMU5<--r)@#*I{$IsEcW_V>2;v3o#R$hbf+B#$Hi)g6F>C$pUSJfkpg^8wS ze1>w87ugh>fMwf0Fjh+H3I-O>HPz!8?-j;nbU@l^j3|%C&=Qs=6B;YKaAfGYO;Pwq*PWAheE=#bm*TMk8jOtE?zgaLu)(v{Sh=Zk@r+ z9Nc)UlzFchcz=+H9KJ}^WnptO^7#(;p3OxTU$W}8xS?gQOJQgEEX$zWNE=`qEMeIQU<-o?-xmR)EDA3LgtH$N@fa&&soW0Dnnu4yvvx@$ zP*4(j1B5*1g3IXXMz{tg^L)!fsQc>~T?nA=elbSTt>+7`235s|rTa;Fmc>Nt&(!uqck{jq0uq#O);YTP zB_Jw|_vAA-vr}XdIAzIQz%pqKo|9J-oIRW19w3*^p8|wg*hxiS!ASH2OGd?coQlgg zYt7_ND;V(!IffjTUDhXAw>~{4D9R;75nc&cs#ihw&f_Hp6pSqiDlox^6m-SBL!Ue>2~5Pt z-xi>d_Yq`kEuY$JTy6^vhnHKftK26DSE`QBPh@laJ`Ja}e8=kwF`dxu6e`P{Ea(Dj zt!tzR3Oj&MYv;87@v|L8XykjZVFjh<5_E%8Oh1q%OD>FV1eY(uSa+i{e_T zeln6tj-~DG$YxnSI8$iSizo-9U}dHs6|}%?%nZ&X6y{=%pVl@Onff-aqh5S(o{BzN zYe43EkoG?*9iaEG%J;$SC&*6*!fMR+s)JH{D8aUZg3Vc;&+&(2yk|Kkyq?CfGZXz5 zd;ptA2f{uk3eQ!fzjvDfn}@n% zZc#MG*2b8iG5yXbpnpR&hAZF;;c%#cusQ-m>f?BB5(YQKU`BH~uGzW@HY*)4vpx}% zTaqxMJ_`LPib^`9C53ROxwr%TI_6)2p#sfV!DcR!+aFknUG#+(`!86V=czEt{{OQ>b@cU8k z!{&(~D^ll;b76DS6xjS}BtJjT&*NZo?Qqy!H-x}Am;gBpzrJTGu6gQJbQ=;WacgVwy^9pgp+%j}?YD5pGCfsCKiLQjc8=Z>@gayWecN-z@j=6P4ZnY&0 zI`DYHVt2<9+)ALk#km=`I=2xN+iE^4Kf z=!`7-9l%}K@_3Vyg7Q;k0q21Hw+%&mSvS2DN`({`-MYQ3Njq!U^vd86fOQ`0JIEdPOMw zp5&z%xdaIFI1uKhqJK_``79U|2tLK_lSLVLrXbyXKR7W8&xW7D%W0_w{1nbz%D{>G zdJNmP70>P44X=b~_@6$3fc=Nz{lz|bZ$AkCFZSZA@N>pO*GdFzBodW0H6!%X?FjyI zFZ{ND4d2~IuxjsNymsIK?7rHKhu+?VKBtahKssTEKsc~81*7s}F)i}MB|s>MeDQ;i z@%Z8w(eDjU3|a6xhB+<40DBJ%aP+|6rp`nkCucluYlo-j*rC^KNA#QHf}T^IFv#r{ zJm&Et{x*LJmTvpVJdYGQT|1l*`Hbgs^g8f4`emHKkjf+ssN~>Xk%-~hQFuQ5C_=N- zEFfe-sH0$OY!v2QCwfM{3r8HDcNj;QitQy$5vH(tYiD__PxzS@R9>BrH#oRe0^uZ;RdQ$T3kNGX>C zVW(UP2qm3RC?K59dyX|gNEne^1cXNZ84&V2DX10@D&>QKu+dmM1TFerxd^40D@B88 z-+tKyqcD7v(1fzuc9U;V=^DOGuESFQ!}#b>k@;0$Q6^Pq3HiVq8MgEz_-Btjkymy^IsB4)Z zH-etGW8fYtOH_e*4gsn1BF+yi#5=pQ&APb8nkEA&As<%4gCL`IlFEZ9m(gS@>4M$r z`UccBw;?<+3o+SEh$aX}CsS!BXYNe>>tsXsdNTPLQnWH z3Gpe$(rTp2STF@rvZ~8M_~B={XcbJcKGF*agdsei?_H5NJvfIf^3TR`zGDT!DP>>T zb6UY#SU3J9m=|1Og0#4LMH(O!yvn6>&oRzfp4paVknd7!d-Y?4+*+NeoV!s;S>$)t zB*53ZNaDp8dLP6R-=lcl?=xhUHi8^R7_7l-fjjZ4@3(k))giNfP(QewWxG<^23ay4 zSA-!ljcv2C4NXlgcyIS{OpB6ky7VVvgSp>~nIR zi^3DL{RoAFF+C|6<7zVv2=+Q3jREa(X8x0=ydJySo!z2i3HmVU3}_YckEeF%oP5e%tE+jJ!?_LxRUd;vCBk2Pr}Y`Rb9 zF}C>C1CIFP{ZsK(bdk}u9Nr3~-ff4jPudYEdETvr%sU9%x7*`Se}4)OEHx&IB}KM(dyb|nCnxB*{k9?E}g`qLl@)52S#A)mxqnM$YIZT z)MzVvgK;UN=x@zSo%?H>%MlhIg)jFal z(|-blqvDDT5cbSYB@_w_FBk3qC$K0u%;n(7WBba2Sdf8Ug&Bmw3_L*~{0HUf{4@;W zHO3ImW+q1Cow{mc$&>35bsc=ga|V8}4Nvd*63=|{J{}G7$3t(f!M#i0!kvrXzyoee zvH0yR#%icW%K0486*YKt+8o^PFdq+iyn=f?Ud3HYUq`oBUq%nV)wpxpyLkG{3G_*e zMc<-i6LEBCeiWug9m7{`77(hj%cAho`=4OAuMgaIY{&MPR2+&8ECqhAUCF2$Sg z<`|1+HK9yyjz^;!4G^mC1Ws-O=YV7aVWR;;l}Ui=^-dbgnu|HSw{c%(oeL7&f(r5W zfqb)8O3*Cm3;3jr`%6u9PbUK0;=oj#;|NE84nWLTGuNa1>n#y!K8CA>dmC?@Tgz9~D4FAgpBN&c69r z%ytpH8?arO4hK%&O5tHofKh6Kg?<^>bEMh=Le{(1Wh!Wj%BJ=w*U8x-MVKpq6bKSH zBrX(pAC9rU3J_DsdW}Y8mX)?bR&s=W0##&<1{AQ`3g>>NexP z_)QeBYD*4Y+>py_@O}HmVc(gKHdo31&-WrI{P1uQT-ml=Ls@4lD+nQtd^XmFu~u4^ z!Fg*%tlM%$h+fvM3e*;C#$w9cX>8E5T<0p(=rzpnl-U zVBdT>@Eqo^JOZDP{U&&g+%EG-pfCIGrX0pwK8H=JpCZ=B>D=?M<#XEl=irr~NEGrq zt^BT%b+=;EX_FUJ<cgZ`i7 zW8tbZP=fvwF?9y~l~g`4vkvck9%ZcQL7&7T@Z)%_{WJ@K+tRU~KpDWl{Xb2B*L$%D zdM^{3K1xDrb~XE8vjN!cN6N8yRW{sK)Wd0wB8^h9W1E;xg=`kVbhd)bu$_FDF2V{Z z^S?z`KR6ESDdDiTp$$R2cn<-jx`)ve5j%F>h5dX01`awo()Be~Nc8 zrmVKS7Up@y;Nj_n!ha0M+~{){SsjhOh$Y}9pm$R&de+8a1o3`ITRMR;9*c_zSx?^$ zo1S;Usfxf?$K#vgC<*4r)S*fh(G-PIa@lN*H1puI`jNCU661;@(Cfeluvs_*lNu8+ zv@yygfgizR2N4Dbv?pOe8+D`e875#%XAqf-*9Kk;eiG#^lyrikWOPG3X6J>$X6}60 zjNXEWJP0nfmAG+kxk(Z67p=u}ZMd*b?nbvd{MoJ;H@RDD__{ijqlar9y30~#M_`(r zgL~#z;wFMs54U`iH2z-uJUlQb4G+zZ!6UZec*yw-9&kN_+h?Cdm*;ll`hFX5O`ky6 z+`Ei$=f>?K0>V`M@d0Nn@;ZdgUz|k(Cl#fxsp2@s?qYPmOpXajh39eLL>9W;Hwb_3 z-U~Ap2I0wPJ#f!6Gx3-1gJE;klep^kk@!WAk@)SSb8y4J*KpHFAM_xg{&nVdJU(wf z{_1cT4?CQ|Lk{QgfI}4Sb4Vl{rr>tR96nb*x;ht|wS-oB3~P;`EP>rwC$~BXlI3oy zNT${3=1f3zt~STXf~X)iif(!r&%e($8C{?IiV(aEvpjP!b9E-Btx7i#IN3Yjk`5R& zKzPADG~c*~TCSu@QZFFvSYK$|NQ*jvkb2XPunYia(v}z;rI3aRsG(W6$@SmAm&TA=_q*b~kq40b=T3f9H+Nn)8wp5$* zTB&y`r*I1o(~-)p9G(mGc!uro=Ob`y?~S-;A6QJ~=Km%jY%tK*8D3vjmCm3t`raJR z?~TjomJT4yPVW%HU)JT@RBltyJKKW8&TXF@%gwY;hiHG_Tq`)u(|M_QGB?#g;nT%A z=vkPJL3x>YHi=3|#3>v+-(sMN?Z`k&@TtT2`{wm{`rv*%wSO=EzH`wyA*g=~igcFs|2d)Q?m?tNno9tnL1_XWR=$KLxG_kFMx_kQ^io;rCL zPeq+U&kO=#X)>OvOu&$WD9i{yiv4WKf-E&|St#Z1*?-LntWAnD0M(LMCc5|vjl*wTF71Z0p)oXXm)9<7Ci z9e}7Zs_fe8m+LVBK6v_*P3RqS5PixxDK&LWIt`q3>J|E$aM*My3|@dj?jO`_+!gj8^Y>v)Y?D(gH> zKq$98?<)4!W-KH?E%3_5iVdlV*RTE@%xYK#f|!rKX*9pmyHa6SiU8lOiOAs#k>Y69 z?@>ZODk5N|v)>n)U-&w~wG#*pqzR_@940?skbp1&5qu$1&INUyL1mPf+yJfIMJW~x zmQl1eurump2Hx5nVefQs;1K`DWh<&Y)Ii4eB=V37&uU(?FI$8z|7 zl+UrCkU%B4$iu?G6zmB*k9=K^ZANt(_;D=U0#c3T(&T>Bdk9hbiFCMyCL(Z0HMZ_< z!?qp3dxR_xuM)V1RGDahwrly`3A~E7S=Zi#nudDhaPpVytCV7gb#=yS;t*PF(lz`P zAQa4bP^n%_xD^bzg+?Rb^E3k$<<%{yWyjHaMpGBTR2VrSD+;PBAln+X-HACJ{>*n7AYbsQin zc&^+>m9imt7eU7>5A$W6RIa@a5R?d91+4-?S<9RW^6&30FfOqAfq@JIN3RIeKGb$y zd^6$mc9;uY6D9hd#$7=&w8iBZgu!LonTj={=S0Rhft0=v)plV6D*1s0=UFGoaPj+UTekzON ziOeRrgeav%Cf@!c8|CcBiW-}cb{-!7XR!6#MwIed8hQSEd)Y?k=$l9go8it;S-gK2*;#7O8A}HmxBn;65p^60M)j z=RR3Ea#%j~Pp$J*`5Wr3A6a%CF2^z|WgaW|ZdNs#NTW(3J(qPnn}9sqrvbBl35JA0 zttYhB6?O>W=X;R$KPgv$xPK;>gV~jixmYeg{t_X$>G^*O5KiE`p6*ZB*1Ps9Gl{#W zvHeP>`jij~c`iTC^~_{jj>hfJE`?3+k(inhhcR`8vAQUe6L4UAD*84iVQ76KrkBOw zN&nZW{Qn6LeddQ3sv?Z_PZ7gkXi38u!sDpw2u!Gt!Ssr7OfNixzNbFMEt}s$?>$?w zC_4sEg?iz-*IY2QEZRy_(H?_-ZIKw*mVkboHwU#RqhCwX1t7H61%9_SQ1hz=hO!`9 zRzm@y0Yq&nFVwKC=T5@r&JpN3=N#^`ufrYln$gXnh45E{>*Xq`^>A{%bg9F23bsNR zlnZ2c*K*wKKnQds96D6vHpe>L<<@{3=9b_V*BTy6h;pemE|s_2)#7d*cZWUU$~FUC zo$`#u@iyChJUTC)uy`5|xyIp6`*1w$9Ek^}@5gOJHlRnp)wt$w4zTGql92ceZu#p( zJU-9~v)qCa^3h3r@olnM*PEK#fUb8xip6idW%M0RL1z88a#vSyqC0XX&UglRe{cx1 zUVjHqO@0e^^!LD3ghZR`M!@E#@vyng7Qc9C39fo(C2kxNf?LOKMfVAx;Zgfjc*s8D z0w~@iu}`C9;cklDXS>@cqlaC(u{7S{Oc-{`K{xwS6O85_0_0r;;=kHPz~;Uccx2*E z!eAEWdgoy(q3{9_8W<$p86fPi{t?*zIS^8K{1nduV<9xrq~AM313i zxUSDxT;HECI3ThE2v1%BLRkp^8-dV*zdsTP|3DxV4F2w^uMG_T8kIysVJ9ed$_4QI0a36RL7`yKJ&=tnNFnVx zv2veMQ0QK|j@M;e%YBAml}`xgg*su>Fn^bV9kC1J>0i05KkW3k6y=)b5IS(X0%BOB47(3h0h$mOCLht?i&?hwt{YqldyE+bi zs*^FaGzsI=Vi8nUV1SR^(^&RCici7c*9K$I*I!^oZY=h+Rp5AGDbA)9Av&kbTw7gJ zYY9tPuoKBSNU5wc`#Whdp`rp`r>5X|RyGc2Wnu?GykFoNJh|^<^h`a4e&z8PSkE$W z!W&u>j}i4L7|aQAPy;8!MoxBD5CerxDIMD@2!T-(*W}_tOx&7jEN)Wp1%yhwpf)EM z>`XIZ!56=~2n?lkODR_#LXVA=7AS<4njjvszPSdqQ|V^k@U6!(?;^bF6>Z!YrQm8% zDxw^SufVc($tEwFa|ozdx4>?7I6gmK4kdcmJ5%)048ADO4M|u`$a3(>hihm(%S8aa z2nah}M+JsTJF&no0%25!WucMFoRrAd{7)L_boXl}kSM>Lb^dptYeBJ~@zwQF$k%y% zM+Hr7gv(~U5fFw~sW86m-HyfH)mZG6ffXT9CcMAaur)SYE}_R_8x64On)CeGpLyMd zA!+!O3aDU5*3WV_AU|UrD=?`voU}%gK;g8ug7un)t^10N607KmQn=TDQHTWuU0KHj zh3@{z2>dJ)IUP!GLF0LZXE(Es&Y0sguFT={%?l*(5C-4a9A=_NDlxrWP!m~Zk6^+8 z?>Somc0y|~Ulzi&S~Rq@njkGoz%H;=UC#@xHTm-#{qxQGFZ~#BCD`kf&SdpJBmy>T zEuhxfB_R0Y3{!XHQ1fGetA7e+DFS9tDO}bnIk=L=mzuV!ARkIgusDeQ<=Y(N;@U*1 zXPv&fCdXLdY}tnAvQDS7EzIWoRD@P10=!a4xUfyiVkj&3Ou~y}&?%hGtw055PPwao zwml24_$J_;z0JtySW>_`Hg1=cvuwkPK&#~HN~^G7Low!WWcv%&ue;??p35ctZtv+P zwi|*I&pFL@_+kjlMG&+1%(H&LAXLbTImfre1SnF_q#5i7F05nyc(7$}rWx~;ls=t< zp04TODN85k9ltajiK;a2$%55H4$2GtkMjK`@VyYO_>SBOk4`IN5thgDvkhmmE$ui{ zPvFahlNVv0bLdRp3d~?zvRhkbg55Z=Y|8@Ukx)#);sBaKYTCA^z~sTK;&aFg*ro)Da!GdgOvFN;bexQBFm9^ld@mnkv$@-`}5OE9TE9Zy!Az;L8uczXgy zmxp6U`U%)P(ha|!HWJfo<4wAzF`PHYSH@y?X(a4R!(dkwhJ|@y=e|v+cgC}Y|C)V zoLZCUUBOYh5CXdp_PV;(ql<@uH9?oyAg4m{7k40k#;;z}N zzqlVZSM}%nd4XW+2%CFf#IGM;g})34M)$GXaNnda@bL6q_}jew_`Bm_{LT3U9&tK{ z2kjH^fNcsMwoN4TM&iE7dtq~<3!yB{z~JoFrI^0Lf-?&Qzk|0+Mf)$7&i$6FsZvu+ z;&|*xT}08;6%~25XO0zYMv%Fh{Xjo{tSmS8o3W;p0Lb$>zD-)A+=HB(xSg>w8+KmF za9nu`&pi7EuDZ29)&zZKJg8V*RyFcpdn+qdKq#_n=76S<^!ie}__4FTrEi|+|C?Fw zZM;G|wN(M7>iiJd;l{t(;WvMMh41(T?zIoYLoe)x&Gj$imH~%w^B}@r-{ZJxz!|ef zP=REuwS(WKpOCxge~ZiLRgYUh_~*yJF+eC7{KJ#q0pXt>|JnfIFK_)m5V{8c-v)$r z1_mu4Y#|U@E_mASM&(-9QR46^?^rB!;3aYa4l^w)V@?8v5SE=} z0P*RZd?U~ByXTUk;hPv?AkbK+xmA?T-mBN(!FM*`>7(CZaC97oC1;~>|~Q4MUP* z@%-t-@QOKmNfgh>))xHjjW^J9`*!pSJB!}Q1g^|PLQewAnSgJor5$3zrW~0FP zMnz(1a4=RMI%X_{orBZarY1bW=jyp{ANujR2NcJme+7ZCG6_RUIH?#QEb0KlHUp>I zqF8rp*I~rIotSrQ2bLb*iKUz0!!p0kcqQmp+fw1}#Ae1t$ zbvE{^E2+p<;zbU4`%knQBT@OK$Ivk{i1*)|Wq(@wL2fsFeyq3A^L7+ECNj4&}eggNK4u5HOT%eGbbimsq(GI|me-_96F3 zS;Xu(rmD@lu8YCxyc$$+j8h`_FTO0q($xugB_tDvQeb{KisN9hZC?(Sg(R5#hsup7 zcVWTc{7oIMw6a_h`dkS_?mlO5lx-t|=e@c<%>=1&CXm|s6`F{$@&ZxX5~cD`8iP4( zD_R?C>&4@|lM%A3(43pX7kiXtSnQL`wp#=jpB%ihJ_*%qN0n?FvNWHJKaa(}`%R!8 z1)2%n#eU}>%f1(mZHG!tF3EifEeP0N0Q;3`#zJc6$@j^2r<4zJF%^_KtjWScuV|!} z@tN6{bJZ@z&Z5 zRI@JSek&{co9oXJIAh@)7=>tA?YUn+(5(F|m35U#Wr}Tq?|O#Dl#oV~*xu2nkYy_1 zyJ!1k*&MytFV|$7^|{76*wBK~ibkA@DyLG}h9mJ!I1pKbLt(Wzc(xkfhBcVahoT#B zG@%v8W14X?vI12#=h4u7-azB_qebxW%phpjv!6Ed{`CYxf{36_DJQ(;E-K)&U{Kr6 zG!%2azk{p)_kgg($d3g=ODe3b`M&rf(XoU@D$Cl=<9IQ{D+jj0*?3{aDT0X~{y1p~ z<`$)6VmtMjnsXS{7z4YSSp4agd9bgj&W_tcp>!|ZuMRUo2f(pKla`N zz^d!){=R+Nyp^<#;cf{K;(_2gxVyu^xZ`mT&fp%BG;Q3|B#nDQ2+p`0w>=%61;HtOb=Ys;|{ES`vvn}GEhjJsnn>={wbgTxJ>Y(`M*`0 zn9m#{RV~nm(>TqA?mqL;W8f^@x9mO4Ui>zO`M!mIK7U8MvAgi+?kn({n;(Ls%_2A& z`Vi#Zt+LI1aNM~8f9UlWG#mLgT8()Fjz74gr{5=pvlL8wGSQ^Kn(<_=vD}>xfInZd z@EIT^W8KbIp$)vrLMMJWO4hY5MuhrG(VwM=*KO zTWEOmM9hD98#0catZqLe4VYAF0It$B7XQ$n;|q+R75!P;%Q7pkGg%S^gr_-1RSXMl zr2uE1kL-Y>$w;)H_!9023`5hPqrBf~xNX)RLia;xI_OI@9Plj~Q%&5yBjj0;MXmCO zsvtA21Iql9f$-D+0^v^pVeiBg^iCqwT|%|N&{+aPSr~h!CKCK&2!K)Ob~Fy%k0!A^ zN~NJ|W&(yq|A2SO^2{TxeyAv+`%6!u{k;$3mKXklyTASv0|{kr$*Jg`&i&Gp_&FLA z4)4b1#3%z?rDr%$V_!Xd@)YiT>@oEI#|P*WwjTqI#-h(r!e3e(`cs25Q;qr)SlzOd z(Jw0&BN7i|{=R)Cpp7hndaY=1KKkK@F?8KJJeRodgpy~p5u>BbAxfG z?;>>Z3c}|1{$cjhHX1ZP{^^$(wqX+%zwx$l&(teRI&kU~?peM9-9LB_ZgEF2C?^X2 z3nB~<4muWxiHYIZSddfY25UtbeR0oT4BWH{)8Bs!Tapi({EPxd0pCMgcA4_TIaw}& z*Y_Vm4|iYu<%_ROJ@lOG7of+Vc@~NMtm_g$uipC&++Ny&UO#+@e(6UrpqTAb7LUH= zY%95omL;J7apg{Ot&4-<`5MeWP6EPd&nH&{p^0EgAe0OcZm~e=LLlV8ZC#lO%&}z0 z87yG`*I-rwUzA{51MT_S%kjW2J`K^j0{eEJ8RYwK zJIg^ug?WxbR>flD-(sOiq-AUy{Sc5r(E8g~c?eh^h51hxvrd*p&j6vZ^3?!g$fg|J zyEzK`2}^PvQ=kw18u{S5y#$Wi5?ucDG3jAi{cDq}4sC7Q85R#4Bv; z2iB#SAV^QWl7ziKTcxCs#nhkhs)4mW8wlQ-!E+^G!8QWs zx)>~4eF$rwi$(%p7J@B-u;xyNuKxk=f0B!Az6|xQ%i;Y?<4bLKL^<0v1`llb0gE;s zW_=UccE<=>Y{NBj59dIh*WkXE?ZtY8@Lt@vCem1v<#wsW_YbY!jYrl+;-NKPny8}s zaV9al5|8~QoZBD9gP~sxZ5BtM;?MuuXO*enX5&qao|4g1QJ+biV}7K9tACJOj&mW(9BG94<95ryqFsCzavJ?MLvC ztgmuA=XwR(xp#evk=`#_CIv2ykj`13NBAS; zIRT+<9n@#Rs{z>m0wD*rzXS-YWY%8@gbFe=V_6<%t;jR3c+*$J^Zm?0J^NCF$xq^% z1&_k-SSrSq#9?Yl1ZMpBcQ`sWfWvb#e6pi3vm^{d55EmZ-&-(q-7tk6`Y5H{A9-k4eXOW5Vfp zj69XXzs0c_tvQRfCGb=-2FMa9>)`1_Ceo?gLi_S>u!7IXdfC7HAo`w(#E_C`1m&i~ z(Q7v9dwfaA%0`=jV#3)8H1R7oZlHgjlZ}=OPMSb6CU0Lrftg2lt(OwBm*P5KZl~Zf z#`;I#^HZ9IN|tBQ$mf(v%^8S01RR|RmnDNq! zn78*UURP&)5S3^wffmpZZunN#&*udvOAVZ8AbIX|IoXd7p&0=Qbhzx)>FT%&TB^0v z{hq{aZu7Bl{eJ#ENWi2=V=;pe<{o;Ys&5eNR_7Ym&52JXVBo#`&HTihr@w>i`fkDX z)ZqC)5dM<+_l@tEl^F)gnzl48 zXLN=zcn;-ej-bZ1nth~ZG+*Sedx|e!oHFhG=BH8kZR_#mtjEz~-a%vWZSI%AzLZNK zOvl|mVQ|!Y1oiv9j|KxiBMg3H+(T<%&jQ05ApDnG2><^Igtp751%wLFVK29VaQbtZ z7=7dzdJ%+-5);qU`B0c}fohbUG@WgR} z0irN=_O4GX#lR2#fgy+YV`N4w1`|YwrN?1VN(=_4C17Yq8V01MV1U3dI{_mJW)DY2 zAd&maElvZzB=+}yi|)gq&0DcKCfC{oS&5!&Leb~Lf0#Us1G6L1uP_R| zi()V^Hx?5T!muGf+gy|80P2z3mz{~7QBipC^N;a%YLp4(FF@5?mWQ`KZR(~-tHsnS zhxrF;(F1t?%de{eRS)b_e|a9!WfjQfHOQs)Mc#)IZ~O)Q_kRYrtOyJ&jz_=JIP^M6 za4#pM5)S(b5>HU2{DV{r2nUpDSLswFOnrYcNu7R)$mRtj&rQr4Kzl6diJI-O@ zjEU&L9ae+~*QXNB_`DFl3`A@#r%u9W zRRQkbR*Xd}4&j}zjvJ86;J$Kui(>iEUyl-+GE99HutjdGk^sd-3YFE5FaLYDB;tn@ zSvo8jl>6SJTVt_!v)m0W5KxXl@2v!^ZMpE+#(|wuWpI$LYg@271CMWsLmUUk3YV|> ze0eN0H2CFx%H-#x?2DSa^zpZcP{C&-pVz7RhM(-`Ab52OeEEk%E`Grq@=Xw!x4*5h za;fnc8k9c1Gl2v1Ow(?G+bjrI*!>W~(aPFDE0D#HR?IrR;$Ed!Rrb>R(yKrwqud{yD7ko_OVfi!&)41kxJ(DzBpMy)16~ z2u5a!{aod?AWfX|^Y1 z39vRsa$pc)09ADgSrdl`2s!V6muXyU3s0RyX8Bn>vgHeegzn@1@qA~p|Ai(J2qLj$ zOAOzmNyfVDxA7G3@hKDS)66C1G4~y{+F5~IKKr&9OLxZN!5z^ApF>#rN)#U7eh{nw zb`+01n}vs;%fS;YpW^#?#f!(V;-x%1&UKGIpM=MskHh27Mq$}=FlZouGFMM(w4{VQNn^$Y+0jv2jtJ zs~=p9C6M5E9uQjKX9J;B8v>o>3c{|WT!Y%bN>>O7tJezzv#UyNYXRY$RmY8`(3_yH zIbE|>C&8ESKbg<>pC&zmKLk98ki2yGXN2P#-)V3(zZT=8c4JCzBs}vE;i};Ac;wAz z%=kmDioE6Kofz`e-|)X(o>gqNoeU?gcg33^6L2%p-o7Il|sS)7+M77pv{6~XyBDIg;zA| z#`YOJ74uUg;hPf;&*;5y+0W=a|xXX?n0 zd`4$*Tr!2v!fXZlT9pR>&}7V9egtz@>_-2YtMIFOo$+Ys%cgBKHPAEyAsT1cMk>#- z4F$^_;A*vPL^#9kΝ~*2z1`YCj!=V-=1A28_QKSGD!T&6D3k=ipeh@{TtU*m6OU znP=L>F9UZ6#=_BY1Acw$PBb3)4>TV1Ex~a2d9I-~K*;a^1;UHzpACd%wSe%r0m4y- zbI~(CsRjybs}>|)2#QJQnVf_k$tmcbqR)hllz3w;?2(#m)F&klZt?puKjknuPC~iD z6R{_%<4)c5EN)-B6?eb&E`}aBgo#n{7#kUj(XsIuA0LY;k%!>5cQ-bMg&Fr!L7X6I z-|^@9NJcRLttr3Y)7{ogCIhuxE1j2sDQZOdr2sRNk zHHVR7Q)9{dJi8Eg-}fK}KK~c2;dMsOsJ|BF50a1t1KZ`H>f@t(ABs}HB zU~*g-Hsxg-3!olI`OB+5y2e%SzlXi4@q9$}yA6<>cLI-Wd)m}l=RC$2;>(ednDEpJ zy!iF^W*d0`=#P_t@Kd&(UXME7H)SOl^4INf+xHm;W$}+mQ6k}wKwnNEEQ=-(CYpJT z0|X&efo(7AXEX(F2iAsTPXZx~ zeJ}kS_h-X>nFcJ_mW`l|3M`^|jFtp~CSs`0z3~{7zwle`E6`T-$_Uc>l8y1K^D%Qh z8i>nX&wC38dK{p8Y&&M$3w`+91+6c`g0+Qsa6=~6{WYC^=qz%1zp|+ezN1rk;}WPt z9B6NR?I0dn|A84~DvzS(9ex?dbM4T1ju}@_4e%Ec++O~+D!>Jglge_F4BMLf>6{0%fqS

Uyq;j{Dj*an+)n_!Z+kxe z@+pwSmxz93DdN49Wk>@Bx$w$`QSO6s0X$w&%xCS4v6jl(o~kzBbqJ2+o|w+nKEsEwX6NT-PGSD3(>R!zf)97cnrPH&16dUBT^)hN z3YMf_#uX@LO(fns!28TP$rXA}EU<8041rNWWOCRaEi0+##$3W60fEnt+(rejN+kcfs63m;N=_pzxdaFJplJT=K{l|;!|c2VlFM7!1?afsNsN8|Svcx9#0?9B;C(t3lTL)gJK;MxdfjT? z1rj#+9aF_{kJwAvEB3CXP~G!USV69CU_2NDVp5&u0@b@C^UCy5597w5Sac-3HJzJ{ zW}Zc8JMSdnt{B$`WSRMb^?XavEcg@}`xc-T;ZC{zWC>KV_Urk%!MqY~SBmTW%F#gE z%`ZbkLZOxL{e)#9RL;NPGLzatFes1|^tJRaL{lykJTw$6hUB3|V5PBY%F^WMu>`mL z{auVNI)ZV>!!W%d0#gor4oBZ^*qg*ZzGu%EVBw<*c{IwPpl|2S@x>|F(V$H)Cw?>= z8gWC8ugVFNe1(`;1Gf#HjXOp@1fLcA;IlHt{H>Iwa2or{w6%o2wW(AxW{0Mk6i(jk zqqCpLgy+&clV4S-P4upxxmEzi8 z96woZnn!J@Z3TrYmEZfctgQO3mHe({ni{oY^K1BZqiJZ|n`3pK1l$yqgZf@cXg)6= zO#|59{EB&>OVQNt7;XtnMEzj|`^FEW*`RmOc<^_qH()Os4mf~Dl!C`tKxj$uS3980 ze}T~Gp8g3yAaSaCcD{`@{XjxSgO zsa#hT=w^KMUc7a@z`WG?3Nh#3bsz%Wo?40C{3EcI^%tNSKXi$86oBfnlC@4H9~tW( zKPa8Sn$N$%u&0(`!-pSnkZ(=9)r;p4flwCAegs0d=p*QtO&H9NF&dN=jj1t5ust{1 zw1=8Q`{`UdkK8^piwaE@qm`ejjiF(wv+A9)T7Br-SGvx$@;# z@zVEuOd@DOAz1>Wp4o;0-+zpO>0uaLpyau-60$BQqA;K|5&eo2FyJ^<3knCEh`Fe2 zD0J48%xp~kixQ~U6$lj?KbPNg+4n23c>8I7uL8pLr3PyBYn}pbC{cC5+QV3~B@$0Q zmxQ2|d$4#zJQflhWu;L+H<2Vc7?aDK>JYG2ut*@>oXvq}0_Lwdgh!rEBsf@6G!=+K z5hqn2yG~X>8Hvj{hz#N%i2JuBWAU29MzZDvh9)3nv)s{my}Tv^hFb_ITMNuQI+Koq z&z$BF265mwe>Ja<5H^4LVJv?x9y{O9!mf`qOzMo4uV!Mw<_O%kHHx4aPJldw$9E;e zZ}}nP?&!TP8D1MR5U``b%&+tbO=A6%aQ~)6Ue6KSw=E8HmL4J?vG4Oepa`w=cbqgX zugbxtZFS8HL-+7HB3So0%p<%isEXH`Vy*|gSCrxYU4+k_C3s+0CSfNMOP@<1T&3fU z&x`SwcT(~Edq=VEg;+BuQi%=xBgv;$k`S1cl39g$W2$}nE@0NXd z=;;KWBaQE&lL(SEOYOXYAkF<;L7=l-fuOTwB{Y4D@GsZQEw3jU*i+gG1s=M8!x3ZQ zdHS6~19Ji~&8aLXCH(Pwe#Kb>Wy(os68%?JqVQye**2T|D`KdEz{myEz#Kn+ak$L% zJ^hej_Z#JWQXf5#&i%Np@)=4BPNMqg`Bj}N`EXY7Z?#-B^GnK5R(TR9NF|EAsVJv~ zlt4vwQ$9*9J5CA8P0m7=CJH9sK@V)&PuOMOAS5l+bGJIf3dBP2i{ncxPxYphwn1Qb zlKZ3=6q&k63Y7Bq0~L5+XC(YrC7SC|$_CHnM-A}ayDk#zpG(2s2n)L8#++Sv($uX` zb>K1I`5tC2q{sTB@M9mQhfo*1t&q=KHv4M4$w#Ppw0fWJ`uGg* zK`Pu=rI;TG6s=Ma=nRDZdM6MFzdTZIemFQ@b_OT;0%c(Zkzsj^-&Jn`yi&#pfMu!F z^_usq#PjOjs14uvp8bDqEd18ym~+hCaLoMD?@b`|3H>P`{MSR^m6U7H`?>n(yNt>@ zICEK%0m2ze3poIn)lfO&to)D)HZ*r#IIivI14pa7;Aqw!bHD!z!*lmyQe`y8fAcmv z17Fz{p;+$tl`|7<+m zjz_>fKMvPDu@;V@E73ae5N^6JA2;}>qs4+eG!M*WJxb8Zs{l6#rlGy>UNo5W5**ii z5FoeXu7Egn@{GqF9N4#>n}jxgN6~6QmT~)3z?tSDWyY%5G$0p^1ak{Z(In)!iCEeo zxEPJNzJcFKH1MxL^ZBKy?@PFpn`*!bGzuy<+teozDrG~nz%)>jxE~ zUPvytQDB;KwDHYBGxrbSa0|qYihPqBa`@ROj5u)^lk&phe)uc=s_V`8F)7xJb@-^^ zwEn|?XU*I@qTFBW{=-UIcA*|`QaqrE2nU@tP;1n%|Mq?k09`={qR$i&=r}O zwmKU#)*dx5IDJh#rW3kmDV4*r9C$D1-tPtP>Mz)n zUuwpu8XFh$;!An0WgO*775rRsuFSL@d#&lOrKD*!(J8i%noI%gRG#E=wxro+Z&C(2 zx=qI)I?Y8l_aD$Dpb*VGOHiNptm&eY#yTu3vF>}5fC^(tZtItXjvjm2*XE(wz?acr z$k!&iXrulI(WJkC&gDq#Yk}Y z6Y5Q1?2(v^ZpoHnOr zdkGeA;UIIPj^_k~sxO}ptFEeJfq73XB#_;^frIV!saUWf-9*Q{aIqxeN zlpCY2S5`2SreIAT9@udL_p(lYE0b{F(*)PGJl5Jm0#q>;Z7pYAinu-N%j;F*`$f;P z?Y3uI+L=Sp%!YCt3RE>uOLYt0bd>M0Oau`|l`cc`x&)$n7X+FCaGHrGxo}eg77}cg z%w2ixG=D9a?-^aU+Bjr;5f=XS1mA5Z_-Wwp z$3I{i#F-@K9Q=B5kmtRc?=wQW+){(r$FPos$F(U|zPxqi1bhy935hCaAb~Jwcw={_H=>jEkXJ#|Kt{iEIGSU|&I1 za`-@L-lJepF3C!Xp!t_tCxBDx5y9R^2hW+d5QNHARddypQ}MoCx%h@JvJ@Uiu8e{v z{h>a}&&n^UJbsFdS;&WP50;P!}-R#s61Di ziz=610jtkiD_`f#WhrLRq_i3z?<+(J+a{IQ`qFnW&x6l~EYr{QV}aLtf}pVy3JCRV z$ Ath}-iYi_OXNiORsYpi}8ko8h7*2gH*A1M2W1of+9+*Z?+w7nw7zWRMBg4SB~ zs|G^3cd=jCKqwfrEQbWXb=I=~0^yYa!b=5}QK){xp9b~oEBT%}WdKpjWSLRmpUHd| z%}~VLO%a&%`0H@o(Gw3Og<A=RKcG$XVC3bG6q#9nnLtpS@@m7{>9~F*FY%RL&!`5%kQQL%%#U_RK=Zg#^60N72%YpM%Re_%FeYA%$i> zpj=9u2jrtkF!!O9&|U7L%?XqO!q&coR6ki7353BX(16Ep%6)YVrGaqVvk-Ux^*s#E zf>uBzFpxX9zoID@_Daz5>j6 z%KXy@ZEOBhj>57`j)_hfSjsql8n^VEj)CKrW5LoRW;({4H6>>5@htwWoW=LvtTm}{ zU!7%gTKa^RU?#!OV|fPOvzp(Rg=vJeIctx@ef^1Qu)AE%SxLxTnPJj4g>YP=MDxm@ zId=v7G&P%l=O(Vr!c@MCJ^60)U3LhL8>iux``6=!ka=*79so!G+t_cL2iRudn}=j04F(vVYLW&u3*rXtcqQe zlF%(N34I8c17eaeI7%Xj#m8b&*kNpoiZ=rp(-|p&P~i3#(f*N84E)>M2zu`WlXuVF zrqcWbq}WD!$gR((&E(dzICZ9y%lMuDQ#?@1<%;EX6ti)5Q*TTw=Jy*jq$6UwD_ z#ot~t=T(F))x~%11`f2=Ax+CDZMQ8l0&dHe;;&UesQJP=&f*te#F!_aGIdmI>9~)4 z@+o?~{}%ej?8iXXLqIsFkPw&8KTL%L_xuC{g_=uvo=Re>aFXMOQba@&c`AGqJc}kyiM>9 z<0e?bW0V*O3f#y#6UIz%7hbC*_ftKWde)UEOWP=*iSmK^Z{W3VILBv`*RuK~d_&6( z%$YolJii9l%6%sgR4G?DU61OjIg)A%GdFH42k^?PD9GDVX6WR%KwpmQ&U}C4BmBWL>uxn(O(gJcO=5 z(AIfC7+Q#hyq_Ch%Qu08+1j?6VvHi_Btba8Oo4MVNH`B23`8YiDN(!ESB^g^@NyD<|(|NBl zj73)MY?9UUv&YH=EZ!J}hc@oV;~Vzlfza;>sbAy4Z9n3{&3keGx*zet>LYk4G|X7{ z7O(q?%f7(F8+PN#t#NpATM`~JQ9bwL{*8O^Aa(z`eRy#FAydv<`3>&fydMkJ9Wjw& z)pylr6)eSz_f%Fo|IG<_?3D!bLz!HYkMcz#x8EOrJc)Nd&Nabd=7s)%h1+=V)~fvo zGwV4JU(Nf>=f-_qGCVe?!jo_(%bFM0nLf?yRe+l(pE-zke#k)z;VqWOR)8G2UkM@= z-PUWZ@-gNjU_}IWCj*guS$@sZ)R)hk@9IQ6{?{BVe?AFM?ux*ob-S^Tm5m?(#_?tQ z#mDTVMfe(FFlb#g z`+Axc@MbOBMAmEeUjv0~E5U}A2Zg5L146S>UYI$qJpc1=#o>i_Gw}3lso3&j3byfn zD>40!SJSci1>W};Q?cWfRBV5ded48X#Ie2#GNp7aFZ0~8iV6UA9%Bhyn`dC}Qa~sR z`G0{>1M*)Agw9YXRRJO8&iAC!ekfu0jHLzKt{8I(03M;r0hf-MxG4E zuu4K9Ay6qO1cb^*C|Dd;b{J!n(Ed~$#^U_0TnFF+b9zglI}wyMgegD4;C} zq{dBj&i8QK90Eu43HZ(JK5(?2gFD7P3&*u{;Ara3LH9UZ)#*`O-F-db;$Hk_z;?9v z{t->4e~+7k;?a&kdvj1C8cyDW-wyf^?K~oI_0TVH{pcTYb3hhadnTKleeHrW2z|#a zC=5~(cq;H1MOfsrR#a<#R?>I5k=6?-N5c@M#mGe~k9a~f+o=C+_#ex}nDPt^I+ub$ zCl6sj`Cg3VHIHE%%q}{D=|8-KtGeBdh@-hyY6Onq#4{TANE+|x-kjt;IW1RFv5v-M z=AU*b=U7qm8sZ;^yMwMd)32)d_VkpP=EZo zZ*MqmYLDyt^+Ct6V=(2xdvX8P4S4g1@9;%b93rv{vHCAB;&&Z-X`_JSXg0qT_52FaDCjtD2rNdkg{RTfw-T*`DhY;ZXde^_N5@BTZLh7k ze$c0=KWM*!!KVGHfNr)81jlVA0Z&p5x^F9B=roq$lwO|nd`)G?lC zefq!j3VMGpD`5?K|DHy+>36zp2x5c--qvkAF(1L0;|5;gD2nr z6wBZJ9IM{{1}oqH4o`jXEuQ%38$9ySCwTJHPq6&MkFoTF4>5iHR=gMyXTZywt_;IWJ#=1td+8Y5-3j2$RQA> zS&+v;yr97bLJjzR?Nb@$GG{7f#5Ih-6VwEgc&MN34 z*!gi=6L^N_5Zq|JwVgGmOUpIC&!n%|SYZOa1Z*fnFbD98$|*}@2nTBVZp~#QJeuRN zZaStcX9o5x;FC2_*JdZK57?Z?XZ4sF=vq*zx}7w#B7Rzdah##YM6EP+vP#oVRnlh@ zoW#_{+Fo@Kz^Sz6IacknPID9qnYzX;YTv4J@cJbCIHsMQ&aXkgQT6v@tZNPyKErp; zv%I!#`DQ+tU`NX`WC$MhHHPP2hf^^r)70N3m#qI+rP$X9l5C$=Fjj_D137Ef*%h%>$QK+SP>lB=Zpv3#? zA?RPvzFKv?s>3`&nU24RfS_{)ZA{^NILUyT|K=3-5rX8V47Ohq{I(<*>+1q;`|$Q+ zJh-D6i#BCq!G=_XtmCYPrx*Le+%4&tvn>^Kwx*dx z^QMjYe9DrobQcO#G=Ezf7VS#M;%C_}316y*Qe{|Te_fYvZOiu5`DCG1vU+navyRuW zUUlJsdwn$9EsDn_xUBWVf)90Mr+ttp7=`+9@xrv zf=S82KEd+_Y)C-h`XnAF6+vq<5wt23!Gzx>o075orA%!9un5~fD8`e|^I2J|knlVQ z+snLj))ks_$-+LgJ}%YX0jJT}qW}$O9U%1G&w=@4aI{$r$FHZL zS)Y|~Tt5cQdN0CN9p>PFI(iTe2gA{548hSCju!5?=AMV(_&vX0Kb_xwa6`9;;rP=8 z{LdYa;17MaaQnq*?{ft0e8X|0e)`f|12B7=1DUV=5vssxk}%D-U4s z*)WW#jKu8xNZk6=g9O<|a2vG%4?X-QR&4zoZ+;Pny+=|}%A28kqUoL1fRO(e2eLE+ zGcGgp4SDxYpRP3Hz^v@kXwqf~2F=)xz%{Y(TAl>Y6`3Zr!|c@sCf&mfzVD~={j22j zGx_|RynrU>V2#_Spz*S`D$B?Q!g<>WgnU;`Q~t~q1q8r+Oj*e~tyd5mzLS^7SwPrn z0_H{?z|4{eOgs^V3G6EqPsCu-@fb`giNRF1<&2^@%q)z&JK?x(Ij$f058N=|do=C8k3e|90HFfODD_0W zL5eCABM#)EYjh&IM<*G%20~kw z711RiMkjE8DmK}uXH*hFC>f(u_>xUY$38xWa_N*}sf`CB(dmI@=(za>41V`(gnYUO z-|>MyM6!vmJcr2Q6Noxqj3Whk{9JeRZxMj;xg(u!i$R$RYc_$BeC!# z(o4_aaLFkw-5-W~p8Xp-fA$r+6G(?dM`9PxYg+&XVXr5pq3y#65yf_?MmczOOVHK#zdbZ&t2YBrJI}|`gKv-_=C+iQ7X9J#OS??$g#O0PL zDY~I#!6N&;AX57qxU;}Zkr*X`p;ZTg-Z4uYz}i5lI_g+9#0kIzf^rEp^`xq;e}oVv zM3-x4FlDTxs)MtIP%fO+*KYx;vjk=eYNP0(k`?9Df;R(mRk9(lwghTs@X0z?1Kvhn zV>J+3*J}m7vC=(Q5O_Wy%H46%(`6Lj7ivpEsIkT>=#T1fJ`ft9BrIqim!M7oZ)$*0 z)?D5fwwoe=dh;A+o}Yk;>ntE73|;{sl$BNx{CYC&f4CC?IiiIZ*smpdb;T8%BuEf+w+%?{H2bv=*H&5@49K5p)KDDI0-12t@oohu1NS5GS`!W4fVt@LWuN{C+eYK7c^g3Xa>S5Fq{GXzvL}Yj^yr@iaKDb|Z-0 z2*)+eaqWZi;ZYKWu_u1SloR_g`1?2E7}6Q{mnNdumoLIGzAHv1euK#;2!n+OG4yOW z2A_!}2&H0pd8&!xJ(7d|z{*?#q&NQP{tj-QpNfWalQ|YCCTuB+=LwSou!Zk&bexxh z#?!vQZQcjaVe04j{hb@oaqM4MKSAI?IBuAPCWBYN(QZ2aOhCM@_oHYzcopk91~(3R zlG}_ykBRG9_QRiUpM^HVALTyd(00O0xW(gBj#oa1qsK;q>3yg_@qKjijYG?sVQA-d z1UGs|pv{~Fbnwl=O@8TU8*mH_JPXix-YGO(SZ>@5oA?x?V@Nu|@(noLreQ{LB8HR` zh|41}=~O(19gi@{`3Idkh=J!0qu;40woNi_TD6Y%WF&6v|0HhgwhZ+;KZ5J-UIa&z z5%}|sqtW2jF}StA2d4V1!b7Xyz_YI(#Mk=@kyi?E2x$xnf_Phs#u=Ghf$Q3j#o#%+ z;J-W)-pkYBv7!hwR}^C^VQdoNZwlWx(?T<;Y!ii4R%OYy47vopx`;q1%VcdJoN0iN z=Ma>xN{2h^=DUjTnU!JqRexXf`t(hVDLufpioxK@geoQ0=w!0dAVT&KYUHUnj6D^N ziEP^`LO+C~9q&?4X*n)qrCX)aoY#G}QOcX>}1qu#*x(P)r>@J9oMHV_H~>;D%BFD|*y z)doU+x52Q^K*+(YWL(m!mTCQkK$wTFQG~eY6hfS9^@_Ft&skb#t2ZV1>lc@T9*Jq_ zl6Vw%@pI?sIP{B*#e^e#$Upu9BcJ^%`YvCM{wvqv#`_<~jVm_c?$#_nnVc?mk=}fQ}0vK)Yq3X#4cv(Cym;=o?OGAsEe0On~QSpJVEC&td$|UATMA zdbHfI19$!73-k>OL(l#D(e0BjamPz<;?|un;Eo;AOX#%y1$5l`B04_9@|nM)j)^9InKAjYBtr zV3&+2^vg?tTS_?G_J2bdeiJvZT#2?%F2x<2w&I>G&!G3N7tnd*Hrz_9BL@-GCw7|F%sVShp?cxobQ6KD`w; zKlK>euUUn=-hB)A?B9(Z88PTa$m>Fg>v23D1M`!rfv{gejbuf1hQodZghHq9k~192 z#dOlqTugcPr~xr&AQVjeEFfH0ZdnL-o?@RC1ac6n!8l8~gIeN%u1dbL0#r#UA8LS5 zFlf153X1Fqpjz*}g#$%yD-aX#2*3n`A%X)Aj5Uy~0YYmV8wibM(7>QG5OOfhfw=My zTHs>)$0Nc818FJ7OZPyi^%GoZ)1c=P%9VxRG1 zUs1S!&nLt{-NH0k?Xw#RJNc{TxGRzY{Rk^9C{Q<^z|Ja-^LLvSi9 z;cO1le73Uwf-MfFOuCw?b15&Nww3ixa|gA(fY5U_+nlgBcU=nH36lCTA!J8B7Cf!L zqsNVv&sc!@E||k-)`R_A=_E`&*X6)-EeB}SoX~W5D}c?abOV0^LcyLu!+VYTSa~%N z%3ai**QJycH9*LF%F-1G+HwVPS5mGZ?n=rfh*j&K4TO??99L5Cp8~jt3jVV&{)sr_ zZ83LK8iqafEgZdPV(1T_VSMh7m~i|6rse&B{vU0}koUHs&$~M@>^%bAU0vX~t_2*w zs}ILj4G4lwSvG{@dTQb*jL8TyN#~VNesV=L9FyHJF8Vu+$vwz{c{FbO{BLlK?2I81 zpI~NLw1Fc5p?+u`ekvU!&ZS~}NfJ8!?RC~C2+cymj4NNK1!ZXJnTuut$I(&|Llq^| zrvR-9h#dp7a7Pfg@jQZhBVK~z4^!c|c_D!{7uTfvFF_)TxW?h4D%b*auih)d<~vYMZGH!Q$mkpGXI854$U`_NR>ps z1_(7j)k+z0`KkiKl^NAQs9dfF2v=I}sB&MGtEvyT_g|BVxyvHZ%5xpAS^p$P9p7i> znyS6zQfxz^`rD8yARKZ!*`zJ$Um1hGm67OIc?A7WSrKf9Yo2OJ1bhmz*dL~%9ozSI z-=hTjQjWtj(PCjC8U+`k0cGcxG_JsYg~s~Z-2Vi}>8H??pBo0{p+!gvZuTeCT@!+O zZttM!pfAv@|84_?CdEW8Ae4*fe-sePow7Cn)|M-XyOMGSLd_%8{6QN6{~182b546U z2gCOt!#$Bn=nmTH7v4tiulJ$*cZbmDyKvn6=I7|}?AvIw`LAfaax=9N%~x$k z%N1MD?y2o)|HMw*^yDtIeQFn4E!&A!%eSK4Qm$LN0iD)uL7Qc(ann+Q;K~hXz2kY@ z`tHZ*{=*UUJ`#`K;j!ra<=5!`+8ela<7TuYthL^>4L7~?Hg5lXH|`0GLYIh0^ga}U zetQn0@7F(|&llgJ*Vo^p=eN7j<(qGD&$r*9>zCi)p3lER_bF4PB!H2l>@9&|*>#w5qi+>@^y@@^_y@%d!zKpKh33=<+ zpyjU3xaI8^(eH!5qwkxq;chN(7rF+wyzp0adGBrX{OBEYd+!x=e(ibO{mv___owI) zb^tvyoDrD`xN;xQ;$8!run9JpQ*2rbKt zehg7y8M%CEo|`|PPg8P`YK|eWlz1$;H2QAIWtq$G7C_n7LAjeswlz!V)qWN@T5x8= zo^c%|IM_gFZ{rMvTBmEV0JFkCl?7a^Kew~eO>h9nQZnK9RX<%bRRe>T%-lK-4wbe- z(NzV80zqAmk+~j<`x#&}KxduXlH5e?>tda&wy{CYwub4$XaWY8!!y zVB7{mxv$D1rFWC+Zl6oC@1gDHYP*Kk2DNH%s?zzusBJ7La^A15GC(M3+9FuXGC-z5 zy!WOG!rdt-TCK6-sgtGb(>`ZcfmUGzO1%#gJ%L05I zlh9_Yd6d9P0B5Yf>aPUCKthpRR<%xv*gbh|0#gHuN}R7bd%Q-u<4M+fwm0{&z{~U=n>tt$b9mr(V7_OXzY(zR^T5>n zNVt_8!WblAN>MbreftI+LvF{2m`^dGBHX~^n6pQ@ZwiK&#$#GO2kiGuMN|L38&}cB zKF82D@Px@f*xbL^M0srLr{FGyXzInmx^DqmdS&7!|3ut2F9I#xKQj?WI|W9e$&4`E zIzJO_{0UOQ;kZ4RVCBIwC1CH;<;B$!>a5@3Q5swj-(HK<}gR53= zgk!*C=n$|U9p@kAG4oK*GXqV7icECVCi9Ao`)sq|bhbev+62bqrrwqO@Pwn)C^(w-gX1^1px^9g_%}I?KzIxj9?8Y*b*C_K zMX>=we zV$kQw_u=rEi76!n=#v7%C<37@g>l9jXvwk^_CLun+bNFM&QgfO0JiG@aO{RCmN9TU zlY}vO$*BLpDqJ&R18(+9!HqtpXzZ8GHdTNiD|+k=^DHn_3X!(H3SLxbqQ^E97>1Og zaYzC0MJhUK9$||oac!@c&}6^|guyS-m{8bYz+RJvLb(YWxP4Dx++*}#AgrZ-9}wmd zgp$!cBBfeAB2%4oAt*}Du-J=G*k7f9kh&u#3AZPvqDxXLdJ{JL9E!#*1glOTeulf= zAng3@U37i-Gu-|Dm+1N9VRSnfVW9H1-F#?2`vEs|U57W`H|q4p2e|XyPY5=jQr!Rb z&v3^ZpW)WGKE-WsevHnqe@K0RPOrR!POrX=u5W#Wd;U&9`v<}58-nOwJ}A7tzLD|h zb1)2jzx*C|zx5t&d*dD4_TERh{r#`d|8N}oRLzG}Kpa^U2OJ4U-y;Wkt^3e3_8@vD z97fm3y~f%%A}J9=qT|tPKSA$EEPC!eh+f}(iOzq23-`Ru(JWbL{3T=RL}d#1s@6FA=ex8b7qy0rIujD>!N^z96h1?tDR9(R9@JT}x@#r%<; z`f>106Y|-n18zdZTOFr`4(e`RT}oae`vyFa`UXByo!)Jlcs%Yn-GUgH21ScRw!eS$TwVMkv_%I_Rk;$!G$^`P__$Z$cN^&`7 zm7|~6J*=+@lvM#qj;h)BhMBx&}nFB*1d29G0xAlF>#jqiXYGY!sHX{Uc+7Y=R06WCwif2LuECOU+tU-66 zud2Wb7v#=7;?}S+pa7c)2HSr@Ij=wb&~S>P$wF?eMmf_OcgM3nfC%*N!m_xo$C8mv@yb;G>7_^TD;UcoA0*HxNhe#2@-zS@la_vuhH zO059xC0pryj$A9NGLhz~EiES+>zpQz8$Qo+XRh3=UY;O5uxIqmKy>6mQ*(cL9uR3+ zSH{_HO$;rdxoL7u#eiowu#ILM{kTvh{s>J7$b4D^V?!9amNZV^8}x#rD|_lt@IYuR z_2pyjwkqQj{$es2V8677Vs>Y@U-Pb>R0gO1ix=%50ynPG9!d(G9NNHvp+XoW3{DkS zz+tG2;mDyFeuU7+V1ibOoRgHXz_hXM3CAr#+ivqxV{vc<1<4m1_O>;5SupDR@Hf{S z`1(;$>$d)XA_jCCRvoodLxm32FX66egsqcXt|_W!L@Pe8Vs0@B8eZJ9Jb^8$6Dx^t zHYZ@QW4x^TX{p-1Sx&~1`?bF++d{>-3UrqoPKguPNK#kJH^?Mp-$)%yHNS8{SK5J6 zw+)NS!)|F!Yca*N3guj?rl0!&B4-QA-IBsE9OL9z8pIF(UcLY8&wvbllK5GKl}0P~ z&WcB0v+O#CO`6J&THdFwXs6h40>EqtgJQe*-Pbibf;X*9D>%4pdVL0C}8R4i0_gd5Eo z^OksVOxB+ubHafnrn#yRvFN~1(yxVF09z>=pgasY>|Y^w?lz6WOIxe`mPF&V3Zu4d zJ}%(A9ooN{CrxsyR$tl};zD-v*P5LYTAT>$ z6rsoTz72{4xS4cW06WtuLmsqTGn&|wpAi2GL~fqwOFW6*>Z-<+SJ&Y;|tQe~}<# z^|B4`+TkYyL7S1sRDIF<%&nS>E5n=uI7sFbaMk>yf2J!}6ppiwXoyjCnGV%BFNf|S zuglB<@^B$NOpsF^2jNXWx&T4M^fdw&e~BGuPSDbWQ8b^Ch(<9L7~S4!=ofu;Fu}z1 zlluluNt$Jf3?|94tqk{;XZl^u+>e^@i%$&TO%W}~ zccW%*qzDoef*&%Wty#O>E|=Rp;85gk{hATsMLrbqpq~inD;FC{D}Hhs!rHf&h#A-R}hotVa}tkpMJ*gF$=`t5y>S6yITJ zb|KyD)$p%_hWC=~XUi(E82TOgLUm1cU;5VtX6PYoUp9SG^5vM1Q~RzJH=Djkx|37A zieF{=XR#~tK+RCgFuZws3qejs#w(oVdWNiK^pZ3uT#0{leq7_YMx=-0{`NSP^+Vfu zS2Pecc|*lw(aN-obZ<=|eYP_|lGsn&KWlwC{aXMJ>0uWS+r4n+f@GC}3%ARCyS!jV z^PK>}Vj2Plt@uvtyYZ;6syI2gWB20_J3JgC;xo=punIREU?K5P4aObP(LUEvSzMC= zZZcy31M^d?WuBoxY#7+9L=$X2HzZ9PB_iw|0@KwKEW#M5`#PI+B}fk%;*TyOfFpqPFJp^|X$PI;sQ11#D6I1-k_`DF(L4I?mYitP5iZ};GveEay}ZS+m+y2ifAR{whbbA%$nL2CZE=0bl_zo`p2e(Pvv z+Jn-JuCIxpp}m|&Y_c-%8z`6MLvzS_XYCA9K0HzI>vfo{tU~MA*>bKQcBPnaakj*b zTbl_mKvANMsHgSjECwB}?q5SyP1yA>HpP<(XB#^Xi$pQzK^|hcuqngplPaG?L1?DP z=Wox80-286f%T6Dx|02{X_}e&?uDf>Crs$r31Wx$%B^a015=C6ZQ#9-|g_&F#K{$naOn4*jF8?A;C5 ze?21lj)4vi3ssdnx-?7gZx(T=tZnvl=*@IX>-2snYk-YKf(Ic4d&blH{JV|zVq?oS zb^w2_XJ);xPQ&PLiUV+9-J_|H`HwPa2ltrU@tpqh1Y$Jnrx`D7SZSf`y&K_vsHhoj z|3f_{XqsivB$+U9pXC#5Tyqys6~5Kx$fx?+qOHd_l} ziwmj0+$y`J%HZZ=kARiu?zs5NkegW4(|e+&qi)}7iw$2fesUu32 ztqdWoxfpEsJP4-5K+g$N5zlYyPJmRN)?fJ5qMzA|IRjb9?{8~*GFw%T1V-q#EBU2 zZgYdT)f+b9rwNklcO<^xfH29nlm7RjH8KrbHNUC)H`J&;!JA;@Lbt{FU%VMbIaG(5 z8uFs7TAB6;>?{;{Xuf4{<1}vsYmJgbvs=xQeHSDRt&3r zw#Y3U@R<`=i4vuZD{J5|6%)h)#Csk0r-DF{@mKKXJ9|$u8jc2p)BfwfCO}PfJtDQb z1=$-9vSdJ{$f2hk-R5XbqdM4FQqSY)`T2{PIA=;g;W+oL+-cv}?PHY%#M5NU+yH~c z0PBG*YPXDA3tNoPJ`JZPc2H5~MsZu2EJEqsku-HDSYdh@-bVlV=^H3+KYa`3%)jx{ zX5+6_9_@LV`Z8zH5N{PsI%G{SKX_)^uUGIrSz;tgGNdw&T6Q($Jrp8Iixg;t6&@-} z4&{j1y3_4{K}jtO?Hv zY$mRvgPM$MfAX=$?ZZgqZS!CHFfm24KLMh&X16ui)1$J!-rR)$9VAIs{;3pV1Pb}% zg6SJEh<9+y8~3KKmrhB3NI)QZKc4aX5dB~O&~A_ilPcMfsXj0gs_Hj9RODw#ar!An z9!Ewi4>Ol5cR1!_|HoTx+(J`^8KJ>~iYk2-G3_3c64 zXOx!4B9e?GXNF^S8c<1zOP2oSr+ryHaP+T!I#-;8UmP?Es3q>DGq?_AuXfGtm4@s7wi$U7Kc}6Fg6V?it*`b zERJNF^XdMoymx7{zODp7vZ0OWFG{Q-u`Y=MIufc(n)z* z#s*o*=7x5SXqNiHgT2_c>?#U-3~#=#EUxD=SZGSwBTY*gEVwb*e_13S*>;_v7(Hy> z^ZB{HGSx`_P*&Hu>{+=oEh_k+k-9J&D&zQSe8m<}kgxVI3f9t<9VcTsvdje-O6zZu zNszO#VG*FC*g1`I_c~U_zr!&&;746bhuVk!t*s8FTv!IJeqQB})^RC)3=UP2&Uanf z_3;e2xHIOOuel6YDfalg(>oz0aI++E7ey7tmCgo^TeDQlxm#OVVsI=4&SZ#uDkxja ztyM8kDL(gyiG{SiOLzemcrXNWle^3C8MFgsh|S?a)hkm0B3lVhDq-)h5=4&bF+m_F zuHi@sv@0H}1V_jXf)W z3>B9uyXLw}ejH|nfN3#&5zXEub_8S%PPxFC`3TjRE=H4HKM;!Da;N@0yxC53zN-+S03bX$24ce=#i_CAw3dG@L{XQO`aNz5ru)f!B(EH zAIEX}XMZ8u9gnPxY3{~uX`BA>OM!yXNRzH_NQd7NqL<=-B4vX7-0(+Lu#=P-X@TP> zMSPPG>)8%Y0Vp7Qs|FsEs|Fwnqa!cRA0C+vhwh-CIH{qQQ><4Z9?Wka*LIIp*ir_P zjvx_U4(NLMH}3QY?q<1mNxx8!H~nty$swtgxdETgSzy^stc1yFyOyjQ(sQ>|c@$)E zl9v~~rRkeP>&!dt zU8oHG2K!tmE!TFg(KFivqz<0RuGV%0Sz&7?;}MNxZXXyzW~8bdQ6Z%bcP(meh~ zZX=ujl0M~n?>WG2PR-=Lm|AY5=-n_yGg@CYszr?g=gsc*(}#&bv77t}`dHyHN!#%L z^|o+(=eY}gLV~^dlmJj@+ox{?^eeir8#>DyO;nqHecusN^`9D(h4)4xTVjNRs3?r_ zxY-ly@`sxZ4PbUy>=hjJMq^k=W0P-iUm==e;4p!D6CNyfQE5cT1q>CY$~o zzloUII|E(nj;CP-~1!%&!etAV!Sk zYhb@rTNe6nkqBMh4 zJD9coHR1d+0#GVgk(PqXmUv=6h^?%PM&d&ys*D?b753|@IF^)iHX=Dp@^B^fI=D33 z_rC>zNssw*j~XDXX%)p^+=l}kkdlgB1;pQW^`L3Uq5(OCD-BJ-UO>|A=h0@}M3OdR z!_%+#JiVgT*A2#Rouq#7u)`WdM}CfT{PDl`*?Cj$6N=7A$K3dk5YNyuUsN7w`K&$xSjJA->qvF21+J-uII-dBj%Qo;9y!psgSl(Oy zOfN62C?IH!?6F-*z|~5F)gsbmKRtpdh5(S1xZ@q`;+`Gm(ZBkrnY@4I8#H-CE9_QV zJw3UH|6J<3K0K2NU1n{C#C656W0;TdtZn95u*7E z`vK0|78%E~7QmU3rb{4LYdiowzaDAN-PcQc{PxJMlFJ^CwV%3WxY#n;smgzT4~bt- zt}UgfL{@)Yg!A)T2@cd4+Y(e0FwYYI`Hh_A@hHi}komjNJiq_;t>7VfiwQlJvROGPw`6}}sV^dWayC4Eo&u$V;HoqAUcA4^# z8hIYO`8cY^4BM%*<4_lr)SS@Q3T9!$;IWq@T3ceuf4Wt0d7!J{F3zyxzU~2lWbBw5 zjTMSw9slKPS-jIrE1_fNd^Pawm4+0^86Vw0@`D@X8oPfW81l4P8`7@Z`NHw&K08(N zbAt38MM?t7G21;rI*%M&R+BCD1Y1XKORC3N+syft270-Ews$dZfpFYE5vr|~vxhsU zRg~J$tT~yVqqIEPQWfwK;6cDn>1?6q`|9kth-$ZvBGb2dmC}12SJD~2q{$xz*XRmQRBD4 zDK`Qpm=vFW>ck#<^NkB_-8v`58m;krK+b%ZvUn0&llC<0@E7D!)B91iMMh<^*pXGZhIxC_f8ugEW;X@bEPO zlbaoJ_>tvtZ!rqTw489G%p-Hh%O zC05J7CFFHhNr+|29J(Y{A9T%_5?E^MEmU~ZL{dY!`(w+Hx89G=F}a*^KHa*;j{j@T zseDJ2VX%sU>7>I^GU4h&fpJ{9opq)2@N>N42o}t{x_UI7URK26&c1)KvR}8`*@fjN z@Q`^m<>{W(l^0wos+=~Gf5{zD!1ffsiS7L zw|m5Gkgk)>vT9R1#CETGtXNpz?3+lb+g422@FLtJ@K#RP*;Tf;TmRM#le+U^ z^AdurA1|gvLVp}b%lw8zJXR@cJ*3DEgRe#7w6IIkmvAx{d$9Gl3-+3bqNF>>xdhun z!yY7`CTHa_E8Uu|Q1H}Yw3#8Cq`{97_pNF;N1A%utLME-!;N<<$1PNp1t(vq1%rO) z4)1p;B8cIMUY*oQ1~k*p}T{jN$9& zY5usi4XH1;DSWFaco?zs8>KCsQzS$Zb&OWw09`EZ+XVy^;sZZYZ_QRw)Yp&p#fUGW zvQRy($ee>q8)L7qPtd2FgcTvkq^m{Lcc>v4!#MeGqAZvTtl@uX@L$^=EWeJG{2cja z^#xsFNeY1pTkTaEa7JsJOE8c$19L|-8HDuOxRmeL!=a86_(^K|&?)OXr?2i{?c7Pzo90u)X24(osqXc7T$rei9 zYyLd-nG4BCK~TSLH5s3o`%|d#{C52w4TJ52Q7Bq?OLf1Fx3f(0 zvssZ+PZwNl(~;lnA$#VgDMYr<91A*T3ICIhY>}S8@wbBwM!>#4a{@-duI~(x!!d+* z%%5Lkq!7{MNm3e8%*%+x0Awc}WExb*%&cPQiI(X^-$!-yt>zLWah$IOt2F)77NH;& zJNxBgYxBCatJ>zN2FCWp6JKARw$Rr`y3gNVUw&lxX(G>3VYVb}8n(%kdsU@FmZ54c z&h^%iTd}u&qF$X$n&V_YHGnXG53cNK&z=}69=b8j;)f4>u*I!6xE_BaAXQ?{*OkKd zm)2&(IQNC*rb6fXRT{7*8xvDyd^q+auj(VliXLw%4i$_d#HIx+h#oOF~(QR zM8$SBCQwtmKG< z1v~BzDWEv8U}@zY`-k><{gH)hbYH8mP4zMq6fX5@*ohg7UZNgxTd0&>8%WwHyxt5u zT<~DQ00Z9P?zMMsdzjB`?c0W(sE9aFf=5NHO1IM8Q2c2{TL6E<}t9>^- z)yEL|oUPs`50E?^7ILclIfX?%Ed~BRoW2qm=~Y@)gwZJ$-ErPW+wM>B zt-NTjkmXkUKtLwS9!YHlF@io&1G_ohc8LHQ-kLL#aWVH_^~tq5n*t8&-r*{aTry%p zA9t#k7i&P2#M-~7*F{>>@|WFc`sP}YuJ-rNZ^H!^3!D_`t1kkP;{zME{C;PA`ni(c zySAU5Pmlh@hHb@PB5u{D#}+C9AFW|AqE&)onVaZMpR$)=r&4k&OHsKOi|k@=mH#4JoC8EdBYA3bZcjB1oE{piUMf^F-mCz zDoSsa{culJonI5%yyvUo{!>`otC1$R`U9RGEw=J1BzoT~o%sQZE`U>4ZL>k&uj?k} z%P^?PvtVI&ihPule}NgDVpQ(UjOPE^yWrwk`GPJ)@(QPeAh5JZPOP+D(nP-h zL>XL_RrDkF*?St$FHleRKt|G|z>3%t2}QtJaM2%6m$hXS6Nv!uw%Y(tAv=}HINdD9 z=z*W;;_Fa~Kwk8su_Ep*ZQdcGVM}FG;2x2!rLQgT{n@XutaX13jyxZ#pw1U1;US;? z*-q4iSJ3$Tf%7ABahDSljG1@6TCJ}0j2_wdVyEYU)ZUT)VMhCB3J<-q@FVhgB2!#A zWlAVfp8oT%_|O*R-ydV1e%c)pW6R@jqdptp|H;=`sv z8(*Z=`7(bjt4gGwG{N)jPffN&)fwDI+6h+Nc1nJEcSeRutK^6oDHQ=8U8o+q`9hy(X@scq8>g zG9M(MV@)3I>?z*@zZ~b;XLPaS0gmW45BRb1wJdoWd2s{A3V9BU(Jc}z^IR)F4sU8H z)w@cuOi|Km7jkK>JGM_-bBe~SUz7In>fpM&SBlQz4j#2XX=j=JyN&=iE1v6HZ*3*rG{FuB$OA$OE?`V#r~1 zym6Py&l2>!6~1kbt{o%VtapWEc&VWUvt`73mBkjW_M8G@&j$;7pr1qQ0Y zk*`GyyXWEmyY@>;^xIK;k{q{rxT=Hi)&AeVA{m`MQ2ce#XpvW1%S*zwCPp8@ZfCU6 z%!90OAuP9(Ue3(0Z)aX)AcI;iaCkLrq;!m7Znr(Cz&KQwa_2C^^K*sOq7owZAgJ6p zB(C9kE@Xz#`ibpITq3>^ceZC=!+xT~&cj{n<|4aS9}f6rEa^v4 zZSulwo2~f0m+$X^CMiHD&FzWYg*UsF0D;bj0zQ5}Z@?unEu)CAAo0xX_2I?lQ>NYe z;ts{xr$0B|M!0d%d%7mmU4-%D(;7Bg%c%vB;$J91!)L>Nt~swLIEV&ZkCcUdPrp;6 zbcY`eb%%YM>z4OR_^|dnYZMS5y7KV7DA^n2{5O6`EwBuJloM_ARPSQv!ilig;4>x^ zhE;mF|}@S9CiBD|<@Th~uK9}6xVByN;Yx)t=GG_wO9Xa2WOj zdZZ*>HmEPktcVvr{oP-1R zG%A3P08-BQ!0C+eWKA!^`%J2MH;Ul@aI!O>gBkv{B^R1uK9i)oimr#JkluIbcU z&Vd0Tv{?emG_@J%Vt`&u+`tAeT%&~FMaF^sYca?LF^Ki({|;#phi;|_B2&%kHQ@>! zEN5Mp^q@$G4*Nx20jM*V5U-Q6Mh6t)Q^mRS-{QXfJ#<5N6vyD1B6NtjE`i0O=5^Ez zKBLL#_hG!vIvRY_tT{{qQz2(G3N7)itn}DfIR);<-_Rj~lfk$k1FYd%Kkj0FY&vB+ z?&<^RH_BCvVJr7pw1 zHk`Pp5Q@Ef6*#wF6W({_!rwt1FX@9z#MJ*+azH~kVYt_$kxr^P&Cx=(>fr zCdP#lKczCWmFmq?07Iu+CMti(AA60=DLaj8{oz-b`uE<3TaxF4CjtuRakQ{Hcx~;- zS5XZZKA4k7cLd1*d6(9=a7A1jiJ8rE9I3yw4vuCSZ}i)H($BH&Haui*RXiwoJ5oyZ z13hpqjR`t5)qFU#n{zVLOxVwd_rV6! zPz^_}WJc}WrX!xy?nQ*$<|)x7`ovEc;8%z!xouG^x-#RI8NJV`aM})Rz4nwJ%&}#P zgA>Ox!lL)Tt2enD|0?mZFzgUHNawF;DIG31Gw$bu_k>VViWb&rJ8h$rW+7T<4}T)}fdbKSONPS~euYxA{> zKO`?p?5stnyBJ^6=UaRJ-b$8T#-uH}9$y&i$8ULAnJT`>?cSz0aQ{s;R`nM^-8LH= zYE9?m(e{rhjQh~z@^(8lpHhK19nhWbjTUPb5qgHT}gj|}2gGfIKO_h{+! z8N|t)GY7~MBjYzug9pPKduK8>?$KA*~3WAWjF#-d?;lh^2&x~os145FkV+%q) z#AK+i^9LT2;YUFzY5^)UyozPWKhTtw;DaIeaT0%97no4IA0mpfrg0AbJdvJe-UFRU zyRbMOYWf6BsPTdlSP6g@|%!)Ja_BEP;_b526guo@0ND+2SkVLD8B24M~R z$FDxpx-`7tdO)xhV)D89FGXUpLq5SJZczEJ{qf_S`M4SR)?b_IV0RXj=;w+=2Zq}i z)W~ZlM}O$rfG(~~^;LyLK`2ODCBF8)ZYIE7fm-gN>K6CH|LkLi6JaW+>8Om(w{bEP zb3jtD9_xQ{qQQj^3?A=JnYd5Ngj=KVstFngM|I|#30Cqd`pzuf(0n{+BM{hO6cN-m z%lMqa2|DZV|RU=I;?9V>O)h7Zlf ziIDumTP_kzoGuV_E(3ckC4%jjXM~e(lOk8e;+#-( z)s1NvW+GCbQuEGFqSNafXLAau<$F@wU2(ZyHoYITRWoGV z?etA|V%x95v6z#ahHc7pB;2B^lnF%CJv+3xdN6Cw-Z#)%oES0N{zq^owS2*lrgvMwc3pBRP&=bqkcoFZz6`FZ4C-K0dm&`}0_u-Q?*Ce4v7qG=L!OC8wpGl*`z!dyfuS2Q+}ldhtPfZZX_|>3PL=O# z#gh4bw}YTmus$L6r;YnJbUSK8$4Mlr%n5zx_@7Bk6-U_O`+v@%k!blt;=xv15UNiK z4L5}dVOH#$7r+1{z?mW+=QYA;c-+VRwZQBxZ)Ccy)w|udn3AMnfK*f-sm~&8THG9x z7!5riVXxH`qI~>ZwG>gvCMRT7&gS5UZ{hz=njoX{TAX^;iUzYQw}gdV@2NZqgzg5n z_P|Q5EW+p~5RVhI~RVgd|`e*_*Gnsbq zNg;$OKu+0dCofbGG=OdTxw1&;o5U@LZH?;CeDR-!873t6=gJ?=1g4stG-vycj1RfJ zTrPe*pF+Vg;+|enU?GO4Ekww${qUEr1HhA!0dbK}*aa3FF58@}(02#d z3>GuXG9S7FX`q3Y#o49GuUtL#UX3w_X!t-XjOA<2o?FOZ9$utRq`Iwn+D?cb$OI4j z?L)B?T!GjV94?(TX1?pnhUjNuv~JL11J$CDia|e(CjzRFsNK%A>``uY#<_GI&P%7I zb%skFNn0brrY7Z3&^h%)hl;J^gILP2nyL1KTY(tfX;$lk&4e`@WY7u@5S3u!Jf{w- zoLedZZ+Eo~3+iNNkdDY-ZQcF#hc<@YVZR`eV(Yw(DRTV|?L3~gLj)Ry2?|5t8uT(FLBM?hn-ED|at)u*RcJ^vl5N zW2?u89dtJb1ZDQfvVbCHB&gA5xX*5P+pdAQbpO95a45Ik(`tx|O$bAOUWnAKa3Wtqv`7y(7o&|}Mu;mQ;)mkU9em(|_38!-x3K`v1dd{i3nd&ozg+V)T$B+tG{8 zf2GSmLb2^-9~uHm!!@jef41c`)c_o#?i6&pjYn7;(!N%9Yj{UZ665>SlJAozaBjCc z;S;^o$r^JbPC1u03{Bd`tz`vtt5b%bMW1c;>?x@F-8#13b&d&=gn6ANSOi)Ni~XaE zRVgwrJ{uh%!Di#=FP-~KqV?rt8TfCj=YyAUyHCUEUpS>kpD45bC*Y{QJE{#@Wu#bW zbY&P&#w5z7tvqvy$b6EHfIrhG95nV#T47cKhPH$ih`;1vik?ss-y0wo{U=ZGCmPBE z^*kzOtO(#Y!!GdOVc|uvivn&);>i&xoKLsG*lKq$o6>OPo>EAobmZ$Cq5j@p;JHfN z_nCjpmtw@9`pl_mAY{bbT0lwZd`)%zA9l!L$Fk0LI2NVm=f?>Lp7-30+TRME@g4uN z{d+qeOvfmv^puZ&NDy+4`LM{+_?Jc2Xv4qpLS0Vbg#R8zSStbvXCQ9t^RY* z;(YKISna@BQ+kTVrLnJVFAl71KyR?^LV4Mf^qH1(PG4rI^%|)6WdA_J7?KC#4xJ9hQ5%DKG~h zBHk--j5{0iL&E%siyKs_Iz-bnM?~2GolRlVatZP&IkY*2mOmZWK9s$315FmSLMMZxQM0<$pswEg$O zcc?)2|JJM=?~h4DDrp3Laa*vRa>KIHdqecNYjz&?G0os+@6oY}LvPq4jZH`yv3y@r zsrt~Lfq^8&u{2mC2{kNO!+o`JZ9&5Gvtvf(+mqLqo~i%!Yxk--I=}9P6B%oA?lX#x zGJIdgOT>NNtFH>Xz0uRmr{_p!%VYmY^i@P@bFXsc=%`!=tTV>v-iQgQm-vC1S{a5F z$%tpa;NuiLzg8`BbUMyh0RDs zOi@pg6F={dKucWP2e3lqxp&VbY(+#^rwpJ~CW zYCv^Ew0+rss+oX3ZAU=Hd!Q)jII2jE`)ffYpt}2a1@XpS;DwAGt+PcYg?nl4;?FD7{0zDf;BH zCW@{mw*ETC=L;OqKl6%N=&f27>fXPGJ@6PW94zp*OGmv}7QUzcK_{5h)O*gnpR;C? zJ$aD(EA*;WZ7$fu0~;-D+mL$V13Lf0c!|n5!o}R9w*JLQuVcnI@@v&B)9LC zh-qMZ_*v1r*3~Oo|7rak3nhD|pZm5BZ;t-a;@^1mT^(JhoG+HcDju8}At(c`exws3g#$ zEAVr8S68XfxzRlNWwFlTLohP@pgG~b&QM2++0p!$$|^d%x5mrTms2ZcR?_R4WXW4c z;|uAnYz57&Q%pgt)jTh@WrHxhxys|^4O%t?o(>34LU~R?n*0c}`aZp)K0||%Kr3;7 z{8;%?Vm>E=75eU}r;2+++GOpxzxyJYkd-cN- zurFs_t*~U1dZn`KixKFMzUVoY`a|b#u0DUP2?Rn(6g2AHDd(T* zm5#6YVQ~HTP;*6!q_H~|IwHAu+>o?~>cCxf!VanY+(e!3ZdTQjKOOC6kMpr92Qh%|gx!zvLz*uZLF|IoAD%*^nZl_Ufwn8 zYeafUla>nY_!uuafo&x|LlSlkGCGoOR8RXrTzaq@cLuiK#s5`;$<4de2X1rnVd>T7 zn0KWquOy%=$}T+@A*0z7cBC+W4i0CGlZb^4!jR=1>Viqp(8 z<{M)!9#s$pv+MLeLNt=MpREf&W4}@oX1CjTm1Vu>$*L2r863;lI4#zh5G;gt(s@&; zB}HZU!LIO^46r2#+pyMbZO5G;h-%`&cTUTt(Kyu6_vAHli{5O?I9W$P6sVw3Y9|sDMYgH85Wq1@~qLdMhfA;C~&=bY#lpkINcQhN&K14ksQct z_m7nHcp}l;xS&Z7K)Cms*ObBGJkWss%JiUp`HXCsNU-y0}i)! z&KJ)wVJCij)bT|NZoZs^(k;5wpHoZ$O~-|R(G0%|8DyrpKGy-O)5qZ~A&Egu zLah0!@pTler3qNE#EK8km~ElGY%J2r4eT*SCLT2Oi02Zlg7ZhGc%S!(SG*mwbn9^D zJAAcSW9ovV$4%b-anY%WK8JS(7XU6s1G{*U{~_tB!rJPZZlO374ek_&;Ken#ySo)D z?(Xic#oeK}LveR^r?@-(dB6WAH#rw4PiD`oy=KiU8d%m=9R?3pF7OP7W(Ck9JN4gj zYt+4t5RSg`V6P`cacD6{9I}yJ53Aie7eJZp!6+-AlML5;QY>F!cjnXtsoTuR$sL^% zAZ}nXPu1dnDr|RW9?qbB5p28qAD!A7I(H zI6suIBh7TD74K*G*eTCR6v@mCE8ErXPa)M`qXNgArjj0U4f}{8IGBI1y8*UKg$Enb z<{jiKmkRKp5C+I+!v?A4yX(P1s8<&{SS3S)S$nDZ?;@kCD+z1Vtv=G9NDT;FAx&K~ zb~=}l%#mF?TR#vF&G?;@6iWNAumF11|H(6cB<2#fP!RX7fxB;%CA10V$F( zmvg*kkR$Gl|FA!)%&rfK4x!?4eb{nX|^GK@?`UEI5}He_3?{Do}Pp@Z;5 zma)jbX5v>lj_9f|Q9oNBJP;IqQhmugXD`d;sFrH&K=@!#Q@ixVEi$RpsT|uSO#bz$ zTrB&;UF)=AeO1ody-vy6+TV0TI)Lc_OGMc~$e6ycsyeb1%Qu3yS|$+NkX zpe;pSb7f!vA4Ft0b=wNFZz7rpP|nW)<2Ty!obQ3p~62pptM9C!dt1) z1+L!*uaP39TA8}w&3c>RFAO9AH$(-Uh*#-qlG@37h(Fa7_sW7Ap6>&u#HVkwkOKGw zjPzE1nY}ehi>nxVkz$&E*2oE8DTmq(?PJ;@;e@YP7~-h8!M)Rck7_KgaTxd=_V?;W z#27m1huz}L#_{VSC8tN@pe}w&&khfPcbD(C#F!z2yA$%3-!Z$n{CInj=**E1^)#G*{6+m*ivraX)BP*c@ zHO@r`A2)Wxd=y@ArH2`46R96k;OQF`vk`f6V1d(XmAc^QC4^3pjnczx^DToRO0d&l z!kC`L`4^!=$l<1FWdSDrV0rUz-&)#Pio9A2L85Le9}{SZCxAc>n@xfBn`0S(?J=r{ z7^XACs=X@M*Brf=4_7{oYWP%-t~m!|T{lJtVsk3>p+t@F2U96^!Di4|D;-?$*h;gy z9e#CYYsPuks002&mar)00{5dTJkIAlwp{~pOqo8RkRaud(op?Qa$?ZQ30j&XFLWZp z9#dJ++JU%{ktAClBjldExRKL}UKF=`j|Lz#Tb7b!(D?0I!_8Erm)VHD8u1BG6|g&# zaqem*NM23&0(K95?wNVfYjE;}0ET$^i@n3ydv}Q!fGNb5Pa8IhvmYn&IA`r!r8D4> z3C?ZpF=wY~Gc`#;04n>mOVSsmTSWZUb9M)vtpnng2O`LI)1)O=_iia2HRuT6vxlzu zZxQNS_x%1>HBYK@BMa_uw!{zQSk{wuei4Bmz9nqbDHNkks0hgS8!&y+k!x@;vfS{9 zaMojSQV@{=V-f*W0-AQkjSW7f60YHXSbcI-}mYqQ>|B5A6nIqsB%9~uCX z`Obz|d*%@>4|~n8+TRE|;ZYoB<{n9^6C3o#I+vF^-1(~z^{6yowNv7Zp-@_*>T@pW zt6&l$A@cq-ia0b*B+tqVp9J5RRp=0cQT&5_N`$o`@X?UHHH{_oK>s;$3J3% zU-q4el^z-j?pzMe6V8g~52Zl=b1>A)p`%eha!T=IGVn$=teuy*O*dt}L!LPF*vv$9 z`uJcl9FSbV8i*|A?i?@$pY@tTq&FQ9zm;z~RFIw(E3>azxZ*cdtz2rWooDXPH^?D< zhJ_u6(VUb@+th@^OHK4b-RIc=VJrUJ3Z<(OLA+ZRyK%v1o49rc*flykJfDpON81a1)hE-0MqH=_yZMqagO^d#58ue!e6v^?-2j%!RQmM2C9GZ6{vv zPYih8#Gi&g#n=Yb$PJ%b*;;-}vAb^%W=Rg_j!Gc$4LA?Xq^0XrzvcY{&JC+UNX}oS>k2+oOiqexpMt5i1wkUxI5#3%u2trnlC@ zjs_1d8_r*9&VamG8Y16-mNQc@d91$QPp!faz2SaJSh|MO>5lJ_k@00f%o?`s z4+T!I%jPuQgeVJ&IvfmKv9$D%%)`sUZ$k0rEhJOr#6q=IhfptC?y#x?bO%8{Ton{W ztf^JDF`#=ba5Va?N27~sNo%@`T-mvy$hWJv!Rwi~L+c)iLypQ#WHj;qT1hd3sd(I1 zzaF{AD;Cvn&Z#t-u+ZKCz0W+HAx554nv*UjnfP=&qig{N2m=nL#mTkV8J#-SMKo91 ziD5G+UhqR3LUv9WFycpLc1RhKFpig^p|2?gj>qgsJ}2K~K6V|S#E64jUr5~!i32=) ziQJOThbr^m({!=I>qJAD>o~E5iiWn~G$TIKpXe`;pV3^$y@FA3;KbWuuU@mKb_V0O zawmFhXG({bp#Hv_ulf?>J+4Jkig`}AT%wpStNXRUPQadv8bjtepp5=*pgibbg6i!Q z3+SP=*-{y^*G+Z3mUi+slU{QE_~P4j#HX`yPWV=K%G2_3ffDtx{_M^6Pm<&p3xw~l zgOIIef{3*czL){+dLRk2!Tn_-y=cmqQM!L$+n2mttB(*C3|W;~pAYSbo#yC3&6I#H z3aD&~Q??~}Au+ig*EM^{Ji%I2L>h=Z?@C`WcV>lh7)l#g3X?BaEK*-xD~Ix{9B`}p zA)z-(OX2U%X3J|TZc0pH_3eR(2)^N!>>VvS=Z<-BY3yl>b!>q*vcU@V?%#@&BJDo7 zrL`C<^1w?DS!)zfX-{)Csg_F<{OmqlL_H{S)gkiuQvV$xzcH#$9<>mF(RgxFg(LSV zNTMbX$|MsG7pgByqN!U7?D2^^aj`$-77eKi6{XKi2I(96-3o zSL8#S_^Wz2xpcS{JrR-}9Fhg-o4u@V~(G!CI!|C7kXbOaZoMrpKvB7#JZ!XYGR@{T`gx)*7TszLxeltg-5 z{{Rol!T0d}fbk&ufE`RF3h~tBE%xfhj?peDSO^F-Z*J+)fWQaOOKZlFg=Pz4Y@s*6 z(TX~PjD)+%zN##QuQz5ZP^3yzc&27RsZX%pO%6p14NWtX5X4mD&v=agxzb5BhmIxn z8ukV+6p@TGGN5D&+|CSGu_{y0tlPKo9IwoL0SMV!WZ2jJu6v0yp`DMDhy%$3PkrM9^(QcP;8$PSlGwrz=(!vj)|7EyM$~%7 zD!C(jCA5xY;}UD=D@qMIkMs2+ES$C)-U!XgnmY7)p!Hb(Bwy(3gbzKM5AWa|RZJ}k zamdu6FwWx@&oTZDQrpunk-zbgRUb=Mlmr`tJu}9r1O*zC=`o+WXR(KLM7=!3*`gu=o5u7ZA9v6e5}_uXG@G+l2PQS&F=D(W!%N&E*ffn7W(iT%^%a zheW#0Z{SG-2_GEEwXFv-m}gG16dG#Jnr&&Z0d|fjd?o3#2upC#6S=($eL-h=MYLP_ znX1gNEM~W=w@i7Y70vMIe9CPuQ>5;)?3*l$8j)~4FzDgYy$vM@jO~rKOO89 zFdGSe?!WThk)Tx@ecs7MES=47SZHRxiPglhw#EDXm*;nE=R}_NMJk`qlHz@9c+a+Hm)B36M`R=6bPG(y6XKui`bnDNr?y6s7eCmhZs{ zo|UJw+;Wqm(zcNCkAsn^{F!hMnGTFv8OEri(EABKPP47hdup1}s?}{x9W7_|jsEu< zjMBBH-%=3kbi&`4u+$`TZlfCHj+!5Uen&4LHydid&{fd0+lrdjQ5_p%uT`Y|Ws}qs zIt$+-WuN!0AzRK1XSD;0pSmFnWme3OUezRtj?0z5IAIb|+=S6HVDH|1HptF={$5oS zXru9=n!ht87zBH5xtH-v+sVYT8c6-bX1tMN{EFrnPLNgJh|_(s3IL5D52!+qUQu)2 z?tZ_7!{w2K*}^nb0PP0U0a8fx+wF`8(auc!7w}xhjLSm_)MRKhPyS<@%F{2I1LvPN zdPJe($M#QXE}d%oy`IASyo;vz@+8Eq$<=g&1nzk>$(U;cR=O}9OBhe;CK<%x*p-I9 znz+Gh8yu*dRQW4W2Am!qyB7mH=I6ghPe%kRf(Iy3Wt0ULd0Gg*c}dT3ZYSBpR%LVG zDEuN>swcq0$5ELC8B^RbGTRg&RL*fTA)X&zgzj<6kNdodKUqumu74Y`Ly={@Pl48E zSgQ6>D2oK3o}@}l#l!k@yPYz3U7mla4ZAP|$d^Lu9Hc!wGL4cI(!~KzZG5tnA|jmV zw>_mFM_r8}cdkizIYJE=U%pE6eO-wmH|k^S=9f*Yf$p z=}IeDZ13_fG3-R>UUiwB6K>$vLpF?fJG`9^500-n8=S8>3%skG2jXu^pJ<+;Pe1LU z4?p&TF0oe{`XO(B7vt_8S!0)izssG+Y(4@u>2_ZThc1{G`{j(g4~{mDIS)~}WB83m zk@p^Q|2{F!81@~#z5RaP%pOW2&@B$$Nj)YiUuy_FW`7rV%Dg57dod$F)}Arn!`|h4 zOs)rdQg#OmG+?13_g!is59k&U4}G8dxwH8jy2Vv|<{V@krtY}Y~>RKT+y@8<4u@swL6jwI-?aIX3aq9HNN6RvE>REhl_r+ ztzvr}-{Wey*gQXI$(gpebZu4o=#m~;;Qv9(krEEwF2ztDJcSy=NQrFF*e$qQ-|vlG zQS~Iak|XO~-nDihI$)e;chHeCmh#XY1bDtsQgWJ<9%;CimpZq1FXDR?%Sk<>9uN-d z3Wa|~`PKNMHe8(u=T(eODzBb#+L<~w|5yp$LD3rczt{d2^1@J&NBCafRC&Aha^kVr z*f41<%HOH->=^qvMSE^Qo=SJ`F0`FsRyF04lha+W{BO@=Fv_ip!K88EU@W^G?6CM> zGO!$r98>)b?f`;WLuVPYbQO-EzSnHURs4r`LW)79Qs*{eaCd=T{jrdtK4&Wu{A2&a z8G4G>-q+HFUBE95udTTXmlT?a))Ebc&e)?1%%^0XdkhrnubgA83{7jM8>(LE2lf~Y zpGpWuzFkR9^#0AOdgs-|Sk_i~7ni&rvRv|SYldSnGI-+$KTM-7FRd6WHpQGPUm$v3 z{G+WWyLCtNtgL!}de^)NIjq^=8hdOv&6X1{x<{42WLT}ZKtA5uW)<(!ulAUU3pCx@ zx=qh<@!GOw$oN9VJR>r(GQuQE88erYLH?Z@$n_l{#c)=h;dn(yhs8iL!yNc~ZSbX9 zvkO%(e2bL&63)iMgNI?k zsyNuGbbAS2*N#vM@GDlegNGitQecjWn6q zq$l*f2W;Pr3o;&(H?-`aZ|EB2?o2Nu9>;Ug-eDYh!;Kt!_>?x9hBo?(7EE!0>9it- ziP$Z16<6GIP>&8=8MyV(SInZW#@~I`|Zq`?_66gQKMtF5JPg5v9~|@1zr?mbE%(iFP(Z8(Z74P zzN8+#5PVI9(5`2?Trq}o$NW$XpOCkbqrDX<3ZV?;xvH>?<=e@x%)SeH^ctNgLUfO0 zD*n@q9CDHU@dn6#=<09Hp3?!*X0mso{ElN&a)7&eNMQb8l zFqWTIISer6#pYWNbnN75)#c>tJCBO;(pc)ZY3KNj!&$Gc<@-?8z;=o$l{A6Adbw8a zRI7!ClY?PQ5gsto2lM;#8x+*->-A!m@GMN9*x>>=_f_T zO@)yJPX*-`vir4g4>BsB@9Ao4T07gXEP(+^wPQ4x89W-Z)bF&tyNEwCRoj|3TUs(b zg%m6=aEg&0dDhYe3wyv0i|D`qA8mkD2RDHX&smgI5ul>w1Cz`yAHUjxt)k)Wx) z*vtLL7Ct_G7DBSe61OiLM%%`aiHxN$aW&h{n-&F^Za7JiZa;!i$+Aq3=#a=zrFy+$ zVXrlnXe8`m2A`A8b&bCM)?F+e{5zmE#qGdERA1DWgqJmjA*JL!k(+UaJ?vvFWU#=k z+?;W$6k{cMY4IsLRJ&jEeC0uj(4FDNn8Djc6#1u~nTifVc{G9fScFrI4D0KZLv1t@ z5+{C49z{HkuAm)nb`UNXL1{@p8Vpr_Z1m^Pm=%%CA`#joBj* zD4&9-C#oqid7>TkVRqy z5p2S*?(PX+4K@5D?rgnUEz|NPVo>k4iO5)Bc;{MaX6RM70k;KtX-ibWMo942_5ceG z_>ur+gLB1}5#{mC_314PnMfcva7w7*@tZJgKtaG}!z~pPjHz}lz7ym(uUPO!?2qXe z(gZ)SZ!#Of{l!q_G`*YcsMvN4|z`)ii-k zX7vI?I~VcN*ClG-uR?#m+sTHm9AA9=@OUlG?e?Yg@GQA@r1e1C^>`k{kNe{nLpF@B z>V3IqU3I#b+;`B_kZmV|Zq zx8ly9MscqE{gv~xX7ml=1`*s}!=4MaE|Z86<&Dw7;_8_u#^R59A?gTbHT zs@!J8POb3%NL0a4tUD&VZ_cm&r!ESSySk}Ixs;gk?0|hi$3?uA40gZ%4~^F(>FC;8 zFJvpLX+P*RM@stov4twAf&BB%{}n%53fNBOR9O3T=`1`;{p)+lu0cFHUXV@6Tse@o zDX@fH+coa?RpGezR9`X~i7>KkogKM9zuEtnkyXTWo|^EV9QJ5xs-0lO``@m^!J+E+ zF;xXexafnP7W$huF2T9FDrfBU3hWHCvWFY)@`tRh)&H7@I_I}FNfqwi0@_yfvMQoe z3+XUW6z%fnzhi8tPXDN4kgD9mmi-utsw^#5+gFrSB&VoJ))dP?G?%``urirIY3R;$ z52SOCN_GdE_!iODPT5ZIu*HjMa@RB;VrtzYs&W8x{;0%r{$aKfMPKKjGCKUD*kXC+ zZGO8=NiQ)m7*r{e=(Z`#P-updx78|)<0k=W1oJ`|J20GB2Ii$ z*s%<5{u*BS{QL5j{Q?0&_wd(s#U~M}yJiXBoX-T~!|pNBt|1FWJki~b&G$=;%bU*< z)|>s+sX5z)aYObW6pj~)o#Gy(1{4W0sKH&VPq=klHyp6Y4)@dX(L+XSlwCjF=;AsH zQ=HjVvn}2MP0NvtRn{PNEcp=P1AXK`dF1UNg+aRVaE=x`FGU*r!f}VUU!QD3G^>+r z0;+~NUS`4(H8vBL*D~$IH}jFAFjhQLsHWh^Try zdG90VH`P$%V@IsjW`9p>bHwQ=9cmS1Dy>Al4_fakSz}UC;>R6Oe7Kr6pHC@%(-svcrg{)*H5zIHv|~= zLt)M>uF`q%S4N_mh3pB3G+#*w%vCE8Bmncm{-!3f0Kn?@u1+>1gmE+j5~>o%%6&^3 zm_?&Fu#D5jZsjii12~!0Y+SP1rg*aZ&qOXTW1gt+v*O@i2DrxLv<(w!eEd;q@4|*m z{&DsGxypm`g(jloJQgi#-_(%|E&xZ6B{LO?jFt=7PM-;9#65M3v~Pm!>T&6<=fUSF z2!)9WHJ2Wj6-a_Rg6rLNr2m6&j#ZnL$1v6Ia`SmlU~W!VS9fDhxx4BgEgFamR;?9L z$?&22i|5|&E{T3ExIdy;vQY6Y+3g#2fzZmUPa+Gdr=fI(_2+H;B; zrzu1bDu@P}pkpq^z`Z(t)B>u!YDM`tjh&MeBnK*Vg z!1bWlmO;adc-i9@m)W81Pd*dd#d&|rlE@y;MrtEVpqdjWkKqk62_6T!p~6q9i7Xvw ziS#RMF43)odO+jHXR#8;z&t8CEs?nX<3{pvBfO!keWSVI~G1(@4j*0jZo`jU$AT%<=BvtbBt3$Ce2~{O% zOFX4uOjkc&b@CUv^Q&*E!=4Ez-iJ^$NqNw92CPEWJ%HTVhbVR93N;mTyJ^eYe z#?4JenceW1{KA;*wm|IPdQl!gYLhl%7Sb$KiQOWR+vUWCeyO|b!88{)UR3gL!qlt< z;-S-5Q4@ur`Bs!nRQA)SQcKbfGA=}H%FURTO7$dEF;k#Y|4&8{nG{DTMSMdhW*Zp zA6F!mW^fAzz@{lF=?oiOUVSY%>7y--ORR1K<|2zBbb-qQwU0sv3P@@eYF#W*84)RZ z=4-4p)@V)0^|U5<80CzEa9y{c+0)@|yjRs{X>86DTEpb-EPU64O;4U^*O$$-CK`E} z1RVNeFW4AKtbhSF=65;FjRV`ktj*RyNu#s>egAqV(%dh#B8{y|{V5z`25(k^&9h6X5&@D;1CtQ}Lh_@p$|iVJ`{-x91qSvBSEM1}D4 zY#=urpZPBQ{`hg9W&L5i8O&NlN)ve?ef3?5xPa{zpW4DIcs;>9cJcr!$yExK6jUhM z?Nf0&NNpc~V)sXDMzqXmdli=WE%?+D-<35+0zfK zX1NsbR~k9^ntnlu(YzNk(mtJfa&OEvs^e*i{vat}=qD2*AiVELIOYHhQABd2tQ5Q` zR0R(TIz**4pg$+37%d0t@5Qtq=4n2f#V2t?PuO}xcwc76?w(XIIgDCn2QC1FQ##@D z2w-Eax05>8)mOk?U?PJiqYAFC-)FJ&ZC1VJCDThN3s7MBfWi3U(J78-ELEH0 zzu7NI>(BM=>~)A$WU*$(1{ZX1r+r5QKzaa z<~){D!%#5WsIou9&)jK%o_>SXH+zz!DU*PXRLpj+0XmjODpESF37&44y6Gp!bs0zB z9&C_hN}J_PbW81SUq5j4JZQUXI`A)(3Fu8aOz&q%=`EnUSL#}1wMYq*MoboQJ=kjS zcHd5k{3CQSG8*`o9?##{c>+M1gr!vxtY9M31)DubzMLlmp8zY6M(Oz|xOg3CCD0Y; z{I-o=g3w1!w>A&CA+ME1G|p&Txc!ki2xjMD zx+wC9O)V_km1D>d03Dr-6`VLse(o~Qa^cD}pjNCoEuq&kvCoIYuNV}!`!tLUklU)D zeHA8N3+kGq37+fj3noNB^L-Qnoau*ZBLl^jgz2X5=YN{~UJYAA{tVK~@j@87?~Hf5 zTq@P9MGrS_Dw`2Ljd}|Pxe>(AS~qA+Etv5UQ}34S%gb(d!73KGSnPMAgETL5@oFh7 zp77q!3_3mIKHsqR`NT9mO$fzg4({2)hYrt_XdJh{rHyhr|M3toArr`K5ub`I(OMao z;F8dM%&8S6y=)8$PqQBSk{$TLJB1D%FBFfy0of!PKC=yvAJ1coSad-(x`Fk>!)miX zhsj|UYoE6R%RRPoC`_D#IwE}t4Fkvh+c&Sc8wvQSomWx}4z2@n#GNnMb03M%t8qs+ zCM1t1_!|h+OKtbRioK{r(4D1=RgnX@-meVY?F49*7(}05ZyRM&9jpicw$K+NR+lf~ zVpBZ|dp(>=!HL407J7#qj|WGT-ii8zkG%CU&fw;FZkPJp!d{6tVmZEF@mn@!2Xj|_ zR2CB5B%Q7t%V!JW0q=3}uR~n3J^g zv?i`prh}CjiO{6xA8}C>0ZI?(8%c87OyIK6AnR_lYUXa#_Hz__W7c&_Uyiy`AWY+E zK=z~q{*W!OcVpF!o$2>nZtc_v4&e7#}^E1FM4-gWl$TCGjIf6`Z zsww80s%Sx)l(#L4;B1v=7MU$6^=_D8@*h^}CC`M|0e18nN&P|6fs{t8)q<<)^{iwl zP-0HGt8%^)P!e?piP~av+qyvr;;{L^6g z;o#WOjn9KXGg9tV&0u-+-0qGVv_Z<4cTqYJhS&Uc23mWeH1oP3_QV1=B9^30BCd?w zgd2uWAjbxJy`U|r&3?>4XGe$}`=bATpn@igb;fNPzvY&KD?1ucBRl-NLs&M3fu+*a z6%l4)IjVP#!^*Ju3^{YWUI9eEAvO`_R(fNoIclX@Y_g6k%GQa-j5dOGo$3g5k8@;l zdsFMXqdZr!Kkg?S&Z$HBO0=1uGIGjup&ytPzBWJq&3&CAb(U%hA!2>(Bd9llu_R8* z!NX-5I7=36Ns=!>sP>5SEF9S|8iCsOxopUw@7U)5{k2XDZ^1oOG!i5il1i0#yly#+C)v&}5aYTcl`={N7)=7o)C(+)ue0O~dExQTENTbE8s68u(8@fV_sFafRq4&?G*=?GJ$Mowbi!`g zh^l3zp=D%}j!*YHqL0B9)4wbM7o6Q?lNiLKRa}7JOpJbs1#+Z#7&j~rT4A;(m-pFf=ygfZr6XD9i#H|Jr`)72=FJ|J zvw`C}M!-N@PdPWD8tE|IXyXG$kOGlvdI>188>1Yu)R`= z2nk5G%BNdZqgY2y^=v@>*tH}D7{)snn%eb5=k)P{R9-_7V!r+K6ih+IG& z1{-~UjOoQ#GJYCwJZ25X+_7pSdoTJN$mNr^e~mA~aj^p?=sjT*aKs3|Gmpi+_3-Ox zUj6xZxMDC*N{&S+_^Vf_1j%x~0UZJ8QOqTfSfpbVnvQR1sWUH+<+DvlJG>8iAe~12gbBg@**%3+y9miS%kG9LP{-Ca0*jlR0jGdbO zwYR3tzwCm2f2>xyZFS;p1!z)X6^w;b96S7iZzC!|%GL;tN~DXsU$b=L%{u{r##cI# zV}72LCd5TYVzep25f5z0e@5|Wmf_vb6aDD0W&)WLo6biR%><6LFjp!2xJ9bgrjd`w zlqC@V2W`@B42VqzwI%3D8)ye9;i=_il7I0O8#jUD3`fSjoLc5Nb+k(LO=%K54!PP~?dy$v*Ld_ho1++<(QgS-1+vjq@#dIUn88&+ z@+P1c9b`cWAO#11k`T2Bf~@=E@p~rubWEA*M9jMesJB6$r`UUy*%|{dn9^-94Gfy) zrcfpxHhEH`OZGZUkWP$(@sos{BBwOG6Vy8C>rE;q=G~9mCEv&?0%IqIxJ6A*#60c0 zj+wrrc%r&&iiRt?K$GJ;{a+G@xi;5-v=F4v=h8Q)%RFiR1oe@YF5)dDP;QVos{j=f z3#Fe7DT28$9!Pxu@gwC7H<;cja#g2mGa0NR++~U|OH1@l)N};p{~lwqJW%3X{U+8w zJcTOYK~*08hRc#HA`>3A&EJ1;DXuhQn0hBUpMP}5PCK?>Uf_~-igjv+fRAO<16@S~ z7BGA+`l7mDe5pyFpdX6H0V&4s;j=t{i8YS3BqU%1V{$nyICme)^PyTv*k4m<8S(W5 zxos3u(txo6T<8T49((+dKlCObUkg6W5QlVa6>1tC_Ow$e>?!_rpD%M~f6p(sxmp94 zRHWpJmpRk%enaRTxmS$y)gd#)qPX+LPT2AUAg-Djn1Yf!%$Z4Fn!w(kuDi!9}eJ!cY)!e;lK0x2;EOk(N3wc>2dS83?YD8V7 zN%UcC#IU|5$Q%gHg<53BV&oGs7Qb&{ZH3^llrvm9OsDZHFh|kR%TT37m70;W-?2EA zDHi^pK$)cI2=2E`Pc}v0NcOyapqwn(6L>YZpw<0&S>>=*&UQo4ao@wD);~7>hMBkz z9XOm@7OX%!dibWr`AAIpV9cyoE;=9iHYD<|uUGmipnnq&2hZaLp<*oG2?G-iu!3gj zRAm;|Daa(bn%+-tdJs+_mq!AkE{Kvs%*$T8%H_uPIQE{x8lGLV+ELE&tUO8*TIh6) zwJcKp+GCfFc(OV29)W|LswhZf5lE$sQ`9*14^nCc^;$7-vZYpwY-5T-YfgDTjGToJ zS78wPwoIESz51U~>kvg87XYBUvo$L91T(s5>6F8X67zFq_<5Hqyhj_A{2{eG9!XX}8w1WsJw>*fMh@El1yPV|PEFUuQ1rEAm^B)3QkF?GhyUZoqg=1L?f0mQ z8aL6&h?xu0>B`k)jm7V{oi5qdzns zvtR9AcYa9N!-IvUTMiNHQcm1mayv9ZdCVd~wVLIjV51F($W+u-u=ft2PbrO@5l6;i z^%_giw(v%qCddp0NSq9EdtgG$Q+b$@d2T(ZBC|tGV&sLU){sfSMoI>0Xo1t4@&zbQ z3GQ!RLn*Xy3#e4!mMZ93p0LkOkBZD!3b6mocA+f5(SrDuvKErpTHuz{=r{?)kZQIh zg}B4M5xo#lpDG@o6fXj#QK^b$r%6fyZFs8`v=?e!J-J8U2+B<93v)WR=CeZb#Ga^(BKZ^f<#P&3qM zcj(HBF_LLG-jUAZIpV~-5-H{5DEC`OF6OVaMBA-j0r1v8`j3yEe*0wA zm%un1a)qPbv=ok&X4`<;B1glL=&{XG711mbe?dh^ggc!&$$s4d5C&5SGq@)*B*_*3 z3XxeNnNw+re*|bEq%4e@!xy((RV1eb+peI?JOeojqo({&GZz1(z)}XiuY=M)Ora6; z47tMv%Oq(k7v6;X*?n;rPLaj#m+5tuNeHi9H$y*Q7ZspHpVacdqdkxDHsTS++A4%i zpP1&cnq01a0rN7&sTaSKLC4Ymm6@bsLR*MCG1~6`{kF zmZqT@eYHrTEmlicLX~6I!iAcF^^OfO@aNeOs!z@9l+Hv8QWeZ62KEmeXz_DWyM92= z%#)tZq6fk*_d9O%YiC5UyQ7`=HHdBO6J1u^E4DazY`Vn_C~E(GH^P<7Wt>zbhTor? zf=c1f6_b%Tv5?me`#fcdy!aB+>m7>GIuZ;KxEcbMN$2fcq*AtI;>&c!o5E3=v&cP8RBRslT*Ia)IqB; zU|osYLX(Wz=mgM5ay8j)@!LRQsIMal3q+LTty|LLzW1Bhw({H?=!!_X#hS7LGRFqh z(0m^atPQT6lqDwn7)({9Gh(t7HQPyeIg!BgB!;=rFEFVcyIw$u?~PKniuVoxxq+Hd ze@a)7DprM(_LF+5;|D3UMJYX*Bq>H@59fxWwv_@vy?X8(h6#c^n*rGLN+(r-zCWQ! zbt-mr!B@X>#}-vSl0i5)lp}~C5m=x^krif1z5h`(X%vh&leVO6;4EGE-w_1|ok+?I zlTT{Hx+H}gqNuPu48v{rND?*|i})rKt_0YUuSOwSVq~lGm6%lZ0HC z6jug;!T-`hxaNc5o|XvF!g1E&K9UecLh z;O==#u^lVkA#h0cyRTp*TBO~~ed2WGl+|!f7v^8es)00t&!{@a`X~|f;tOS@Eb4p` zV1P&?eJixWgfLDqQbdqB+WZFZJA57$J53>68yfCBI9I^{N$1zv>q_u(9*mj1i8v?s zIMsvVmV7Np$8R=F=SiG)(82eIyq}RMXbZdgE!>tQ~}H zUsDQtGoD2Wu6(sJh=5+Oi#$|4Y(G?f_kbF@;OU^w8=F3If0qtu zMvcPR|0Pr!(47Ks z!)DmS=Q?f*tJ9G-cfapUl&}4}N)KfUTT&)Y8S+c7%o1pYe$Ua871AjwR-n$R#UB9V zpd~gb5HxQ$m1)}z1)k2-9pkUt4XuSqdBdc#J%1&*AMA_QfE53Q#?b1+Tkh(HaIO0p zg8woF^7tr`82upTw8S**Ax`;jHv1C^uN%U(s}`{!yJT2OeUYYH0S35|D0xhSTrR56 z7S2K&jyggO#Oux1{y1|(h(&_gLl;3PXrLVZ6M*M#qwxLqyVev|+kS$^uJKN%z~$7} z-fZ8wBY$IzJ~K^XpNrhK6w|nLC2*Sj<8|iFY*=+^)q3`qJM|;@s?kv&uA(t3utM9% z56m;gj2XS`MFg?^_$Kn!(yj|y4g^svQG?Q6DjLwGPPerv0)NXfC>kwY@887PAsVtX zNS=w2W^DsNQk#jdNoT4EdA|P@M)1|b4KbI4jPSoq4Aw^|!3hu0<|tfeJ>)9EO|fCp zfvI@8wP;Dma~ujrgbCcgXH#R2}+R1-->7mcqxDyw0dy&j((N< zqwDTTVTQ`=@zLe8JYJ((NI4Bi-%D!5dheWZ*zKWVV)cVN$^^HGU@<~!j-}c#mdLPd0-`jQhT70fJ#~|Ulq$6c?(fu-oMA^y4L z9W>stq#*E0LtZQ(DhXDY9|)t)yx8A)Zo?8iVx{nj8tncYg}Z#6Iu|AKbrkI~(SoB9 zpa=vA0s}Wer6o4C`+Y&pVQzag=4});4XBnhNi=8;sBJ~HTMZKkRtmU0l*|ne6u@vx z{mBC}SYY5$3hF-#s&PU-Bv&yXCXJ&W4 z)PMB3RB(a4XaB|zIavb64Q^4mU?c>?QCqTLs|Bn0UO6gky1G9o01TuHMKNp8Q-6~b zDH7y=keEi6XA|-`T4HDg08*x4{|_DgM~xVc=og`eM5yxTfk?fKUKB3{6lFW8QC!0Zp6 z#oWRwM>0!cK1E2|fZZ^X+Ge;e93M z`Iwsf%7YyQLlr#zSJI4AXyIj$TahvxqhWCcxi*Lz7^DT)POKeXJ)~X^@l(l1yG#py z&PR7-Dkb-OyqbswAD|bJy&SyyqBzeItb!tU>Alyb+`brk-n)T1kf)6C)e4%nN>ZdU z&ISkp0x&_5H_1XHmn&hI(am2xZX%5UwgIm1C#VQz0$Zn&b$ z`%x7A6Ik@IuhNyEF!>7=klSNUBkI4K61aLY(mIW*_BBG?qrbSF0w^s1ynW( z?$T2Db7pAxNyYU_xH}c{SqUrN+~3DKB}R*Wkv2>}mr~21ABU&3DHQw%_s9+X3ry|$ zjo0jsa!@#f6!9(oHuv*4O%p@uYv-!aHz0Sqkq5`5%|yKU3%%Va7APE(D#(La3a0fJNew9)$b!o@@tAP#OS4kKWxfNI6OBBik6xComEt2H9!g7e2Cop!*1UEn*WXT>(CR(nb4XGAFWCc zl-%-Bnvet`{+)01xaWQLhe|9_(bV=!O-7QW|AA_x%h}o-V`}J1DcuC5?qq9w7A) zRiercoZ3Pbl|rL)lsWc;aElypoG&Y$N1sC%Szt0Y8f zGNaPa#5;vy@?HJe^2;~U*C=JNE2er*iRil5i&OM{d=l)+80Rdi?_+-kLo1!oSFi zlX#B(?*n^$J+DaT#v*hLDzI<|B@t?sS=zvYyh_1HG;zw|Zb(ASE4ZDS{027O=tFMI ze$3?LrZuX~e27Aur4+G1Z*tTtOaf8U?H3}3a)ymViK5P^AZ=Zq$bCkAvUncet=UKR zhr7Uyn|wU{F0AZ3^xvOn%Cjnhtu)1esH~pL{)Vqf6?{?%j?dmWoF`NZ<)*3`j>VU% zRc2B!={6sC&g+Nb`vPweTK8{!WYr^Lr{i5u=DjGK;H}sUARvL zcZzF+6o&$(6io^4TC7NMDej))?(Qzd-KDq|innNSClDlrKsf39oiomF2!oOP-g~dL z=A73yzC2&!`NabhA9{Zt7Gmk2xCkS{?SdIo2zZMtls!Z|*ItoTDgE0tAZot-CTfYy z9ciIP;Vq+9Rz)Eii14%PBh#?r_(C_#7;l;;`G=ChkaqDeU&=R|6t3PjeQYiptt7dv zIYR|KnH1VkziAjlKu}AsKz;P_()f<28CMfi+{t(A&+*%U7bkK$`jiVL8SbBi1Q}T8 zV%;c~iM}^GmD_B_gQcwf00&ddK^so1UlLp)K8}i3|Ly(8gaMuAw1@vj_VVtnzVZ}Y z_`7xM!liyKD>itNKjzNoHDI||$#JkM<{xHHOVQ2rd7bVw-4miWakLO3De&suHE&Vr^>xWt6hW2G!UWEf!FPvJ!*!DDgnF z8OEVEX5DxR;YPd!VyQ}7G*K{7+=h#!q|186h6p5P(i34?QDKEyXCH2hmDyftq_f5v zJaHjgVt!8)ljBW@rh2MlsJ2@dC#@; zor%q#bX}}D#m+|^O2N@%@rQIbCnF1C^Hv=<6hz4648S$q-&FtN+6MY4r zJ=VP1#?YcYeKx#2964f91;Rhi(k)8ri={SNt`wLSEdBiM^aAmblKv5e`nzQanFDd` z)lJ8ar8PXPb4j8my$y9=M>5~km8uohJ-+M&`|hoVI7nB0XeK-#Xg?sRB-3964M#OI zzwYhDpelbE{!djmeG@-OK*#4!_I7U^ZL;Hn7d0dXvC6?GZ+N&uT>LgR1s!9KR!~2T z>ni1bXYLCgbG{o+uzdUPf5ixO+@CS$7}3BC4Ps$d)}FAEn*=OhT9d97GYu&VHUGCF zgNsL{=_6rkdn2M5;S`rK0?ogDB_lTDJDY#Y4xo7-93%^%5q=~$V)RYmH+hAvOG)?B z_dEe>wdLY+5#~wm4K`eb3-t)H_OBopZdSzW>{&sbm7bwX~RI;M1 zuz-Y}(%fS07$mH;55xsTMH~lynVO{{UC<$6(*hmZ6((8vN|#}%lKgQ}ELbUfUN6PH zP%&3O$0r3|P3O>#HcObb1*A06UzHCY`xfdadH49H^to?ztJ%Q&n`1*UcfMUxcWjUe zWX!%^TE9M&Ew+QDL_KewGK1@)vID3zS<@r<0a;oic3+>5?b^2SE*PE_u;i9*>J8Ot38GORo+)VZ(nzVuq15B&Y!wXl2Hq1p%)_J0)y1iXl{lfmz!e=KVt z7DLr1z!qA6wogLc_!z1yA%*eW!@rLd)gFF@k9FUeNHJL!+TVZahRu3@aKZkdLSX&_ ziwGz~G??snlkFqhPD3&<|L}1s@ka1e{2Mt^j5;{#4MU^4jsaPEU~3QEz_%_-v+HIH z3ISJA?6TT{9|-Ue>wep&Bz1}t?w;c$ZE}F6v{9MuujDR*9QH$)_YV9KP^riQbXES( zczX76Emuf^BiHSb(=Y5M(u&|xq+j&18#hDBnc2s1Q}+apdaM|)I^vWZw;1&eCH$q0 zSJ66qcvaskjhc_JH~lTLWzM}$W=Cuv;9rT1p9D9)$-l{Gh1%{73p?f=Hv5^ajKtDW z*!T1~M(WC2%Xv{J=(Jv>WahLlkM*~WM+zGEm=;vcB57p=yBqB*hZCspci zo6`M-)e}&?vWgx;i`3p=6E_|4n3z+1Wfx*t@geSGNCF#7va6&9x6F2faE( zmL0OsO3Ifw&@eMuK-GjY+w0uicckA?y~A;W(3|B=_a57WZR$+z`0zmsXU1+G{J|4z zPcgKWrFQS?9@W9Zm1&XxDU|9K+3o=bl`lLcA(JrVqwIP9(cK`ihOsp-Ne91dPu^HL zoBnEeoc#53>5%#_$L~?jr>HJuH-?#UK>?6?uU9j*Z?_LJBrxWGZ*`s9`|Q!uP6IVn z5bcPaYkxLaR=eM^8WEIvqRwZJ<#L`M999#p#sYW+_PXZz-Ei_UZvJ%WY8N~KyPL65 z*u+xUlpjepVAt@v7fb{lDA)!Y=jLPnP)8QObRLxuy}#RZcC{p`WWJUGO%j{q`8%37N@?PQ>yI69^`x(fw-%5%;pe($;Ere%`P2~5`JKfCM5A$6m_MBHI+ z6h|p64<%XMR&ayn6qsL3$l+{JC?v^^XOt71*ylo74QbZZJg)uk4shIP{3%j1Y0TwShe2jZx z5MZOJogC1s#Mi)jR;NRk_m>+eR)dVsE5-o;tUQ<2K;F~5)E5tg)O8o%h~1J-t{8Qe ze6NibH`QAWr>?R3WBxHy#G7D_vHLtsH2ckR`R?Fx?ctww_2PMGdhgQ?j$m8?$>G7_ zRKwI6az$Qj>-c}`qjuTBb2miK4inzC8|Be6mJXM7(;Ry%&Z=9C-h5K zJ@}c`9N;9fe_seCnSAzjB2+CQP}O`Q#7|pp6lp`RfK;LcPr)D7?#?Q!N^`Oc=fMMG z2W&_2_Qg!mn05mZY+v8n9ut#@eW11xqyH%7qOMm*;ng3ta*UZPk@)32OBI;&3Xo^MPJt^=|PYJyXK&ru~-a5sgs4Pv|3J zP&90MJ>~KB(AB4Q(ii4G$S2aWf}KVzan&BGLpU6_17b4jH-*%qyS{#@|K0Up)?0VR zX0@3_V8K0NSmm=)-Dj{w%>YKgA= z`K#cDC>tWvRRh*_UO!@ z70)bxC6ZV5Tx}K&=sK8P@z`_YEhIbsggTn=g~GA}^j6bJOL0p@QJZU9QohqnlgLFE z@N77D=JZF!XxsNk#p|+NER!mnR2ekBD8xlL>Wz27yO&IDp+_~ys1gcQ@MG}5H(i)g zewel!^?#U67bOSYCR>(0I1hWrey9sq_sC=SecIUDinYn+k8Dt~`)A-br!UUC!}1hs z!+{~a+j^0?%i6CIZN|}sDAy{5!EzMAzdw#DWo)v)p!|cfJ}EIiru^r=Ch?&2lg8ZL zb^XzRKJ^RF!GSz&*57q4Y8Tv&DDSJ6=4m)X*%raPcyOWhzRd9Y%;XORz8}A}dpBbe z=ie73FfhOhibgr@5CMM411KZoSnoig)5sf=9BK2Y7kHDLhwYT``2bVl?x*e_n`@yp7C7|UksBpYOM1ttQ38y=zA!geqeG3=XQ*8Q zs~hdk9Cp{PXt*OL!gh{v*Rl`abdlwWhIOWjaHhB+O^ zczz=#W0}LX{00dfm~vMI53l8{L?GqF{TK<1Bbhee=n%Eq*2jkX&?EE?Oxv?&8n(wW zyU%k*QVu>QLQ|nLxy=fxPlhuP?M*bcldWXkUT6m%thGDL;CDKP?D=jiYesvfojN#U z++-@V{u!EP+D>O2L7{?yrhmR z4{m~?^+z=oRIb#ua_5n6GCfW1UgUq-W!yAfNP#54E}qBuUAvNqLrbF*gewJw9hB0jwzxsekpK#-mq+B zM0n_o|A=Us%?4wktPl`%SyHzsl-!u!e1qH*{j+uHRd}W0eAo#6x4om<+Fh~cF`oaw zy@lNv^TB}>{AU;>$`A1;BCq%I5f|j zd%7jE!_+l8%(sg~mfeW@SG*&3z8m8}<)&oJ)uSRDcw*5s*zX-txn~eo=7Fu}J&!2(}u3S(D zIaK8BL%+0Z$6QK1z6J|qe@cASJGY6G)|b-bj(>WRK7jO2kXsRgUHWY{5eA(b0lkV1 z7qa7KWONqC&bAN9z}I;~Wx%PYQ*4&w+fbBXmf@|hXo4~-2U(g@E?V@?miRE;r>w(h9wykY1 z1!hO?Pe~4=rOs`YGv@2jrX7ZU#s*nV7{ETs8jcfh8SeC%nwy}Q^f!0$wcTM99K!yn z<~oFI@fNG+6Wln>ON3kTeAIP`ntWs}Dtd>>vFyyjQ(A%^XL4RP<%;#>u}uc%ZWCuK zmev6IoxN%JNZU{g?l|X(>r$51>@dz5+gsC4@DFJNKh5fNZX6->&jpj3X!pb!_IMg> z8x892{p9HOd;upF(Ay{%?$e4r2^o>V{bi8}_iX~bQF-64E zm86nx-|Z;#Jk;~(d}=yno;YBq^@UG*%e&>#pZHfG+6rq|u_G*UfqJ7l$cd=q7Jgb| z-4oOu2%;Sy%EGgvr;!L>wmRCLINwLb_Bdgd=?bH!2hzsACK9pQ_%B8ICvSdLOi1Sv zEPV}%A!o*_=4m+hV5@s#AMb{-)IaQ9{T8=n=k0i^@*(U)eJQs;n4Q=EMpy?X*7bx> zv6O8Uooct&ueTg}IX*)oe~#*ckN?}d(1}{L@mXU-a?D`l6m)>?oi%aULCeu#y#mM`B`0}vPcjfPZJRQSe)J>-Iz~i{-~BgBg1XFa zhA_J^0c1_q^N~#lKtfr)9>8te?DH(0iQtDc-rQDu*^BM-N3nZ){pfcSd2)qx7FwOr z8qeeFKDi0?&i%1SX{_i>MW+ux*Q#5i}LzGqQ(vK7UX;C zCfu00S~dxbICu`MyHiG4_Wp8A_(1=DWmPZD&!~x<*-q!h(OEo*$Di!8)zG0o^7N1v zIlm$_s3zta9dM=md%s6p^N5IgRyuehxZvf@H~;s>t`BL^m(J|D2P?)6JcOt|Ttmva-aw6#7s4(4sB0t6q9%*)5ZQh>7WLHJR?<4=21x4wc>@COa@LW? z(-W%!bwNskhwB&Et>D-P+D%5!!DTt$6P^mb?e`y6-b-ja<#}B%_H7|(shvZLSWLYh zbkv8EAAlAKPkDFBF%YIw2&Pk3T@4I6_4+CK^^2LQM;E-#z1VO`q}S&DGlOg(L98s7 z310`2~!V=%VajFZIA7N1!Sv)Gzw=WZ7+Bad%L7j~e; zGp6EsDMWq?#eJ_pX*}c`T34}T5}-5-s$~?4=OY_Q#q&{{*tmo94}EWO7X?xHqs#2^&sx4lqW>t_0Vw)<71xF?N+N6GUWa%MNJJsyjyNn^*l zndFw-l;U1XgQM^6LGej4i&Ai|ag91=u~ZKibXdN^+=A8IZ*AaJotzvP=Q6X2DD^$Y z;iR~L*uXa(YGcPb5(|sMmlWbyN%7k|U zR5h*dP657IJ7FxI+^2oNGCi;(n&PSj4o&M*2`75-C%#X2KVTqeZxS*teJQqJ9KP4} zdXh$c{nH;~3Ldb$Md@pKr0r3RQO3M`aU3(Qk`4MltH2y~c|zaRMC0qp&1G+#cM2y9 zq0ZGWS&krqIWJ`2f!}!@_TZV8uCso5t0a0vhb1N^(#Nih-0HrI#>hMJ}P?0 zDpn;QJcg(8enNJl$^JUh+oSb@XUC1l8O`K5yltStxdX=+LW# zN~(r81CM#zwz2i-#$Aa73CTxrwQ9&vhr;lu$QNp<2d5g?U5uU2uss68#YcMwX<3#F zV2J|lW)SS%Q=>3mk#v*0WysFGJnYBpchcI^-`K$@@2wt3Uq5%{mc+ysFGEtr%ZqFE zu;T0fo#RA_S6O)Im5^TKPW~#j1Mj9I1EB;CRq^TEB(|mLOEf`t}vv2vKm!dL=^4cSp)JIwSB!{{VzLEOh zh}IX?ojqSSG7c{^6R!QS1y@Yi{6oj-8&K{=x9j(zsH+O{JG9$D0iyYI-r11$`Cyda z=!aPfnY?BSqVL1lu)Ns9jnA{XQJkbbfs?-HSBy3vwy#)&p9=n)2HEY0SBAcQ|L8hV z5D@o^$tO@l0rTs7Fg>zj5riIpIc#U({zx6+aPy?qbdY+(=REG7ODK43biLVwovT_? z+HC`9?hLcc(GP#O)tpzXHl(7Kk3snfXA7kg8^q+5`RhHds?}VsS8RBR*4kcU);fqj z(-F*)ds9qh)*|ytOKY<3kW&KmY%dsRGaWm$EA6ptPhTQ+?&P_ojpR`-A1 ztSh(kr(`FJ85g?vEMJMuL$?@vsJ9o-xZ}wvrPcTS>)y zs@wC=PfDXy$}Cl1XFYM_SALEZPv5-y_4`R$YW`4PclI*{VB22{&)pZ4G9i zeH&2@Zu+J3c%q%({U1{bE>#ApJK`QpQ0=l3qSr>)MKF*%sZ_ z5XM>r7mH|DzvUf|d~6ZS^KN8>@q_;t)Jy;DZNl?(pog4kc%V0ftE%l8!_eXQUbT=o zD$Ts$QQ`2?;@-Gj5$mYD&0)0)?-vlpD4P-8o%`?8?#jHPmC048xr;+q#L1lH_Wc5- zoE`J%E#dLI{95t4e#o~6nbE6^;%p>-iz5}DEa>y~YU^`D-MUHPX596-x0_Bh)yZAE+2ZXbx=(Q-!T1M;cW_A_4%T=JQ>21wU^zrhgZcn{< zRX-p9aF+6oPw)S&r6nv3&CFHa)Q;@PdvTW?sdsX|bT^v$lID}6PVVzq$M=G{o3>=# zaZH`!I}ITu*$sKJT0Yg`pSre)V!QVbbS}lUTE=(e#vXLBzPOF(RAfU1iZuFU*YP*` zqDZnVcnBv9F&XuLO50`kZEbhX5vPaYP?s?F-qB602)hZh&mhM6gMBtWdY`L?yuEn` zcW*gXVQ)ME_IDkxxAD()R(Iurt zPiM{beHrVCbnDVdek{fMvAa}@_o7vdEv?Ef-1>@Vs1-rJa$^|c@uK&Kz@H{v?kA9+ zZ@|W}g;d+Va7_oWs8zGxAcwc}?CUP+P_q!w%x-m=X#RW=JKFhdT!&4VmmD>{*H+5NAl~VwVlw{(m2462H^6q{$$3vhC z-eyFXH0#X1KC!>atWHjGkadJ8zeZfq-Z(Q^b%**KL0;0Fl%~^u>J&vcR$sz#0~Ze6 zQ$mW2_E$%AfjjmKlU}sT<~?!MId!wVFzU61s}~EZzId@so6;`#)V8#$*B%~zrN-LV zN<7zxjzByI&p1o(ha6+&(0A7M|Si$%(XL z8>-am#Q$eOYvvyZnUAlNxgQshv-0P;8q-+w@x!}6Hx5edO5e`Q2Y-a<7=JWHel*Bi z!B(d{Q|EJMkWu!dS+?9ob;*xJ$pTo*`2H`HWx%l^Nu&|9EoelcBI<2l=(nTd7&R?C%ISgr3~#+vri~ zdsEcRU18o3Vk*)txgleKXyafS;eTvT@r>aW-{ac9{FGO|oWOSol%s^=Ww{{|R(bnG zpYo25{IF-)gt2)a3?l5U;(SET=VeKX1|yu=APix5QOH(ub1^`#B&&LyWV&R<9?!Ce z>3x+P<%58RH-YV3tavh1c+wckvW!3f8mn}K-D^`g=^T~A7F$Hr;{*kyv*e_DpX0uRb0!*0cfsa*q%;(eO#^FztK6EomdegWl z8iF_S_$)NMwP;d(XPA>}Fi3@+6DHWF{_L&r0l@?{PD8xmp*Wu7gLN^i{U(qr-V zo6f(LZy4E}XEd2MKxb)?0_{l{W_;j+1H4wBY-<~D;7Sf%;Froms!jWz_xE9IwXhyu*?Z zb@571{Mao79y5D(@VavF6gzVEAuy(-U0Ty&E}Td9J|fk6&0l;nPq295PlO!|-|-mI z6`?(K6T$nPo)B4Irll04xJO{Vf|_0o(e2CwKhiXqf=0rtKlmT=qd4qJF{%fbm$LGC zcw?eu$JG z$U8C=6QB4R0VR#Bdq}0s9kP&r_)tQT&#UVG0*7n5X*fQXm)oDtlrKY8GRCqxQvkzV zL;=ntlRf~Mym%g8MhpI(^y-s!&Y*mcIb5{doA9A-lj>0pfidL=t^UNkuR;kfBKd~PyV+oe6(Mk z1BJP0*^x z`x(adtyrHZX^$Y~Z2y9S9HsTKR80C7>;iiq{g|2=&-6TKF*ip&?qXoSy(6|AC2)o2 z)dNI|H7o&PFhsLKlp9k2-T9>u2eQdKKpeD=@49{>a>XWvLarE<`;|nT6Y4G;T~Im6 z2#vaXaplCa%F&&|vAD7(b&9AmH9K{wOgSfc^B~|auGS}9%qQFS`VHLoT2g!evpz9Bm(jc9j#9ixwLrr zILW@|Y>jtMV-OsOp>6UvpjW(}sEwW>eA(N@+W%LBHA3b?mImft;B^UiJ9LF%!Qrwf zsp0siRiS=#2Z{C;D&y6@WPMqS_#@X_`)8Yr87!dR8_IAsDCA>wquD6a0c=m z31Jjd&secb7Wyb|E?D0n^-3+j(wT)y9NAyJL74{dYA|@z$Kt(yra7`x)<}M@TDNU2 zvi!>5vT{MiC2QN3>niho-oYW1coz8rsD=*@CP{_jYq;nX3|^#K|FQ@qTf}FGb7hU8 zy1J#mkUbg1mJS$t006O(Z|!%m93ND6F?N+0NS}YdRzUl}560t@sUB$&BZG!-`Ew)G z)}ysb14*eM_Ka{d_ObZS(x#7?_aOGXt$%WkX{Jnt93_jz%$C@Jm^pdvr*}OTg~XqT z@FdvRvgW+Wm5x>-XYLn(jVcuX3}jlC{r^4{GisN}O;u1>@q55PO#>qSkl!k}4%fMr+!GiS%3&^vvSz6Cnc*jL~P|nN;ej?9iB4#KdO&?RdFO&*s!kuCq8}{-dM*L^;UD5`vn2EG^ zzUc#e7lGf2?NLfYZUlb*U7$t^2vGiCD|N4S;+i{=Z5!CwzwC0YOeKniC?!OVsJ|kW zk6u92Used#;+4~D`e79(2}5(^`LNc0;2=cj-XL%Ej~rzKJ}q>qD8Lh22yN;fIWFwM zpy91T3hlf;=w;&P6N7SO1|!k#n_QThpRq75gJ+opKi}$xQdj+hGdO41>vB#*b1-qGF_+y3Cx z3p7JPrV{!ZLxaB)dzB^hiN7)LuG9a{ccopaz4As3sF{S4{4R71Ollp}P?-ElZ`<9HD(c$BqG$RZsNkLn`WY!(P78e`(V}%$BnG+{R|k zuTrjL%*#|^Ikx#FoRKa2C``id{bc)d`GU70!ADunS42s=NUT2)K=HR_Fp~XUk9*=t zr>ZIZ^PV+{!f?=A-crgB&VO(oh_eOyK#?jiRi%;Vn-@N0C7x2{Im}~p_hMAAzmLF2 zNo^I2xs#^?kEOPX+{e^P8b#P7dgjv$*&gH}^rzsVw;z{qo__H4rnW>Zsk5I@W5k$A z`Fs`Ix33AzHKDrkc8AZ15Wo&nh&VDS185L2J3Agz7GsEwX1a1HawddoRpBR30$$ z?)eY7-vu>Za@krYoz7%{kt%X}WAy)-{|?ZuTpZdsst!r#WtFvwycj|)7deGQM<(Eu z;tEakjA3}I(AQrDqv;BmQWQ)x=l=3WWUmLJ#};NDOzo`(kR4<@bLvdeOH~!tXPe}W zD#H@}MT9bCJ&KgZ<51&0;(-W~01PQ?L$HB!-i({->A^}!n^S7g9LpF9aRZ6+QEAC% zZg2mxfYRw;B`%`*E&j!<3K??cWS>`8bY-~M8*nU5OsnrpIr@UYc#h<-ov7c_6;!$C zvKqc0R!RnEi_mClRxWT<9T)@?s70(DtjilV!a?)z4CJ2Guoqu5Uk`tZJ(n0#<|$N( z)~g7Zr&%ay{?rG5!BCSi#c@@2h4Os61_sS)bf)!2rM>7K{`uG^(Gz#Y8r1lhtw8bh zyS-&s+@I_f!RRkx&q{yMYo{+q4K&YusaUjh7+bJ;>^&x?n%&1+v}jxW0bvcvX9c7z z{aKj{I4Tf0s-7wi7OpAxD%V(9Q+1m+}hq6kHv=rOAt|^S}NU_WHOFQNuJ0H zKoT2Rp0Y^`M}9w|v>n+x!xqHpihQfs_VGx+qA(+2PQ#u|45y1m`(-0RlU**Nf;(N$ zl~ubbp&zO`X&hzA`BW0;Vy{8sZMW3X*f#Meax#aW3`Mh$=nXDQ>q12@kU`Q=y8QR5 z@>=8@Pa^n;XFnYt4Wcc5wF&2YWw;bfYN}`S;Cl^ay@6qR;Lu{^e{QH-Zrnt=X^vRZ z7(Xd$k;VO_wq|ESx4MP{^Cldlw51m}F8UyAv6K}+OanV+vUX0>>kLdGd zE`k!E8v2*pQTU9l<}5{#Zm()YT!6=9r!v=vhAI8D75qNbwq$3LXGt$A^crJ9?NmRb z4*Jy@je$B#CPcQa2r7ZOUg?_{RrO$Eip1N%%EPJ&apMy*c11Z+=9xIX-G5NNoOn3( zkYDLkSxoiEY?H~^Lo%+-meotxyqO`F+y=mNz6;kg_Cn8$TGeU-Z(`KXVHMkE4wBmEa5a$;23 z#et@-k9X3TV=kpGM9=F-J1Sa5c23fpE`;e#n=Qqoh6}o*8=iT^_0dA}U|(?Y2j``I z-TZIE7_Lsi?X<=3h2>Ea5SuLV09CxYtxc}|?lQd}<+R<%Fjp-e=F(bF{w;6E&f(p^ z&8&-ji}l%ny_C@&-@=@iPsT62tY^3G8woMD>X+e<=4y#DaK;T&YbAbMrFG&N`_mx7 z8D`VKq^WmO*iATO$&f|<5EN~YJDp4d)|vO5VstqOarLWSpH8yS?W={2=$?Sr|IP0S zykaLE9Y%vn$99FRmwXeCD?cmz;NRyE4dr~;!NKsy^TH{!!U<^C-Moql+@#z{H~*G7 z-LYA`b3v~as;e(v63X!AMsZ@EJYszN>&85FNndCf8_7VJU)K`$Z-564r8)r;lE1Efgl zwRq>kn(<}QXtd^4hSIBt-HXM;87*lzemzBJctD!AAMlL9vBK5O%kl>(!^f*Ph7i3( z?HbK$Ck`#e#EwQf%)B`=(SHTh#=f-YSRZz<;eB@awUS27h1H$P z{~T>Sh;>sIF4;rT_mRRRqz{{5Gr+8uz zQLC`v%oWK%T1rH=SY*2m{xUcmbjKWe;fkbi?!YW`&rxx1nk+b0IVJ(AcHp43U8IJ} z|7NG^>i+aHkqaorgr;U*zn;LO*2gbx7*fwX6Rip`?-2S-dGE92dCiyp9!|fy&v;8hTuPFo7-U<_dR0~a_PQ?iZ6EsW>CS#wfyj~wq3Mn z`GM2lXm3dVUj<3NI%Q!pCp<0`Sn2w!8fK*e$f5a z%prOmz=GMDl#k~+>_xmbs76Ha{T2UE8<-w%eq%s@7O4W5lCIK&{9Q6roIPTa-e3!^ ztg6T|UWpZ8?{22kuZbWIHA0bHQHh%mE9)SD0SHSprgPc~jWOC&^EoWRI7h>43>|Hj zEpm3a?{%*ie^%T*dR)k6p+{HW6--Hn-E^^2 z15D0)k!^lhD98dgD!`2b1+={!J3$47Nl@m=qLTE8#r~dBn;jIqbH}p( z@Glib{wZQay}=RONwZQ|#-n6svUZnri>2>cz0&nrdY!1V(m2D4k%JYp_fHaK{BkAN z(rpOPULSYp+a#E78(~^JF1F=3R*qWeud7FRj6020xB`Gv7N9lrYyIw7k-mQn)lZ{? zlk`QJZ;4!YrFJ(-Wy6XjBjDGa@Ja3>eM~-`zd*uSD1F8JglF~YaXv{1n96K@2`s5} z()ap)zt1Tj>^hAidmW=6``~NHK<(i8-mCELomCaqSdtaYBfeu<%thCv+5^nU?*02( zm<){gS$J7f zeP?+X$h8~5m};V@T4r03ek-1&X%x7#(qIjR2s)nx?j1U7c@ngQsFe}VYer$6B%G0e zh$IRTvx~Oad|Ppnif?@m+MG(<+_6lwwj^%WzG%%pWA<&3W(Z8fL!WjHRj9NrD9XxBrDfa`MK7po5oFeCb;bCk)p(xN$z|!cUR!OKUrv)PWG@g`>9WI?d20G`mMx@O&aylF_chGh@vpxQdlW-lH$C&@N8tCmLFe@z z>pR%8^W?MjIjf&|H8NBdC}mXt@VsO$iq%jly}kYM0!Gnt!qG-ZMlY?@ua3RxEW;J( z@r;D{PPovC04^PAsx^x>L~=eT5X!ODj`EEGRez|`v~ zXPRiH-cl&kb9v6<1#nZsBp(=B_?3;wy+LYMiVvK80!%X`v_*-Dtn4lds`}+%Ec<2dP{kB%+%j>mJw; zC-{xRWImQER`U*)Z7BiK7#HJ1ldS^iJ_=YsoIGu} zzWAyosKynn|I*_6SIoTP`a|c-%<^^f{6^iV&+(i~px=ebikQV$@!pt)i(>C;y}Hss ziIRy!pnx~8=E?K5K)>t1kkSbDVU7x@s-bU6*P)DVq{3o=&=0mh7 zJr`6Z-k?T$i(1fCDa;|~(AL&jhy^#u+cCW^>Idt;O_wmL-kXujD)99H6R{U*X|>O! zr&@7~Lu}Q$ei^P;_H!9^SNR!(g)e)3=w>(C1Bi-^6>gb+Mw_ZMaqqN5cx%~s{hL^F zlLgSBOf*etv5;!zM|H6-5XFbm@-G!$Yanf+5T20I12$aTWWU_#45qg1~DIWsn>1g|ijgLte>U!Vp4Leg|zy0v&W{8p^UMonN_l zeAo^(H;RWWD#)@REXeXb}Bt5xyV8{ z+D|hC>~5awB77M!eq^8AVock~W23YS6~g<}F|F8bQokpg<_3pG;zrSoXrP;|@@Q$W z)&!>!X0dMvnqp=1pn6s!K;q_~lr2vFY{E(#^bA!`{iSz!c_8b}za3nv_uN+xhr&GsuLNkChH_-;p|mC)sLF`-YH)c}*p z0dbjv$6M4YEB}(KDhF49qwtB{FcJ`5xdf*4kF|rnQzsTLbBMC9dfuGXr4gf{ zjCVW{Kq>LN6B)z%AsZOfzs=#RkfCgG;%<|nNwp`A@+gwOR4~ZA zRQ*7uENd`Q)xFs}xf$DWzu|xduz1@l77wE#24#M(RRWN(eJ2@kk%dAOF>jhtd^TO| zWXzS>nFXQzswO~@Ckd!9t3*HbEgC$zlC$C^|g`iodxk40j* zDVSO5fI~r!Ph4s=akIEs88cZ=zIGJ5!`JYLj-B`~TgYv*k{6Bvvxm3^C65}28}z&3 z0>fZaQB^WAXBZNg{}blaUh&t$_9>L-P=Zy$bPyNSO^p01OmGCR;bncdkH z7I0FE->Ld_bm-zH-Z5cTpE)&uk~n7Y$Zuy5&Gr8H+9`if~}BI}TY4lAm6f`t;z*&Up=4 z^?))1!b$gGUh(^mACE_E6EZ_?qo+V#tzSZoQTV2|C_)bkWG)H{#WXj(NKA}^0|Gn% zmnlsOL9+VRrOc>9*%vN5DLf6Wdkc7HNG|ausnZGbGbYz{0dK2UGTq0KI5NJ2k6hDB z65i-)IE8i`N#tHBOA`5@!yFfo*lGpSFYeG*ztuccK`=1)8wLNvl*Jsh0lYIIu63nF zaTppV^CRa#cSMdMO)m&RBMJaFtj`rprS$_R!~=EyH~6d7x^S}egAki-PGloVaIm$(BExN;oyWa1+w8eb*O@O3F;1I-n>S2y23_)Ga8CN4) zmrTtT^OZG(A?PH*CkpE2hc*|{%zlePpV=8dmt6)_7&hu+nXH2{gProT!r!`Ft4NX9 zORpLBy>_5UPd}B-9e7Lu5sexX8M=@(Ft!zqAI7#fm{Z!CBVWaZ$m#|@VI&Fngl8xr zw5Wb%rOh|4#rU3ETDvwZJGDN&UzvB%X3pN$|w9s}w>z z4mBu?AFOBej5vi#N!5+c);3pU#r`G>S!Ri$h@9SDS`gjh>HI8+sJe8jX9F!66nV1? z;YVD@l0mCAQ$+M_HK~3bMiEQ95L#VEE#dob7eXr?Uqn#G{9%{7P^c6_|9A^tu-N6# zM9@MgGWcI4gmGLa9PDxz3YHK`Wh~PrgmaLXIuA){tnj(kWd)5?3Ss%;Erd7Ts=JW- z5<>O*92!){oaXt1C4`*{en2Oe5PpdInG|!L1NXZ6c)f+teO}HEcKI`5l(_Q5AbtKQ zErg62`VUfBBfiJ=Jr}Bbk9;Qc4~h`V04K6--PCsw*Yzzp+CGTd#ebyCEvNJ?MY=pQ zc;b6xp7;@+PApd~gEH7m){#}{bW&Ob*C}Dl`fW8jVg<5)TZWFO7Ngg}?@+k?2RORt zB4YGn)df^!P$s008M7PFqh(r&9b~8TnZf;tD?Xr*fn;JwZo@Stn{jQyax@wC6)tW5 zCtTS030Cx9Mq)?SZ`!@BgfN=-(KuG#6FMwZ&k?$XP>&dCs%W1n)N_p@gp`q#-0#r1 zyX23*c_J$m1`%<=B{51+^fPYm_hDeA^M4de2upR@^%6o~U3QI<7Yv4LA{dO_NQ0qV zg^(zratfg*tUNm9(2_>ox~EawGrC7MbxK>1(V7-QqX)TB-9%k2gLWa*GAL6|)M@!D zh46LeWmcsS`oScDcILOaNWIe9CdlQm#zJcS$7vV^l3P;jRR^DIZef=#&rO!fq zr;i!=d*%|t1zHGsJZjni9^<(ug!1elfAd6ERM|^QA=edo5Y%=uy0%{CA$Or*lcWEO zR0?6a3!%(0C}=rUc*&ps%o_>^5gDu@1Hvegv!pK2Xo;bPy!WJ($jNhyt==MUAfn}4 zDle5n=o^y++Of-BD3ps3wq-s;rBVnhg)j{4au*803!%thr4W`EWeH(2*Ad(jz}FN) z>%H~4FX~YW{NX8gp~#x8gz!`EixtB*2`YN-`}?pLwStq`U)KN2BGbg|A&IF7Gd0uB`7(#5`7Q+fQ|=w zAEWSPVKv%P5YtXBN2gP(aLefp=yh^Ex*cDG>|-mDetfkWkfwO=QaElIglfg}5j|!b zg>Vb%7HmL5(RRe=??H0@5i}Ta5{*ZmM8lljXj-rd%}Rd6RXtyVppA@mlk^Nq5)j9OynmH@u46vA?&QV4Bw7Ybg|R~CT_;XDfAJj4>Y*Tl4Y zUzNX%^jbURbzIqD1{_U>!%@Ez9M@;VkyC>7*|U+eYZGqYyBgj0FG0^^E70S}5_CWO zBf1~>5#0_hQv=R)KCuqjr#JEQH7MNu101~vp~k31l);^dE%_PI`5Vw^%x*LuwFeFJ zcB1}}t+=UR4;l|%i7IVhh9mZOa6}iPYP)HumHszGq`gjQdYAXjk9f_<^b(&SqQg8y zW-UMjzr&F{ZnqF>!Lo$VR0%&*NIonfOwIeDLWHm^Op^3}iAo{#Os^b-@J$NS>pD8+ zP>(WdJ*y}0wJchrkLqUtS=nzsM?XVY=6-y@bX+p1M2UjelF}(He=VIYfb#xkE^k43 zXd&x<=z+9mRtlkSOcH3vE_b0&9zs~R&FnCc?KP1iU}qSU1llo4o*kJU!XK8{`Jz08 zFuHwU$PZm0$Pc82X<0DDrHb_VqqO7&gI(@IAy^?)13pv=VYyK$glCsvg-}geUnzuc zyo9eTyoFHiDRRG&X(zICf5Z*lMF=T_8I-^*x!=!H0^T5dzM3LO24#`^&Na8ZgSak# zM~#fXqITE6eFMksIjB+mje3SKjwBXR{zh*{{IKuQV$4!R-ufCGH%x`2W)U0-4 zAN&r!#{2K9NXU87-)owUyo!Rt$;P%67JxQtZ(Wo|-g z89Y~nFrL4oCLxSvg}qV;D;94d)X#9bh0y&BXQdD-j3VZOl1CY=)$&y$VyLCij21%O zl~V?W5g{ZppiGF~a?h;R>OaIg{uGN~I8nBZMaL^MxgMWnmXO)3RVNOQ4<7k{1kixeJ9#Aw0WO z3gOwMQV6{SFIWuH=a0aJkiQ+-a}k$42l1J_f46=Q4KqKdynM}c7V^9Q7NXK#QLTtE z*_4*lH+Vk&j-*acpho&QI9m6HqseuY!!$Ui6rt%i|3K#>|3R1EmLvVdQly<&iC)K7 zV&tCh;OLi!Y6ah;PX1BE7oJ37!G0v+)C1>Aw-% z>UCU`K9~7_6Y;5UqaO2|*pA=j4&NZA?H7p8`VO^IKSQ02g8ivJG^2nE*c0+h)B0000 Date: Tue, 19 Dec 2023 20:44:17 +0800 Subject: [PATCH 2/4] rename --- .../README.md | 0 1 file changed, 0 insertions(+), 0 deletions(-) rename "xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" => xtuner/README.md (100%) diff --git "a/xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" b/xtuner/README.md similarity index 100% rename from "xtuner/0xtuner\346\211\213\346\212\212\346\211\213\345\205\245\351\227\250\346\225\231\347\250\213.md" rename to xtuner/README.md From 27509f07339087567273d2b654dd481007eca702 Mon Sep 17 00:00:00 2001 From: maxchiron Date: Tue, 19 Dec 2023 20:45:38 +0800 Subject: [PATCH 3/4] f --- xtuner/README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/xtuner/README.md b/xtuner/README.md index 30308fcde..43909cb7f 100644 --- a/xtuner/README.md +++ b/xtuner/README.md @@ -625,7 +625,9 @@ xtuner chat ./internlm-chat-7b --adapter internlm-7b-qlora-msagent-react --lagen xtuner chat 增加 --lagent 参数后,报错 ```TypeError: transfomers.modelsauto.auto factory. BaseAutoModelClass.from pretrained() got multiple values for keyword argument "trust renote code"``` 注释掉已安装包中的代码: + ![NfHAV1b4zqYv5kR.png](https://s2.loli.net/2023/12/19/NfHAV1b4zqYv5kR.png) + ![YTpz1qemiojk5Bg.png](https://s2.loli.net/2023/12/19/YTpz1qemiojk5Bg.png) From acb5950c6be93839dd42a761098f79c0ecf00c41 Mon Sep 17 00:00:00 2001 From: maxchiron Date: Tue, 19 Dec 2023 22:30:50 +0800 Subject: [PATCH 4/4] imgs to local --- xtuner/README.md | 34 +++++++++++++------------------ xtuner/imgs/afterFT.png | Bin 0 -> 49582 bytes xtuner/imgs/beforeFT.png | Bin 0 -> 95338 bytes xtuner/imgs/bugfix1.png | Bin 0 -> 28059 bytes xtuner/imgs/bugfix2.png | Bin 0 -> 16469 bytes xtuner/imgs/cat_fly.png | Bin 0 -> 30507 bytes xtuner/imgs/cfgs.png | Bin 0 -> 156084 bytes xtuner/imgs/dataProcessed.png | Bin 0 -> 368489 bytes xtuner/{ => imgs}/head.png | Bin xtuner/imgs/medqa2019samples.png | Bin 0 -> 111095 bytes xtuner/imgs/msagent_data.png | Bin 0 -> 113739 bytes xtuner/imgs/serper.png | Bin 0 -> 18768 bytes xtuner/imgs/ysqd.png | Bin 0 -> 51421 bytes 13 files changed, 14 insertions(+), 20 deletions(-) create mode 100644 xtuner/imgs/afterFT.png create mode 100644 xtuner/imgs/beforeFT.png create mode 100644 xtuner/imgs/bugfix1.png create mode 100644 xtuner/imgs/bugfix2.png create mode 100644 xtuner/imgs/cat_fly.png create mode 100644 xtuner/imgs/cfgs.png create mode 100644 xtuner/imgs/dataProcessed.png rename xtuner/{ => imgs}/head.png (100%) create mode 100644 xtuner/imgs/medqa2019samples.png create mode 100644 xtuner/imgs/msagent_data.png create mode 100644 xtuner/imgs/serper.png create mode 100644 xtuner/imgs/ysqd.png diff --git a/xtuner/README.md b/xtuner/README.md index 43909cb7f..f0c195f55 100644 --- a/xtuner/README.md +++ b/xtuner/README.md @@ -1,4 +1,4 @@ -![m3qx](head.png) +![m3qx](imgs/head.png) > 怎么硕呢,祝大家炼丹愉快吧~ 😙 @@ -36,7 +36,7 @@ - **[LoRA](http://arxiv.org/abs/2106.09685)** : 😳 → 🛵 - **[QLoRA](http://arxiv.org/abs/2305.14314)** : 😳 → 🏍 -![WOZJXUtaKlEk9S4.png](https://s2.loli.net/2023/12/08/WOZJXUtaKlEk9S4.png) +![WOZJXUtaKlEk9S4.png](imgs/cat_fly.png) ## 2 快速上手 @@ -91,7 +91,7 @@ XTuner 提供多个开箱即用的配置文件,用户可以通过下列命令 xtuner list-cfg ``` -![QCgmlv1VpU3fZPk.png](https://s2.loli.net/2023/12/08/QCgmlv1VpU3fZPk.png) +![QCgmlv1VpU3fZPk.png](imgs/cfgs.png) 拷贝一个配置文件到当前目录: `# xtuner copy-cfg ${CONFIG_NAME} ${SAVE_PATH}` @@ -297,7 +297,7 @@ xtuner convert pth_to_hf ./internlm_chat_7b_qlora_oasst1_e3_copy.py ./work_dirs/ > 可以简单理解:LoRA模型文件 = Adapter ---- + ### 2.4 部署与测试 > 使用InternStudio的同学换至少A100*1的机器 @@ -315,7 +315,7 @@ xtuner chat ./internlm-chat-7b --adapter ./hf --prompt-template internlm_chat **效果:** | 微调前 | 微调后 | | --- | --- | -| ![O23QD48iFSZMfbr.png](https://s2.loli.net/2023/12/16/O23QD48iFSZMfbr.png) | ![L1sqmGgE6h2exWP.png](https://s2.loli.net/2023/12/16/L1sqmGgE6h2exWP.png) | +| ![O23QD48iFSZMfbr.png](imgs/beforeFT.png) | ![L1sqmGgE6h2exWP.png](imgs/afterFT.png) | **`xtuner chat`** **的启动参数** @@ -363,7 +363,7 @@ xtuner chat ./internlm-chat-7b --adapter ./hf --prompt-template internlm_chat **原格式:(.xlsx)** -![gjKLFUNWAx2dZDS.png](https://s2.loli.net/2023/12/08/gjKLFUNWAx2dZDS.png) +![gjKLFUNWAx2dZDS.png](imgs/medqa2019samples.png) | **问题** | 药物类型 | 问题类型 | **回答** | 主题 | URL | | -------- | -------- | -------- | -------- | ---- | ---- | @@ -433,7 +433,7 @@ python xlsx2jsonl.py ``` **格式化后的数据集长这样:** -![uOCJXwbfzKRWSBE.png](https://s2.loli.net/2023/11/27/uOCJXwbfzKRWSBE.png) +![uOCJXwbfzKRWSBE.png](imgs/dataProcessed.png) 此时,当然也可以对数据进行训练集和测试集的分割,同样可以让ChatGPT写py代码。当然如果你没有严格的科研需求、不在乎“训练集泄露”的问题,也可以不做训练集与测试集的分割。 @@ -523,7 +523,7 @@ train_dataset = dict( ``` #### 3.3.2 **XTuner!启动!** -![tH8udZzECYl5are.png](https://s2.loli.net/2023/11/28/tH8udZzECYl5are.png) +![tH8udZzECYl5are.png](imgs/ysqd.png) ```bash xtuner train internlm_chat_7b_qlora_medqa2019_e3.py @@ -538,10 +538,6 @@ xtuner train internlm_chat_7b_qlora_medqa2019_e3.py 同前述。[部署与测试](#24-部署与测试) ---- ---- - - ## 4【补充】用MS-Agent数据集 赋予LLM以Agent能力 ### 4.1 概述 MSAgent 数据集每条样本包含一个对话列表(conversations),其里面包含了 system、user、assistant 三种字段。其中: @@ -553,7 +549,7 @@ MSAgent 数据集每条样本包含一个对话列表(conversations),其 - assistant: 为模型的回复。其中会包括插件调用代码和执行代码,调用代码是要 LLM 生成的,而执行代码是调用服务来生成结果的 一条调用网页搜索插件查询“上海明天天气”的数据样本示例如下图所示: -![BlgfEqpiRFO5G6L.png](https://s2.loli.net/2023/11/28/BlgfEqpiRFO5G6L.png) +![BlgfEqpiRFO5G6L.png](imgs/msagent_data.png) ### 4.2 微调步骤 > xtuner是从国内的ModelScope平台下载MS-Agent数据集,因此不用提前手动下载数据集文件。 @@ -604,7 +600,7 @@ OK,现在目录应该长这样: > > 去serper.dev免费注册一个账号,生成自己的api key。这个东西是用来给lagent去获取google搜索的结果的。等于是serper.dev帮你去访问google,而不是从你自己本地去访问google了。 -![kDSdpQrhHfTWYsc.png](https://s2.loli.net/2023/12/06/kDSdpQrhHfTWYsc.png) +![kDSdpQrhHfTWYsc.png](imgs/serper.png) 添加serper api key到环境变量: @@ -618,7 +614,6 @@ xtuner + agent,启动! xtuner chat ./internlm-chat-7b --adapter internlm-7b-qlora-msagent-react --lagent ``` ---- **报错处理:** @@ -626,9 +621,9 @@ xtuner chat 增加 --lagent 参数后,报错 ```TypeError: transfomers.models 注释掉已安装包中的代码: -![NfHAV1b4zqYv5kR.png](https://s2.loli.net/2023/12/19/NfHAV1b4zqYv5kR.png) +![NfHAV1b4zqYv5kR.png](imgs/bugfix1.png) -![YTpz1qemiojk5Bg.png](https://s2.loli.net/2023/12/19/YTpz1qemiojk5Bg.png) +![YTpz1qemiojk5Bg.png](imgs/bugfix2.png) 其他已知问题和解决方案: @@ -639,14 +634,14 @@ https://docs.qq.com/doc/DY1d2ZVFlbXlrUERj Have fun! ---- + ## 注意事项 本教程使用 xtuner 0.1.9 版本 若需要跟着本教程一步一步完成,建议严格遵循本教程的步骤! ---- + 若出现莫名其妙报错,请尝试更换为以下包的版本:(如果有报错再检查,没报错不用看) ``` @@ -669,4 +664,3 @@ nvidia-cuda-cupti-cu12 12.1.105 nvidia-cuda-nvrtc-cu12 12.1.105 nvidia-cuda-runtime-cu12 12.1.105 ``` ---- \ No newline at end of file diff --git a/xtuner/imgs/afterFT.png b/xtuner/imgs/afterFT.png new file mode 100644 index 0000000000000000000000000000000000000000..b73c3811e2ca1b76ec8498036cf827217d401a8d GIT binary patch literal 49582 zcmdSAhgXwP)4)mZ9R%rBuuudPq=h0?=@vk$bfifOH3?Nf5Q2z+R0S!5^d2CfNa!Ff zkWiG~OQ;D6Y<%BucfYfH_7B)|l9T%+PnkP&Z)Wby?oL;t(2G3ZqiO00B^{oO(NSJ>9 zdy^u3%bZC_x*r;7Yd#IJ+s#7&^)^P`}QbN(V2f(JuF&o%bZ4a=LW%gB9u!Rk@H z=mQNKRTsYl{2|6s6ZCU%yW2l@9htfqzpc22edcwweX<;CCG`1nub$@f!HdZggmW~xKdx@O0a2T3nf8e|%OIKGn9g%y~}|a{uphsz2_q zVl-g6Z5d=UJsKTGlapCq$jWPRVvc^O(fLS_fcv`Jb=3;FXPZ6>sy+Q$_i)JKKZ=2> z)Bk($<7}!EkwCD)Ya0O*M;H1^;RhHu`n4h${^s^ctJ(ski@l^{my&S$#WycOfhRH0 zia0bqkVDK8Im(u+7|P_nO)V>WDL1cH3m)@VG-LUC@gm<&+mvy4pRjpR=yZC9F5P!v zC7J|6$027+N>t$K#Tg=;MM$lq9Red+k&hcnf6GeS6m-^;4m5Ad%ix^rXjVCQaj>QO z#6_F^bks&1$bz{N#{Mq5`zJ%$0QN;M%kUn!M2c=&CYRjjmiG!=r}|p^D=Au% z4Pqwc@~9~;iNz-*lcs&dVIZu|{;!+c&_euNu(GQb6^tzE<~Sk_bDxxYJ0|jaYKYEy zByH)VN*Wo1o0Euwbf^c$UyEw-D3Q$T!dMR{xqGl1@xCd1@n_K!@L7qjU}+4E=g8`Q z<8d@zo=gJ;x=Gmmp9iI*A5%KVX5}S-mVj5}-Lb{pMx9yl}weNO_7LFvNJjmxN*nFm_x3 zhd~WeL6ihJE;$UGV)pVyJHhjqN?LWH$;WAOID$I0lOM)8Nx)#s7$rb6jYqw;z+}Y0 zk8{Qe!evNBgd3Nfxw>NT@j9OpBtG>0ze)Jin4a4@HawWNNW+qIyV+O+gLh3jPU{N& z(E?UM(qvDamIO*)uWkS4pdXh!1u@Bq&P#dcs-9 zDkyc~FI?m@BW=(@Un}N3_S`0CWcGfC;_DNgClp&rr(V$}Tgux-@7wH0qV}Ke`WCBb zp+MvOWngvtTh1TX8fVXqmJ#b|aS7@l2g!2!43N`b5Cu6Y|5050YpuTGUlANDB^nXp zB6LlE2-A8^oLlQH+I^BuNV3ck;}rPBCvUTP5MxY9&wD88W1z8u4MWyb5`Ek`B}w+N zNaUDq5K&4PfA*_0El2_zDHu0Ll19q#%0GrffZnA%jwF-x;NbdZBylka_r%PmgjVOPI>}|Ju$n z5rEor?rzM{uW1Jkf1Re$Xk-(FRFg<#!pMY0ua*(A&D%8(W!VH-0q1w2BdM=YPpK!JT?`_IDdDN&ihzruDdIco0t zN~SD+uz)PgAaZH5+lIhODqR27Zx5fYb_xMb#ggmsKE;aV^@33f$e8V@h`*AtFu zeiyW;FAmgca}i$Nn(ff#o_$U2t9lgrL50)mo-_@U_haemy&|4LBz?!|%dc~O^T@S# zzYbM+U^w@g3@z7>DZ~+qt#AGNyN)~x_+l;|>E)r@-9v}i3eJQ2#qQeDnz9u+l>MxO zwvLTl%6=VXlPkNzSl8}}I3K`dPxk*zZdUHe3m2(KjvJpF7?*x=LZ?MRq3v^32roU| z!Ag`V9XCnNTjoM0QI#KHYda^|8u6QZq$s&>Tv=26L;qyS=|#>1ouzr_WdoN#8fqFrUZljZk2-Uk?_zIg+fyHTon^4lDOm zib9>d@sF(jw*R*Cb>U}`!`G=3y^;Cr7kwnKpVuYZEMHeRoy_-PLfrm#re(D2bsKap z(7)Z7@eebv3;jtOXDm%U7380Zx>KWS(L_XLX6{FNAB*YIqgz#b~edO49-mD zIhx+Q(A;e1kN>~_wR-++&TFJ>l1-$+RGL`*zH^Ny6iGBZ;XC~!9VPq4J14TTMZPyC zkk{6inP|Ax3Mj|3{w9&f-ViRTHfXwnk%_R#$-0M+x^nwgWOYI}V=g7pZ`(p@t;i3t zty(2_IIbN(1Xx@k$>u|yUgD!&7u*FYt-0h1?wb6Ylgxd)T5H|eblKE@E6}p&;VjD4 z4*L>hp*-8p$|ef7^MjaACQ#9Exj%qvhDi5kNH` z9Y~HV+sw9f=3Cp>Fn(I1c`zM?(9clpW%7cd!qR3a{&_vmPKh?+8ttV0jq7%dldRfj zofje}x9vpdb;c9_v|9Bs2&i~Qv8Z_Ln~;&Y*xnruuKXA5V6sg6{_C`e?brXijSmri z_&@QJ>i>?Ph9shq-TC0-?H#TK^*mnGxzJAa$@d2+cnEj*!Q=CgxYvPr&({9b{)dOh z$y}~I>nZ+q z8|aqtYrMHD@PZCj=@*il+&f)5gIo7|(HC*H?;N2+=p|>WF3nJu>HsQ+OuX-W6oR3% z;?}?^FOgUCb@CB*Iq?g9NMitHNM6n5hG^_V?MucF8I-aoPLlxdi!=)sv~T_KqR$%( z6C`}Sj%)$=X4^Fhp>!NHa-h?2BtXiFx5O{n<>6yfU^X&QwMsqa32T{L)9?Jt;mq$*w%pi(4QcwbDAKjwGqr!I*mAc~ji z8O5|df0%bRHAEq`J9GI+A}!2h5!zDskt#%>5mR7c-IslKx0FO zg3EQk!|8N8x3<)b;LgWlRc zSfPnmmuv+{9rL)@L_;IwN`Q&i-yOhyfAoM6e8lCz(sE?hGvXk~N>_5QG~RN;B8a5#G7>!C-${#+(kED4Gy*Vmh|V9?um zcOhbIL`U&u1HLL!9?hWRbPwKFi{!mPN4M14`W%*{Bo0Fj`UFHyeE(LI%TRTalHOyZ z$Z;pPTjPG18#jkQb5$28d6h@JDK(`R&F&XcCFse=If-$3rV5p=3k*PCj%RVv)DoL=tARORhYO0N$3FE`LuC>aWcZ?)lqEor_R*k^2fJtE0QQak4K^fz=Nocw^8nY#nw*nhIo#xx&^9 zSbIR28wU%0GDZcz3dF3(4AVYSYn&4+3oj$|tS{g1`aa*W{P?h&d)#vTYQ8;5fz#7a zD`I;3@SF4r{ze($moawjg9w&$_xdT;0(B$C?>SO4<$h4gFTLyVzU!B(0H>6b_4`#G z1MSypXD=*zI_(E-W0UhAc0D@)qgO&|VmcqW#|1kF*3E3og^6`_kr>lkbt;%pfJL~C zne1bXPq~;!6kY?~QqqCVZ>0rH2=N`q(0$!<=Daw5kbvgRENOj5)yjEnPyJ z`p8l+xTPL!P{`$Wd5oBvIDPnD%tk~(VMkEGbEk9p*dgQXQJxP%ERRY1171}#n+9r1 zN8eXUfk(kbgyep|g5CJYwE81njG4m776J|IW5$N%6fw!=Cmr5_G&``7YE9@(Pm4RG zx6L@UmxIbAa1234h=W!|a9#C2Ahp(pmUL3^WOoGHSa3e-E$Fh=Sx0T_?g?01CqG%w zSd4vnA54|05F_*9$I|DYUFIqyKRO2ca9+ZtIuWgZ+36{w$WEJ2vp?Zxz zg=)>Cq}O3`3U|ft>WCG;Ho6s8XtF;SgP zA=J-)H;%D9?FvK9Y>()N?wiA#O{^bwQU`O$`Nlb+YOQ;c8B(ZO`S4#k)+zc`QsKKzQ5+h z(`(stXAxd6YxmcL-2FXbrD`f9H0S;TRKa5klb#*wEJOECg3I=Gy(c3nmQ`sUaqJ^2 z9)!>3-IM<64gQS;8zt4@&M;Z@sGPN!@1sHOJ5AbHdl~2UYTW6g@V0=DERralnmq03 zvs6bzm-p}NTynDNMecEP6zV6>yhHgy9xwA_@M_}sr*+1B> z#vG0xANo*(p8Cv`{wU5Xt48QguJ4@f zau-Wyp>6C7;Ya*uAq(Ui0gLfcO)1YhQ!t;lE3Z<)GDUjTsRbQ>bPI%xvrjaa(R~lS z#31!19#@mw!$bqn!Oq(leI*}<59TO{VsihQ!rn@KTW%WZIc{iJ$)lTmY?*m$eg%1mjQvuU$<6Ek z%%W1jAbw-A-^8ogk$qkY6c=Z{!!4~*Xfx+DmU-YQN#||bkTUMZ^Pvg_r@Q^3p-?+W z?LJmm{nm10eb&j${#^@1t$rdSSU5|Wk7Sj$opB({L3V#3SH7@L>c0 zE&d3V^@__>yfV-or+OF%l>HN4W3r=;TE7D{W4TI%-#cR1sS`Zv!BXhM^bT7N@rUBx zt@nF70n(l7pP`{)p-6|-GwVMgiQBQs-1dWy&%JBEOWS_)XLAy+pYF|jinyx|l#6f@i%{E^2c!oY*A46^D> zdVRw~^W*7DGI#OO^kdE)m$3BhH^)=Xb#=a z_%v-xiN)6#2rg5l2b@2cgRUTd_Mg+!dacA{;_9hJUM1!G?(NR+;kqp%uAaN(Z!RD0 zTvi?>;&m<}!naPH?6yxs=M_kiMf0O=S(zRuejmQ6il!otxv*cD01$%uaO35RA=pOx zm(kbqv{4UV?Q`n?iP%loUsgxwK0l+y_4k(NW;W?~Bj)V(7{0cDI-L$WD0q^WbgT=p zYw-7nd#8pz3-a=|Zzj-~msF`VG0pO&VX6?%Xnap!(~P6XN0`6f?Tgp)c)D3TmWV5+aieDRH=L$ma4>k9@g;ho+w{MKq?4*T@%|y-O)Ag`6ON zk^P8YRAI>bVmxRXp&s3uYhKG&CCf^Yzj4#i%B2%mIGsGEKf5}zbP>> z=RcMi!OF3R+pnDzrd!y?FUfBu0|r1f@^flY_To9Sb1p9XQR0B2RIg^uYFgB5x|QW! z2EokJl~6<9bL^<&_QJao{QGFKhM(`a`O|Yodp$;k6|@9PM^9!X0mO@j)2B0Q;7x;A z?IZV$Y#s#8o9f*PbMwu92!KI6R0XCt%JSB zf8?a1ZM6zUVl?ZSMRLTPP4yR=UYE9SVSZrb-%D^Nhy8}L<U%?tPa$Hk3>CA^a!xTkhLDtNuEtP6jxIDO<`Mdd^6 z?37h+jBn1g;I46jXcMmcr@2sQUJlJ>Y8dSNcsSM`kA^kXqVR6txSY^Eiqo&$fUD72K z=M#Kha(;?hnqp)acWg;Ked|fE!o9MdJb=_e#<)J)2bJT=`*Ka^3@Y*8!8T4RV2^P5 z?^hX`sa%v!kmrBwb)cf4jSGvI8~ybgZsiZXMJFFqcI9Vwdgxc3VVwlx1YKFl%|84> z|SbtkW4c#c^1K-WrOD<{d!(+ej?W@kp*s59^Ci)+?E^kykALJbPnV7 zCs6L^pB-v96(5$z`O1+I3mEvCnbF2XKN&fDx@pMebFYKU7`0D@DNiUylI}H;#(^qj zKJ|OJK7?l(aQ`}K0a`PRyLmuVNFM=S=w>eh-x<%i)KE{8zcWTtG!8};lCDJhUF}>r zO_j!pbol}7O3@?Cs2tAN$H1HSplEf`$j$jgX2Q3@%6C7;7FEkTGE){&SKn}7;QsTk z7E|;!M?RL|+SR{BQL25V^^R?#a>3$@0k{Ddr20`OZEwyUID<`8ai(0G7FAH+a@Uj* zBI(@a)MS2j>X7x~sVDhWYo&Y--z8FrbqOXKkueFOX=@%WD@x|C|NbEzG5YALD%!t2 z&r`5kJ)SULy5|ROg9As*ve?;%WZ# z_Ir-ZX7{DF^{#Z;JoXkjf$-hGo6K&-EV{ids^cLV;1x6JQEM`Z_|}fPoH_E^*HWUp z8UomTovpdF^4LFdc=-_i3?!QDZC&5YN-w(CKEV|LIG;6I z{fbXc`pU~@S=M2X9UV8`*Xu*>J<ONOb zfwQ8oC0w)5_pC_aM#f*PD_0wO6Rq^E{-bCCY&X`V+iqjdHh1OM{Yi1jxQe|yE)RXiI;hNi;_|Lw=r$7SiSoireizle2veGl^ zW7=LmpCxzb{Hb1mkydbN;HCfOt51Nlh&WrIm-O4w-Ch0$6I4oT`8iHwav{tnq1t=f zF#Rk{bs?!4rmrTs#=p|>wN*&^k^- zKQ!x~lqS~Bv;ES@P<0_`Mkjl)Tr3ZF>3iTwt{ZcbiRWybe=nR{=*dJ|$rMsQkaB)y z&2d^AcAtG_?2U&RRMQ9K#6EMns%A@KZd%+uB9Of6o$1*mH>jhli8W)9sHEU+GadH& z&c4-d5|$J&Cm3pO{6#A3_^~kOxvyp^MD+}_{uJn3FjlR_V*284x#sk=v1CHZitn%5 ze52RW%3!(=%KY2@K~K=!V06AOPwk! z_y(Hyvp}eQpYrekf83U8$(|e5DL7YNSCSe{-=fAsE^LZ}wS&GP9K82$(eK_|e~@4i zA&n>>*~UV?lLLMRf0cUKxiN@BZgp07%?a{T-ywWnc4~emOC1gw0}Na}&h9fojW>uM z3vZIY3-}Xo@U=@l4HCS7CxbaV6iklprc_R9u6?sf*_%`ZzqvdscsC~T5|&bMmW5d6 z%n=B8Hq=+3s}A3hx!9jcNx0`+lNb23&oV#5=|)Vb(^{SA*9XcL^6YYVyyyD(VRxgp z12RGjo!(bW(D2;V2VY8q3{(++ zsoWD4K$h;kaYwVuY6ii1AYOKT<}TfBx`wM%hD!%B!4)&QD9)2Rs}7vhFmFw>2U5E0 zAs2yFeDDh=#!j$%@G6?;Lw|&LQfTdksRL>9yZ!O!3W|lJyROEBkOWGmG{MQv_cNFy zL>i|H!l{H}nX&WM?(BHM@x#1{+zy-hhU%V=Rt=xQ3UuI%R96TOr2Y z(_O872s5ONV8w3nav#oDJmoaVlm=-;ajZ0x-sDQktf@Z4dnxPwSVyfnK7f$mp@M4V zguOnc+s{&!@Ilzvsr<8N?6Y&O&a!dfs6e$^+1x%YtJ<{^+u zTC{i?lXXqa>~Eeix37!$oBU!ydTzglGtt{XZ#~`pDj-+HOL_)8KZ+zMgqH3t?0Hky z=8v0K%f9n_e`BkHVmhc!R1&DduAkq*dgN4&RuW*l;i)XnftarQ!>zdzWMy^jUi9!8 z_bac{S_1>}YM)O$hAlCPG)N{1?5BU$e3=9_s_|Z2C;6fZpdhT{dIoy5?wyXdyX&oo z6{-&aw9wz@#u4(*n-w+&XDr*s3%nzqCuQ>8*}LcHmre;k(cwzyzdsnQcA(hdVP>Bi zh_bL~;Oev!cyi^}G~yI~=gzxD{oKE(nvND%Wq~g`>L(Aqoz7!NnL#mt-?FvJ)n5cb zdCHpcC>lWidLpKML!HE2F-4MT4SB%?pAF+>IbrV z;eRMTG0cc!etcmk2I=4y4(h9ZYr(tqVyv1=W8vj|U~;498JoX1Z)zz}Iw3{DC&e** zaQ|R$M6poDS$qhn+WD#an;?~U00TQM)sGD(6e&uDvNu92llF!xn1jBAnR+D4azfi| zA@7&-`nat|lMY1gmv-VWM4s>Xq{9z>L+ut|&E19__LlknhF`tWE_nMi3F}7C=~pqY z5!Al^SYDTi+-W`Carp9`-%G39GR|*S{Q4HuSRRDs=yoYqGVe6bS~AE5T!_x-jk$w% zG$9`mm8nHQ1O87=%|*eA6Z`=b@8??|jauad|5Xv9RC}p1o||C7VM4yQ7P2K%9@7k? zlz3l&QrdcaSYEQAre5FLg=0*o)a?8z#o8z?EAq6W&>-~8DhII@Gnjp?rzuh!^_0F!MxfIc=$aR2|?u>&dSTn^}AoX1j6dIx7JcT zv&$q#w(;gz4Ij9A)63;rUar5WFvEptA2LIr6PSiWE|@}vv85u!1qx`hPN7_Wr8yRD zP|k;6WSw92@cO$gmCl4Kc_8C3{yo)OACkhUDCzY}OIDLS9t;6n)M!*Svum!C=15L# z!r3>pc=@hqy*OIa2lt#NYswX{akE52gp^|Z*i z+Uh0G(76XCAU1Nibc*nUhl0%0EMqpAY1=0->deXtxwX4{sxR9(Pe|Pm!|}GCgt?l3 z3gje@OeLi9VTNgofP6LU!jthM=Lhb5pf9#1x%KEkJ2GWO+j`gX#g~d}NltV7WN{4t zz#!!vU(>K2gfVa?MV%M5TB`MbRpuTLp$cN1k$4Ub_V)j-(*5T;A_Vfc5c;2Ag=1Cu zIOP7FCmainkI{PbpVog$e*bN02{6(9&#n4?YX093`2YD$&$We*jt?=H7t3cCgNP>~ z`Ot#iBLv!)n;pKWZkPY%C^q88ta|W5eo-J%Iekb|y6n=-)U*ERlVgmXq!%0l2dPqT z@|Z8Y?4)1iF<|g^S-eidH0aHB_~~a-+a2GcJ3CbjB4OT}Grq0recpHm;UlE_6$rl% zxuVCO?dR_8r$Ta^dKa$-4zDh;=XV4zwhL0PYy|RgsH=;MMe$+C75-TX)?7eaQWdUt z9&zwYaXf@Pl|^gMfKARrHlzPki8jN%TaI-(?lC84fb0>T(`e0e^|psFfpE%KpxzVZ zPu?I^LFUtEm-<6GZR7DS1QLo$m2z4gs_qz;j!njHFBe>C8{#j5U;A*$#ksSFX_c@_ z-M8v#!Q89f7jab%KpmkKIhr`+Bt8>|3N&0qt5+P=uCdCWxk~AIt1E?UQ*^b8YU$40 z%z~I)RrzCS;!4Kxckp0zizA$OSF7(sD-^r0zO#ToI~=vYXbsR3&v=&jXyb~~|wte?X=@(|`CH{in z(GTvNwXmqZ%7hhxsbHl|C2gx=KHm05&9$ZSsLuH~mkb3AR#kuuXg%%H3j{pf(^Bco zrxZRKT{QaiL`(c@BG7Kftl3-=1fY&H{9_R}%6D+#1kT8!%dQ|)k5o&k`L#tMkuVta217o}zd^*jn&@xr;I@@8?tJS~r|o_k;#a|DTErr8IrCqxz4?Ljnc zzbO4i$#Qb2%!-4o|0AZNxz(cY9Gh0(*{ZH^I(egJSYGZrdjNdy=^IHFrD5HAcfNJ~ zaH-ugDGym*=@++*#0_ESXIx_(LT5*L8P*x)$rmeGf)Ql1ROO>mS^D1k>kU;En@s^h z8g&=efRE(4@*H|IVEk82}{RVK6*?eOfe_s ztnl);ZRNDYA-L7Up9^nWySq2_H?GdPqoX5ki}O85nRLi?5tf1WJ!4fr=g<}DDX=zD z+%V}_)BeL&0<-EH8nE>xYVx)-CKF?nh40rAcLL>=U#R}Tb#TfB!1uAwu3E-VCXxs; zQ;k{M>2`c?bk3cprj-TO|_#K&ytrvI42Gh6xwrUDt~ zS1=n}Y2s8n%4L`HFw2oL?}!urV(;^UCOR^_n-FnAPzKb>9f1tc=%caf!Ut&eIoB>74MwEOT%5ThLRC4x zFT#&fhHjbLwu%x-4(GUKEmyOid-S`pX05=g`mVVa4MX&u%3|4ZM_{q>@Q?XHCo$)$ zo6XK0!v#IB3Y$Jj7g*QKzWDPVx9+YHTo1J(>OR1*&kIgYo45GsqmwSC{q5#ALh)QT_yL4Iq8C-f6|PAn7p?V z$a7N)EwA%ZlB?TE1vm2Bk7^31PZY4pg|7dy&(R)go_UuBX6UsS2nO%u2)5MbU7$-< z{+y-R-*=fzUPD(9WHPP|Lv*k~dAYV<+J@E|Twpdfd%6R`Ac9aV%NH$ilLpy~9-s8E z0??QIx%tPHA3cjne3tRfkm9*j9sR^O1M%BPnd$t#>5hha|1(PeTx9L#x$|@K#;L&b z%1N+G$OT8}B=Q+Ia zjr`9$ce{!UP7kk?dE8m#BD(dh`<~_TlV!&%&w(mLl-Y=tzPw#HO37z5cvkvH#_FCJ z@995f3NsF;4Bgle3AA%(!Gx@6R56-LYAl5aEyh?1v7_Qxv;E>O3#dky%rda@kE z@@E-eja1J1xUGvcr2Kh=*xt7{YBiC81He~dgb;w3>r#8y(e{3-J=*uRWgB)o=Skbr zuDgk#4E%XjM;6hK+rz&yI$j;%$wtQ^qh@fGe0!&he+cr*XuQ@Ntu^!feET=u_@ix4 zmZznWmnS;f^em*&LYCxMzFa4ZFDt8=%%`F(Jd?9;C zwir*CPjD3}~#julb*!6Aq3il4~S8!I}#(8Ux@z2jP^r7au}}p$p`X zDb{pAZKM!>=z_TOahg1z^AW7 zC}CpgBD*SLs@eQQU#p~ZU@7GfQF`9P`>N7kSI_4&4fkd5&d|G963j*=u1TL>d44Nh z6IRHh&7OwefDk~rt)rs*me&(IRzj@L0RN4Lx&2_!&>u3HaAHwiQsZsU4;RC&Ga?-V z+QCa|)-{tx&)|$BSi88sbUQ_zS36SwqR-a1p;(QxT<8=4KxJZ9jjcT5MISk-D4)Ws zM=v4Pm%2A|bI{--E1Rami2Na5Jc$2-r89gv*v?;R zR>Ds}Mmxj`Z=94Ucvx%HHzk$^blz+A=zQU1+c)QC^B=f3E+=;A^xWWlaJ5N)KeeQ% z`{#pHv}ON=GO_Z!kh_03kG`o%f#Ha+@#h2A^{0qUrql*2?f6+z&A@9Go$PJ>})sf&*CjMD*VX8LTKw>KHl^`nL1KiD@8_#fEmW`erQ%Zs&AJs;gGLSuTw=^wlGx z{ZUzrxch8!ZyU_)={^%skhvXV%JiQ7aIcF4`C|)#L6<0_m10lN-^-&$h#UVFQgp^N z*$o@1(Q_OL2+fD_fy2A0UQ&~zeu+>kuWHH%d3k&gJq7faw#U3w7Kt~6$v^JodbRLa zdXVr_ZgVET0;P%L!PI5s=2x?{@oublt9Eg6q!j0y0g0=h7hPCo1inpkfMos`z5&8nZ`Oi%z#(=P$IP;XPy4NYM}eNy4u&l?)yzpF#;jiO#@3GI$J zG>cCiwm=O4w?XaHOEa`u7Z-rVYjR0L)zt)XM}T1EyTN0n>+B~dr>&e)1gv(e*QF@2 zQ(z`U>=4E=Cni3|(N%cky1&Tv4f;s%pWiguUr$T!Wjr7?;x||M0c+;R?IyJR9=XPI zR}`*aCghN*(aOPapEK5X5#5)n?=j!ra**mzJHx1PAV9H%J$uyz!`)`7WC~#z0N<0# zfT^uHFBSVf3{M^uSVV1q#(D!AR3H02rAEKk73@Fq{#liTp9<58$QG*A8{G+i$l_!x zo3Opoo+vbUri1F7B41C>GZb=;ngE1ZqzChhEb{xsLAyoWvEffxVFeV$e)sa3IT0=c z73zXJPW`clwyyBpJkS5w4O1GR-#0_XFE!4($y8EeZ<~9hCC$h1sq6p6oZHiV+LLjP zWd}-+k-Ug@Q*GmT`!+Cwenu2p!by&;XFmO!Cn9zLxy<|IuGa;m+qp98`}1HN7O1q3 zH0b*7a-;i*;c#VZ8NO3Jslr!dG7mIxLJC#iX30GD@-|1e0Wy|5F7L~(ZoO&v3@!Ik zn@yY59;)-*ofCH+@})y7OoE@(DF{lY4F1lV)caY*Ay@xzT}nf$sQLmZG-j;Xb?`}Q z_~wS?UrRz2yIe|5$DJrcM~-_zmYi~#v)mM#egW}(-HjiRXam!&$VrHF9Ql@Sv`8uc za-88qx+MfmhfKf&4Ro*pebbxYv6%u-HnYfyJbl|PNk~tC61;6_cRp_Tq^YOaCOi_- z=WhD>6m^?ZE<;UEOB@osTwF~QlgwHnIWAc?=bx&16ob)e23UJ}X(E#hE$Ghc+!4G> zL$P=0f}FygP)1T1{F28^9a`DOoC;jy&7{wEQ7J9-%#!XX|Mty^yIo|g$1UP-1jpnw zY5A26)>re#M&dq{)@E-XI=fveH3(g z2$MG`NXf*1bQwnb406*JS0l_VMl9R`%THj~xoi$7W^)zgStdy*J;J>F+aXW@8f1=0%0m3CF$jQAb)-C%J0Rsixx?Hd3Od z{IYxFxE}tFc&**X$CLTb^tXuHcy97gFi;HWa&Vw+M`o+~jRLnavuPvM$^;vo8asq2 z?_G;yGZ778r3JvEQSui_%Am^MJ%z`birx@3DDfScq^ zKb6`$Bn4$W;uy5ASIwsCXqC(~-n{uMdbPRvny>lKB8Mi==!PPPPM>BKyWPDqp-%vF zi)qHyi_1H}G0aHHOe3cpXTq7)$zZ)!i3ETV&O24V7`Ycwb5~kZUa-N@*S0U>2VRe; zaeVijw6j2NIW&}|Q%^-mqbB_B%&jyHIpsxm5i5L8)b~WTot5J%nP?9hdXT0@j_x9p z_)_-*{zgH3YRrvVA?&7;eb6T{hkIlE0D&p0rBlbKkY@TX54Yd6aek3r-g<8OR!XOb z#4BETBp5LA8MsULGL~@rc|Vc%Pekx ztmh=J@kF6+wW?O^ItHF|NXz=`TyPi{|4#5*o!fz$jB0w9tan&;6u>% zhwVW8t352+n+w@mMLSi$GvF}JW+d1S9K{uwn_objWD&HbaYMmZ#=RDkzU?fiRQxdH zJ0FFw^SHfoLHjFC--aLC37G>eWbK;UmJY#dMo(}&i#TtahhnBt?yBVAYRc;4j+=j8 zgytPICKUXAHkb$gZSf$!+Q&|NmxFKgPedU8)xp+w_Wt+eYytn>>a`c)-%qm_dp9RS z=>-N5yt`Y=!Am^q*De^qg~wwvKRl7YE~`V*7g-M;`5jwVC*zgRTp5ZjN+75?17es> zchk8_o2%dWPi*0%5k`oU3;CB)yry;s;7UB6A_<#y$&FUFakXhaYII5;a|N1aDHJZmz z0PoF3LRx%jNu6~&_baHigJoL+qaH(eGgc_6?#kq(DA3N2UR+935ahrJD=SWtbqy%y zPcf6k$?L%YqrP^1(`vYUv=f?a7xPIHbw>1|VFyk@f>iS3B{(0CJI?PJzXevT@aJzw zESK@`>C^Rv!C3BS=|Wzc<40oMZapp7BB{q{&H$AxJFYQ$QLpk}7i4+$@^$Lf6R15M z2|ML&1|LrO(Dr2rOqJ~rx@@uS(q2;`R&hfLN%e4 znp}q+(!k*G2FtcCar+!DcX$^w*Y0Q+Sy7RST)jp!C(k>mCd`D|x$J1F`}B-eF3t2X zRkeyHn}0nXYsv5M9B^K)rQ22XHr$paRvGfp`fJtKEB^h`8l&KgPU?tq8EwVRchGL9 z8sh_RE#?B@Ge=(v$HUNc~^w@_tk@S9{h6TxOIDs=@@y%rUw3`f#%2fKB! z(ciq1k2BO%6Zmu(1?Eu&#Obxv&GX?NIJfZDFAb{oG@YEsKVaiciA~<)`#dB*X8*Sn zjAF0-B^r90hjZt7<0wY|NKd(>(+2HuSK>qji=g5l~5CcfywCIA1E`6a9dOTK^hCsrl#*7pUY$-WcGnvXHu3dY)D$}oH>G%I~WbB zc%1nyx5u)tve8dsN_J>;k8Ml-xX$#|Si&!c)F&%$^8qg;>u8DTIhdzuQ78h1WP*0BPh>j_Ep2SzPj`nYCJZzBiMlV5qeMNx~=&OOrp z9ll&%H9$9>phjF-*8nIIb`Zbi>@7{+WE@$R3V({&GhpeNQn`Csk23aRqw*h+CZbnp;63T@Zm+-H_bTYuJ2A1_*INO!5G>gk7HAH4|bkw;3i8~I9F_{y?doA8c?j7>!oJO?ANHSN+1E0?$^shi5R*vG)ZV|A0#Ml&- zLmHHJJ6^*)T1#eJXyJ7;52^NLCF$yEtD`$o&f#|K5KzEn3c$rm8S~(cgGIEW9#ixi zKmd2Yn}c3(yN{=o*OL83M(v0iah&qb#^a zeHx9iZM12#f%gLrRtacRyF2&pgK=O9rm3)VFaFKw*^~NoT4q)Mgn0(F_3gKSA1!b0 zazM5KZ)ZFThKu~AdXh)tr?TFyT~~5-*- z{M>pC368?rU8eKD(fL8a2w+XiUR0da0%zpb)p=52Q0Pl6cRzcSO=FQCFJR*pd5w4( z|8#W;Q;$P>fMy*4ur%;JCj2L+fVwQGBMjkMsLrDQ5$wlP`@P8wAKGkYU9H{M&} zSp6xB!=rp_A)7=>)h6Wd_N%Ljwg<%R#qra64`1g!w!qb{m^J==JI^pgee$5L8PTsA zRmiV^)Eg>RH_bFIgtKFv19z0$^8)i9ISm0XEB8;NT&z3DuLdS}fBMkjhZ5<~20!N* zuVN0G@(SxlJ6H^MWqcxzBj(nkJFEGuW&VRphQe zke|_^@!fil1`Q{k&+8AQ;g*_zQR=+DT9Tgs*xt*7)iHd;n8z;Qd2m9XS|JfKpb|qf z#msw>^>|)9+>#=#p5nfe;Qc9hJ6unzgn7q|I&>!6uc;!U>MXAahAr5y*bLE7rv%*z znnrw9z??nasi)l7A_pBeW55BAT_pf!12YuzjQdWn_;?zJs|L?)Hc)3T2LpdFVo`QeI>??|H#P>X5^WG3Lsn^4;HwG7#YFl>V1R~Qr1MsE)9sx_ zkF1yLSW|7i!+L_^3oYH@lSa)SPbgnLNyI%1NU@vr=luy0o%|xzDfxgXH)K%l&Sk2D z2u~^Uj?If&-T9aqu!Fr&ZbVpVMAO-!C{Mt%03`KVk!EO){MZ0dn7GjH&y}eM?++xq z%ge=ZWXe2@h{nu`RcKx)E?D0!EVay8fl?QP3~e@4b_i|RD2=r#z|;!U?aqx_S3G6X z>LJ}T03A{qyz~GktPLsq%v~h_h2GdZ?_5VRmQ&fx$dnX|^z44~zL{z#xfayh3E#Y2 z&^5v9#kTUkTdMuLj9} zVS#VG$Rjoz6O$SjlDKz*gI~kAC+%dCLdq0=Rgn$?mJtCbc`eg3k&5xmOAGv=?o=m`oBQ@H7-&VJAp~Q7!A4m^| z+SEXI&mO%eSFXuEoOTFf)Y#s#+cZ42;6l8F^Y-WSj7ux!q?M=E25|ks$Qa5|sRU|% z$9yK4_5f|ik6a$+yccCsp42cFQcs)wYS>sY9$&E@FzhL*_7Rlgs=`2Q3TEkPBXgAA zd{CVN~(xUI~Fd)~n#zIeIajnkM+hDj88fJoL7rmw|ob)V_a(IB;Y z^2*CLpmclO1mjrTBb<76*jo+nlS}VIMacZ`on=jU&im!K6NUnAY)JTx&WTs^HLtbT z5@~vS^29VdH3~&r>?NT`MkD&_rvfDoMaMBg7 zhF7~&m49O&Rzz^%zX7=#FKu~eW5#2a5&v-VuuQr7{IxUivC71W3)K<$oOMj@AM4!Z z@JjY#!3q&9dU_TQAipK2;R&zjvU$j9roKcBr>mxX?07?#*EQ>C2X?MQHx#eG03)R6 zv)p$WUq$IxYr|ArZkfyaP5rejCz9u4Pwtv?PaXssPF?_a3y_4(yn?H< z$@KZfjMv#ny_;pz)@v%$aW7v22ZCc6wNCADTF#vwFjO)2EAFwhXTswMJ;q0&vA@L` znMOL5&;OSFg`Fs}h_8^2W){BS=S|nxyzlTtDX(G6T2Hl(UPzn_Y>pGr!RZV15=UuI zQ>jlnBX`9@WVcLTpU`UNRNwL_2@s1Erp{81u%;jstJhjmx%0uUb+o9Sj{o*cI^(ya zOSqL)lxLte@?_YSY?yhY7W1s=x;2wbMJ9Psi;ZIwwo=k@*ZM7p!Fp=pDMaZhWr$aC z`8cut2QJw5UL(WpjGcIhf|z5Y!!?pdxk8gpS#1s?sy<_ z6{ScyJeeM_JJ!^X3>nd`Fypz!C`mlEoy2Ft*c`ozn@W9w^2?2_<~*Pp;zqrugU~0J z_j`~_3)%Cjq$bJUX*(0_sE5@39#)Cox!#92AYa`rn=X9~_mM(I@hMg9@r91n(ME4R zDW!ImU*;@N0zwQCjdLg_^;_G>S|u+j?jBqdSUOB%{zcMcvHgRuVcdQ2-^-2xj{zJ< z1S$Lyc6LF;=Bo}YSviqCQ z>6%a3aA@ztN8ww~&fc>8&!IS>$VQ2s|H|T!e;bK((kx@}sH#Y#Y#Q^apjBj=vN>JIPujV`%Ry6mAZ$muh`1!-=e$bm?g)5HxmERI944_#?yhcqotj>%{%~z4vj9LTs zqDUd?yTzLdyvM6cr|jcbGFVEv9W*Q7d5+c{oC76b!Q=x%w*+u12YSjXqiD)mF!?h` zP5P+M$f<`UY0N`5zS}3EdU7-Y{+6w3;bZcsV`p`fjX$vwv9CJvQNx4u-d_8L;kI0z zTFo^-TH(8#ql%>{w?>RLcjCrr3UrC+bG0UCeKeMiRO7MtX`ydaK!~clR^dsTl;b{L ziu??6l0A9>Y?H!cgy-_*A#{4JfxnIw?N%`&{9AnWJvGdpvE>d!i zJAv==+;IiY62pOl`~*&DPDR_mLINci+daGfs< zlXJ8sBE!soI^));8Mby)ge3L)?0}Z@!_DUad-Z_-UE6!F&fg|%G92schO=mG;s0avUtVEZ24;>`Pgfb#4XLC07iEJ6yW~ivNR!0F&XMpJk7S=B7(z8QU-u!B>RV z$!o#pw?#0+jI@og8%U{kI>0E9OW?rB(Y#{3jn)Ipnzd3jq2YPcrq(C5C800kPHz}P zr*9h_JUBUVRYo+p-HGt9LelZuR6F_xG=(mvpAMQb3zJlC@nKI5E={bIQSwX&&>c$8 zdlNMp>)TkZ!rH!xB_PSFI0VSe*lMN)Caf+A;Fbzw_^9e*X}1LKU7t{;Iiza&%haG=!3Z>!Qrnwne2d zm6Gq^Jo=De)ZEFu690`IWO}acav0(H_)_$`R!&>Sx_eXYUt_?y9|bIG-xY-&MEy{fDe167H`!=DPJvAkCbjzMpxARKMBdVT`MVu0z>2{>4 z*ZmF2QE+RD;4M#Sf&+Jym-utlggU)>Z?W7+VA*P;TVI{R?=}zm{~M8m`!^!TnfC3i z!&kGy2Woh2)rO{23yDd6;+byj&r|(|zW79D+INQc%RnWnNu|NAPnI@me=C$9oDxX> zw-PyD{vvV$|IZ+DAgm@sLrC-$RudE6p?C7>ssPKj&$AjcP(X#a->{-SPv;JuP2dxS^hRLzV12ZMl+DeM<^Ynp z @<)a98mSYJ7kw@tUrlYgnTSvO#Ve4%r19kvB34>rZ`@9wN0m1Eaa?ln$!Ao_Da zpFp8=q;^nHd5tNHGM#qEN)}LS|J7f7Ott02vTV{gi(Nzc2vYfMZ}P$CXEB6fnAqgp zU{dRO@YHi~o?Ef*9oy@>UJ(olrHkxmosSC-j3Cm~I8~;sRkY}`!M&{%rPij6{$4(+ zJM|&xh3MPoZLOzo_loqy6U74=JTCAHlGx+9-m`qv(j{3~tfwvv@#L5vdKr_kTsi%V zR2dx2y7A#4oPba=CV#B|FU031`Co|7RMr0a`kg~g*S*`wev6C6)CX1b3g zvtjv?&mhuXFA_xU%`~2Qy=aW@_*T0mWjmFAsOieq*K&$BVk%4i>p6F^%)_TC;SfBC z1pegZJ7@NM$~9)PZF3q9)mp?#TB3C2r&XP-C5KSu1J9=TT0SGub}q&jBRkim=r&n| zU++Ho4T?9Pq$NOrNLHR43Gu7e97RCI5-2O?$FPBV0pEs5||Jd2^BJ)Es1ZOupF^ z!8KAh1lC1MN>*K;3AK}d760+%dW8)?C0eW3;cTP#_V}bj>cUmZ-}SbnzO;=@^XT;o zhv;kyym)Povh4#1xnkRX1FMW}{Q+52UC{Fran*oWo3|JC4$L$&6Td`Cy=fW`9(Zx!o8o-N?$Lx$M5H z%!$qA6pSM2<6BRt((zN+N0GW-QC!hpu0k&2ByfS3hZc6Y;wdu=L=rVvOqR%aa=udL zr^uGaZzYd_+a2``dHihqN!3~1A3DIH&GZTHT;lK~`oTL|5#o-&FSRO1+mNw%2j_uk z(z6vncD4HfKkrc+M-%T#rWqGYf%thH0q*>*2Zc>XFy;;mtY%NYYMXq1`*k(P(I0cXmmBozbdx?Ltg)fKLSU3eh_oK`$*WD zulDeySHpI@!}pRxUyT|STazquM-jk#gH8@SzoWmN6t=Q_Gu?wF(EJTms;Wy~IFr&; zg~UTO?t9qtA@bOy^Tv3C{xh*O19R7+=u|y&#gar^fRnWO!G?LCd$cf=+p8?IFMqf` zy9KTL>ILQ(tOfhog>Amy1E*~PA<>BnP*7pj{5(F4m8wtR=oj^74${LXlVWiF^?IG( zo5V++UboR~K7GYB0z&n{dW`~}G|WnJ8Ppt36N8Gg8Va5+rjil)WXTu@hr3TUR94O+ zhIdw9XceBhJd)SY=6f9?lua@GHh1%|=O*ro=SgySEmg{QzDYA$Xuo#P`*H*y&@l5r zAjf=1i$Z)_aoYRl@Nl>c{XF9~z%>;%-HDh73pw7cz=@M|*VurB!^7o6pC;B?R=jSX zN|@-(J6561x}r`y4Mh*}w=G)FY-`^fyX1U> zAQ}HsFT_M>>&1kY^OndHgk;JxImu&$L6U=QkpVZjiN9s5FM8@Qb;@C@&vCtz;^OyH zjo<}XAnOR+t+rR0AAjWjFvgI+`wg(RgvRuToLXhZj-u`8i^}VUYFt)_a(hQrw1J0z z4a7hx?76Df6@;AG*cSLj*kG+hD^fpzx9#S2``#;-;c@;N!RE~A56FaggWC)_aeH5j~j}7{{WpGmixpVy6h_ zsj``Fb>6~e^e;Qc5 zp^=vz6*+R#Dq}>Txw8^yBjU*QIM|%+@Q3Kjl?ri3$*LPvkw1hjs^-hiEI2IKWs2I! zrxZQkSQmr$KJ~NqEHYJ}yky_p-6CG;;A3~1)NK6q+0E*ixIk~Yy-rWyi`9Gh%L@;p z^p0z}FFiS18&Oj>KLC#jGhNfMO*u8t?m3J(em!o(J0h0gpjX69clQP6dU7ihZF+Cm z!YBw_0L4*-jg?GJ#pc=&NcAy1qnl&nE*n3JO6tq5HFU<|Zq0)jB~#cE&y+4G_l zuUGWz@$Uf&0?h>Qb9?5cBhQ!3&368QR{H8C7{mAex2BzPzcYMoET>ABJx!p57Y!W& zl)mz^AKuwdGlTNnLE3iiApJ9G7@kvEjiU7bpt9N=z^V+RUqH^nM2C5h@q~%P$m(`; zRyqBMZhx)iqHH~783ExLu#DFJo#Tk%q=4x=#E0C>`SjlBP}T$9ww+FLr}h8^%Ew7i z+Amp^i4oVoz$a;aZ>pQCd*+hwerU-pI7QHR5)FX4>T5fNQf&(Rs#p1y9_JG*gdF2+ z;z_2ElT27lXfYI{X}wlPJ(>_O=dH#p$=54(<8o0l#tgl0-Z z0*t>M9^ndMr!Lc9!3*hAsy1@68*=^ha&0!ik9^ z?Mg0)(h60?4YF(f$nStiDb(_DD=U6VT%~-kI9$iuTQYd7M^^c2eK9XJrF${W4V~TO zXE(9dS7(@Qd-St+nnW<*YdCE=NghlTw|8vYH;GZ!108OF^uj7ptiEljDgB-;S|Aql zy2XNTZgz}F9Z}0z$zfg>dDr7AW9p(<5z6dCWy16V1Pcr${vUtBZSHy$H+S2`pYkdY z60*S$MMPBN!D!**EnmAQd5qkeiDgCCFTHGKS+SZeXnw4$X@;CX>9*vqym12=^S1f^ zv$!G+f;OuWrqmVRq$4GeMZ=$8n<|HO;H;{hqgflH(fhLxq6GM{f0Rd_7fSxebpo(I z0=~?1#taI$<^Q@mue!u)@5fJc>|7}X6`Tss_x-AaOb6|gV+H5q7vF^pi;V2}mz|L) zwkm`X1S5;kQOCo%{StoR0+V1{XK!FU%y-ddWMbx%#tAvH9h1cZ2hJV^#WglnjV0j&JKxy(mvT_1MO%9&Axzro6t+Fa`=-;+e*D z+XW@hS)oe2yjG%4lyebE?L2P8chGBFdcAGw{tu#rR7fr)- zDH6jO6kiNNw6#RFwmK|kjmjS1D5~VooLFk0IZx=9cCv zkTyZnfa`vU=lf3vCCpgf4Lp{ZFZ@}vkX7^32;u0KYQ@mO+E=^vDI1)v;?A4d1-YoEp-imKQPOf>~btFJ&MY0(5P(sW{_s2ne&z>Li@cJtK*9F ziOYwB4kIlJPvu}tI8YIZnE7%0>5b^QcrvW8Zvf+b=Jv%OLm4Vt<^y zME9dE&_1hE$!t|%{GA6e*5|M2J&V=1`*rcrio?`X1oyNwe^g$xQf%YxF!{qTAs;=V zQ&RYQrzOzuGgs?58ObwGllpD1Uq*Ess4aUEf0f?-q9yzx^mC}ULpy>tgEY7G31^?0 z7H?oCJmIrRn{M`yPu%mLDp>>)7z403yoqy1Os{{CzqiTfSa1SP-2ZZdSt>h0(YwG;j z^k0*xlFh*)xu`^2l%ag2{~jJDaJKVC<5qrJrHuvZ11g1TPCmU-JOum z_kXi{kGJZ%rjVY)1!OjSLj<#3D;}~|CIs3B&+e63e#7=VUx8!^jRqp3Wp`N+j%K0m z6)Jim`s8k>Sv*eTvs6?IEs|G?z!NEP;@*9z?P;7+RbLGf0VlYLIzH=v)B8dS2Fq-H z)_#USU1C`+)NJ($4?qun;WegCf3VBNlHC;HRRsYuobsQg933Meyj0M9t?pesVF&VD z6L@+Veutp!@;gx6(*kmI3?0+^!fGlakE4%edKEwE8$z*-I&p@Amn)ufA@RHiIEd>x{`qJhQ9 zQ`ZRC)F$tdHh++qd_c+-%q&gGB>KGNJ`4N6VpG`(ne)7HJ4 zE$!D>C@0ufbRvxF${JdZK^{xxHFZdGVvCO#lfebd7xQY9&PtHwYX_CzXwxx1Mqae0 z$=It}y6aaQG}dc|h(&|l4xQIYQKz7#6cE&!fk58{N2KTV+J-pGD#Xn@=#5=v? zc<<^E)ctr866(BlgHSSg-@n*1-@#sz?K0^0Qf79){J!#oMG*(9`4{gq-Ji8~WIf=% z1JffcKeF)?w`nf>Lh!z2g1`9VW)zi;ggig zu%a+Nc_RLO}^EI{29b zrtUY1>Syo`E5Fzse*a4D2g7k?B-K_pZ$#*<$9#ThW9{SHF( zYhvOr2Q!SBthwZskEf(6ytc}MG+5sUyYY`vSYI{OI*UcKxO^^8#g|OZOV%)C$Xnta zONPpJ*>@f>F+HR|HSwq0P^^0NidTf1!>@~8`=&6XwHKOevUXC`>*4#3z&%t$RAp0? z%9rUl)*@jlN!wc@|We zO3p2}8`O7}p~t;X*OzKX6hX3S@dE7y%+r?SoLB{Igv;meJ{CQEE?$w!VUkqgTt10o z#D^{K63rqmewvW8Xnbmu)IHfZ;WyK298Oie^&2j(^i-4NAyOUS(Js;Y=MH*2TihcF_Xryn`5yp^d=pe5U@U2QK5=t0t60_^ zZsJf{g^j{Sa8Rq@yEPx}AO2S(nZ!5oiiAa9@4CC}k9dbggDPR%FvncJVOO@5Pj)L> zLV+EfW#AJhA7s?Yvyh#^iqk{mDy#WQyVm1xVYld?b6rjh0rQhuy}^)K*^570j|;fn zGH$#mf9bnoHqEVlC|s1>C39f;uz`U}LwXth?TMV&bd)`z>;>80K!WCFmP19=!+JRK zi3Z1L?h@*;S<`K^Z_BYuH+4amtZ92)W1aweam2biG$E+OD*)LKja&8F7C&|!0{`;J ztPEg7%|L@)QMF=KKX8q3EBPi5_es7ji2?Gz-uNG18ygi>5+=cv5F|3F{Hg73k9Zh| zjD#*AY)fpP-3Wn6lFNDKWw04i8^U2M-o|XfVa-feufAch%aFZDwfqsK_p{?NJgslC z%NCx#_3%YRvNibHOKrXz)E@=dNQ!T1CNQ|Lt&l%VZ^l0pYO5%7c~X{279MKGN*R5v z;NxjyFX-~yEy~)gX%9*Poyglev=`m12>cdYu7<2IEhOu?mMwCo?vTTNBJvrCfoubD z2Cq974`rR%zCIiV?02*^pK$@%+g_W{^&2x;JxF=Cq*g078H^&!A!a8B`D;G}J$%Wl zA^`u~6|((BU^Wfg=;q#Esn;Dn9=qUw-f84FJ_7E2=kzm z9ym=G?dGiI{OJv6kY<|1@#U3Xfx6k2c+z}K&9~XE3Y!h4YJQE`oKn4QODXtO7qNsZ z&yptPE=1;7Sfyhu0sOVIe!h{8$Ud?H7ar^0ePm<2?2HM3p!GT}wtL1C(Ise#S@&Mvvr^TPYlAUwB=L8S}hBKJZ5vR|pxQ$~<3;Sq=eS>}5lZ-k`hMcirIKm)^UOpiGBRWx z_a?@0@(F7uWz8(osHZ5;=%X>tJ;y8TR9VE4Ptxee4^;19CNgeFNm@Rsk$#Vm`mLY} ztB56TjHsipoeFYEj(@Cqq1^t|<_J85Ut%Xz^*?n_iRF?1Leu^)j&^>C11K>POaQ2i zS8A(G9n#hoq7nlzXRaz?&4d)`9XtWGbXCcu$NVk94~)pv@Gez@WaD5#Pbz10ZiqJ%|%VSa*dsvy?h@hQz{8LNZ-aT zHDO9D(Dto7>=b{DJUeCI-9jqPB6-i`V6WTGl2K=by&ZG4!%21Cvj!EFgPOCWqc)=q zKonJMxc5orr9~hF-|BC*Sp2kLhk^&l#=jGC9JRmp4&%ps4dBoOx+!ZOS@e_I(8Xo` z3@Np~B2mzW%t7tNDwsYECqFhPI|^2%Y0~~ERdYsIa#gQ=o$R*)_wWLcMe7a_@7aln z{UWk03XmRM)s7!#k$L0t<)=V*^5>vXcImP7u^eRUhl)>$iqz+)S~Dz6GIAr!~E9z*x`v3rMdWQ0_3H{UUkm`H(K?&>|W({JKxl1m= z5*1ss(ncin?H@1JNU$;Fllwf}l;%hEoylqG5-tRocp8PK;Jw`OZjEnLvqug~;Tq+| zqq=Ijuv_h$4*uztXWZAo9{?IBG7*d35+1n9|87)US?aLJ>S~HwZj_erc5&wu`eTB0 z+il=@bK=w-J(EG%Ib1hC_tqHkl$8VH;B|vdk0BT!WmGMNVjvCf!2MYS z_jP^cpSBNTGU+hzY_k5mc-%8M=36>#l728!(oW&!(k^;TKLTKS^dTH3_ zh~j;(WMNPfwu88h7yAI5aOr;+k9K=JAwW8T9V5ku;F}m&ONJ*7y7HD4A_gZs5d;a| zs%JG&ak$$hBATc@`DD&&)H=|sZRsqOKOY%(_4o+2_1?LD{oB3^9G!@tN*j8|`7^bS z2w#Dmge0GQl8-ec>|Z-upUjsOk*wq9?JfxI`~%U6ELFZw0Z!b26LpWyk4+Y(CW{2$ zvEP!%P4O8>J8nF07_Ur%iK$`b|2S_{oe*x0u z*m&fVaL!_NW9D`6z`b{oEZ8@Z(qT{khmka^(~0KG|ASCk-XlKY{}zsp_M^r?+&{8hsMmldAK^er5Vj!yh(--S-a@_-JvMiTY{6TU&t z29;$#>-#Sy0AG6I#RS@P9i}nyY8Krkc*7uxABsfUv%KPMw|@L|lG06DuoN^YvEk!P z+T7ylD)3{)tGf;4nO$;4q^aZTdZdk+G5zOEAkd5u&wa`JK9IbMTR+*Uphre1ZDZa9 z??tUg_x}ic0(qYPmn*D{HYn7stQ-UX=9XIAH>)TO1rCoH0Itn|)?RtK&O&V+YA=zz z&i<;S^Lg~+hTe#-D^kvVn1sDr@)}l-hMW<)YF;zua4yO7@)3 z$hyp|=uQG_W+s5I3sAushusER1F(mAGD{=v<#ln=m%@Uw@ReSW`R;&CuiVXWq#k7A zz1fWnukypT`wwN$E-p>_`v$yPlgV69#rXO(a9%|o97Hi{y`)K((5Igk3CJABZ?GKv z-n6x^u@)rv=0uC&1(zhHv~G(V%9u4kDi5`5H$P=3H%TRm1tn|8<5U0K-}fh<4#mDB zL~1n~%eHqEq)gv)?862(C)bx6Q5TB|AtrK~Ocn7-`aM)Z=F8EE#Gcd0l_VKnA}{Sd z%h@`82fvM9ZImZ-gAcU*U>|cYv*SVc0#xZ=`x@(H?7+tcJAzyL0+`Cg!6MTY^1z=- z<>~@77Sv?_u%{K32ot3A^$fQsW`>bsd475kZR71e3^@5pO-6_hN z!0LBl%E5&l2xe6_s|0WLK=Z2vt5ntYZ;%%3R+eq)-AAi)Q*20A(*iLF4-kV`>%!mM zUszmGkq1`M_P;5l&a)#x$O5#N`|IkDGs>4Az|n?GLVkXiN3CM9sMQzpg#%?1Cs8P5 zwqB|H`EvdGU+@`djGjdjk48f$k!@#TxQq2g`347U@9F@O5lj>!_sL>r;$>o#dL(#X(q_p9$u>cI-pLhUhpu0Oi^U}7W| z8MC!tn4*L zN%)n_cp)UidRoO`z>701u`^P8lc z7{3tPo0rVfHxfKa7k}LEu{-J}|0$Tna+l`qvNAKgP_(F&bQux-TFqCu!>@%jIVvE` z2BI>shJB@_%ezXe-=wubpAN&4Z@9I6LRoB2G*P8LXE$SN%3;*bCI6FGWB!Y+3z66C z#b42^4c@12;%*ZXmEw)PrrCacC-4o)_?JXYzOBgJq{NPVy@N_O*owj0z5T~vJy&7J z;hdt*{BjAiZbqA~3QVV~X4571_w_<3 zuQ00}pBjg9Dc_uOO|P4*ke1Dnuf~`?;uLd?OuH zW_PaI2)TV8t_nV7mSKC{Bfxp;+aU23j}qFkS06;lJ=|?I1}d%P(aMJC$ox{e?<#tj z>j~3An1mo=k}ejgYQ$%*>!`{r1bg+}+Z`eN4*~WF!@|V<@H1at>iSXkhli#c^I2`b z!di`bv=>+J^557@uUa^00lh@VO%j*w9d6p8};bwe^Rar#cZ8;+XeJH{DobmXHL9>B#Y^S$}PMY?y=v1$=vL*2^*S`=P4-$7O|oq@{oD>b3g6|!do z-9eY1s6oZGPb#h1rnHS4YuQv!XP#x9=cE}10qmP?)hw~;QW0x``!Ajkmnu!wVOO-A zD_htS$1(5hE|7E~H3w>oHov~;Fts=63BRH&!pTDw?b|*ZvZY-a9>n#Y=5AeI%moc1 zNzALrhh%+jL$2-W%rak$hXm}bky8w26vzoPapK&# z;F64jBjD@}Wz(g~3~}qqs)fCokZV=*R;b3PMo_QcZ0c>H+X!c&p@k#I<-I<*f=Mo^ z@;{pii#WOdc?#%&G=EjI!lq^)KhR8A2xul8c-~Cd^xv8Z&;I(WnK1e?Rh&e7_mSvV zImwxy=7~f4Jq01Qj3=n4LGRTxwl?xx%q;2PxyqWJ6vR~wi^0gG4x5n4GaR|^)wna|G}4+L6(KBka)bA530SAPH~(xo4D|zE%I{1cK>rkZS>h{` zqQ%b=@xq{mi!W%O{nw7eAR6Dl>`!H`JjBdCrkesYjN(lWSbBn_QqD$_Y;LP=d8*y% zPi;-HYoj}l+o7_pbf;B-^-PaR@mT%Ln66i1Pb-7qBjTm}GV>dK%8|R<5hUb|NBK$? z3E~1G`wN2iv6oT&kd6@V1}^vD4#+w(`S}4y{A5ZE*2yOe+Fh^qFNBHb9Vd^3GNa39 zo#4QM6lYeU67LcS;84(;noDjMl&0}j5~oe?+sH~hxi88J^9y(FSn*{n3o_vRtrQw{ z-^VWQH8N0HO7rvbR-N|T zJvWlz%2d_3rH(-(D|zcCT1v9cV{s=2a&zwM_@U%PrjnUTq!Uo#D3yOvCa^E_%v#Xj zl4^UR@Expcm%+Cd4G-Y8m*pjTnP4yrhj2VTUGcPmPn?iLGfJs4MozxT4Sw2OI2rw0 zi{nJzPCx~OS1%A?LmpqZ<{GgZS-hZlWA5!l6(Ic^9vNu zTT{NmPDN#1#Ty@O=onme(*wj?=XcG})XSA~&XA&Q{ZrQ+@@{1o7XSy{PRsQ&k(KLi zonr54M}v;;Xq1=7==Tt@+=y3Joy9sm&Wdt|xc;MOa_+h65cv`T&_*{d$}n_(uDumm zw}`Rsd`IzG*zTiJTDztO1)rO+|AgMa;+C~b-m7nnX`}<@k!!B=)Bu|VskkTL89xXH zT}%97!WEb)I#L@@rgy!?hL-bo@LB-h8@M67r2WN#gL%J%?U%galOmlCCpQr zjDg1?UZd&CRCxj_^(+Y-Ci0}ecWd~4tL)UpyP5ApsnsXy=02@E@Ka_={YC$TaIgX= zZ?V%+zGN+oHwoOam+6E=pw|4R*#wH7Gu7#AtYKOqg=;>l?wchfymiUYBUX-~O>_%x ziFp3pGX{S2LJ3Lh3HufpE}BhS$Ag>Y-LyWBj~VD7p>fdj7|C;H( z({$5aJ*B}IEddb?JB-_CTyY=c%Sf%MN3&?&+DIzM(4fd=e7Xib0^!et6% zw^M5-XK|js_^G@7{RIFGZT=;Tf`^={Ui`@!FG;eCX>5wL(^~toRA$$9R(a?UtBm5+ zzc9=ve@#8Y&NeDz=A@$s2SN=g`z_A31cdtj8@t zw|%I$<&}%PQx2C7wMue(&Mq8ssz!Y~NmG118@L_tgCUNMAX=-i3tyK6v{7wV4ojH> zq{w$eIAygrpwPScHp0T~MjSwn zVN-yrmD`*rvM?vYA0 zao%5j_)}SB65DO2Ji|m62kSugKiLkJ#Gx{-soeR1E70nmE<0C9O|_YSjM&L*CPk5U zJZ1UeteF^jA~SW<%-bk26Q+C`%V^M)l0RG8$eU8%mg{`hxuugVPocpqbDH*Yq}9U5 zFZ-mtsXuD@S(l<4!(m<^3-jxq% zrZd>llerx&%p~-S50}R13OWvNjuEG0EUY;_!g%>v07fDS=AfC$P{D#U=%J!|dek^C z9I+=~{b0=!huneCAfh!0k_0-?8tup%ud9wBr?pLuhH1IsknhNAZw9IBfBI=!sXge? zZ)@p0**kpY0BnU$9XCZC=i<7i5@rRQc>wg#rQM8Dn2OQob7furJgGi4J!3^d_zpGr zieICbfa5PbD{_I!%5Y2&86qM_E@9j=Rdsl9)4fRltr7@d)YC%xP#U&cxZ&*4|b;Ksf|j?|U?<-RlX-^nV51IU}G1+2T5gftm5Y z+tO}fhf;BCvYqxtzh3fhl~i4mdU1O`JZ}i$-BjhGDZ*3il3T?<(!(mWB9Oa90Vavn z+L%f9u_GJtKHVv|DPh&pg@@qo{QQ>;s^jl6C__dv_sk;)w(3`51zV}Fw_GUyazR0G z35FNv*-#%&xu%~)m}PcyPd%`^gO;CC3=Z%gpXY+z|4Rk+B@yePZnVd-*180Rbrj5H z5{dsrs()F}M{)ZP!3s*Hf+Q2w-oVu1FCa>4^40>5&q6b2i-P}~BB)aJ29SuOhwl*- z5P%;2d;e5~)9{lOC$l*=UnWkRDrsAVtLbW_ZwuSx6zWm%+|}^+dE{WvJ;6sy4l-|f zu>9>mJBTCiVLgTp@h6)xw66=o+(&+qh2I6uOsic!25N9N1SatT9Te{1LcctR12~Qd zyudK=6K+jWJ4mlqswQ`jyGdj__8MPtlC8R4~`|-3K$3!QH z6K;p8_?eG{H>$%XrGN~d%s?3rIxhR00qQr)ugcn>EsG8`?#nCaM5O{LL}btA@ZOGU z4JD3c?>f#JN4wN<+O=sn+;-#XMVVsvSD)f1#XN639shKAkYlS*d+x5tHTjFT!JYFq zZ_9*t{_r+t|IXVaAlMWD-lo=~Og%0#W`>-L%F+}Ps@ls*mV5-GwDBZjqfW1Y;AUUk zEm)GG*g^*B|K)iyr+w|)Zbg-jQR)2}Dk(ri;d7y*jQk-7rb^Vinf9NiCzfi1Tv>aH zkN5GUaz~+j#Q0QNj@SfRw4V|WpZ;Cmp0lneRD>9fI>@uir|;m~Z^LK#Ju7Wu1Gs`l zzG3)&5r((ZA=j{-l!g9ZhxM>Z4)m?5m`bdSp`4F4oa1*ojVKV{^sH>))?5%HSjQbiB{7XK$SNSt3tDyvZ}O zXy5KR+{dFWdx-kNc=CQ7tZ`>XoNDj|oj!#`Og%)1o;D+jO3hiT7c4v`M;R`X6~9HZ zQJLElLoxn)jqtN-$>hWxPxq73gAqn+^k_0fJm|h>z5S#o!r$A!`rP5fA5djuHD!(? z^-qs`ajxsBt7`H7@P)-A`NXk(`{J)r_DsyXtw)4X39Ok6_gFHh+}F70pSGqZdi8+p zGLG_dn-$st;ARRG{>IG&{f(Qs3sv&&{sx8r(zP(%s)% zsZ&o_Wd4(>iR#!-{conGAJxWs5od~4tOOhQ7uHOeg1BP=5A4?+SC}`ZcYWwj`$yCt zKhbL%4i+9g;pIxxm(hkd(m!|ch0r+#0utd%@3UBBIwgj97^0&iVx~8_5|>U^S# zf5hP*1g3?Ep)WNCw5y$035VVLy306)-81rz;0yHc(3#UQb*!~wcqr6DmOhdih6gl7 zcCOyGq(!tO+LbYfu#3v9LsVr)L;q%BifeyZv_3jcN4WorY(DyD&{q|PaJ6ZIM3Er; z5pDE}h34;fBbBt&Yt=0kd}PXonqiJ>r((NOnEiCEtdw_TDq9skmRzl@5Yb zrAP@)P-%h)(z}3kkzN&)-aCW@DT30A0s@8(g3@~nC=!Z*^j@Te7J5rUk_o=&o%5cV zIWy#D-H+x(0K8TD}9U<;}ZLD&FmD5;w)P2-I(S zX0{vSO-sDs4!*J-X(rN`^s{Jwq%rMg1(_S8<81nm(BGfKe`_B#ub2)~KW1WAh)r7{ zXF2Rc7(Ch4)?C2AxkFX2_po+tC|#2uAam{7*xU<7$Xvv=xh+aza}C?>*%}UxKkRyd?RE95(>!*{H9>*w&|N)p zF4p)Yf(9OLhIQLkRA~}LfZ1r|F8_|Dzc0VDZv|crWjx!I%#<*rT=6Dt?uF8C!xFlN zsYUKX-Zp z1k~qMYsv9{^uOPq>~g$6^wl#qiJ+jq8&9;{sP^!4+iy|%>ms~{Ct7-6dd|_jG(J&{ zvf=%3XpEFd)*DTXiW7XlufCV^4bi)~uw{@NmUEjtXU6VcON`bv^LZUoe+R|@r^80~ zb5Es?$DS2GRd}iMIbSnRlm9Q&N~Zs&R%-u<+)A*er=xv5>Tx!wDrCXF{%IXnOvqJ` z-`ar{!>O>|f#hq)WXe{oWRb~uTL&0RhrhmQ>F|lOHG1&j?4I@V7yrYcu5`wu&yx@F zCNXAaG^{Z`#QimjMPn?kcr}1a2HPOjg6^3C@OJ-{e3c6bE#md zyT`ea+c72V!2v%F$^`6MPdllYU=$t_a`~kX&W+oNxfR23OT3RCMKv4CX&R1c$f3r+ z#CoaHOW^FmG~*7sXzNkt8@@9OuHT;@)Pp1RZCe$4eLXCRw;o#euBDr#IX#ux+ADxC z6|c_qXmgOkJzS}NXZfZsFykLICGpQ*SDee@w9f!*yz_zDv^8yUKqeHKKXYA<_$GbW z4FJWF25qe3Bt!8|K_Wb~Ij3-;R6THy*}?U|rxf_=wLlCP9nqiWxI!}&20$@>+IlB? zgDWoDY;pQc3MaM}7+BAqQqe%UYgKqJ<0R_AcBNL&gUCNe^FEPvtjF>rABux;6%Lm zVkZwiJC=eUK-PX$6RN9x$Gl3rJMd2m(PDE(5Ga=KxZe9iT@n@)k}wQdQEVod{b)oW zX*;T_1X1p0v?hpvq8y4ZnUtA0?2o-c{9k=p55enTZf#@tS-Odr;PkxtmTtpb4iZJ z|B7ls2n&|iB@e?7X{*qtR!j>GQO=P<&)4R&Lw)ebF%9yh3qV zc92N~0{^O{H{|lE$4wyXU%`&;TZHRhxq#C#C?kA&$~`rDM*x4y+u?g~W9*rAwuy|I zc{Y2qrw&q+i{91F8V#n_-G-je=7gudJeIFHuCpvZH|?FD8j?&UtUnK^6OENd#-UK0 zE{}3H=FUoHI_e5YgnRtmQqzB*INS%X(HO|TTlZ#~!`H*eGoiQhyq@-M+Pz}0PT`Qs zlK$z35y9IqsZnb!8D}l?UvFcLpQcib?fFlT zh?DeUfDY@%ukQQF?76_R`Xn^`s%^RJxpKzjEp-}m%861IsF9}Bo=*WzMClKpFRtCC z8d`epj^`vCbb8Zp=TUJWT+#AUBGmBHpNfIe0w;*do}Hb%o;$D2BH`{2kPX`CD1DJl z>~yRgKf#{ZlHD}#4`fa~qxiekIcczG=J;KVuMyOev@QH}4yE5u&*BT{TDmp2XU%SX zS8H-^&Z5+vYo>&u^Je&p@H)zW3BQ9M{@(#DY-v@<|5rc@J%?lp>b1zZy#L~5;j*eV zJ~igtGQTJs!k$i)o`&OyTnDk%o!{pgd!>ICHh}tuUvjjselzUAA%yR-;1?-c6RrFk zF3W=+37_M&1h0H&#Tdk_sAr4IT;5FnIgZkH!;>9%@Mqg+{4AW1bFErg;{(-`0Ub&u zT3Z^XMYWH!SxjGA1)rP}PFq|shOelMyR}s2c)b2s!%{ruaJM_YxfXTBazw@@k^EA? zuh}sQ$U}df<5}-S|7@5~+9^6n4`)#Av?@>hU)o9`jiM zOMZJktjzJ)z(0-v&yM~bL!VH$sgGA@+1}8*ApDDZ&|?_>!bUsS*YWen41Ck&izQTp zigA*MYQTtEP&i1`!aX3nQK&Szx70OB%G|xdVWC(Czcv4(U+Hi13|;a6T(I=!e@dSH zUkjGrv`KXI<+ogsHh7Z7z48yjaLvHR25z2%FdzjJh*u;Pz?%ENYv3M-hIhS zFQ&ZsL5j;>(c(-pxbPQQC+kSy|2BE{e-JF4=n&c}%SW;G))TxZ(O{!l3!$a7S8m0> zLSFSE zmRw*Cbzfa;Ifen1P-~iYV-(Wp^2B6G&jG$a)O!VskRy%%3X{mfFASARiMweP=@mQL z!ln{!xJf}yzun>1`PVQex<31tguKgYpDTX~d{A4yl;&I$PizprFI%{W&EQB!VHp3= zhO)2_=9&a#3+yxlrY@zG3+Zlg7jKK}ap!`d(#gE?zZooYzm`zcVS@(1GoRT%kKih~ zo5q>4^>QmE0HW4+a%#58{%(-iRsBo2fWp~@w-yy3I)+M z2pH}@;f$%Qj5ghRCv!`zG&bgDBbq?Qy$jgFAyFOyOtfZ*fe40e2b-b#60{i2zr_3N z&=cR@ZG}eBR-q)26gsTS3>6&fK_|E5hyC9U>7#qk)nF1!#dr~Nq_}>sFG(0ixHp9M z@hlA+sIqgVHi~M`+asWop=F0lxk!HTH*vAG<2YoPJkjMiWYp@doT-8`bnrW${Tlcl z&ps%SD+0$w?FHnue+_@{Z?uv(oO*IBtR33k(8AB^f}{*`KLv&d*0y;HQra#h*{~QY3q_6DK{SkU31FKz|nakA2A1=XW$dGFyuzB|c znj@FzRKBWfBDmi9*U^LNo~P25--3n z(EIomq$_qEkM@qV7VN``rq4|UEqe+<_!~B0c+NtCav+F2l9bSr3FwheP5@%_JR?Gv z9~1Gt?caYsEj)h4o^Y~`0mg4gUhgTlMQIX-V6wu4fM;iH6Eq@()2gX^O}n9a$mQ$~ zan7PX4R%iE7SQTYo;9u3?3oF2i9$I>G40FJ{u{?#^6yPI^s*L!a|7abuG$*`-*z)RVCL}dWbA99QY54CxB-Hsu{*E0o<=Z4c|B#f+$Jm-rmf1e=sXjQxTn9Ej^ z@hW;K!t<_%z*OrndVsp$rICsJvBj2M#Iw&JO%OxaL0&z3CS6gyp_#7dM#DZ#`vD@9 zWsEg-j&;d-oX;`9cW6;I9k6x09@t~&{31Jg3j}U6@}G~2J4w&7L;0j;Lx21Oypg=p z23dv#;PMqs8UHlu+FoA1j@^IL8PwARl9?jUoH#4?74EHSE8|p;ikkrIWrb(_Yv}Aw zs8>}4r>HbFt$t#pI?kZVG|(~!f_K*^5T8#_>lV{eaZuD`**(49`NJm#5|eqBJ!3z< z*dmusky%&%2)HX;TQip4qa|akb~otF%E-cUt-aa-E!(FnuccXFtF#8Jbj5U(w4sg%78x1D{4z1# z{uOM0_xt&3Qc^X^BlG7x-k!;3X4=Q!1*n)dGwenH!;gAGQp@xp)c^Ncj`@w{=b+i|UvtGdZlX!kwA!rABEpGRmA4 zKlnz5rLiWuK}Y`)J{N&A1UHCK^-h^*{*+QWR$n;5J?ph^-EXzL<&But;!V-3yzmi9 zSUc{o_%(Z3^LR+z&Ju8=^;z$)(JSgNu@CRiWGAm1%a?0=t@ZFaz42pXD1N@0$94bd zaxycC6#K`hU$6Wbc|`zCO!Jz(rkS*CQf}Q7NS51?Hdi3>V!{5_HDFge=1wr@x~9y@ zH(R4nh$l7oop(%bt9v`mzkVQ z`+JAk^3~cFQiR-n31Pf$(_dF<^g+%v7g;0SIlb8TOEkL)+@bD!VZRp24X^Y$6IqGf zygOtBF-mJ1rn9y$O{!KO2@Wmge$Bh$9kN#0q00jKDdL^wZ$OCNSWVWSZq7>5w0kYR zSakVYq~49l;(6RgdcBvh1SLHEELdPCEa}gchduI=7Jq@T4WN$rd6Uu!UmY7T#aG9A z|5nE~d;eJ-yWUXjrn7}_zWp0)A{HDCx_QEmNBS;@pkqgcOAJBZMKKj>`$PEWIu-%E zeVq@#RHE^qb%y+9=Xw#OommCM-PH0%dNzq9vpk)2vtGY;zwRVJ_b3Rcr`~PwG};Pc zQf;6col~?+gdKE5spM|qKB37oZ~ci!B?iR4Z8aqLFTf`LCf@!`r+m_<1HXtnImQ!b zt7ol~2$SA_C%s48f?v?6KYsk6Tfn6xphAVqj=-CBp65U~K>y60b0?=ZR zx#(a3kGt5a>>g10M|;n$n#gC}@WGTUB@(QN)F(N?X6GA?x&<$w?^yZ_Ro4gJ=WY#& zP_D9xA8Y;7X!DmgeDd!-vSM~x^7j4UWnGZ(uY@V(QuK5h@%zI>sqj#EZU=VzQe0!6 z15)FUd-iASI?LJ%C8y?sXS5RqjKZIaf7uYZiHMzKOdAhqo+{6r3csBk@PA$`PslaO z7X4UM$&hrB?wP}qdkhb`>AfX|PYuMbHAjwSG(h!I+903by7hVQXL}j{-Vae<-Jk)% zyj9eRkoD&vT8aQYM$6ce&(Kf3+ubL-O=d)#@^riAcDNT&2(@6yUuY} z3=y)T&2r^EliKD^6ZCk1!M0YUeCa31vr)?7*>K5D&l5=Iw>4R7IzaYLJ3V$!18nJ* z4ymc|T;vqMGo4Eq85SD@=%K1p<-S$O2f@W8qxRFMHYyhF+l{0QeAWQqz>YIb7(l}n zZ2Oy$9x^m0-z@#un&LWpL*&>RvC5L2m;k05*{K{R!d02b!r)9v%hh#y zxW>1)M+G`z3fG*GgVvch6qwOYSWNz=rOq;gg$%xXaq!et;k8(MvtkBWwbNH?jImtX zjHd+1WaEtBbYE`*QuzZ_g)Z*dlV!fPlqvzM+yjJ}%>6KK7dvu6WJ&d1Uda0&b}|jv zy-x2czn~ejFiA)SvL$DRUS(fz>9YT}1X5Xi~NgXZ~-@x4JZ#JrZMdz_bNI${1^ z5Z5Q@`t(jb#to|Ts9``z-UwYd6k6cFNVt8w!b?I=)h9$lyzvW$zeA$>!z_21O_}6I zW;L|3z{m8+AWkK#(iJ-!5x~kM0gXo&n(0N#QEMEBC%`8}@7d~TigtZ0$+D^0zc|** zkbI3SmlOSb#2jDcCG*+tmppzK3ta&>x6|UsT30;}MsoF!RHHQc>tAGbT3M%RVjfO2 z>U?pLH;#>D*XA4H&LHj_7Zz&YdH+*Zsz$}}a7lj8)3Mh@|9XLfIN1Cbj`tfa&GW{Ra z)e+@E<+eWAv*>j%paaWMw2!yYy6}UN0@u{%+TI{b$Xk9=tFa(5cK4i1j?PQiwF_N4 zm}h-n{A%@&g5Rn|`(iiRs>ABmF(I&dn?9?^xX%&vB7x9q!$iL|6N+!10`<2~3chLo zxX}r8`|Np1n3VWvYKf_p!Kh{ld6)m~ys-;9P|S&u(+MzZUb4g}i&SV6F6o0ssMUUM zD^6w6VED!)di(j)x#LK4QaTVfI~P*J!h{h$Op5pt`fG_IcIcd9*PyZbXsZa+95<=( zP2qg`DS#((e;sQAc;wY^p2`MW>fN`OHPz=LP~%`a5MWnGAtOw$fOg_|71nm#5~MeC zdSy98<>$Etx>V=XCnxz1(pu6IgUpu;{B&RkQn!6L$)1PU-q|upZy7dN+G8_Czr)R+ z8NA*T7zKaPu6qPH?y5u`v-en555(H`QqDf#IAejwp7D2|g?wVaHB|wga5(Kz`cQ1w zD0&cdc<+K9D1b~OREP*12|Bc09Gq6H1Jb}K z&xnVRJfg;~l6i5Dhludeyqu~Xf;6%>G@$Kc_iHc13Mt^4j7dV3p7ba}eHuy4i+4(7 z7sjwd`~1}K>7AlxV?GzA$6RhhKCQwz1Dh{DC%ORaZ92PcgpXv%pUO~%uf6$c&g3bX zJh`3@300uhN0V&54+fL;>0#K#ti%Vgr6x1bhxjS)!)lUoC#Bxdnig7Xl^sYFplCQG zq)2W-RFD`$hMS&ERSn+{5vpu(s2M3IPUADR<*A-w%r*~;<-FDfv5HoFU{(3%c#%}U z(S`ps`J#y=)fjeEyPq1Gyp$yVleuhnIpBevv%(={M4fykTaS-(dJ;&|@d2y8Anh}? zPzp!9=8#ly-H4z*W!^nUxShBf?uzFMwM&hUT@WA9+N406Me3|hFQ=xRVH=Amwn@Ex zt0s3Q7Dx``F*tPdBCZ;5uI=;f} zq`=ih@4D|oy{Q~=PR)J*HAuO<=K8KY7nakn8b(olfyRw&Ttedy8`_OY{Xd+sFIh%+ z@-twX6^{;JMe<10C^V^&#(zzEoTvBruA|E^ENeJI;>ox?3;H)A(#`<>L~?KBV?SJ_ zZT~yJcgMD5FHHyAbZ)hg@^PyF&d|o<*+ON+iAHSAwomj7+QlLy6n%2RLFNeF3fw<2 zSnx+$f}ngE>LG<#M}N~;Y)VU0wQ)itbyEei09~)c1F#l{0%$SmEMdiU6}gHCpGKkr z&(XAhj>JAtP`}ii0;o0q8#Q-PT(lvreO$&J!t0w{PMGCD|-vHLu^JgL2{k{@h z6G-!AlaEu7NK23@bA#HQi7pZ^)|YVUgE;*c5$|rEhLxs~+_Q-Q>VpRi`;`@_`R^&A z>DJ#XINB6<2yA0Wa;3O}tzge>T<6x;2k+IXClb2>Pw%9_A^(pg7UfdicY0jSan6tAsVz-!^ za#ILT`*K`0IAH41(6-|>5r=o;@Hj)_LO1K_ z;V0(V_UaFBTu$gD19E2aZaZ*{6YK=nVue!(5lmlM?*>?8Auc{bW??;{@~_>xn@&WP z8-$K(y}sCy9@`HI6bZo8^J@xHP`yGNw;zFyhoe%&`f zr*`;m;zSL{hbO%m)?aJOek6s4bl z<1+<{Jl!;kTzXBXr>FMxx=+uEi5OG8n#rfb8*xyYBdq;1JyPkeM^0`p4;kz{=!#uf6m-;2*S8pAOD&4VqYtO=u|~9ykjDlGILEsRoL2Q`oyp@Ij^BP zO}JQ{8cMY%U>>RrYmiu6Gmp!3{%ll+lfufPeweD{^c{>v$?inpIf2)I=sg;ekp$H#lb?*K3sSIf;vaDHJ61@pa*yJD zPuu-qJ$mlp3%5?UWSQC4?ISqJf-G`Vj>-lo2Zl91n{w`O!o`i%t$gq3QR=(tqn2x_ zR0}%$e*3#cn2&C~LZ|w1nH&D5 zJ+vjrYI`{MG=4#(NLH|EFFT>}v&fq&T;b9Jj?o^0Etem=$cQIvr4)90WOI*6xr{vJ zE4ZO`W4o~+sMxi#y*m#-S|yUq82Z950ZqJR7}Sh70DQ6A8?d@LTk*R&jCaDUr`{uL z5`fT!@HC*hKAM+|D@Zfy)WN0h93c!#6J-?MEL{M1hK-=VN_U#ku32Y{mzH}2Rap`e zjDI}Pmd57=1stp^=Php^8|1xIz2u?fSwOnGeu%KRq-oU*YSN@f=_;dDj&v~X>pVOSA%rVb=Lp~J8n3DxUi(We6g>m)}!I2 zUU&53WXXTX%Pr)go8mK44=2$vpN+X6H9OeUVUT2hxP07=0BuD@lWFqP(J0`s){=WM zwiRHg@S!?azA{&?w4gB$2|>15?)QX~Qlxm`KWkAgIIR}<);pmUcFV1cAD;}r^=DiC zvG>Vbu2I@8bZsx3@W$J*`KI-Cr8xtBOMa&Y>EhKRGq}(V-(Wu(g8oC0(eT(QJU`xN zTh!6VM%LXu@0Qqs5;@h>)K4}7*2#`+jfN?cy|Seu)XTw0fEIXdftf)(g=SQ|;i%Ky zFQ|i>_AKSRfdlE=sDGZm&~`r{^%rDZB3Vwh9vavn8Y7|k`E>BZr+fv)8UAgVqh_

FrVx}bTLiJ;dquV`gQtonp1DtUIP`dl}+JS7M zo-G?;Nlwyt{G2bOoAslHr0f6TJ$viD}TBfc$D50k^y#-4Ac1}LlwC+m$YZ#vj4{;?)`N!R- z4tNzBs*1n)-S(*4e&jvb*98v;b|J_R_Xae>y3t%GSa^p@G#dA4`sbw~apJ8nxCb4L z!=(jr?6u$0QeneSaTVd-Z856cLIYyn4ZA1YJc;9{Z)oBA!ql64k zd=f2}HnUZZP!z{Ke;!-(Z}s%DK9g8^Imq-iCN*|t!9(>b7}{F)HyApu`R}|cpBW%~ zy8A0bz`A`4r+5N{ESEAVwk`g3*Y(l)tUvjg+hdCcPJIl{vR#eJTx4(LxD3-W`8d$@ z#l$az8=rJ`mj-+obs)h+O5E6ux$JfTW?hEA3>8B5hu5x@FZ78_w90j4?7!;e=A=}= zX_||h3U#+Jts?JSG*vufC+0$GFB+5*g`uAb`=bI?CSIS)9F9oXUN1!tgWo1TZsoFJ zXl#vd0FGnjnKer*pMpwDW;H4XDa#sO8N+JY-+rjH<7KOTydMgX`6yOgi2Z40IW-xa zFs(2Z^vap_V%R9Bo((zg#t*!Hrfg&UY63&_TSN?hHLEhxPpI@cIz#|5QoBsm77I9v z9N7G+v&~_ISWX?luIVnE{8i3-`BQ&Yi{} za*g#3FnD#dWQcXg%U>j6kNdR7)IaI`<3@PkIqTt7=5*ybEq4~-SB3rVppp}l>zV5! z3U}aH8|i#z6rBzG-JHy+1at1M?2c&sJhG`};(0T|?W^b~W{I%N``IxN~n)y^y!ke`7N*)Y;`R zTDKnZi|JEay^de5tzUT&bcl*VdcqX6VY!*H!jV zccn@a3=)iHTS`v%SA~^{n$CsvKb0A;JQK@jRWp}#v%oG9dVYN~n9V$Ey1_z%DH|DY4d4uOYn2uQf%m0VRGG~1 zokR^~T5u$cux+8sY+pY7-9Bk&=k%B+&q@K`HQn%P_?ZpkU|~oZemjMU6G87!C&Y*c zRv~}FRt9jWvTE;b)ZZ%ua|-oSk4kEo zo6Xz&uCzcUcz7%WX;pKDBf?Z6JFp7^Z_Hy(rS{(d`Kn>R8fgou6$@#AdDf|nmzsP+ z3kYfI#?P)k2_Exm`$nnUlwhjA9WWrC8=VW-xPfD?D^f=6^k`#(`s>&wp0w%R^l542 z>25hu(JfIuHnK+(PE)VeY}fv|ytY&t8n8S3L%o*If8K>752Z_t(vL*A>j}t_oFtQ{mf!DL*0oj;5<`ZQv;gNX>dTUQMFh z-Y1wBp&p*=rnpCBNLF{52=!}?rp%bUarQ}DpG+yUC@D!(neXC~^dT)prgqNtC0M#QWGelUKloP0EPs$#n$K1Z6ZQ-9XJ(s!N>HS#N^PChc@>4y z!Zagzi17)h=iNaTj!U*9Y5t^BZxKHqX~lvUipOc{kfCf&NSD%#>8te+{ z@3|6#eyrW<>xrXYS@K;LFl`0$&XsO-TUl5o_DJC2NgBgb4Ok&|r z5--i+xZnicsp-qWFk8^{7Yu19j2n!f;2i1}*6IxSVoc~q~G;%cr?l8nkt+~`Q)3?tEtcZ^;$XGa%X=^=JJc;@hIg46#f_f_~kM#9V(BU>XsmD}1k8%RWKJB=upxVVVK z9czJEnu>gtLLTE3>vvjBZMx3}Qj>I@f7+WQAFH;YhAapPVklyt!))nlTb6;92#FWz z3`S1@XAk?^zQf%P+0g>w*BQJlAntYY`VqE(RNPr;(G98MuF-_|=dVS{rqB<6x7K}u zdMmtb`0dlIz_@EI62|&kD=oq#UYBWTBXGOY`LK>t>BvwslHKEjGy=|-Kzmh1+&o+lmPJ63CBQc2_xdc|cc z0K;$4E%BV{_J;uV+|TFm9mRoC_5-1%%GOEhEsanNiZ>NFJ zjk1q8I7aO)OLu{y^GJv={WZqF)pYyEbN$6%Fi}1Oc1TI69hD_=;ZS(Us6&5luzyR4 zt{V7fsfP6t<@i$ihGqhkn)2yQ5RJxqNM!Tz*?0@>bo~6ilD9 zR*Nam@*wt#VL6k@3J$hVGYhT`V>h_eBa;jpCYbN8CV*z+`ESeg;zau%z-lz2HDeloBfQU@N(&XXB`+4x}a&NQ>!I7}JAFZX~< z=lJ8<-~iK7@)7kZ48Q2`Hs<1o`!C6aZ&03pfIVX9tY{9jSG+|A*o4e~f|uRVrQKW>-+hAs$W! YlucS0+^FIxyoUeMRMS-ifBuI)u!}#X6AM68qJ^o zJg#@S|9XAx+GW0$y2{J<*4yWONf^1YNGdML!M}(34idT4`s@q=CwkIu!c~0JiM6k_ zPJaMR_@69&uKScDR(-q`Ef4@D^VGUe-$EZt2-#UgUY;Q@`6B34Z}R-Vrvvqih0BFY zzXHLtF3$#-uE07WJxM`B1V-g-3*5? zQv+iHA#2|C^YFAoQmo?KP+CG}Ucx%1EzY}s4(X0o#BRPr1}*HMy~KEpem(g2>OjWW z3J&WT8U~r6b*~%kV>1sQ&~aKzcjKs& zODc7%dRp7#ViI`1#Tb;sJ(7dU_FjfT6y`B9_@f|IcFi+%vGD)z;8j;))EZMXu;GNm zY9>ARG)<6_KD6Q*cwmJC^Ac4OX|Zm^BS=M;!888`4KPs>3eQj=smonSY5`-|fs8ASZYm?yF{gD6aJTPG(r#Ply;dmFsk%WC@fQk?i)pMeBNp+XC z;vE)s-B_D)juN+re$nr0?U@m@=^Xpb4=F7$!Ris0&reuMfB=o@pvJi)%{tV(@UKv= z-G|fjOe(p8PzQHHhCr{X%>>u^^U!Ov^v1aR+W~qriO0QL4hoq?KyD^$^p6c;b^=^# z<9HwfS+|MUMc%T2=eXvIdMK5|Ex>&P@GtOJYQcsn@d7u_!t7S)3}m8zAxdZ77$a~Lw$inD^#4waRC>S~C#!s&c_C9BW)2XaV>ee;b zx!k|96T{oERXEM2+g9oym{Y8MH`X(j8EAQ9QRdETPatEQ(aRJpWhnDA+#i8SL0Wh`F;_uB22=jecqU=FDT&YC}UFg?W>Z1jB=C~mMPVcV7yGOTg#(<*R z4Fw96y{l1TdX$e&SqU^N%wuTu)rs86ujzzx|&s*IT z^2PR?RNCj)g>PAiekNM;_ujG+FIC~Kcw>i=4*H_Pjqs~(Ql>xNYangX#AhI(H9-eb z4>D44J6J|AV^yUbWn4`}2uAoe_i$%mm`P{Ge}-qsfXNa-U|cYLJK{*+2|F2FAe?ZT((F(rF-cYa!k5EfBKtd1=*r>dsT-A zg1xEk!=F0FR>f$q7xBrh+VVvh^V*6XAwFQ{QQ9y}PeJJH z_Wzn(ADJ(QP2^6^V_q#1o?Y{4uPABTT+G=%qLn4jcKcasN1O4vS>;!g<;#<}0$Z=p z3fc=ISB}8^*>|d(gt8c}xzB{fmv4o#Sn0rAazcTK@sOX1>wC{5sHRP3wOeQ-ONMfG zHj8N91_aBm14Mx(u-Xcl=n7&s;Ge1U37DmmBT|+eM%^kj%z#)rER@@_GTQ$wn5&ro ztKBFnlOU)^2X=5Nr|YOw+ND#q=6al=|v-_l}!;+AbC zPu80P=P`)R?T#L+ppGZc-ye&Ps-)l|Y=UUro+aB0eDGwQw6^8OZf9nE2|fa0{th3F zQHEUq0z<*szA}Sr{}%|YrUZIvSYj)H5yw@eysM|dtv#kUOVdyovX+1_6r-uOp}5~t zmDAwgylv6R&4}Z6RrS((Cf@qY-Y=MdhqZjhVr|~P8ijZ0|M4!}f#eUtnZ++yxy7L~ zTvX-u%CEGaF?kDyU6Q)FZuGCO>sHEaRhJXH*L<@)Ki3>j-}v`bRb{TLbuu{3_g~l1 zsVY-k9TV*RuPdk~tO@0a{5zGd-d&ydFTf+{4paqugKwUU6wSf4CJEtYu(0v7rc;Wp zx6fx>FRqvKO-`ncUB~hVwkB@+qe0Pxz9tyw(ilZNbnKKkbs>y}Se#dZGBNHEib ztK{7J9!&OZq4IGXK;9V~FFT0yJ1_|H@PM3(?{D~Lw6D{|1Gr@0bPB?KX@P|hdBAneo`Wro=CjNcrEc`e&^mgL0FpF6-t>)o_Y^>+=HyS19zAA`55 zHyN)RhBed}baqPyLyF4Hy4Dbs!Y)25q(W^ea#`3$Sijjb`<3tjl0k~8D%%hrfae-6c z?F9rgv7kxJ6Ysm)I0EEA{Fz_R^o?2ekJrGMyABaUiEa~3Rqr&4xk^^8RldSF&1vsW z2JA%#t8+br-7g>9Zm8Bn`RA05O%LtvH8Od+V&-PzN|A@vhx|(j``2E@&JCEDFmTYP zT-SwhF3lr%r7mDYuuv$Sr-s${^H?8?a%0O$f&R=g{;y7fp00shifOsal5(>6XXRK6 zyF;VpbBSQCXbRSKHs@21-Ho7!klhB!wMq7O{qrSrFcza#>BR7L+R3v|H5&1P@mfpH z;=9`cu~>|Cj<%ye4i}&Z>~uKoW4{XqMc$};x;ODR_Q@*X>AOdhQ100EvNskEW{t{!j5E582Kbf5=-eRHHGk4B$baj0YE=fVl3V~_gSuWACHkEX zatNW9`hfy}@iAg`f+dRXm_t3NZ5YlC?5Oll{l2~|^&H6tkrY#XzGypi97fqSwJwbB z>_G#v^Qi7CF6%Irg7Ugag3N#2mEZsC{nW~(pI1+$0RmD{uvwN_UHNG*v>C!^Q-m*t z#uEd=I@1WjqF-~k@;IY4-a5oBY=rynhIv~3Se0dVV@dq%;BLDJl``wY{7EQMwJS;sP{_3kg)9W))S`95VVReO+!MMo1e)w5o zCf*jb<3-c|7;s@AQ`-QC`OzcWOvDF&`c)~^s|J+TS`Ii!zslfDZB1|mX1yEgz`3)K ziw0B}w+Ho5VRQzx36)4$wZ|9cp4g}y8gum0cTIQpsA~0wkF$-M?`gWa96I{c;MIg5 z1BXjNE()lez%1IM>Bzvo6BYkVpMp~1Wfrp$>36080J`j=y?Q5LjDbnq_l0D4DP;hi z!!kj-vU%kW+}Se2jMf3~xr5zP6IQ@eOk?8AxIKS~TAPCwp^+U==^gB?MD-du*H<2J z{5lAvk#l)D2#~i9@G?y1`U^j0kVVM@HcyUAMwwzD#@W;RJ&8+*X4^Ej! zs7&t^B(OZ%bZAbc{`d*5$QFJ^?fQ{r^2BmRitC4P%~#bQhr50RepkTgM+{5ZE1RtH z0m%=|3RG0o(WI~#sH24o->*^zazuRJ^s6JdGqk{#>W#=vCg3MR4Jm>$sHEk$o&6$} z5S=E@!r5u}C9=)99I&!LM^(A*L5+(7{F#@eBAYaK$?9ZbWQc-#IjMbTj>aX6XP zC}{0mi!?%fo?-TiAkYxUbpSu$wDFpTQSc#aQV8!|aM1jlG#1ii=Ukm|KLQ_Es_Tt& zre8L8ryX*BAWwaa3r7KBvFP94 z4Ov>~@aD%0LuxZO-8!K2Q+(UG(!R2@01=|b`E9rW zBoPfPK#vA4sjW6Ie$^Ai){(QRVHC5uvus@Q&}EvQc27U%Y0X?a8m2>ay(KLaIGA`Z z-7Wm?8ARw8q`_99>)2$Jh4BgDt>rU$r_0m}MW&kDux#A>zLijAsGfb<+YPP$s?J|kW zMbxLq`l?d(q)6j}ObN zh{V`dZCTbBjr#N^l$Xttbu|=V6TQM#Cu+8IC-k6Bfbqyyuj5u*0j7ZnxC+lL(Kbgl44G4 zdEEMg-Fd~G^%2pKx5e50@`-r48SYfB_Qid(?TVx3_9C!I%q2LdptvAPnL|I2gJahR znRFITAab5zSX@tx#dq-f$0LfRw7J+Xmyz}0VS#*Z(3D7f(a#XFqx#8^sD3Wv%jUB# zLa-q4+>jC6g%}Tx+_7_wcB-P*+#!84JPGT>FARZd4)_i5CTlNzv3G2ZGxjK=D;RA( zR!E&WhJ(*NfM$1Fvcs1%U)zZK*AJfX=2=a_D09W;xxW_M%dm{UDc{}0MpiwhhESPQ zV)91BO z(j$h_UC-!jbD*yASRMXrZ*)kPi+otX3qjw> zb;04vx>KKg^ykMQxIaNg%%wp5SCuCzjt{wWT6fed3wwCZYG2y?O%1Umuo0D`$F*v| zhUR*Tc3THA6@{#d|0QBZ096ijmxM9(DHd(RnHoEfCtX5zZUw-nUd3#h*3oY43OF^( zhvcC`v6G640DMaMTxAiC0`bWb-hs)FuUuz4cX7(XMtu!e6JbuzPk%$p;5YpA+gMQ( z>-G*+ZUt;jz$>7}x6FqT#eu25@%1dHImtwZ`3r{PL(`0Nsr}jUHw^R2m;S?V=PUDu zY4eI%>)9gbw$2}JGxC?yvK&E6HMeS}%?Ft97u&Rw9Y}M~>lLgSKj- znOv%zqbJrhFOz;4Em8Kv@pjcy4sGv8Hj9PfFG%Jk3?e#iZ5uDe>hg7}WUE3XK-7|ai0BqN`6otMY!C0S|i4t?!<~aR}qR5dJ1(dVz z?+5YBhPpB)%aWa7q68U;ju{juH^~mIuQr8~9dRrU9ktSk*K9dQXM6>hzi=sYfY_F@ zcYb{r?~=DKWmx(k#|kaA!L`p;pm*@T!Mbw2FBm^Mew=lK*w)B7EQc%v_KWoeG^nl} z_wRa@m0GVY{H?@&pX&TbNZi)+j?Y(y{WR+#kOqIAG!2sIQ=ki~B1#y_)r90WyI|k- z6Tnun9-;EsW(etL=m@_O|CPLFGQWE{{ zXwv)Vi19yctpz`q!V+>nx-ZW6HPCO+k=*l_{Fi267!x!Vz-#Cn<12zeP9 zBRT_bi8Pf85yz22@NmRo_iLE0gv@>lRifPA*PoLxKMC5W^onC0Ut(X-vol4Zw1DFe z`gToo?6*kNX67h+J3eS#rYJw4VwzIF6Q(Wyi1(&yxzU%RJ?4zyj8P_#c_ z+gV5DDX(xvKUFNB2l2&a_JWLog+MqooOrJ&d^gZ|P$DZ&)Eu6Z;OKP$*^7!lucjlC zU*x4%JU~t3I%HY_k2sgA!K4NRiy!P!+#JIG76h3}2UVoMQzpV2&e%T~lUn+K^Lg`2 z%eWJg)tXcE2Jo=yox``DGXn#e)J4Q7cShB~E)H8UUaw^ad)I6{X-4c<-<0Oqs!SQP zkVL$0X1ZA}$rVlyq=ISf{z+}#XNa+HHiwgC3H82ZcZxgw9mLv&nzR*vp{%g{h8#!h z^)hDAX)^BdG4C_JAfsB)l4<$KfGcuZI#>(?``k5#`;Lc>4S`vA=f|EX?@x8}Ia}c8jy%$<@by_by+( zmrTGejB;+SD`C>^D#Fgh<+LFEU5o?6i@yA^HZsw_AuHM{xdNAnL}dP-zuSw z&d`Nm=mUiN@3|(WPpCrAIW|7s`g^uYaE#9`;`4e;0|ztciPFbv-45bcY?rhSfd7Xc z!{w7=OTxQ&0jJC+-{usz^lMw^heWV&y1E&|%dP_Y0H|XhpH)AU)SvCDLiVgL7P{L& z{G{ogo%zUoMRwCV;BXPL1SMb{@vYgGoYJ=5K1ncv3#`;PhRX7PG>TI)6ld z&{xGui930BT$cVmDbud&GEjHiM@>fXUZhe-nowTX`^!=r|+RzL!5j7C^ z*EhHdc>t+wd9%(&ro3{bzFxVPe5XsBCAK6~6bm@wnoh^ZR538rO+BO~!uHibj>4UM zTQ}~A6bAlEoL0`8(0TnfTq=mFnu>s~M|bcu2I+Q{$O^T5^yOesgp^>op3$=9>N;wk zhG>xji|iOWorLEdxwNxRkjpbR*glq_{+()_*!N$8Xz;`PF#F}Q5oSlW>0+E^pEdLQ zleoGMfKpXXT{e8Vn4|vSJ*vU?dVNpo#j($4;GbX}cNY+=ayotP+_9>kx zL@my|LW~|5E_jBEbQae;jdKW_Q&OpSNQ?Y~a+Y{QXR)%-$MV81KiHG~;(YtGn7)au z_yJ0KjH!*#Yi3_^X#1QK?a&@8liI~s6IK%F9PzNiWkC}BR3bFFdc?Em-$7(S zi>Fg4495{P$7v3{I(b4eDlSro@e~+vTfy^OVb26ogUYUgvtbG~ z)lSkL%hzek*D0s5q%tzs@eqI2+{}6Vw@I|^F`i+yVu1YWI}bfFTR`1M2-ot~dikF; z_fO-Ra0@5E(J!k$nfeFq5r4@(pLbsiaO6SSwephTUvyiBYvVH5Chr3>Zyq=cYy6#2 zHOSJLwHp=s6CaB_m)`qp63dp7?hq-qCyZ8dlIPD)zM#Pva{*t)eDzGF3VnHJtx z7_k;WeeXE>v0c)4xCXf}HxdVc>rBW^)e zuBM~9N*01Q-4bxEzPeRbnOR-vMl(fzPF$Wj+p|wd@I3nSZeV%}v|`G7L=NFPzsuab z*#=x7J6SDg5%Uevfz}nC-zA(sbozTa&-`3?W-W-JiPb4TZU8QLYp7~{A%>uoKWmm? zAuD<;jr7e*{aLp@Ws_{xu1A3>+G!BERXtL==w*!daIY1l`bj83T3hJOFE32hk+SF& zMOVzH`PQt_6&l4QiAmhh6nN$USr^)vU5t5Z5jr>e*oMNc%X?n*j32uD4AUt|>U76_ zIj!f(vYkB8(ceEq$&F^}L%;Bj7VH{9;MjnxpHjZov61c=U9&!^D77to(ph2sr{T32 z!q_X|*U*86+TQ8A_*a*VR{N2TZRO|AUPo^ej}GOLZXl$oh>8gE`Ly>Ag}>G3cMtWs zDj9oU%(#%9bt-j*P1Vu!j9hYryq)R}#CA){DJmCin1+|VxtJw6l|lO~nShCdpMtXz zj_F?IH+RK6VUZNHkLO}>-%ETKa!sGvY8m5T0oclNdOKj_?K(jk6dEjo1=j7XeF-)F z;G4_Ugh<^Fdp}ctTE0(SY;Ov5=IA}`(^~F`*pMuD6J)@?*!nF{_@{C@br`sb1nG?` z&lSl9FT9mJu?d;#HBI@V+C?>&G0!_~(bUCI))%Ijvgyk5dyF~OdqYy)47}V~rLjrI zqDY4wl_F7Bn3GaCzAfi&dH3(aQl9qw+9YAOqA7vlZP~C)YVxdg9_LcG^Z8;EJzd^l zgNNf}ISye##bj$^n^aCFLdN`p9+Outw&OxKfb(qMuI;;#tHOE1eGcCMOT^M1Y21FT zh5Uht462&7W|OcfvfEEk)@62x)EN%xYmQhx2XL=Wsgqqw7S9>(R%F;2U>TT#G+$VL zIUhKFgkN5wXmh~TAMu=gAwa4s+ZpqGFqCZ3&H3Bqe*v!Xh#W-v+4E*@w|I_5Hy^T^ zn^G2VC~1kGIY@+kc>X8wDX7!y^P58ZIx$#vVl~LZXGYE3;X`Dp4$7HTSnsTM+2}-- z#<%Q*e<+vQ_O=b@BQ9$EpLV!?9}^`Op-m|HUG(<|jG3uA%_MID1KC&bf

2h1fHW~JxydBd6erSKhJw(-mdoc2iO$^eZ4Gwj%14W5H8n|iXJ`fH z>%QXruJ@S6IUye4JdJ?MJDKC!Gp;w2UE+zN{xYsmbZJ^>z)!3SQ5~XZZ}p8|1#^*o zQSl{Pu+i;W!j$D}s(o_LI`0v{M@P}&^D()OLsGox!Bwgu9xp2=(Z>DJzW$i+88Z|4 z=K`8hDR()x13}U!wGa{R_QD5rirbd9;uSZwB)ARtr*0&s7>P}{*W(@w2)=IRr7~q< z5x26eYae=gP92!YyXVSXU3+U7d{*|=$o2u!4Vux$Jn`{O!D)l6zQNn`VgddJ4Z?7X0hL8kX;F&Csrv(qDK0=-?@6*?fr# z9P)aZ`*VC0Sx*tCHp;>1B2yWb5~{&Zlpqvj)qRow&9aq{`Jb}G>DLaHR^)Qwpyh_h zlT7{6xa?KQEkXM(mpd-8A!%{W<7wLXo4O^NfTyeN#^)YL1`9J z4lOfu_F2CM)4^GsR5GdLcO1hmt;xokbCO#ZY|{`Qpf*%%5i%_TC3T( zXSfExWD|B&QhL3QI-Ym6mEZ1azYoJ+?H=t=inZ1BoA2wfUkNDLreFY#4ta^6u)OZK zE!AxYXb^J{HyYnNi{EsP1jaU>r9Ts{-3%lst_AZHUuSAH+0E74-&Ijo(tpaLxxtJf zT}eCgchCi1mB4)SV1A{bVdWC-`Jcopq3vkT)FXIYBSCwN0; zA|B8Lbn7mSuAJ7vfJjTl)hj2cmyiH-W@Tv&ac$tTpZtue~ z;ofvtzng{(%GNp8O)y4!Hmqd^v?a&l(A;yI?CY>n(iqwDDzh`Hs}g#n{4^J2PQrgVDT&UqW+G+GwH%tEk&KYarf{^%VcLq*z?M#|=lJZYSd}2x- z4X~PyRqj)U0@@Gq^~8N~Lz`nUf+?X=U=Gw!Nx4x1=17u%uKi~=aysbF3?DAFF5}CW zanE{we7|mP-mx#kmWXl*8$a&MgBC#+qP+#Tzvk6#x6E1#;%fy}vY3W8aHDK33u?r+ zsSFi1Rg3CU#euuEYdC(xp93YCO=(gkklGUM6t&*W)jFT##JC5Hub=@xL6*)I{OTK} zR;rH&8X|oY)Q9z-_5%;UEm`+kpq#^Mcb;MN6SZd4y}RB$=9FHup9`zAsOVtkRFggZ zMS%k7S_oIoC!&Vd!kk9bdgE$DUERGNxX4%|-|wTcc7e`bzE&m-6(t;9IFrZjtUHQj z`GDctuY9S}Pqa+=q?RMcwYO)@7vLv2K$Z@J2U@p(z~n7 z7yAt8ZiT$&|K=XLTNqz3u=s|wc)je6ZkEt;r|Nf2mEyz;3zW(v-xthceE;MKX_Sh0 zNJOw#=P+kQ`QP^9fa0ppLx!&Jpgr!(f zVgc#cH4QrTmgS(XPiICwKZMkVL2i&7(jY$(&m9b5HBCM*?&5^b{%|Pl3B!l( z!viw1XJaVU1s3mHNv!qC7sCcReFDd7Qeh+bCgqx`hnUP<-=20&p2Fqts4c09u7f5@ z`K%A*pc+%xkn8%LE+TIYLnQ5#9Hxzq8BJYRT_2%Ct}-?+{lH~9|J7jc%f~#I z1<@6naCC%szbz!qvywB}wqLgMvup388_9A>gPH&e&yo{6%4eXXrBDeazgzMCNP*&b zL07mh?5=dvd*`9!vsMCJ`s1=CU+_|uj{*F4g-6CSn&VI5yWyFwFikhXyOJx;}kx$oTSQH`<2D~@0rkC2C*N2rI^$bU7_{C)T z*)y-zqD6JbwXJx6sV)8K`|43@VU@3ASo@wJ-Pgy4xrY7Sd5;ic=i(Tc>>acFHuHYs z>P*n2ai3E>N1V3_aVjlS+h3>ZgB0vW6&V(Yk>e>Y?X57yJNT&DlilG<%CXsq7T*3vsPP6};xY>qLz0rnvf8ohCvk_ixBhLr)=X2Ueqj7( znD56?JjU`{!QtK#_T=HTxAIm~#{DYghxFHUcO9^^4pm%qW5}BM z5*{n-8pQTJX!nV`^75G{~s` zX%--;;eSfRMb9(>Lg>*J>NBcMKdS%g%Jx3L92y;se+CE&Ndj;jODj)QNcbJ7aum$e zv%D~^qLDe+B9pbaxyfs5CGzVT?`7v@pRZr|M-(+a05a^?2%M zwzi*E1<>2ow4XTQo4d)6+(#5K zSepBlXP!4o`}S&4yTB3pmetOCbw&}cVu>AuCtmktKWnm-%Od|mjyhU- zMzlBERnTOsnFsIqqMy)96kq7RTceTw99X(da+Yw`SYbt_WioWu>c${bwC>|@VCaKnT-Ay=LLUSL4oEqqec2~GERMXzl>SkkL%7!sTU#Ok4ySuL zm-emzeM{zet>*LkGCPkw06`E48Qkj&;T>g;rYP4H>#&rjT1$LT<8BQrN!cHUq3;|U z=)Th#uIk7r^m&+7YqHudV`1IAfBkp8m+T(ALD9rET@TT?iy zPK5l%k+#U+t;wpABs({~+@?Btj~%`UY9oNJ%Y2XFY4%s_A@#M~l6lhgXdB^ryJ6X- z73$SVAdoEnc#MxeX*%istT}{ARc4$mmwh;P;@dLm|7bo+$+9-Yhq}({rZiEUZCB@% zakQ1f$0ZxVhRIoegq1zgY}DOYmby&UF;NZfs{?#MJc?fE>STVjSu`2gr3hB6KfH}s zf+~qDJTTT)67ltM$@3|J+ang%ji_xB-^LYZx!C|HVaoPg!$!mH2clg|GapUePR*#yb0+ zEyrc}o?l79X%!_+PxF(zncoYpTeK|bqsvY_$GltC?8>ii3EAfrbB(qjiT$1%4eFiYu@#L-n-li=O6wx#z1ZSK6kzWS>elB($t>ni zutAt})??EJmqa1jP`Mm&!?j!{o&kiind@XN*QnOngVeJ_jG|eFH|mG)z&+ufCh?hh zd!p0{DDK#54fDp!O-Z0#TGgG?q@D8%07HxleuoO!k#-l2MaU>vEKJrpu4Z4RUOJya zgB2P=60MPWPHT9!On-KqCP%Cf{;Q3G?fJX*PPTTV%X`<)M;>bLW+N2?*#`{v>)Q|F zhXU&`*hqnnK&zRa^I?YvZ~at|vm2epLdfWN;Tq2N6Or917OkLsTJ>jhMY0%i?QL54 zTq+WHVQ$l;$X~$$44Gufsx(?!NZ`r>yBPb>?mwO`qKYsCAa*CwRl~^7p6egjXDs-A zFbR#_>!*Fjg1rdJv(!=M1bjtsxCJQ%u%fuRC1%D))W;hkYaOd?6 z@_c@ui+S1OSd>3|^zC%H#63M~_CXwwk#U^kS`XT3K8ObK|Ya zyh7HUEmI!ollBPR+hh}7NrH9*gH${>3T?_NsqakE_&jylp1x=A-&zmixsZu_9Im6z z?9Wv28u-5SQj5J_tQ^1+Oj}O0%5m}Aj_dr*yZmz0rQ}$?^Ns~kN)P;d7K?q@YPo$r zwLcc>+KdrxBObrK{Bx#RAQQ-Nc-Y2`o&COS*0SD=Ve;Ldx zPc!{v|65dXlczoEe^X+cK2hfsHw&VX$JbW-{E8&-O&RF*Zh~yc@Mg&*RqlD9-qJng zeZhRa=G#KG_Lta;DDibGin`;k*ommbfIABR(rdrH2^S1RfRM;t^mZ5Dp0EdA_=M2+ zhBB=OL{J7HcNcm9^Dr^l(~KtIws-vkLIHU{`k)CDJ8{Z{fgtAHn?Z)@{40Uath=&n z)VN&lynzPKwBHL#o;)^_3K2&ICsh!ofw;om7?AX<5W33_0Euss_nrYD@iuV_+y~gU zUYj8;26h}bACqp?O-`a2vk}BlzJFN5pVBG}QbZ$#qUGu0pSSK5+YR}g*fXeX=!~jF z_p0+U!UDp+u6Q=C<&=!8T!tW+cqgszJkM(62e(6#@i{d1BRk*7vQKzxn2A!-zXIp| zgdG^kN8BziVqwQgU*GTE{JsHwQB|wVd6q>-7&$ZKAzeCraoJ{Kk%QsQkw3On1Zlv& z{w)f_R&P5THSf+0B+rf35TU7Gh7_rF|53dh96o-UQleh}*tS@nk*(B~0j#DBeG~;; zj51wCFG951UqyH2bNe8E{qp~4%BVhwYrj9L`a#1i#!dOVW1saF)FMVg@CcU|NRX^cNfmAmmwb_ge6kDww=q^MNX44Orxebh6IW$J7)PwHv zp@~ou1srRa;ghi+2yj*m(BV>M??H>an+toj#(RZo>uRHOw&kf1-M;tBX}AAndm|-x z6@=1n*%8(+RVEFu_vn&7RGBp_*Ny}b>;02VNaj7EirD5Hjkz03=COel;)<|T7}aZs z!e!{?ibAY&g3e2k3@3PvaJhe(!hCH*u*?kH$>Z~=LOp@?xwtWiC!55<-^wG)q|Isk zfXs<}db&JU;Df^j-)eDzU!Rl@!lB$ptl@@2(MbY;{8l;!_s-?%cJmOJ4GaA;c;=ly z@E*9|NJ#sK(Z1rhcBMWzs4$9Kt^CrGpJT7>@$gesfZe0$IQ;ie;zh9_)F{q>Zu=F5 zIZ~tlR>)IMy(ho*ADf~1hVdt1F6xm$#%cw-a{IJ{3G!D+M=pGya>Pr^0kS>%As|IN z;Kry##8wx^f?dER&wl#F%>Ay7lPfFW&!Ta;Z(bD|AsNMW36ZR@~vuFdk)9C=E7Hb2PxKiauguP0|vY|3X%i0(oB<^ds6A}4w+I$cijMv^gp$F-wJ zlh{b_m>Cd~AlO)=ae14|E+?&&9=z(M`HVbE@OQ?@LPs@CwJWMAQ1x9U@$)1a3jdzC z8_@jW*2qXL8nef+D+TyBHa*UY&)F7jlJ#N?e=4x~8{`3eP+&&O2+j|tvt+*Ga=-U! zFC@$~HP0wiVq6HmprCG+v7*k^QtG6DYFLs2`*RFs4xUH`6a?!w+bcu4Z;gmy(@bJ2 zD8K06-j@o@42wC(V3^*4M9XCYj&+VQPI<4rRAwt(oFK#hrdlzXnHxQd)E}_W7(d9$ zd_RHK-KKMx0N5da+i;OxFyjUOv9lZ2n<7XhZnS_SaF7ippHt!p!6WK7`;^tB=soQ8 z4?nNxy!R;+gsyvh_Fy!lYQ6g+<|mz>!LGE`!y9kUxoZkdH=7WDzvXOG3ZzgaHU1El z@^y@^;PNz-$u2gc*^&h0eGkbyWvq$(pfr_Mug5|VTY2f>Lu46})-a1J|7%eqzacbh zYOF{uYEOs$h(n3r1}5gX(P4cua%ba})&HINKkr3X@LNv76wo=$y3_dr7($L&E3e^{ z)?l|;2l6n0y1*hy4DwOGIyStHOQW#K&G;CbQ+!_kIASV6Fg@jxkX#WY*c))Hm~pg~ z?415mim@?HHxX4sIrJv1C_Z1xDzkI6L?C;$a-0(6ofqbw5Er^qzgB3T_XVUA(B0dOEI!{;jYx5zp9TR<5NoLbErnp}g{3t!ePz^JctL^H|hWrpr zukm*hAPO~qOoo-n_bTnC{JxbR11oah>>07Fdr|1ha3FM`Xl z8HX*UIOwGW83&?+KSA>2ny?9iY=s98+mCK%G!44iE{RNlmSKd0y6MpsXb68m*wla8DwXTYX;@s zmwP)>Iq{=lIvy;lSfgRKe1aGA`Ak5m+AP92j`Z*j=iZBXAs4&Vt4=xFamWVHv$#k5 zoVY(2)v7GIQ3t(ECOps{^7EMTpV5AnHkY$~P%!y$c(SL}up2|tT1YqYvilu5Kf?)% z>vqvDhgdKF=4j2@5HtApVH7pb%fWG5F175TKZSl%X)_vT9xj2^x@oELUY9OQ(TQ?k zszs1q@Y2gdFNvxyWdjtkM#1_G(Wg?7t<&(AySbh#g>HX>x_2S-|4q35$1R`EUqn~z z4WFT`|+-6TOkGN-m@5X-&c1wNC*PAmxkBgo)0jfVP0bGAu z6~A=3=}dkU)Dfw-MY}926M0FyExV{^p>F2P7ThgX|FJ;;H!hyDd>c!7&asnU3{qIY z8)T1W1w|op zK&*cmdB7lkn||tp5kF#^KrevH15O8yf88G?p0XhD@A{qi=$t?j?Lqf?D67SsUR~iV z`^U#0q&&uvEqyX06#ju|VQy>Pai1Gi8ojuk{IJsVlb6AlntzE}mtVC&?-@rm11iQE zYtzg?>G+;&TMzM^%Hc*uS!L<;2k&+}l($aqLsE18)kt?cPwnacPiFlO{u5OVQvYdO z*=7BI)AN5U^yj$?{uiD%c~&CzQ_lHXY0HD~i3*v6=Ul(udcD1@V{b_u;@GoyA^h0F&h7}d+sjkSjB-#ie{LrQoZ#Cm_a zZp2g=cYW8UOK%Qb%-h0#Uip^wmO97jKxFz|{bRWPu#D++q4LL1Y-9^n@hE|0|E4P~ zEUDD6zS||eMaUasjD+OX*X@O*&6)u)3*JSb`QoqJq~1IgZ8U_ z$7EtQCn|4c?FU1sLt$woN%RHkmB|?@FPp84YI2)ix*Q3TYkB+~jepzSwByvd$kGMSIBAARF4$n1G~^ckX}xP`<*ow5#rDrL#O1^7 zir9)%)3=E#^}yAke;xE1@E;E2`_6*RggaoRJBQv#;=@DgO?sZ5gNG3!jNp z=_M3Hkp!f7qJs3MARQu2RC<>h>C&ZlqI3vF2oNA7d9&8qYp=cE_kYg0u5-SeZ@IX_ z$e3e{Ii7pY@%-*bW9xNH_T!UVg<5v#V1&T(ovz*k7lWu$dS$P-cbUQHO736i=CjGaZC5-xegU!oX5Sbk#_i) zlBjj4SSlGyJ3z_u>esE-y#EOKNsGEM)dw0jAj3G$Tm9q=ldRz)z z$TqLqyb?BI5q<4$p2%eIjN3sF_%E(~#~XDAq88P9-+Kahus=VSo9rFf!L%RJ9c>u& zkqK-%>fJ1q72CuwaJ4yKw9DypGG@t?M9>M1pRWEg&62$*NcpR8qn@5qwN>lNnLp>y znb+yg>EpAO5OK1Z6S=1!FEakw8+O2={d@GzbN1`xM!pP{fgO+sPbkYid{K9f3{t36 zZRX;3XfM<8^z`ZuZ#z0B;|}bQk!RlKb6G*Wb!TF4E`IDa{L6=eUeWm88_GLSEtNZa z&(8#GmvJS&%Phb_8CP{x^iK3w=)pMY`cYfmnYRs&q=L(A_Z~5ikwjzm^B)6wv*JX~ zBIL)v8F=Y`M|w(^yG&rciG%PQ090x`JeL?)!Wmy#s0fke3vt#xI1I`V67lXXCl{-d zxi||Z*MGURlk@pZSrEz8vUjOtTOP&=B|Q6*x9>=ECXp{%t`l1HGcvhqI$B9N!p9}L z-gD8W`)5?ahDOv-ZbOqvfH7%a!0GwxdLc#G1OZ&*#=!acD?ZIxBZYr9xa#-u6%y%; zGKq{}#@F=kr|qvycz-HAj!DGsNT6E2DC87%}-z=Gx;&N`j` z$3U3-AJB!oNv?R$##Ek2YN#DIcPE>Oh3gX}AJca@5`)?|;o14)8=>7WWw8=LfK&JQ z@60O~{-#Q6&*g5d$X^&v`Y1EZ=Zp2<0x=4>8l8v|&%M(=l=B&l_m_hjca|xcrUdSpu>4S-5q5LxL?{WLOGY85gnCT zFPy7z%YojpEUsQ|{yNzB0qwMik;#txe)h3sp0^gSX4_e!-+Q7P$EwBg_8XRy3%&{o zA(!*vQsMwTdSmU*31tAwp8dxl%?>#lnHc^0BqpBFHE8@H?leH`)+q1dt-H+61R3a9 z!3KdA9^TLW!2=IxNhz!871MZzuQzWt+a0Xfyo1MN*l=Yhf0l!C?8$&$CFPVK&zr;& z_jXs$Ax7}QdH5Py%^*p$?Vz@D!Wv}#;}fQ1HQM;IfeCW8_uF&bZ@U}9KJhqSK=$^^ zx?JXOC&T!Ha~~3P{*DPu;GgX*=s#)t3SqhVKAoud^tZF@e+Is;mv~A}gy}m!4_~J& zj}@Y3U=`GlZ8_2?NqGej5~>N_y%av0G0p!>&|kY)j?u_uK1fWzmYnybC%NKIpt|$0 z<|E3wthabWtlGrz_CM347NttGQxTc>PyijhCk?z+>!DWH=Xu4KHd|#;XWziP-HAQc+3!jjwS9_apirq#X|-zT=QKSuk{jiB~@gZMX+|B%G=YTrkd zH2>3kC7ga){r^x-vvjJkYXglc-4k@S3~HI#!&#yJdtNgE1_ltz*%-^2b(yo6jRo6 zSH=AV;p7z#dXQy-`+U&Th}T#7LPwh*0Tkd?PE0;s$U9hbxFB2Ep~6|#SKL|odctE4 z%hAq8?XS_GA-x}AtBPQx5u!~xcP}k#Vhiv@(Bs1ZKm6W^X~0P!&}r*x7uE3eJPu&o z!vOI+`eMzPUE$c^HZLvuU~k#883v2Zq03a#A9J4`5D9yAI(t0F#AA?#!uf{qI)BN@ zMlmd4$`SM^9nnpR=dtrNA?IZTinJQSg32(aByM292KF|P_RVre6;ds?)p+Dlj$LBf z`5K%CX}yQmZ#FAMELIGhT5fDAAMl(l(g%SP&|mu(T7o!v`iQPVb{D|AbWESb=*;~- z&=nepyDkovTVlJ;$J|#^>t;|td=e&z;)Q*XJ+bRlZX*t&A`L6Db=b2?bZt4q%jLsz z>INSJUD9UCEqJb&tCvX?&`sSmohX{E0I*`ucIO}156Lf)JRrUgo5%iac)bFrKtA4|X8 z#)2L$FXpA?LL$X2Y(iSOM-mU@@z?GB*D*FgcGhTWX+Why*>25=fQsymPN9+Ja;BjB zgY4xM?)-ngBerXs&UE5n!qrE6nK{VX-_)En%?r~Yf9q!;Xs&A}Jsk4^r2EldMSQ1l zd_@Lg!mDKcYBgSyGuu93@3ZZtN6K{z?2-YsT+F*C+XG-LgUqxt@p z_qW{&({|NS*2HB8QPN)ike1xF%g+uq2wlPT*Uwo)5VBL7tisA!MGi1&JCBUhuzJ~J z?X7Wm!0S`uJ@g0uPQ_8;ZMAg~|Hd-YE!POLsFbK2{r0rl3HMSd@j1ugBdqOob`kn% zK|I|Fy1+K~u-vuPVmC!*C_CLY?wk!=*PR?VTzOR8XSF^nIc)B$PsGD$5`8es{4MgX3i6`(1X}Q$vNeKlq51 z2ORZO?P+^@*zV8$mgnSwGfU95PHl$)Mq)8lyJl&70V+RSS@*P!6H#s zQE3B$-1Y!WO&->wJoIhGUfn@#yj0ecM{N3U4L#ITSp>DP?HwiCqk9(?Qi@BK`y|~S za?fNH`y@iccB|X&hghO55<8ZpkcF-1Z&Z&LM5HY3xw~7oia)C^qT4LxJJY&PST}4E z;If*tX``Myt4-Gm4`ie5?&}oW-<<%2UrJf4vl4;Bm|vVkQ@OQoFVQ?0`*>)X8tB0Y zF)Yjif3=$(G*MJyIMom|M0Lsi&iI;9t;Z@b?bH6!9bD7>=vP?f?o@YwK}s>t1n4gE zLC>J)ZWx=`At25xYGdnGfVt2L@)YrIsX>D2NQcai;VWy^*|gILLq&Lg>B#)fvZ%8R zz<2%4D10g2-c>oV^)j>}&c`Xa?7QQ0?~ZC4|DJfQ04@&ou2d+_a`>jSm&u#1K^eLU zaBG7IqVt;o*-2uR|Me<&Jgd?So7@&tmHat9D7Oit7YsR(UeC%<;V6}fn>fKM2**%- z1&XP0jUm7xmHJU|j}iCzg&W0HQ^yO8%Gv_bg%V1LgdyNA1S)E_xw;W5Q-9H}$jhYTuj{z}zF!Vygq` zNbat@j+)+5w0~9swEbpb}s};AQu}3eJ>M6A}*zn{q!#j#2cGkS_pjXyE>>4 zbvKB)-C4mbaOT;;_m^KX(kX4i8*IO+iPf#OjL0$SG+q)4{yl12N1c;B7RVAJ>eF>Q zOZmwMhw8(X%1@KQQokl*&9Vkfv3q1l(h5L#*V~jZ6~?TJHG57dMz+Dd@_s-B@)11v zAFVfk1M1BYNMR#H#E*heHL+7^r@v6J4;$RN+Be_%DAUU@U`$e z!jj&Ol$nxyLpww=lV@yPZdU8l!aaWfvs$5*iBx%=>8qnls?JkDKAYvQbyW%>pIn}W zq2tWHN;)CQqVrC^a0R$^l3Pw2)PSF+Cl-29L!Lmte35UsJVg=vk`gEkc-tMQHn6=K zKunE<>H!sfXa>tX{$|&G<;#?s)(qlhQp`6-xt%z=4#S8fMXYsdTbh4e9RC3Vk}U38 zl4n3MVWZs}v^c+t|Db~C#VcrWv>C@WD^G;nOGI^c+jLNR4SXN=N5nsqoOxG1U&B=ZIz7h`O5}M*&JR$gI&n+4TX?l*E0}UH(mu`sr)9 z+Xs0a(XI0S^=@IH-c7+zkxrIX6ziZ1%Q4s7bE^V3ej6Bgt^7l1K=Y4;R31bW-^$kO z8Sl!r8)X5=+x__dYj)Gz430%%u$MxXmnq6QrLUP$?S$gSRHIe-cPTG#-oEVHH$d~K z;+goR@}H}5Gxq7+XXTe$I5pBQX(ziZM-F#@gRM-BBHp>mYeh=$- zuL;fb4{Pq{Vou8>mn|g=r(alHN!}k!U+C%WLek~ACZZ)c3J{(IMMB_F>>&HI;0u?0 zh}F}N_3x#ou*+I2ownI=_O9}Ytv43se7Bvv9JsZMokhobPwfpFFQa#!HiH#?l8lxQ z{UNc*SPXSe%YFW(+#&wOQD&q1(XR;#?)VXBuO>IBEo$Qx?n(wy-oI^*|D@{&bg`A1y+XO8+)P68lif*QX0QAi!1LKg{I?GQ@ z2Xs>4k*~xO4UP-S|ztA9&wj8L~}R z6N_hetT&4P9#L0g{$rY@JE+|WMN=40bIcQb7U`3D9-QgOk4m)Xu0gO3jEjtFryVp9 z)3ddL?4E#2vxq}ApNWRXb=PUlq}$a*)R{yHu1Vt>Tk3&xRiX85GYZpnv@)lFKxKpI zktb4L5|owmTl?jBW|{WGPRCF>oP*ISGR-EgF+pEt`5t+1R)pA*>^EJ)`cIemxD~!N zwcBT^Q9dVM(K&y*ol&HU{M95)$4$g+r6N|AS|6m9A%bu$!9Z*YQ-H4?qKC1o;49%| z&PVD0k}GGkxkiV3I$7{L@~Q}rYt`ZG7rN%q$Gk2+ZqptT=%?llGzXUs`WOl7S3)3?UkCaaRW%e`cke5qscsi6Eibcv$LFypEK%Z?!& zB6SlNuC#%A1|1H2?m++izC^h)qtm;wZ^>3VK#ACv=ek-`(cJ*Ucjea}YZ4LlIxIs_ zGb2a2!-Dr5pF<}K)h*6uc@Q`?4C~Vz&?M7lub=5V@d-7j}(9jCxQqizp z|9J}9+YXq6^nmI`o{O#>O(w$4ao$G16W(W-qzk zD29Kt?72@B{1B3LK6LXyKCaHFNeQVEi`2gjC|T$gq!wXhq%iCjjl{3) z-*m<)&$E6aJjjtrz121+ZO)YwnC7LSTtC;wIeWW5^Mis)&e*)JIrr8_eTDDy{t-jZ zEKC-{C)XmC0y)aVM;#5KVE~1!@~XEWGnO0=+j30p%0x!;ksfEH*4Y|*O^wg`s4e^+ zTM+^9g-pLBwCTQttl-+WYTF3S`?=yj>O^)L^#kkEA7FcTTC=ZjEz`(ZB`f7b*VjqP z=l+zgbntA2h+IgbNVbw8s+YQur9fM>($|mvU4R!847#@w7pk9D#6I~-6isb96}Ijj@(P$y z@TLW{H3#OK)BDzIDq{v)SqlSIYVWZa~!#FVa2T{S;fg`hQVz4JJYP?-AZfH zxl|`dq-(j>EVNn0U`V7{T^w0(-}SL=5rcOgxIsA+Dw``^WmBwoLhP;R`<1F*=&NvS z^{DR1u#*IfCTc^-EHUdzp2HnDlfg+J6Bm*Ym7dVg71Dkw;Fj>IK%vTRin_%y0xsZk z$fS8h&FXl^pP21{ZK%~gpPdTG{QyQ8 zA_=!Fa=Y^VA46Lsk2Ng>`dyCMw;4n3|r+v)R4KPvOuR0bPqgE?B?3HCTyKZ##i zSPvFFSXTa#j<9mahEVkwVt=cCXy6{6s#h~fOee25=y~?4+wLeD26~8&{UD(PoDXab zL3T{~7UlTUA zJf}=|$bLlnw~Z2vdGxW-69&Pw%dNAlc!B!V)2g^9n_>?bfg)g)Jf39l8xra{f8?In zbANJO!)Wszw_BKP^wn~?TDSVY*{CJtc++B7okR8j6yg9@ zC^CQ|=j&q}UXfpNo1)?+G#H7!XgU@V=HdX%HrS4l89gqi`QlA~c>vb(0!_Z)Pe1hm z*d<{PQi&mFb}2YTKQCyqx$!hs<(mw$ypiXQ0>kYqH!mJX!4IBCIod>?^Yk$HkoB0% zNcK4?`sBLjUn>E*-prZa_Rwx{jS-J9_0uTX41ed8M}2jtMqT^0u6MYETHG=KesMVhXvFr@@VG)=0t*r zw{Pt2vVhwwf%jp#`Y_#!%q&Un)mgcQa!gT9_d+YLkHzu_Z3YfyM}!NeW1wxqQtP*J|Fs!@sPv~^mL6MJjtmR9=;uL%U~xmnA;9B+bf;R18XU;c zyUmnvE8*yxk;$x(Qms(fWpW{M^-Qgo>4nR0y+$5T(BQ>L-23LQWaFDfD;VQ`%6W{# z6(-aRX=7oiD;_jT^;-iZMsqQ)duGqxlk||k2g-#(n_mrcyjW2+^Mt@2 zwDNCS<{a$XI-IK8xr;UY;*+V=W^ZA5#yHQc64?i7O#9755cw45pjKe>c0&BzeManf ze}bib`e1*NdOT%pI&vk@+P`c%94y7qe#OqZcIMgjJv$}wEl9SR?j!WPf<#n&laxZw zZ2T1$5fy_!_uj!_ZGfLv%!PWR3kRfJ6jfE!njEs89Xve8w9T@CfzTK(xUNeTj`Ao9 zv6_HO2lsSvPAn;G>a!o~Z#3|{tkq*tRqb2o1*x_puVlEW`z2wb9iTP#iN_RorMZky z?>W^}SPwchE9d7$Mt^C`?8Ha;lr9g7SInZhiw98<%k8Y)8Kurq{ckO{Q1cJ|Z{cemG` ze7#M^dait-H|DOuAq>#G{Qk*)wFIh)47OPj8Iix!#GvGuoB{pLQkXn81ix2bXM{Ge zWFDcLX_#fq9@@BPlQj6U;1=7P4|BIYoco?|@eXmQQUpXvKU?z|=(WAR!9bCHQWuLtbzi29w|< zKlzG{olJ%fTEYlYDs-;_h7BYg+A?-ss0K~8-Tc^CAIa67TVNJj3(gd+r_c?42;`yf zEq*H{==JcJm21uAMk^8H_L2m+{DE=LXFaf81B4jBdoxMVwPkwM2+>iMZUn{I(S3G1 z&OA^lT@q+)!vn7erzX-_U_~P6&PmO{NSKlem-yDr5@2(=)&TXcK^O?Vs%W3hj}uub z$LqZRlk2wLk2_)X^7jp9E%4vziE;}jABDZC#4kwzc$oHoQ5av;wq)6lzD`EIK0CAk zVzcMzrJND_oLthoq)o7j#OSS)^Hif?6p(1kah=dabRf`ma9DPyzjb`}(?BQp z_sv3P*yqETpBYQI$jZQ{^;9ZtGj)t;%a%ouB>6G&%^Ws1mgoNF~r zDWJ-C%9p0aId(b`bj$ClPkNsixIWs;!D75*o$^k4|?}NifI|mO|NnOQuxjGNn z(!SWXJ^^z{|D@wWTnDtZ+17pr1ZI7PsGHa%jy!OvG77>zoHa}o6 z&TKMq6>-h6-8(h0KZ{TqnE#aB{t&He80xL>{<`7{L;0`y)aW;cyPGTv0~eR{ao`Y& z=DvvhI)>Wz+48XUX->nXmmG8*)30qw;N^l$Gd@e&Q{Q4PMd;Zd3v#z_*e7`j{$%}t ze;vqlMdm&%aV~qF4EmPfbXgw$?1#+-Y*pvUhwR#leh;g7*Hg>I2KG777U}BEGw+^g zDWF8{a%eLDiSHqI&ju8odKlqZyixE*68V0u7-aUGOR#IrElB;psO>j@P}}P+H?y*C z?~is2^jJBSI>e(XR z_QqpY1fE$cCZH;U#iJ)w1R-10M`BYqJqnENpf0`CpVMXnT2#;|&=rJw#vK43=#*!U z5vzuBbQ-drHh5P#+ zpoOB2M_~@F)Yzf2GRr@~?MpitCVGdHH2AxCGC{{lhaxVxaZ5X568Uc9XY7`fUYLpo zkZvw-ga!A}!5Bh+q3ooR`y9x--+uc1`bx+;bzMa#Mcuxw>}f*Wh}g1~h$F3ee`TN+ ze6q^=3_fAGvoU{V<&k~nu$>)7tGsKqta}ovp4t#Ff1SV_!zPpy2*z!XF#92i4BJi!WXd84rTx~ob(+BHp-S8+ve^ZcEXyV}@&IYti0 zWJ$=E*j2gc`Fs_el9gz9lj*I%s{+fPH6v@i?Ak2Ey(IhnXHPY}0RuQOxA=`W_hINoPgZdt2SqFiTUOt?(>)#_GY2w? zb(UQ7+@6h21|J9gowy`G<~`^pdgoY{ANmawWgMFq;5XwFS`K;y|nqU;HDM6jKo_K zu-42cX*FZt)q7t+ValhkPGwONWYWH+Nlk@nrK~!bq@I_(%QZ88jqAr-O(wPREjZ*< zE7UR_sC;vYFVS8i&!c6_PnbTZ(xg^l3p5CJ)vE1NK_zzE$A4ZU{Y9%HW1R3S@v{_) z3O3Wo344fu7l{22z;=aS;-3x!Gf(8V3=wNyf(fqjd9ZoBfUnSUSbh7@I3)IXGPi9f zzipwxk97C>>}fKt`@YJohgy zOt+_zNy2DR6+d($6xFb1H0Mwo_Gh3^H#&D2A~N6E%W!>P{oW(Mli3JS+W?kjjTuN0 zN4Hsh!z>I}At8K#83JfI8x_n*TPtfxsPCvS$<*`!@oRA^j_>)^g z1vDW}8RToMs>R;^67&Jnk1ihmATP)4OuhM8-ro50uQ*SI`i3`?M2-&SoSUEeeTBUv zbHZfZ4B$RdU7P@F`=Cy(`hVex88H>F8)tcm2l71A8`UqZ5+D9JF5-8ibjzlSbq=vP zOk9>_aT{~;Ij0m@QEhHYw!P#cz^eCwReEsL78Z+{0U3&kHY@RYt&ORa= zC1qf+W8KfV(D*_)B{R|=;!}ITsx)71EaN* zs}7262NRdCY%4!XelZ4!G!xmapWZliaT0>=S5O2e)yMU&Y|OjHG7lasTXO7-2@LXg zJN}r<0R_bh#WvYmZT5(iD%RXfK9gHTgV{vR-D^$p6%M7!7_L8Y( zz=dF$#5SjstR*Lg%O#MkjfvkQ2-KiJCgzdh5fk zudZdrqZA`in41ap1J~A4FifTVLH`?r9UkJw>2*i$4Qh&q5BUW>z}BP9LDD=N9Njdy9?I30b zz3o53->YuOsHQPjbzOOXm6b?wGmg`^5Gn2&L0Yto%3|$Zzbo1#5B!ok^Qr<4UOQgl zR6Xo7=$*|sLgXdERtVtc=Hy5s#l5XKAiB0Z;6+?z@voB=zH->kjRb-*Gnp#A952dL zojJsSKhh;Q?>vqmvrmOv)nHQdxPJ?0f4c^IY*;yAl$(*IOXg(v0mPd!!m|T=kGO#{b+zVEmNS?;N%aQu2# z>B7qKbt@wI!v~L#34GQI0XJ*C)Z|K58f1GR@gqc>ddbwSP?2Y=#%0msm|Ape-fPV& z$g~IjJe`D^#q!NxD0SjLD7Eb4o8;i>)qpsM3C$i`rLtV0(>27A!i_EJt~Yq9!05?> znP0XZthj_X=Lu3wm2Kw0X4H*Z^?`@wRGBPZw$*N5Rz$aB7x z>Xz!o{?xV~zDL^|Y0V3r7MdX@JEl}s!l5cns^aLLbCSQQ>a|O1L`%1<;jK#@CXlej zX0=c6Tc!iU11$HCr~=J*?)%G$v;OY=6-l%zpB$)<7tL6?B3%%9z&Rf^p5n6xNYnL0 z%bt)|UB#n;7@|X=K#1`-Q2s&XQcDU*zf82JyQsh5MuK z^mpuJNe{@V!gDTN@%|;2taGe>Td3jm@ILE?XIc4xDqe6iy?>4a^1-LHLL1ob*srLX z70*RFr};f$_W_9*L^yyPdn_<7)tx>uSWwdweOVcqAi8$8LcZpq1Cv0(5PD9cZX#b$LpsQvO z*4V+ABu5au6tFW-w^e!Ov)&(Hc&x!Gft@UucOZ-1U~>?h4~m166D+4Bm5I!?6e3|m z!Biam(5dDpRJWt4G+R;kCAvJomHw!1cJ{odM^l6j*Kh%v2OZ6i;^tZUY;^>+gw|IA z?d#+>%y|+WD5sd?<=Kb?_Loj}zSq0qKFZJ)n&r=gxR-e6_eGc=pj_pI^-rf(_GdjC z%IDZ9!EP+?%NdaQ)Tc!7C>H5>gF>$Yc`JFSm-)xJDfLUOV{3#eJ+$G*#ZP38>d(ODUnsWXIV0h~3F8&39t1^TQ(h zme>7qFq|wJblmc?O^v-B_-~e@N6nSChUD$ig_9J=xfT>yRWi}sY*S8o0v%$!qB$#T zhcp>@x$Qk{GUa~g`tzE0>hZOowP!M<0Cu)<#xQBh1#jpPY0v!bGwM%#7hZ`pp@2<4 zEaIHDhg5(~78+AX8MqUwi0DNsuB@4Guk(R2$ftsfjp}+dX-im z8+W`EXmWT&*Lxcx=Enxg4pC1_-R~4wli`_8{q``3^Btll^2TK&FSOao9C=HvHSKR! zRi89R1hcbsw|=E@$s)bIG35f=#z&~6Glu0J?WvD0j`<44?qK=-gVu(MjGngpe`HG9 z^qdzjHRG9bFMK%xJa49P7viDa0hxcLYacfMl}#DIm^iF`9!!6}Xli$1C};35%q-L| z_tt+EL83g!`)>kVBK&_N!0G>!Mfj^I(m!}7F`twA|9=fUdz7M_BY{Ef`XX`-Fv(u< ze^S|r9p>cF?8-!J{;NFHjxAadY>+mO z!(s!0ikN>gUx}ZNW{=fDO8oyIDa1ChGyMNO)Uy=-l?hAvKOsT?QI#+}iS_>lQ}o{r z9Nx^|A(r$zZ-c?C_XII2H(@t6uodp?j7Sh>ps(2=)M*&;1M^4S#-$Yvq{W%f$=KUW zzxV+lKlg=s+u4E#J|J5h1ba#M*ZR3T(n9n?UqFy&-L`yD%<-jfNbCFjkYBzPA7!)7 zES>lT$i}Ue9lF*qKg>8IFgk+HSbO&ls2+ZXf)n-#SR}y;k5l}J#p2z4hEB1dMm!RT zK`hrH@QsAD)whpTurL_Gvgm9djySyMz8qk$_q&7#M>eB~=n9(t8tl>7cVT*f+5vjq z+W=WCp)_U%PmP^BAE|tVOAl-BQnsxg6$~AWWK9eIYuw*S-|R2XI`yJoYteh$nx1IC z=KrdKBl$Urlxg{OS(Qi#3(|6LdTn*VGN5Z%y_)7(F7n9$|0^3 z@k;5B>tK<~^|!B9KMcs6j-;$HU<8B2y_LfRqnvIRV>Gu){2ME{QKkpf!!7u`BZ4Th zzi*n0*=ri+mJ7XlZ^S;yLf&gis5}Z_gJ0zRW|Xnys8_ z;_?5fU{X$Up>)GIL7=1?RR~y zHvY!aPD!zmrWTz0Jxa;>-3}JzU(r4|ROulcdMdq3uPX{2{#x3*5Uv*vUGa>Nea`_| ze$O23>oe}3znYT6sL-*lpfZNa+XZJ)thpVE6zwFB6)&fAjpUVi?3I(yx@vdo>u?vG z)SpAMhYv?~>!yN0R=j`a$FB;at&9MWFLP=RGf~$73A>&fxyXUMHFC>ZS?>D0S^oZ$ z9VJmyApim&F>N=4kWiB?0bwd6YNd|iFR;|Os+FdQXsVlAc6hxbBCyU_ z2&RrG)J;>IC0;LIKi)X{W3z^Nh>xneKTU-UTO0mo-_f}&k2@odBiHp^DEqGzh80^A zw>$J=;9jZss~9E%x?gzaG2#~7ImmrMI5KX4tEGCu7J;wvL28w%Y;hi5QE+`W6l_!-efW_OJsi zdREl7&+Q*%BBXL_KR2K0Z!W+-Srv2bJLwa#wM7>2aYz+AVTnNN(o}3$Yy6TO+zCe=-^}NS5Rf8#fwpEV=79Aa^ULEehluZV z>qM6KmI;7$VTH!9(0Z?_@jF0(LhJ--T+Xnwl8U%n@5SSuyydRs#Vv+0>{!1yCtLyx zbO%^Fc@Z7|R8aF@LYMTW8Mw4C8~r)%z1R$9@Cu!0#`p7}*lI8#b=vQ!;{2(43M59! zqeXCp*`aU494{;7r#o5kX0lm0Mp;SR@37y~X?NpPcTGfZ3A|y_$cK2o0YCGq?2B6j zmT^t_<*Dc+*SFMoMn38QL8b0akiQuB@B4$q;=bv7pY*(%7up3r&+R}~tk=Y^0sNl$ z?u~AS8F6rn%T}%?S9SVoDpsEtV;sl3@zCn2(T4XcJU0nGD>pPT`ay};!CBt@doRoo z;KA5xBf0JkvKi?-k-wCW>#2v<@j6#Rx#w=f5l*)oWgeQ$$^_+4Tp`Ys?Cj-m%o2O#+=* z1um9#x&~Mfz8LT?Ki8T!DDjLr7+aRd`=tnR9Ju3 z`Pm$p`gvWeO8q zaacp-D6LsW)_U>;KDcK=#9mLCxB5{R$4k1a>$lx)v!hWT|kF&eF;8Q@7yjT)X9# z<`COYa?I$1#hC*aY1;}XaXl*kSPb#d<+H*ppq1oB#7Tj(Mz3ODy2rBe2z((^^E^onRrTl!JcdC_F!J2^*TUCcuC;d((qf= zM%pDUkDx}0+YmzsuD|Y%Up0?UD&C&NI+d(74))?&?wfpEp%5v74W(sSNt}l3?cGXH zDDC(n*njn)c8Au8WdaO~;4QhGKcMDy&3zMeT%j6V8eDlK-OeQ;mb(J;Db?SWw?j+C@uC-PEif$09|8 z*xEUaut12J#-DHCLGQF5o$U~CIQRGK2pGP9yyZR5t>9c3?l;@-atX3C@a=ygpcj2a zn*~+2r1%y2s8>tt^Why&zsK6InMppqSvi+J{Jw9z(SuGX>*Cji4`BmASR`Qfk;ARVDMO@YdHnq*S0E3Wo+TgNt1w`22?fDqR7q`%JGW(r?j3C)ZfKtF5eNNp@tugDBdq*<^Fd!=Gp zczk~AB)N0j0i4lBfZp-TC+^^CDY%XOJ450|fWia)t~nHw=P%4Lackj1^aneJA>Gj> z-wacf=Lr25+toNWmRxG6`5f|DNa&QfcADkd+oONo6yZtmAur9@UsS`qDo20|wdRG! z4UDIAV>=5}wF9si2~Xil6=BMckq}K;RqM2*${(L*onteA_c=|7LFXX~Lk({5Gj%uZ zn)g*omTUZ^zaYB>hWLokhZ*92)x>UUrQk}g>-j}jpKrg8_ZC)Dwf zz~Zu86Uzhnjm-tgI6Ub!pu+%*#ijI%r%Sm)JiPhm3ZW?TW=`upH6awbN9q9jDU*S?Umw9Fbsuv2E+A5PAcJcJD zcqwzMXiNx(4KEC!(pheergOHt82_QM_x12v7t_J(3K*U{(=J3U!U#sgi2f`gAV?1a zgHX@hbD8-(&C?Pw)7ukK#S$FAKrM?6*)nYhSx7zGEY>~)HFJaILmQ7zCCPUg9d|vw z8%1s=ey;r+3JtwNeBfZMs%|{UMJCk`&~O;vRP1IpV1_OoZM2kF@y+y#!N8CWmE5SG z)YQUaZ-40>kxm{hL7McjM;TnV;obBscY6-^|1faHR%0`E$hJ;{qg0eIvSrdSnN{qkJyi_ zpX_A*&ywaq9VGVrCNj}zY9Ai_*q1f0TuJ!vXZ%&apJqnB7DA#LVV7GycWoSME`B;< zW;{E4f^~8%ZgmN$`UW+MUA}THhEZ#*GD1Oi1YD>hRPD+cw-DM zAu5i6T%C$$pHtFD3>7Rc@weLCjpN-_z@{LlaVyvvWz<7Y?SY$ z1OJXG!S{NjtL?l%?pCg%@G~F`PLvnFeKlT-aay=7q>t1qu7lhbiYMu4&+pu`hcL1HF*LK2+jvW-wdOFP?gaTr!rEtV;Ava17PV;(4JNw=H zQ12eIIPI;pd+QW^GYPnykMln#C#Q$z$D-kbV_gI=Y+9sy%k@S5j9q}d_+XH5K5If@G+=J;ikyo zy!>6E>2^lmZ?!LfKX=qDp7lO0O~JWN4fUrZrIo zv?Z0>(bZ~7V$JF)WInSzM{}>A4iew}>&!MhaFFsv2wDE@PIw5Ep*=x-+41CL3lP=L z#4kMQ#mgXFnkltYo3BH@-c0!0kLe5o$VpKqT{OgW>8ORu<_j6eiV2*&P)Zv4#)_rd z{d?)HI@^f$y9GpY-$YOyOcZ!M-g7YENd{hzNmQw&{(HA62*5owSHsKQ5Co?IjR?}+ zxfhd{;gO~rNUs0>9x=9j*P$%#G7i^sZgF~-4M~5$OI(OQ?XMT4C$8Zu2S+BZ)fYuHPj`qq`q>zabn5&P{jV8}_@@;O6uS!+%Kg z??kzDLV*_EWxJZPL8PsfS*OE(H${ch8>~1n3bc-=384bZD`Zt?DX6P$;X)kPJMKI- zZ!Q@%G380fZ3R%l4d&+zr|CLMPX~TKEjbQLZKlk&X~K9mEs&oW;I_PeNDY7v{%uHv z_ZRASBo>=(L+pbRX1tn$L$cEk9~qq#c5KUJKi8uYv`S;FkdZTX5ft%yE6F-UdmXH< z?2sWh%TCz6PPkZN-Y?W26W+MM+^)mQ#VC8c!f+c%R#o5 zuh+Pxp3Joh<5vE2Yz@{MiSHRb3Fr7Z;kfL*Gzkzd*IgkD(Zz?S5_yll4bY}<+nzh5 zUnj0+M<|4t#s$R)S=zWaGz+tc=a(v#6dSK)UM(CuQS&$H;zn)Q@?{U|9YS(^Cjnd7 zfVJ775JsYJt}?k`@ImgZ>D8L&PNv=oX03qk+{oogPIP|hQRjH?KYo5o-Qz?*7%9X) z5~0*SKuXbCajNzJNC(ewN?-(U%rT&MKkAU?711mzX%np%ux}LH@-wxYw&#K>ejtt-KI@GX{Ondg6T_nuKrcU}Ld3Q|ORQ<16yN{J{0sgWis zO++cuL7F5YARr})fJg@w5Tu0;O7ES}ks5mFARR(42_z($T+ee~*L^?hKeJ|D%=)ic z^FI0Ie5hY}yWv&U0HK3p!_m~zjpGT_1{=6tjz5Et; z_%&neMZ>ko`Ma=T#f-c}i*P%CjS@!G_X}@*TpqywS+NJ14~%0OFFewlU|3vw{Gi{M zx_2Bw)QwGg7b2=K$;57bO$0o`{;o8#jc zVMEO9?fdEG9N$M^gwQk{kdR|@_rUrA}yon zIYPisH@vLd0h)6P8-3|mc+gkk(_UwvVJCDhx*Osm^1ac=|DBu3L24yVKaGM&atj|r zT+dnTTs~p+u3YMrU)7G4=mp1@yDd;EX8(0P@q1cMJ65K&h5fo>Yxg}JkeIZ(zUt%l zaLCFv3fZP7f!(epkM~K6`L{C*;hsz8`wr*ShxSs3zfwj^$N=9-%tjop4a5t4P^E6@ zLFz@VU-ixq^$mEpl^xW4$5W%uNgw#r;qYphbZ+i^jDYnYr%3S&-VQc`GzX<0z6-F2@+X&kkREv#O6-3{Z3 zS(1$?&ZX?j;Qx5Z1|Qm(p>prlBPBrZ@0-3g?Nj934HGYl-dw1#&41@pBdP#F3S5>M z8AC3U@97(UT&H(^4{d6pXbp!XnI2$5%Mwwi!>k{mNk2um=pqUa-sp2Zo|E0M-EdHn z!7Muny+2cA1G-w4E^sz9?JfTyhT~${wXZ( zpJ+lZcT^roo4^_c4W$#jb3`iI*9=@o>w&XTA9^68pG88-lD4=z_;dLMZL#%{|5^SnCn~)E)nXB# z=K}llePu(%q-lB}g;A!i?^)HSKkJ@oYv+0Pc|Yb-y~WIgP|w?I$iHoj?o?kg~aL*o;}m(;qI-TR9!9eM4P-DJ@~Y3 zi6o8Zrl%DelfZRULt&oQo#gn3kKu))(;SVQM`{g5crv#CUmiYXHb$)W@V5$+@W zcY2~!8VOJXf#Z5ZEFXQ+v~H$y&l7xAk!@6}vf&>-#kZROJpGHq!@oj;`ieF?x&4~2 zBd4&r199D2A9UOZ(XDZS*nH)qz=V%c!6@dQ$EN=9tYma}S&9+Q=))ItPP^RaOFb;k zco8@MP44j);jn|>MOOajh3apYOB$2>|H5$pYbC+>;939q89Kq;fdBQ<)n(;9i1*A^ z{jWH#`2IsB5Ft1%wQXs;^AK_9L;q82tqZAK7QNpF837q%X_SA#5fP-2RCg!?8zL1) z1qP)7lqW5ff5JO-GyRk$EdF%SA=ak(TU&rG*gre2La@WW(+m?pZByxPsiAKaa;wt6 z;!n)ltHB8U5;E;5ajC0|23T!JxH8d;ZK{%Tt>}M`^mvxUp9pH_13{V;sUbK$C-nZ( zQaP4zVCFzNQ75aVr1EL3YrGWi!X$yW42e%>c|_gTIjq> z{3PkCza&IwI~WVML^)rpTmt(#0F9n^VZg{w*vHV#BTtu^u7Ot73&~11wz*9=)Q#L~ zcd+i2f0*WdmDdQzzMb|GQ9JW;x{HBmCxkBD{x3d}Z@EXV-uO^kL!zUG8tAq;xRd% zrs74Aw@_=C5=N{yc_|Vd1@H`&64(y33UmT(_{sTu;)%{sWIw#suVKjY*N0~Vg>M4u z8r4(;BK)nPS=t5eKwSU%EZFz?K%&=4FTa#>0kUWSPq;Au^*G3jciXe~E$ily@#W)> z2rbLBqB7mC6B?phPi5SxraWR|PJK#t`~LIj#aGk(xV`4HbX#1|VRrBltDjSh#9*-< z=&M!%x9A9&XwB76D1O)^e=vu?7u&2P0cf~A*`d!l^MH;>Zg?G zCp=Ks$3i}xt8%!olh$ITmFn7@Z)@#;r;1+1!{msztMgo)IAVWh;&Ys+Ng6|DAY`y> z%I$lQ2(|U)o78&Fa1-XEp-%staBA@@+wOBsg{MJ5uK^F%7roswc8^W;cY*1;y{dCu zyW@}Q*C6jYnrZxyM%a}3KO~2VPrw42iv=u+~l>_iK2<9!zpUmykZtg)(^3I+w zhjlxla_VZIsVPiV89(Ds!oiiEteUxGgwI{&hfy(~gm=96mJIK*1)?q@Mv;l};uB?< zs-Y;4iJ7L$5yi`s=1E_!vD=;by_amJX|BadnfQ8d_$>8(w%oW$Cg&IO#mcz|OOWvLep;&OF-(ekJ$^nAf9z+p z8w@CBwY3KInMOy&LyWHzS;z>dFNgzQ$R#}mHr1@6voU5i~XzFSg7njo`>V7KB-)Y{@8U0B(!syuG}93%GP zhGV#2K-lHO2}>VFaWglrPB%Yt3j4_tE3#bU*bRkHZie(UyR`4oJblmh z^~#NU3~uFRQZnL zJtHbgb1&$4xMQ)lp#Ee;zU*ah{?&(5>^NoY{mYsca!?nwPi#nkX3{fa`@^3(v5YJH4z z`T!9i%{%}5$}H-1eP6#_@8T&3Mwz|X2k8D0P`xRy;v2>8Sus}Wb%Qx8#f0#tPKf!q z`=^Kdg2|yKSMjhj&sr~E;(V!8^ES>JZoA7yzr;?qSPZP-+|N%qbj>(O$AVe|moht6 zmB&s6r-0EA=3PpsX!I^XWfVjinvZ*( z@%z;0?qIJK@tdD;(0Fx78C}mLwZ8@lU#l9RXZqy})}}SeU#uk{B6HdH;E={;b8n|z zkV@2auTGCE^ZU6dahyTPN1_btt^%ml< zu=KmBw)hqg4pQ`*f#pDCv-fn=&eC6Y-Sx_<8mp==J#Q8Ln(P9%{!GeSEA?z*sd?pH zcpV7;1f+xj)a!?usb23eFGlNC$0adyvJo*W?)9*ejk`>I9qCI{uDplsQ=K8Fp-0}{ z%$_=n!>ZSA%#b*IpPHjfZTCy7=c~(975L^Xv7)OVsrI^lRG8Q@fPYv3SP8)d$7qW{ zX#R(DLqoW=tt`y%T{zFMlry^Q#AwR;Zt?8{?M9@k++2e*rpN+j0)75WcDJt6(#gOZ zO6$UA2e*r>c8;bizh_K=_SD-o%cKZdv1_w^qKapE-GdQkl1{!os&(;RF7t2~X&nEDxnE>T3(o{Z$vTS~fWxIYiZ!#4 zy=MiySA;)n?rCkK*~8%%ilI*KY8vIW=NnK%P;cAFD372Vy{wT5R<}Y7l3t2p}gv z0j4(Yn1t``EjllVLz={TgQ!WJ&8SLCwqQ_u)_*|6_!iSc|d# ze&0qeg-eezHrbG==c81PHzuqF9@65^CQjL03yWlRQ!6olK;<7jAK+&9%et#Om+oKi z1)EU%yIYppHk+_^%j{T!1;73FSH*@p<3w+s$?MC<*2>H|&8Ym7gfxsP;Pa-R(C(}#=Kf^4*ajPQRTC|xt^q#K9(cd*uwc+SSl`Q+SU@WXBWJG0EeZ#WmBCcJF1eW3jE}j=tmxNiBoUo<8i9-uf<9 z@l;VY!eq7PTj)s!)EataI|II$Y~`-nRNL}-NY^CZGgkhI580w5WrCq84<2ARgL_8M zg5{HQlvz8w@9p+J;6Q}6cHh}*&ILnb7`TRTHr^|1g2;w_A?IDGzEJgycdSQ?fP3|o@Ls>wHRks4 z%rz|@m(wSDCuW5EHco(XN5VpJD0%wIyRG0VZ35R;O%!TnIekQOViePs`)==K5A&8d zdZ6W{C{Y#X(7}B)6-a;<7gQ?cW%7fPAYAZhclV%(tA1Bk=A0+$E4zjcZXtQ5fEeyK zASb!y`$i}x||SwWGq^F;`hynQBfR?|o0q^?aCvQUT@ zMV|d8O%Zx!@}}^ZH^C8_g%F#*VNqGcKg$0vc+e>!{(iy*%5~Bj0T3IvCw5hllF4(d zP~$VU%y^7cc{Ky}v;w4)XT9W?(aggKF7yK%Tcr+f@`X=@tVyYwLkNpOS1SD|G)@aCa3UM5kP9cC`^EcaZTFEB>`h# zsXb!s`$r^`RH9fkEV5(9is3i_I+tq}R z$lUI9p+-G5>0NuaW$N_JEEO?>p}s^B5*CfAvObEd)CXeV^D)Swe}aQK^l z6Z<{{;KAm}Wes6T|3E|vd zNcR_AxsR(u%kB-n>#5{;hC==-%P@Ww&wp@*KGUCaj`-;ycO=pRc~@q^@DW9+eE8L8 z9qpAIOWF{$%OrJ3bG`g`CEKLnMC_*$ZbqO6uLsqQ^P(wcYj+jepUC%*l$?uR2u*Nn&nuH7>*pTio%wKXcD__sD%(^0pL8 z=B;RmY=};a-oaV#mH5DlmBxF9_Ele`?9qjijo!o&r^)NvL3;6vo)>NEm6?%wg!iSU zAwfPF4h!LRdtBs$H8I-(Bf|ov{qoZ`d{AJdL$a#EjVfWMSIXsS`|>2y1NuYB#XUF6 zp7qLVaPMM$g65wjsVb|>9rEc##+Ka;iA9X@4&@$tCAU@=+?e9=l86$=ffwtT|6NsNg@-@>4ugm9pO}B+cl%tLF+eA z4&f&Rx)@4PU8y{74qYm0`g~Qa^G!%WWgf#{5Fd3DfzO@vbK{|=wrx))=UUTlCiyvU z3Z&486TI+@UL)N-^v^c0UW{D5|J2s{=4tJA==y~`m*93N{-vbX z2zErXy?|4$WC+X0wzZRjlo>VCZ+^e(5t@b)PBNIPhXb{QPPYIg8YP#wV3u z1BmrBxmXsfoBVhylAYH%@n)2rfQ5#sR#QU$Agb%FN-o z)8snwH@36cuv6l_NGh(8z35-j5}@|d)Q{)ui!x$uZBt^@X2eLdN4B-x+(eRJWsdV4 zB{wZ5l~fhuBkG)*>=G}`J}Y$QA!Z048}*BH`jsCJlLGGWIZoe%m;gJUeGA6wB+`)h zLEPAVn<%gC$pVpmEdmXB2>222o)04B?U$Y_t<+t@{p^rK;kceDucr1qVq8F_?8lF1 z7Q`GI$#=eGl}KKI@eZM+AWRHiv)PkY;zRm=CLhY69o)OT_6^3Uiab3YmkX>Mll%q1c<0lyQ5Cnle=f0d6tt?IncS&7z+ zg6~qa7@k_&THkXJ?^*RuX{Dc78KX|u-c>KkPT_V{%F!^fOA?r+PMJ(`bbE9@|MGAp zd&_?IoZz5z%H@IBak0|^lyr*s0R1tC)~mO@KP@i>Co$3S^a21j z?zxB7dAh}ZrqC|}lN7m`ujw8D1Ewo&sLFTw<$_iV&7-j{(c;C8R$!}`k9Axz+4$eD ziDz}qG|{*l2fEOFxt+NVD$?+qUU_9qDMJo{#7;o(`w~Vpey&~Eii2^r^VJfCm#BNf zNty1=XJ&zH#$BfD zNQw8mYPO@m5t-|w#F@1s9La`v9l}=prpQ?F7 zXvxIW)RtArqM`QW7jZ(V#&M81=Q(NM2U07o~{433I zepmWAvScx(2PKO6S=ZGF`a_M1;wFAkNRr>UgXb2mv1}7-9I+Yg{Di8}YSQ%k#5M0( zU#`59&kttsW#PUzABrJf4tx9`NRhjJuzI4cte{F5~o}l@+yzqflCX+I0Ru@ zNsF+|qo6Y_l`PcK5X;2#o|?}jURbwr8thMGkRgA*3x3H~OpT)C_hL^`-;mb!&abBq zDzQ5A{Pk(Y3?G6;#k3o3t6JCtD|DMIUR_>h`S@l2#TVVpNxw(*RK1PdrRNe>hUgSo z)_{z4w8qmfs|Bll<^M3)Bn9T;!_$c5~+ zkQTfCltJwS-)rj~6LYb}b7Gq>7N)abvxsng8R$_{=-hBuEWLQDjXI^pBeP8t*GzYqHi@WgjOaH?I*yoUTCLKFdJr=`|2 zE(TZx^Ta4_1&^}-8cj6qiWr>)izt7|QS;tddpJq!TrXuGhr_$9Z{W`%ZXeJwQ3eqAs{{^$U5K3Vr5Z2t24nm>C+zumRUKam& z-T?E&=raWgm;Il*3!|`(8pyO0^8;vLoz;v9=tGh~KKE2vcRc_4JYQo&-S1CD3|AuH zCe%fxVrE^da8>c~_z8eiTO0nD&zi$$fUf%BBUJoYmxIktFhNTR2I+h09pu@LnQbB; zk$5}pQIdQq5A=m>pXo6}BK!T1!Zjw|_28N*<(5R{a#yb1e&J(Z&tAFnt`GQ4Q~Uoo zn$`4p)b{Y?PIvk^%I_RUbb%td(oXmLIEO;EIQ(~rz z+Q+@J0gG3+6;2ZHI-=Y_t!Y~19cW3VzE~8F(JcYQc#J0Yk+Ub^q*j_19gl*KrIs-D-=Bb`cv28ymgdfR_ zD^Gp*@vEjM#1HONz(-D|Xq5*=%g4H2p5dYz!W$NPoqPl7svG;d@YR|CKzz-5^Mg=N^u#UV#~8YeYpHnPEN&G=Q2 zYfE{d4Q9^m1L8Uj->WmrYDe^5kwz0@)|S0Z-P80I0*wK5bsH@-SIM2ik9UF?ZNx0A zXK%kkPjNSZ3ddY;+T|qGRBn%>NDZ+TF@Ep0gMe~*$R`DRI~_5WD^HH!n_=SLi{7tb z6dJ|f@+$drU@|pwP@1uO2-6+cvAgWP)LKdcpI|T6(I1}G`eQ_p#FG+WToV`hsZe7M zy!+NMro*DLql8hcsQ<>dc+kLdxh<%&KMxjAsFdQH;PnSlhzF-l7xgDZyC6W+XkEED z7vRsXS9L{u$}Y#WnNkCT-*qjfm`)1Di;JAKGhw`)>Kt5^^Suq(4KG4EQf-$_)uOKR zt45rf9=H?aE4NktIwaBeeJCH@KeQK5{|dW@`FO&%3W!ki8gM=Poy32kpJcqZ-FWv3 zyPRMXuRNKLZV{>vKwC=ZK%4`ME`IYnAZZ}+&LI)0g{IH~4<&)Obd-eCO5|mBn*zKC z`7+i+4@sjh&H2%Ga?WXXuJPMfQH7DtAkn#~IXS{7fyP@8WC8=0KJKIX-Iu*hsK-HH z&Lw+VFLe05^kWGQg39}2RxZ+g(Mnys%@P-3^Z0Xd<^$yv?d1Si)rK(}438XExks zkmvQ_Z#4T5P1E=@*4<~HV{-akNo$>0@SHhhSa-=_YKB|607dXNiEzR0#_Fv`tW|uW zS$U*jt8EB{V4w7&rnisBnn=@iQB?h|<}muKeb?d78uQM+E9Gz9uIqm&jZ|DilOIq} zyr)4|<}GatYG4P`(ab+&uTRGvR|2+^0UTPu@4Hiq=Xg$GHqat$xTWyGs7~HgrIoi0 zf2Q&ckHl(gonmuSZ%5Jta1-^hvDnfJ&T1ebbMTkD?At<*wpUj`eB)sZC#`QdU*8zO zKj|URXMlM%r=$r}rQ4Z*S;KyfWBY`pZ>oy9zyJX@pRA>3BD{rGUaBg-50WO_xLY^R z&(3#zg~ZYD!E$OM=lG+g!}l%dpq z?+4#jpoY!ote}N2=Ir%v(&9azcpDr4;f0*Kf3E)Ecd5<4;#SEiwwtD=g4@5%&%O1# zamdqCyK_TL@1a!3g#;5Sdf|9~_@q!LzGE(Bt&(?JyI9RCZ1E?Bc=GOBgApPCl-6G( zf(}>2;G9mYUT`5wtExIbHg&oCT;9DE=1dfrUrr_(uG4nj=?`JuD-v1Tg7tM z*fAY0qM^gHwg;LRn;(UiA&oD$)P&l)N7?rQPMb-*U8|1q70^Ae380R{N--2M$MD$X zwEn^NkBvyFVXayx(xx6STug45yx1yrNPD!;W?-|Wy<_C$cP}Y(pz!E7gQpArGI(ag zQV}^cZ&Tmsd;1EvYq}-j*+by3Rpu+235a3oxw__hAdSbQJTRy0_`8(p5wzkfJ_PG7 z@7V`0$!R`Y93wx51N{hZq;(Rys7tb5KMcDWwj%IkV{HFt5X z!`^`8=sfblr*eaRwqdz;`6_h#+}84zSXD_=)5Est(GWyiiC3>*JAf83Ghx8oTzx`z@)10X@U_@kir^6zI zmS?ds2hJ!IT&erwHiQ&uiD1hHAEj~ z7cmNV^@cz*wmuF$8TC5+j^Fq=dpEBxrcrKM`->s#IVRDX4QA%y#nF4EGE~+DF_-1d zV-2m|HHs#zFKkuPLsDlQP0mRa`>I$=>pNQ5WUj7WIFGL6&EqaRwh^~*KXW!Yy2OZd zl!V#ri3g?$K~xvwniDCcb{AR4DtyO5D8z&CXzDJ>9wO2L_ZYr{wGFo=pxa=PQ>i~J z+oeN@*SHJ$S{%-rcKxNQT+@RNs=ibCrbR7|j0vx`5j$+?fV|e{?{*&r9A@HWzjU5E zimm{`hVH7#7g@op;bV`6fiBmDT?Z{Mcfufw{KFGAQwKwqO@_W)uE$p7aOdDY{u0t- zuD0k9-9(xtdbl zdgUVV=f2V-_NqusxBN?Jv}?tjk*^)mzx2j7cFU^-#IrZ~y2+?s!B(&6#`vrG49iXF zA-$<4vO*+tc`)h8nGLs~1;f5lr;&5M5)Wprs1z85>X7X4C zf(RBq0UUL?3lx%%s!(Di@0@&3^(iYbsIbh5m;qLKN}W#LwmgR z$mgURJd=>D@C@h1RN}1b`yBqGLhtOJ2EwT$Go`tx99Dl}dK7hxFM$HqZ;c((**tS3 zfR&_3%m{dNI*iEY$F;47{G71fL27pyu07xMwUO_B+p4QqVa2k@O3qO*(1P7=EwRBf85=J{Sy;Wh1H&<`6(-aKGU8q!hOdIo7lX?guiMP&~r??qqdgteIkmik=G2=|*WC z7CLmU4LlGuwFDCbDOU|{MSu6c{Pjg_sXj$gw|IUYH~rc2?u__iYB6qice=>3tY2=U*xkZq z9=DrMydVZ^+#M%YLW7?nwzy~bifm6jeslS5UVUJh4fj;W_@6Z`6+6I_t#toxR-%jn zWg9GN8uoRKu;N)if6Wh0ktAM|CZ3~9t?rC|mm-PNx)VinBrVe3M-d`!w8);xCy{+Z zRdZ9YFIwCJ(=NY=y_~TVFuFAU%eLjo6qSk*hECFk`=`+v*y9xibgKidDoy>W1ljt! z7L0$22!rx-_y1GUPHE7+KMA0eB+sKMKm%%(kob8tLGB5a^{!iOh5veR%+E2UkV4@j z`&`4Iqa)$=Np10$=f`w?5(Vm1N=EStA~v!iWq0l^Ex!?NE%M0Icrj5^@uSUTb0In8 zSi=NUJ^c3m=&1=$lf&kJbo|o&OklCo!yURUj;i+@Q~xTV`~K&XgU_8Rug%Ji0SAF+ zn@ENh4pnfUOTK9SqOJE+t`8XnX7xT!fucO1cp-;dK3p3~(pxXW^O_a@C~DpZ?VmrA zvvhd)A5#is`T$jVs29hTD?)q07B50zPys7Cpmi?44G$Bh)7*c@Y2XTlzKs!`7At47 zv*vE_zHd>l??ln5rOI^gJt<+w5R4f@e;ci|6N2Y_(}R|NZAJum6IWH zN=2wj76TdBvXhl-8jq%JUu&(mp3W6T;k5RtjLZc}fYdK#p*Md{SBUbcqr=7C72))z z2BHKQDAMVn*$+amAwV6tCZIYxsFSFaQNWzq^2B&q1p2Z8l<-ec`zMyN=tvQ}?bi-4 z{E-iG>*V}T4N-Bu9-2}qIP`q`A5-DCIqT8BoEwa{sX$CLD*Mu6Jx_UxvDauU7dT$T z#(An`?a-H{iS!8ZHyr%&`$;`wKj|;()5Q-m{rKgT1-n3zZX=iA#{>P{Y`)r;;Km3e0vOHH^J&42z5@V-dTFM&(@ zce(8Z$A7KYp2@*UW(K1#Qbl?)%<^4eQ1KpBZ3|HSF>?Ue6f8N2HQVKGh=17}ZQG$Z za^`vm7S?GZo-5vT-)!}PBE`r?RTWF4LC0b(kLO&V zWlqSCkYTOV$dTVy^&b>Y4|CZG3Plkl0!s36@)_VCh`5cA?jU1^ z7c3nF%iu-#rP$IzZaV^Yyw1?$&f$HPD2 zWm96VqHk49-UIV#u7YSzyW_6@YpU<+nRU|8xRsvr=rGKGxc;--6qL~YIUXL3+L*AY zvHbJ8YdLvq>_Ha0b4y3+lV@Y+B4d#L>CGmg8Txr!l{!-vXLLWpIu800`L`%a-k9=k zqMEu%gNUp|b&kaU;8-T#@@?UvZDK&dT~4 zBXqyM6(RjVraViLGrv6TgOrQZm8;(xG+?w; zU{{~~%QoTn*fYQ^G_RLFFxjM4p90hGavo$D%W++PNml^OabLNk!f`_K!0x&%Hm<3{*GBR{tKCaA)(-83RYttnc|x-nnYissuf#EJ@HNSxA2OS z1wyC~Xw!R&rVTsN1)rGwyMOb*hbE%{a&5_8A$2f$&M&y%$I|hr{kO!*Ki6fcGC%ZP@ZG7(|71AS2ZI52Ffll(a6HiED=NIrwCA~j@a@2L&25r(i%k^pi|bD-o=lJb*NB6jjju(T{_V?rDb0R78o9bY zvyM@+KepY}u9i(kI&uAC-1Cf*kOlWqXd&-Fw)RxY|4j^2vTi9_IX0P6zHvt}M&Lsy z@U;gcZWLI)@!dDOrVQ)bV88Kn8Z}t~u%}NUFvnpi^V=6%c8Z+NC};uzm*xrcf;u?q ztx*iKh1!;_tuPmL002PYJ0StYJ11Js$;`wf(f{Ta0IK=;JJX=81?EwbUbmK|;wT8q z|C;FEdJBIMz$Rp5=MH&>J!`Eq@4U{fS^SyNpF~RbigTtW)T|UoY|nJDv-(+Ea|#Pt z#vjt?{|WsU+9D@}Ep<|`wPu5l%T9A;pqetku(EyHTJ6`w6phJ{V~?yYcV-Okc`Pph z+FLw@j>|#tZNbxvO!^p&ubTxqBby5GlyBHl;2@I!>eBr(A5Y1j!kRS(E`*M8c%QHs6bst<>?VA{%vgSxEdU+ei{sm*36z+Ls{c`e7&*!tU zwPDO#US@eHh`MyUg>V+U)m8mc?Rv^~`Qt8xeQyecGBnYi&Lave_Ja@*3ZyIJcYSJzA7Z6c z8a_p4Nr4`BT5s)2&(a`qXTR=bW^v=9u*heIZ>VH-<2{~kEskaLV1k_Lubb_t{>Itb z{9`!5l#YAXk@fPo&mnf?_sV2EzA}k)g<8}KLNHk)Wg8Yhb$?$v^o+XP znC8f4GpHUXWdQTo~PHSpm7!*C19)Nj3d>ud*nqRRL|$-kq`sMTYN z^_(s_CdZnS)QKn#-vc9BKR$~TxYz&u+-FLcBS0{j&4?A4zMuL;b?$tJCjV5>-~M3e z-&@jO7Vv+LKV@2a4@ybKdy6mJ39)9Dl#FxA!40+9zvcd7g!GXCYQtw}O80yFp#y zX%c0bF>aD2PFst74}sSBt+3M1r|147a`Y48uv4IH!)>Q9|C(1JSq^mZvOj5ca~J1d zUQl zJ87zrBPRyC9y+Xu6m`UBfQLzkF9~9E3e=UF!*GQ|OZ-5sLl*2nZrymf_~f7T6Rt=Z zMMX#7ArVapk$PE!bmNPo+0B*J%sz|OguQ0DT8@|Q=zVVHs~tOrzGmh=9#ehlzRyW# zi26}BF8!d;$@^hR$xh=#@LP`DbQ&{EH_2^lo(-< z>jrrgE5jdLbLGde*J%0!nTU}Zg-<4bvsfv1aoSBWh==-~B6Ayhbbj54R)l2y%%cus z9EFkrss>ofSmnAY=~rD?5zere?3rWJFS`ZH@t`YyP?NY2Hj>|qq5g)=K3%<#KNFr& zkoqwwZqz^d! zK5_W0A<@<%7CKOK^KZ-k?XV}U?|I6;X33bYqleb;6U;(%+4e0%DWC=PT!M?NxzKe9 z$olG}b8u<@KzdYLO!e@pGsl?#9oK~)6-#v!%!^iP$)mm-Lz-0o$jXUCUnV| zN@+&jN*`1X1X9g&e8QFVbMMM@lS!<(Ui%{XwBA8qHWpER8-nzDKCS^RTLC?%CGM9r z02)X`q=(Avi{Lp~zU=v;RY=|uDI*zODNfJ1-$ zQ}Fn0fZnLWEC6{;$nrsuEZ6z94YbS36-onrqoBD^voVGJ!f~-g9K!P98t__ZSx-TV zZCw;y!#P&gjQN$#hQx=P4au?Z)u*M+jbb6lrZfOW;5&J|j|^7kyygDqE~nv*HC09J z;pB15kB?V^UN#0-Q4aOS`gMDzkTU%gqFed{Z(sQ*_51SFN70JWMnVgCN^D6v0NL#b zy1RRnFVb^o_z_X%!8RHz#u&w6m%BLTXeJLVd4F1I%wASGTDMW2oOmenp{kX#I z{Lt*$hg)X4H9eJC5T9%BS>?aZu`+e=$!$=$qGG5u#h zErsF5nHns0{nGxvk7PTFjh!PNm)r?zL)T@iI^pZiozImPRF}_KJbklEsU0!>HR0sZ zjF_^lkW8Oh(c92*giH@wa9S198Dr8-P5Z%m~KTjVFe*Px@|q=%2bwbI%bt< zo(W%1L2=n2h@uEiXRy)_FpSOStKr{zZR5bhu3wPQ5&gW$wFMXW>HnFcyj0n7XjQs{7puZ;~z;#@71i zJRLY6F~oJhP|`g^{7R*)Q{dJ#~O zCeow?MSAZwiG`w66{L5NA|=$&69gnk3rGo}1q?le9s&u0iRGPdzFD)@%pWlM>8#}D zoPGD*=bXLw-RF6#!^>%}+i|J+Pt=?6v)T1~+@3T^1SLpw{k|QK$E!G6s-bGH{AZ@I zY_kRa#4*Uei%=U}R<0>nIVU3RT8g2%bZ;hSxDBrjvc0lx`Dmzp7%P1|-txkSW*^~{eWQR|ZsT{FF|YXnj2A{%1VUOp^UB!ph2EgTG4 z(J%7!mZ2#!Bd~h}^A%|@R2lVDCcqoZLk*#o4*H3)8}idDH{#z{$KAX^$}5wKqD{cw zj!CD&h%g=qNZFEoj%aTzEn&xG?5yG5xvlvBIo~&yMDxVWj%pj(FA3geNA(Q9JRn4vZ3#*T z5znOVhl<4oqY5W^^gCiFNM{WF6EeBfD%K@VzsYT_scWjw;E%m*Cw4Kd+YBW&#RD_q zJar{2*+p%Q@4eYgYChGy#rl2q3$Q}a>PLp`k4XkG+mjGlRcl5=!_~@+N+l|8m?$m* zb(6Xhy(rj(~EhD@>QV~cL{~(Yg|7QpJZwMq= zZ4O09ts-*)Dtk`%gFZ`|9%}{rNrpFfjXt0S-`%GkM6$q7DTs#j%%E5ERN5BaL4V#N zt5xoIJlnDs)ho0cZ@m#V;Ud9!#=b>-DFWO&HaStup~8KcE;FiYUpMu5s7hzgK(_amjm;ZVsQi(E|oD)S`=cy#o0~7pTmL#{|i0pIcspuZ<4z;IWi0S$H>s4mmTBjrxUkbMb z6iC13xbA9!bZ8g6|AgXIDbLtBJ$duQRvEeHwP5HY5Xt%VZCw^y<67L&InYh9iTJ34 zq7Onj&eH~{$2oCV{Cc~?Z5LibHTV$MpAd8X-J&Ly16$jdpL!n7$*^g*?)_I{xH6g; z-39KUdjVZ*1bHL<{U=_G?FC05D$b*yJxZ#2?L1 zm!@7KPME}4)N<^MRqY)X?EgavK2V~<;%GhnP#l)f@Ejw2G>1-iy@Di4>s`9p-Bs88 z+W4oKV!Bu~FLiWJ<29@&NJZnDa``H<`YN1Q- z_$mmkH?m%z0Db6I2&X?H5PITRPBjx&--~~XG*X!e`o#FFukeV`&XiIlD^U^jRGD)- zni45-b(R`P-7`f=-r@v5Kom~z91c&+FWjVrkyrJ9Mt1A0F$oa5qF;M!y|F5eo^+Vw zUsVyUu3P@jL-;|BNi+(O!(O6WMl|YtY^oC~7d{ymxE82^yqT-KU~ccEl9b0ZfTv%y zj&MjVUi14Icp+44*e!++E(uP1^4c|58r^G@58rR=J^bVw>Gs{;XGo3SE`CQ(ok)38!~w zJvg>iytuW9aMAEEU52@-vaL`$)drPZ9!Q(^ZM-NhwOq+ zJw;WB_#D`$g4d4KQ_Sr~>|aJI_FIOSLNw7o2k$mspbX81Gj;;=7=GlsY(8_66 zKmUio@V=}1qn--nm)3TWbN;#96M3rDL&k!I;jtlp`fU%JM03ko(w|u7e(R8Jw$Sg1 z>pbatBrR0QPXF}$RPzt5%%w9?LCTK97}nd56uOWs;Ge$SU(DWsEZ6h(v2cr1qZfAr z2)ueivNR?)O4m9nHb-1+Svty&H#bDoU!31VT+q8Z=J$B#hDwKN=tm#DyE~IizLpX} z^}Xf~4`tbyqaB)oLu#R05&N$s3RzA|9R=(op6Bqz>Dts!WtA}Rz81N6ff}vo7?S#} zHy3g~a{-+RH#6?Lp}s`bF)ZFVu&ja_!do6>83ESzV+M@mQM1RtxHLhkI}gGqr>}t4 zXZ~S2epuSNX1HexEvfqrEkM-`wE$7Asmc{LeBpXtk4t~-6}{{_48bWKdvxySkbQlt zlmxm7T}R~+h*szh;8^V;Ir2pQ`pn$ zdP%xZX((O2RwQ+f0^8&Jg^wUPgT7E}sk-obl$V?$$Z+YRK-c6-e2F9ElQd>(hsw~5z9{&P;crPkQ&?6AB4bpqbS z;?b>syy5_QRbIKRd-SA!VpqFdwd{D{kDj)> z^iFeZ6n|~_d!Uk*ep;~YosoN4A7YPDUaPSfRkUfu$PJuF=ZS+D3D7L&8P|SLaWW~i zOgQwUavd~?k}Ku1@yjCx@nX$T;Eh=vSVws~G$T7^^YQnkuBDi7q}93yD!fqs%YWUh zL|0BKRguJWAo$qXV}=TQi6jD^=L;Nses}7>ALzbLGk1Ya2&x>-=rZ-7BHi%aS^uVf z*_Nh*(O4TazJ5}4%lv!aRm0u&Q>ElH@m=VIy{d8d4$reW_+0TYWuyTh(l`pxyaf0FT~+|zij{B_{#7Bkk`y3Qr+VV^-j|>bWjq_gf&$fCBg??A za$e6Xqu;E$sgquyUtRT*QnaHJLpyZ6HtR+26}PwmiPi|xDC~R^^+YT~Rr9%tqxV}u zU*LNpD2g{9v6 zb%!2@{EN1^usy4el{+^T=-7rlM&jSta6*LKAnq&$ih$BE9pts0-Og@H$!N2X{`$V9 zovqOl<_Rln28zHi*-kd4TjJQ&&q5zokpd?6T7^F?>NignDdM>P3T;45$7gm;ephQpKMhg04Fp-?{h8fM1w!z*19-|8{-M;ne|gzfRgQ z#7V>Qt$xKqS2chw+mwVW6|BA1UR)j-<%ig9dboXKOtvc2v@O$$`Ck%2R!X#|D}l?W z9cz|&Q*`Guqoc;lx}{#WO8hQ=E6J|A@TcCV{p;?rHt9FhIWjWZuU$wtnm&`1Zh~g- z0lGc_hJ>W|2DZ-FT=J(c4PLr_|Bf6`b#;g`Cy{G~Xn3f9?DjPMC`knO1d8d*dU8KS zh#re`pi^Hc9N!kmcHARQ!JFI7VYraGfUK$GH<2heD$YJ8z0v}a?r~p#f*f%e+ty}kX5`kjh^B?JQv%#Z>KGl$3!WkC z7I`&WV6hKJwsygmAgP4((Iflz%*b6>o{#a`TY~v+hxyXeeK;ZBg9lmP;sUX6fvr}A zaOTQ}W?9Q|yaP5vKGG8-5B}{Bg;Z!=1DZ#_~K5Gb+DFC}og(ynb>mXO|cHW3D7!dmwO&$NSJiuJ@W{N#IqU z<+V=U``Dy5!@Pqpc|T*ujV_S#Hl;X{r*um`R~@}+MMS!jzHDIOrc#~vzt^ga36S1& z-(`vVs{G(pTZvtpJ#(#9?`9{A|1{tM#XG8r@k@M}Y^D=r)Pn$g_ic-N|50tpuKsGI zp|5j{X6ai+wn=LO^RIT2#|?*a9cSj4Xoen()vHw+6&e@goYwRYvC^m0CHe|N@PSfl z>`*JW4_)(?isGdDB^|q|#M`^mMNXGaLQRCc1gn!^CwWEz;`d*K5;}iumL(=zqYi{h zcGg-7KrGn$u^*jQH!XmY@nqI=z$%8Lv7As#xZSngRE}i@aMpG@&K@KM;KSd=7Q*-a ztOY)l+o@ac;0iC?C=%@v)2@j87asjSo;fm9DC9sbFytwJ`jjy}dM|sZRU?suKd|VM zYzs@%HluCR(7?CFCM%Vt#`}RrhGjuLP}=RAvb|p#ST4d4kU*yNqg_zlN@R+n1zGqV5Yni8Qstol7(OkJLa;$KL|BgTLerW{6nK*M|-u>atEG9#3W;_rfiXUcn3$ zgduhKgY15+4)>PmyBBJz9Zs0l=u1C(XTIU~Z@w_Abs0MjYMnHrR7=>3J^9$w!HPW{ zg3 zuR}@I!yb(Z-kLM7A}0A69o}wvsh7yHANQ{oh~FNIW4Od{^ah{jy7hS6vW4>Ru;Q6F zQS_<JeMu zk86{~==iQ59!Q@l;h;R17{A(RU*y08%s8-N-~L2i)!_-x3?s2i>utyCvAu~C443Z> zjK+59ImCzFicZ+i}IB_?8+^J|O z!J)^C-waIQcZz}*04sWula?0l z;GWGLjD^AP&4yLBUZXqOEM|@yGo3qnaE2oUS&^P6n4avgaED6PbS#V$`Wv@B7@$2I z46Ga;-P(R607V`=je1mP~ge_sMqgj6f-m6(Hv1 zHPth$_pFhfugnGM%NERFjmSWrmB#+M`uFb9EMG({vc_+2t;!<}(?N>D%2#=X<^?) zgYQec&+ks;K5|)Zwy}LCr%U4Yzd=)E9kPI4i)NjdQHW@{`vJ=6^eE)ZL1b_*d|1MU z)Hi~>QGdpXdc4iV{;>Moo9AO%^^h>@j5segWgct^h;eM5=p(JIGZWXZ*89 zdSaE(`k|9#FRrII?NER{fxoZNemp0T9-(8!Aj< z?QI(jEnIu5hKr^1Tmbj`fokEX$1UP?Zd*VIhWX(Aj66Pg`_3uw2ha!7 z2)H6XWGKr&&0JqDfONCSy;=X69z%iXBz{2xRftGY0(avW?m$v~rQ5n(R5aBpIZs62 zE+wDa40+hx^%M{q1EAjp*nU8HO!?Q;Y|v)H^j`p_IhpUHqvPuCC>Qy8t>PDwCyaNj zvVR~fT4b?1Z97gI6DLZBrKz>cmLU&PgCF_TUQ4x1|BU$UiZ znrm`xy0LnT_i)yp`Kh@XvwQ67j#fPX`}i38E=Wc%x`7w`1PcEV!{e*q$3at8QJmy@ znPA%3OHOlWtYTNNIUNIi7_^^291|Vh9zDNsZIn&ERW?o*HPICjI21f~qZu)_d(T3a z!XnrYwGMe&hPH~oqy!X$<$?1;rRSt?azQiM^iH#QM)^BsW~%f?9H$ESS#t=2N`564 zyuZ$AB{=otI3F+u)wwU2F_N%LQ8{LAgCpm{0RBkUPp5_iP%d^8X32MuKLrM_SH<}= zt0X0o?{yW`nr{3c*oS@e&w;)9a4`jie!;Af(v{-bOe*Ix6OSWH3SBmck0j+|} zBa&E|4E@)-o{^@KK8A(&_|m%gfY`tOhBrHz%7~qxP`t62ze+ntcR9g*v%RZ9IHeQC zF@oC4aD`&Eq%>*xw8f3uuZ_1}@7C&{$$WQ+J$s9W@KDxu;Ky~c&+hzmIAhwICzXc! zcWU=EMw+jh@#*B|M7np%6(G)Df`n{NNb8FF=eK4;-8F&N`t|YLWa)7+0@sHL!?ihj zHl5Zv4K+#epW?-Ib_)k9SC|`_4P_^cz^t%Z-TRt?4jDPT_#MGJy0*$p-YOcc^h4M7 z^HJK30ug(h%G2z|Lh^IwrYBxM2!nlS7!6h)ALPP5vB~$3k-AVN21V7RlXMOPHn~>d zG6L_)!r@3kO74+4(ELh{GHo35NY%FXyKrNbGk_1I+-bbT+4IN%g7)OBZEMx1%gTnR z{Hs^Ac(bjRca^%Hx-$0|3sh`rJ`k102M|)5GR1PD;GLiWj74l?SA9{`<|c5-+B6ZU z75XnR{NZhm2w7D1!;r4TeZ3{vWuED=MI$NJ-u%=f@dn~V*};pB)grWpmHuP_l0mY{ z`kZ@{EQx9G^yIGfV;0=R3E4+9@1kJ%WPxg*b*1zPz$pb%D`TjqTlU0i>d}z%F#8jf z%MwEp&AaFM`;m8~gD4S>mOEsjSVod5ZNgra(YS>zL+A!8cvJOp;8=s2__S=tgaJ(l|UcRpHcnbc1wdjSNz1^Ps^Z@y7|BMt5^fhe@*Lm z|F`DykKEtfye-on*~#P|mdyYD2u@mxs4nWI?D#i>Gh+SzeY;5;>?{&;WRvutVdwc7 z>?r5Qk>rJ!WfmD50`-%W9q-#?{dDolfrpg;{0rnCN$qQi;@>>&A>iNxyZ|LPWXJmT z*4P`zIncJ$kWc-+@)h8Fg~6CgoQ?CI%XzDQNtwQ!n*uJg(Boyr#o0sFH|G3r|8+Sl zC&}H@CFr;Fk>(@w6NSkx32GIW*_-{Wqdtp&m+Z^9MpieU9=fXoRj84nX$i^ZYL>ou z_TNZywcI_0+MJIgtEDYo|~ zJ4<9leNtSyZ`j4k0+zYD_DDFdo#y9 zSl&+CVKC=wtYH}0`Q^_%WS$Q>o0;ZoiAP?aeodaQB1XM1zld z{}2tDXjOnVeiIGW^n;HNjoo+hK_6##4!2-_>DxwN_WAgazs1>`VikiW}NQrzaS~kUW9w{&uyD|l8y+}W$Jg`Ty0{O$UlM|}k37H^hKR#e3xvc!Cfwk`! z3wZkYU;|7%rjYBa+!^hnPmHaESL>dz(0T0&RRN4OpQ*`o={>+QBIVT4w5&b9O|mW9 zRXCARE_TIUp?@#~b`U3r!?q#mX^3k9vQIO%jL4ro66HpbR7@7eldgP+5k!8rM_443 zujh!EZ9jSxaJ&TZo3_n$oigRv+)IW(JCEZ((&&w5?NMGX+WRx90%@DGM4J^7b>mN5 z4D-kLA;%oy(i`BBDst>ed*azcp4_#{?D%ny>!G?e2OxRHZ9M9HyBQTvTb%DV#o*-4 zG5j0SwXWYe7qEkHFik#_)KvI=Pt=~Z}<{HSl+xEX>j5iW_i$P6t z_gun$y(q2FMS*#7xJ6WJ$HSXi{4vtt`_CpYbucg#5I5stq~%}s#{%F`>YA7?eb;th zvS}`WM9vI3&S#q5xL~t)>b>VM#Xv-1bxC-SM56IJ= zvhY3UyR!R$4W)k1r53x?A6~tHq)-KyfNpM3HX8apW!FZq%+|tuSR2GWPQ>;F&UJnw zp&<(UC4dplTcjNe2Pv&m#>sBTc$<9Sz#qAd#ciGcEaGjDS*P5!3nu;^ElVB`$mCeL zuX<9^HzLlEJxDq#br`|D_{QT=f0YfpH92PYL!`Ot{A7!;Wbj#Ov#4(mjEL{?O+t@C zk*9@X8m9&OCZ4I(V-EZeThIowKp|5)bMTUZ>^X#dNqpl~UZQ;BG(WM`YZS2VhgkWB zl^CmQSk#)6Z?KMBBkir$P{2dKWdr=yX4?i%lqwc`oV#qPq|HldUi|bfQ9bM-RU*wb zVHcI#qsaJTVtU-D=5f+V*WwP_+_fji?WcjJv0r{&oX6SM>mce~%CWw5Y`uWfU)Vv+ z6CqDUCS}HnZO;+qk^()2vri!cL80Fy6DeI-hOA+U(wPJI4dS?g>{|YCQn>-t#R2ow z@8-UIi*jN)d10CIXVU-y5RuheXMwng=70p3l?}O>5m~ur9-;Pv?1>GrnLZ0Sd;;Y# zB^WMh>C}NzLTowNYZR?`e&x!mE!0R^2wadQmGk)buTx2tRXnssa0QZk*|h3t_Ljwk zs~cOI0428%9)SFIFYr=oHS>EvyTU&%z-)l0tB3+0yGbq;DHjwXR1Cj&wAjB+owag{ zA*&+{LjE+>h&7bEsf24_6?)Lgzq!^u4;giv(+|E&h4}V}tlq)z2a&1clm&-qpv|ne zV4;oXkpTvgfo>0Y!n`~!MVh5R^<68^u@FFfu*xFgo|RlW5k;9u!zbqxn}cWNnSMW$ zKo>-K_0}S+)ypm1dr@Uuxejv}5x{a`&1)Gn9DCr}Y;-`--H!w9QRnlRwLOrC*Q-7HvHn)?Zc{zvEY`^%UPF~hK?7Y&(a3d8V@-$4ovrqe(i!8^77o=x zd3nT^+6&YT`E4w3aS=ZgUk7DY;1UVZ#>sPaGpXyzZ;8$C7W4p! zKRdsNhjgN@Tr8AuO=c=*uUsyZr=}tgO*tzS^Gp$hCACnx+(M)?lhW6X`4zA1P%?OH zFgflX(*i0lWqs48^&qWHt!g|`eqEYUUHIyP@ggrp6Wo3p#sk{&Q)K{B6P6z#V^*hb ze!V{lC`dgKit*STf1}uEVTMX3jXS4%##+T~#CZvf8JD>r=I=5x@q_zexE(MOuNMQU~Arrb#W=7s&~0)wxN7V6_22d{`Wk(8W2 zli`GRh?hw75_fQ$$L0RuJN7+a%)J-RTg^JKC{HZ^ab4PmtW}IS_p!eAJ+}m?w1XX4 z+e0Te5MOsT;x>o0;J?Q?5vL`>&~iWH>bl1GX|)AB5}Kw`4m!5ZdA9--=B8J?8v$v4MdSsX z|FQSN=U!=dcyj4ze5>lvJ-|ji1b1nWdP*EJiK0|hIM`bG!kVyY$x1m#`%PoH zHMk|QZa+V zC0js($De!9U5-^Y5eeys_4SU&|A?$ctwx8d@2AgLM0~bb8$>5p?Yikvrp|?r3c&bR zkD+ntbI>1RHw>ti-Sd-;*&LzvlNG^!HY|vR6PkJ4FuVa*i zX?-tgCz))n<|5r(tL-P%-Yu+Q4yV%V0&`vI;wXDX1SJY+m59Hj$}^er+*?bizOF^A zm-e$EUC^-0X8`S%dC0Ab7-!co&`+sKb#xhpP!;^4XGGjwVAjJMxDvOb>z8@n3w-rx z!iT&ZPy0vGBZIK&(-g^_(Bp>b^=vIc|E5rw72Ov9T(x?&jHO!^W`c2Nn*|D*W@aKk zx78Jz`!O{W8Lyx&ufjHdyw>wL-te6ohBQ%U^cq4&M+USGqKMil-y6$J&CPR~!^)gm zzo~TP(w{=5cG;GliBvMyMCsBC*2qdwQ}}j`*?yrr{+|(r00|Fn z?Gi;|Fd9H_XN5t4ZuZD(pgk)hXYUYGV}Hcl=wO;Q&i0R?tkc>3SuQI7s``PDMQhnP zcB5BL5P(~FHT|v0c#MmQJKL+3)XJdl5>LGvagM3)Ikn?(?w|b+)biPS%>WMMs8yoN z-jZl|bTFKmOXF2>Srqb>IP4=UD*qBxo=~eX zO-7u1iIA44KW|oJFot|(tbp1J$9|#A*Stuu-Y?n81%{DIvy^>JXV(y##YGardn=Dc zTrzRxWt1`bfAJ@kF*8xgYCXG^+b&&?*t_IUft9YOn@ z@8ezxW}Okv*k;$%xJZC3_+XlSuEobqZs!%{ zfwdex!8Mc&C{I`$gMg$pP<2c>t!>m?TAhN_a!mJ-J8wshmspOlq9;6!n;eLIU7@JL zfNDj6)e??cvwCNd=htrgy-RZqt1i0SX*~I&wRF4P6&T9p3O(10ATL zLcgXb^mK~NyMP#aTy=tt(93(FM-M6&#+AtpJ?N_%;Tme6^*P40VU z#G2%zxl9NIx-!6T{6UW1&UVuu#_mQ0Tq)eV1#@qJM$GC90nAJyGrr@>Sq49IwId`g ze9pa-dAnB{ocZP@vF3QY^dif|!b+XJi3u*V3AWN(y6yI6(BTLTL2X)&-qC4fvO{4L z32vt2i+PnksdKAI3%NC=*a?pbWtF6lxJe0=0In(qXtk?m7pOR59c!z!ez{g=*ElV= zNjctMHc|K63rQHL#Y3bSNJ(#I`i|<7$pL`_t!OJLxFR_}zCXU@EXv)EyO)7_f!0Hlt+zr>uuwZRDnH=m0RJg~w{vlGEhC{k#X%W($crC^E$gik23oQTFCSI7U^!p35yf$UVMh1_hC%s8FB zd&{tHlXOdJJ-!q$$Skd4wWw~6cJ>&PH8Qb2e?Lp0N1l1t=Ub#LYSYV0S}?Y^T+%1k zZ8b-tb>OWcYCvb-95WA@)g#~ReKbXmQAI{lF($uV?ITTPX{H)l#QNWPU9*w!-gZb- z!Zfm*^Elk4YGWHei4Y2dwWPiN)kAbU?}4O;)yOXbb{EWF`%Yi0*A0yC`FhGC;4sP7 zjF@hJwdyyJyTyjjJ?0yZsuqVm{Zk%XQ=N1J>A6ALCXG_9{V~!kf--iddc! z1gr#ia?4f)+S_a0`dd-RYF~0pZU(>42Y%rkbh1kdRJw8)hHD!_6*;HZ^}YCPntIO8 zrvq*75m2OG%^fVCNB*N#RR7cYiU;^JJ!A&_+S zy8^r6_})Qp2b-lh9lpB}@e2-<@1P;g2LAYA*+gTr6!<_LMIdZD%@aiofZ)Y$@R=&X za@f1#_zmY~0Obh=T726TemidZ@ok>AohXf5chF-84Rh?_bRo(0%#2KZw&J@w*czTS zABUOp>*fROkWes{H5YA>Uar5{#UmE#dVRGo<+gi^->}uqQU}w|y$W(0m^(&$A~_E> zkR66DXx|Xq!5Z{f!}Q18wF;14?t8D6Q#6iq+=cy3cCvQ#`0W!n!`$8Yuuc6AJz^h* z$ zJS+Ne=Vrh!P*-l5`q)=sYui9_@+h)iBJ7hrINOqvoSJzWHswW!iYRl!EciccZaw8o z7;5UHw~Iy>&=A1Z+MnzBEsh=OXcj=SrBJ^9cVodf65S@}JFIBF_Cp)1sXH%7F)DS+ z3tG<4G02NuzNxA@2$&5e-r59M>J~-%8rPxC zH1Br@8co4Z%4Z0b;d=~ZLrYSWa1)WAOFW`gm4B?7h`hDcS8L?C@fABW=xe+GCL=(4-!*Q?;tMqNV=yE71d388q z_K!+tk@rOuR7L(J-)9~F4E^Vqzmem=ro{dKTylciBq!`@J{sGOT(LNgr+60&uP|iC zQEq?P)YL~(-W005J$@o#d!QeJ3I?W6)KMYml4HUpuDK*{EFqO_59$vq5Q~DBn#a7) z0YDBAY5dd-I9Cv*`Fo^57wQzlP`C>>p1_9}aG+tiY7|b74WsBGKP>^MC!-d&1hxH0 zP1YUt7@i80US?6o25J%yQnJAD&y!Yhdv%b$VRW6Ha>0`}FN!zi_A+XCVU<*VYsXiG zF%IiET^e3>7p#{tZMGbt>>#HHlRE3ORH|SaFmmGzflLI-H)By~eZGoRM1O1t&QDuu z`p8`_fWL$}S<3SBq{R_SW(a`TE3B5ub8OPQCy;I;hONT=s9A}(e7o1^HKas)SjA%% zO|)VtB0VDv`E^qSJbe%(7i3^Yj?aAY&ZXb?s4C)80p<`0vqFw;vy_o$eF9$P5kZYS z4*iwAjXZ?ss+HBarxnN6%Q*KnTD7pT`fnfGBS7yaN)rGx3=<;*&Q`_gB%C+gavDkh zg0MmOMfOs38D{F_C=}s!I_=JvkokO@RnHyMrJSz()FKk=!7lb)DkDCh)?xkNXi{e8 zr&l)ujwQD|voAR{{-wqDJVE=toK)P-V$y@EBX)o8H`*9g3AiIW%i#}BVf)rWxq-rS~nx1 z^o!3waEO8A1fR`hz?%ZB$ycj{qS|7dM;9TnLZr6>#tK(KzW$LNlE~HLWO472D>iFdbCY-*Q1V z23D9(wyMjU4#US}8=>o^E$3;bS5=N7D)2GeIlJCIm9XWDOQ@GPW?nX-OEAXI zN8C0TgEWsS!-LqC-RD)T?j@+<;={X)PyBkDw`Q+!Mq8Tjr1I0L%#8M0anBMfc$2ht zfHY2&NI}a`DLN{M95)9{6bTZPZSUlN+Qg+S5s@q9 zoG&2}{*-i&Pdf80)~nDwWtyeoF6WpT9ky9nPLC^7A6+e0SuDhc&s`k~xGo@B|8sXtLu98n{8P1`F$APIOqMTv4L*Yzs=hA@Ip~qCK8w@3A>bfPUG5T(IL9wvfM`zhki>bCfcR&<;2>qt@m=d=3U*i zgmq(eaF$hR4o-@{^KSb#P-z?YWK5v5a$7_k)y^dm~XFN#hP=$0NGDBO{yYp$!vhW~K}BlyyK;V#v^P9y|cc~_LNe>Izm^-cNwwN3MzL36CV74+LH_x5rg zhiL;-q3Gj=S{EJGuH7#=xh;(V(c*D7OOkV|a@AsBqvF=hN*Jy{z9 z6Q+y83}=#>e2vNPyK;YXsa3@#y!PzJjBhZNZQD4t9_Y>Kd0{u+o|tZH_Rp@LOn4Kq zU8p>%&7b$!pzR~FtxUA-wnmmZ$AdtZlusTOVTxy!h$FOy^r~MszlCmSNhZ{&r%@fc zX&8G>7fL>k-gL)C4=Fcr+Ua;=8DV(*{*wSy^+VH|#|{t&+`Tzc z<5zv+@af1$OLM^)$$JiNM73&W18Mh+QN+uYossJ$@rQvvs6p4sPj$BdCb783UM+_% zwtF=X-2kVzL(O+UU;p889m{S+4z%09IU^Q$oP77Py8b= zx2zdGB94+*RRZ53Ka$hHAK7vzd|NgV!F{Lbd(?+qi?^>4rNf=M2)dS7HKijrK>x7j z#Hhpu4K-w)g5tLk2PBW!@ZP(EgMAhFbc&3mdGdE?Ayj)fx2pN%@mJDn2sM84afx%_ zPg!27I~=N#e?sTO-gY2(c&Ys|pr{a2T~*+wjrhI{uWdPhYuKzGiq2iD`4rUhB1D6V z(*VcE@CV-C%}LiC-ZyFU4a`iwQ^*fm*~k#)%+d=1Dd zn;DFGr{=;L6M#@Oaj z@L5-INN+KSCV-94eqdbM{q4A1i2J~yHkIP9A>9i+Y=J3gPPeJImYeklTgVMN1%+tv zg*N&(5J%)v=!g37!lv)TJKTQ>WJ zsnu1e`-wp5^xSv^&rwTXb!c4)y_>ZfUdmoz>^auy#-J2Q!T?a#YrI~3eAw4+e|UXP zu@dEgg%p?W36O$PM=cCm{X$n4qylfhsoG{fwN)2_-1hPX#2ZKeip*5NOwE)sJI%3_ zC*Uri3$IJ6KraaHk{(5TU~Hn?)h?y07Q*YXqG%XWUfC;vDnr^*$!xYMr5-rYHds(B zi7>LXlLOS}B7Y}nPrykAHDpSi#9lcSDESAHnGo>IJ|pBwHuz?Kyk(HQ-T^_2eLjnF zEJcFfi18ygj39FB*G8dW%*7-A$}@Fagxw8R4ivltA@-e+zVLgUP(}EQklSJrBD=Nj z5kLDr+iCU8+IMF#N;e!-Q;TC}V5(F)H1~B4&t!Wr9)>2Kl^aMK8dEfql!8L`<5w0b z?lcc9rnb^a<5i`@q+s^G&eMvc>l4|^w_48JfUOO3j$RGx z%mpet5{2^AThUVcx)u6AkuFrEmhbG|5vjo|essSgu&pcbz6<+)Bwv#?#0+B1E#GUt zFRov6@@!^J&@1TP%F7UJida{9`>!VJii$Z)-i!?~mwWDWcMG8^>^;w_ZCe$wPyKET zFnk8=>6n^Wn?b$$vcz`XluGXqhGq<86=AB+{r82(jUm%1o6^g`<~niSQp*%k#nonS zSErV+s-eAUd1a17$T6z6%uD8?3uKn$NMg?I!k&&gp0qXJfoqSngPL;70_Oi3@X?)g z>Z=UHdiPI{LNv_5wyBX{x9q-(EVzSw zP3;zeW*fpQwJJX};$<=zC`SA!&%O%d9Ml)j={kgEJqk?-D6^HY?7=C2S%Le=+RE_u zO3)a+h4Dn&t(7FmUDS@7;8yP&I{0i96!c)h+7uzl{H;*KTy88XwMkweZL4V8Qo!Q1 z+ml%2;eHaLw#nW#2B+@tUfgE@8bwy=8UZI_6shyszUwFj;ig`o(=jTJ6pjO(su9 z&yfK%SidEew3S+2#UFBNCGA+&RmGy;tcYg|!ZMaL(TV_!DWCKNzJkoH*4lEJ*v@`?%o&$BP~oxT%^}hkk!9!j%c1rX zq8Pq0CTaG5;W5oMnER!G_^?l$sQM$b?>0-mVyD%Lj`Ad`vVFKYY%8;5R`#oErMr9f zxfe7iIT{quve0jLx3S(z9*3@4G_@TkRAPrEPftcle82Z89(%ZS(&h0%QymbG#0}jo z?)j>L4&C#S(lK(A>Z)Tt^zDyYYJmGMkh|kTK>ev{nf!H2506t;&|NM7Z5Wewrhrsf zUl&CkAB|tns@GIalRyr{zesgy<`FKBg)U!gz)w_NLaw-?^~0)<4w^uHjxoUFlo;x= zimO*QKw)a&+6Ai6DZseCTw?43c!~JOKLP$u(j3A3^aBZjiI;P39Hhr3tC$GMC$why zHufz04Ww|1rgIzFOioV`?Dos~ZEv?7COztn#-PyG?@#3%`k57a9;6J4dgHsZKbqrE zt-^$C5}dm<_lTarf8d?7$?BPZ>$+)$OGhB5uLJLa6ngAxf7v>6yAM&qdVUF8JTB{) z-MZ@d_~vt``O`1*nP7)o`^b1FDcBt!MYpB+hoJQvDG;*M2pn{_q^qks-b?_ag<%>s z-@p+7{qz)hM4yxfS_2v11h{RE@qatu${8#qz(qR!iX?y3yyqZm{j*9e4lNcw(;u{o z@IwllI=h3sKd+!^$2od>wprod#6J%) z8Z``wd4T%RkgdY&aG`348dpfE+w@?6t=C8Qfi!e;{0(&$ji!}7>G5B&$9JFVd;`#_ z^x-Ydd;43N;g*fg`oER><`gDNJ}gR_IHruFk$$EO`$1f2ww2@=++UJvl0DECbd;SH znKyzvTDVyK5AxnKtf{T-_qCyjAi5M$5u(ebq96!JFHum?r9uz^krFY6B7~k$lUOJg ziff5b}TmG|;)^x8Eg3gCO_% z=w#@-Yy_|m*r7WEB$E(D<7AzxH;Un!Ccr$evda0z`!sx4{#3?RQ|Oe_WHhZDo4hai zlA)9H%4O<8M7w+29bu|N+GMLo?# z-zH6dhVZ_TTt-Ifi_H~^78c4!+nwn)@x-@9x=CJl!iQrh6*7JE;1h|@XT>c(I84$M zMf~|0(IS$5sY2Xrv)mUBr~c~u%M25_D>9eBkwe?zDhB*3y)Df` zt41W3RkY7(;*!V0-BYqEnhwK`^M}Vw=4>Z|IHQhYhi9I`mFrRPFdVLB4^97eCnjhR zw!^H|J5{bNDeKDD2OoUu_#C{Ivv9?tLasHxxJ6KW>g{jM?^bFA23`jo81ECZ&#s$o zeF(<*q%Z8;CkIlFh9S1#2lT#loU3kFo?p0ORDux2epOu{)omSGK-f4JXyVI!tuwVI zWe?}8g4_g<%KhQC4hD^O&Sw2O`;wOTWeTo0w${bB>%H#j|8tDjB|}u>C08~EclHFZ zjPzz#BoDpjjyWzLRw8h_{qqyvEOE@J*#XY_Zn5QKBlf%pwAMKOO3mbFsYY3r#xqLr z)SwhXJ)yYra?nXuX5gJZ0xRT$!L8d=kI^v_a)&$$AMEqW85O)R@Oy&1f(%6Rpdm?7w;EQrt#|QY zE?}N`*_W0+KK0>wZewXR_kFaX<#I>s(Fuq%Z_{gqh;+`vEpe1iOW5o3zh4WMk(oQf z^k?^*ncqyY!7lmt)4HCIQiO~#ity{FnERQSxvXUW7argeXOr8dW>r}s)0vv*Y#R!m zw(+5Txz>8JecPYQ(HvvqLZ9wWh@$JnZT zZbw_=Hqh;gYh#_JKDbtuTH111e5^e10QeB1&>$V+1vM3EHumKw4BMJ zy@;im--{M`++{*M-UtMQ_(9?#ZZAugA^2(}`R93Lo>_8JO=+|LKtJhO5UFzT_DSr+ z*3W|`bbGq7o79Cuj$UkLNPVMYBgkHuGPcBeR2gAsu!RKk=%cWf8GoWzi~PTj;7S~Q zKq!a793y75u(z`Bxh`RI4(n;<8f!IY@{3RaW|>j{<>QOr)>zRWQ3Nd9{`dv_%$fc# zKU!@Ewk2q1&R~S~LssKqKhImYgg5%h5dcUz!@Fp$O9K`Jz}+@x1Dq}R+iMlLZrwrt zb!C?OJIsjsG1&08pR~sh>eW1C@jc_`8wNOwk6)V%v#WtTtWYnV^{i}|B=RnDe4$+! zU}X3;bNFA7^$Ao|#j5`%8$1*?aVI+8bu(i5`o?OJ1yf@SGhs)^!ro24%16BS38J$( zKRrS9VZ_tH0UgXTwS@HB2mYe_$UhKwsjFe)u;Rm3hl=6U;^SY3h4uZJ?@#?YzdoxI zqGMcf(;zYK&@5@-dUZ;8j<=^wU})TG&6xF%aA2e#mQ~aOcDp>?t)_zmky*Z&%FIV2mJr#+r^{*slQn9 z?BXY+8y@q)@!LP$kX?Cw+Qc5@?q#@EZ#PqA0Ye2Lv$c~yx!^GLn(hPQh7!LnF#b2e<#X7VVJ{dZu1D=xKYC;CF9jlLnxfW+v_ip`B25iM6AnrHL zw$2|g(`StvZbF4#NN#GI`D*#x!}l_i$7+Fm<@r}p*$co-wLT*jS;$_*&j6J7_f>+J zLl@7Ag?wMw@cyx+7}!PD1OC2bh+#x@oOZ*?=ICUHm#(TkB4vOhHpcfkYZ$_hUF zdpc2R$Mw-1MPCZ(9!^ebc7W}ar^n3YsnC^u3vl6>JH#_ShKV9JxU)dSUL`|W1fUzM zDLwIZMjczZmm)fWojaI_?zWm)Yv^;^QN}i?VC8hB^`}xU4tBlsj^i0}RxK3k=sPex z-*?2F@!N&Vxjdn1qf*-0y|k%`lsAm(w`f#d3&FX&>#CD`s6Fil`fovdS$ugIj<-as zq(1`4;ztl3j+l;60(2TWl-T|`y(rBkbVFuVkw(d54Lod!tziGzO*wpVsj%IPKSTSx z2#tVx1Mc4?ToGOru!u?5tbj@UsN|)}Nu`C*tm*N~ZF@~(eU>s;G0YKho*7?3_zH9( zGJUq$y=b);13eyXiNoE2rJ=`NSW6!a1Tek2OaR`x`bTU`1;|Wtmns|47I4e2if227 z<=5!_?;z&P<(nBwCabZ8*Q}sM)wi$%@g-Mri^8xUXgvG(S(d2lC##(uB)j|?q7!BL zU`7--&b#7?&};HCs?m8&s#84bGsSATR(7u6qC z2aLr_ib%#Mx6%60-O;DqLYq&u?<*2hFmXWD)I1!&bqJ29sLrHs8z|G^s*wx11`*A$|wfeO$kIhG{bsWSE z!)7K&5}ljcW`R+Yj3<^jZ{By@&Hs(V`MUobT+Riy8i}@knO2%UT%z#m1K(&zQwj|Y zyx9lY5r&u%Z{_sHrz(*}#6acrNLXesY3R53aK$#C1mQ@{lscclSo}IK&${6hnC)kL zIB|aIK6A0XAb4azXsnYcBb;~(S4o^19MH9O-qyIiR2I&{=!X%1MBQC_^6a4m zfJu`PP-KGHN2y=vzV-RqP0g-9OY>NlL%AZn4F-<`P2(j%a~ot#MJX3g?r@u|9x?~D z^4~IiQN$lWw;_NbN0p0>b^tKDwz_&~g1TVJ^Ff4gzg)b~kerCVP^6;ulX4_(95w@z z)0SIMwjO1!Z|N?QQ@-)UP<;3_h7q^?!hmb~(E0s@)eJuhz}0~pCpFF5-OKaCXmZ-ks!<93I*EWq>m*`I$xtu$e6W-Tx z4LL5Y%8IM>&+D27@v~k0eGSsvf)*GANTwS_((Ay zZKE2@R%mc9D`7?;VGNdF39m^mc`+-J=j@$Iq0d4~WCxM-K$Ix3N}wIsc&FaD%vTrH zxL8jwg^GuMlFjT#5Y$}=Poaw{oZ(eQBTXjmG=nAZgKDx~_Qybt&ZS2{DbD1q%M$n9 zqwsQ3X@kh(p|lApy&AF{3=9ev2HNiWb8@iTJ^ls+Ofuimuwa8 z{(^E-5)7nCIm98if!^7%tCJ8VfXBI%efrDA0OE<*p6P3%A@6L+fYkD>IYMNm6!(i) zG5&#ZWvI#-XVcCe0(n&^5bpPk?=hQl`23sORwiw!jPr7!op#R`b6`9Q{M&0x5WL2J zuIqgfxY`#KNm?ty$}Iqz7r2fuulm;wgX16*LCXyp8K(X$Chf zN`P!oD?KSiY|JQ>s{+JjQb+K2{dc!bF=l{unxpJbeYtwk!>NsqSw(}eN@RFW5%WQl zw)aW10iy{e0Q9bl^E=(OodR1|#FfV$D8%fwb~b!pr*!=0N#CeIFRywfr8Yr#1737| z6P{|ch~4$Cvb<1e6FB(cWVR2J6>mOrk$8c%?1clP4g^ot3LPV){5K?JCzT8 z93R$L+S$T=WwaTYCjHZmK1)@O!W)rKv3EL_%fAUq>WbZ5p)2Jz$1^g~mNTu~F-cC= z^tO`RwI_CSu*Y;@N72x1b%NznZvLr5~V`1E_ouzZ^U7H|cr*>sV=ifr{!h%b4ohV@+) z0E=mIn?U>9wkNdbbtVx&O71wbHx)BUwStV@jddp58LW0uhMQ(gHibKj1ooyAS4LzcT&s+7nK!+~$ z@7mzAm+IRGFrW(KrUL^!K%w*Qk3?Guo!set8SPaXPbU|xiHfNM7)zRr>DM$_d0(k| z%E0R=^=cO_xj4Rn?*+E|n5JI1(cDXzMsIDf(9%ywIOEi^XddSIv=T}20(BJKK$4F& zJKtdc9=iP3vQgs62g86sYxeNIb2I&bR-j!fVjaQ1YcjAzgJueMtP5r zWyB+xGJT|oWB6* z)eXGpVG7uFw;~E&+NK$NK&9Zn8VF{}BJembDU0MX2wAasP*0=zi;aFZL?*qVIgeyVr9J=D_+r<_PjU0Puy4f6YMUF9X61uV4mCPq0X6#W z^%ZiOqyQRZz#n}|v?Z>XW0cfKY%D@E=+tRE5!d&g`BR6}f1bY>0|erMvJD$9NxA%; zdh=kEWY;P0G5|z|Y&sGJNv?(1RSl+Bb|yZT-J zK53sZjv^_2r%_jgrF_ouO&N$Y`;%pxFCm^)AHrtFRFuRg&v7n7O_4GHqWndNWiiER zw1GHM4ke=FW?YiV7e(-5POok=>KIaZGA)(huG*r}uZSJ3S$q(Xnr~0nd+6Kg3_VKb zeAb@@f&FeP*Zq=Ghio410gtXB#(U35(|;hwM*jsde)wD5hV-9^alBKg$)ajfZkg&P zubz9a)Y~iHH;}QrFdB~jGQqS{#qwQtS($EwI_t~ZkRpu?i5oH4WtL{5v!J=is&MPu zzykKT>d1CFCGH*4O~FDdxKzILOM@G^D-N3WykWNMlr|z$mNj2R1wu>b8VNgN-|06C z4zGHPM5h`7ZDr|gYJ~-k`SZ0^4d?(4Zj#7OVA*dz^g*jJ1#ssE6h>>ju*FYaScJCy z7A`9b&lT!#Hra*b-pjPLLI*+NdqKmxlTV&IIp|8D&C7D*&#zmL=e=lg#y5CxEGS;ODuP}zG3&oS^SoRM zucuOrMSd4(cc6zpo~}0ZvK!yO&L^fqs=rCgkqZC30C&oY_xhS*YFJp}KRm7lZ?;&n zy0NEu1XK6G1thq83UDgSde*Dv<$Q6BXU6G{5&7x+@?9LWuzPpW5RwSRxX))u*)nak zGQ$J1ap-WTWCF8yI#h{_H|nn}Q4cpAaQ@W#6yohM-ZF$ILA6;6xKlH=|003kDjw_H zbMgW1nJm$CuUFq8VEB}LZvBk8vxp%*?Vc#;zAU`@QMqx5^?}qSmvbWJK*voa0#6Ah zLR2@`q8{$uU`MBP3FV~K*tQ@7uXmn zfMvaPPo=P35f`xBLbY|x?E}%S5sjW!CBi&UIa2u-Lshjcxhb)wOBlmMJDgSYuWYa4 z8ks9BUZ1_eNaC$1^`$oGF(RS}nnl|$jml_>{q$idCkIhHM%S*xJ}|u{k$;CXcd4SH zih^!f9(l~B`vSYxMi}NifJjW!4h1D(?bNjXT$`@H+qEW!`;}PL+n+VP?w=In|5zZ} zxK(`QO6vlSSHcxkPG0JEYrIe(`c^VDEuYsJLZ8M06+Bb7^LQ+3reL!Zs2b2dzt&-<1a$K-thtQE%4APbb9R2O~1` zb9V-vSmJ+kHwWhhV}hA59jX_YN<$RXbGU{0%(jVQugtFexTGG@ zE5WQmSLx2KCoCWt9i9kIO2#YXzG2xD!Qt%5+8PEbkhIjUCrd6V!fUtcERvdJ1DPdY z^Mq*T>JV{6-EagOK&|<_8Z<0OBPd<=qb45?W7bJrAxO zAtueK7S-+LN+BxRP^612X9s(GU1$<3SfWSj%izp;VXE|gImuL-8+>U;$l=|rB!=>} zK-O*pKuSZ~S}oFtNqiDypPLqc4{$cCyyn*Ea#k?bt|)W?6(ocmsuMqW7eSBmzrn`R zRs-iRlx!al05t5os5X_&HyWL^rmAXnf=RDiu@fY>Oc3hzrJ5*V)?j%5$abkko_3{>W$L1i6S_>r&c(Pek*~YH)U=~o<88qfwx>@f2iChZMPLZ=PMYRGF0KcCZl!VKj&e=i9nVHf&?MU4&vx{?>-j_1O zNr}!4;C}J8h;lWNw!N-rh)L%Z8I0c$7enms`Aa>L>#w|5?iQp{LOuN3rp&(<9O)^lb9vVDI$d1L}pCmdn($KQr8VgFw;*bpD{+ zPjq%emiHck$GD3LqpjS%4YQnjy~nlpQv+2h$jzjyknhrV^HaXl zP(*S$i_vSKcIjhgq|Tz7SK~Py7tTTT$kbiju(QgBCYbyZUZ`+3%UgpnvW*!Py81Z& zuM+2y1d7GI4}1Y^pRjG3Z_;_jr)1mg0c95wke?BlP_IbQv*G6FF>?}-jKNIZ7RWh0JFe~DYU6YR5tD;>po8wbc?MEwxgQ;tMAi)Ux{U!V}?1@sE}Be z`&Q=Ik_O^{E}aAjcH{k=9mowyO2wxzP9Jw6R>Z;^vr8tU;!8j3ZE4puFsDhj0^{d- zu2EOs1Czz&)hsmJeU=3vcZ(Zmn|v%O>5f|YHM7H zTlq5Lma;uPMVK({UfNtiYR(X`We#=x)~&mL%>U;GJO6bj93N4pnG2@b?J4 zE9hFkU3^>|guKOy8&bf^Y}@<%4MaUUezu`q>#Q?+#bP$O;()|eAERPKZ#Y*;qOmkZ zTY+a!j+D`Q)sCUU_BKYm+tW1R){2s*Mg!q<6b^IR!?wod9vsR6OE0#z16rri5k3Jz z@t?WEyirSsB!|&3$_nvWYv?`M|8edkxOpy!w@hz?TVZmp z?0WeEoQ8grPDF{zV_i=X2BqK)HR8z`g6=!1a35FR>ka98hsj$uUh??rvxtUdJGlC% zR%y3C*?sG}tJ5y0=yjggDesgeE8I6m^P;~ti-tCZt>LGd&=G>jWAiQ8tNH~b*jpjW z`=aENprSY(d0{WcWoMgP(wUC9$`c0N#=Pg^CA99Qx)G5Dqmvs3gXB3_%Z?Oev(1Z;> zpqGNM$gpLD7QsM*>_j3H>h79e=x%aUgul`GRQGeZwp}kO%KQ#YDdIcn5G|nvMBBYR zw<>DYVPoF4R&$3(`yP5yaDqZ$wss#mPKa`PjrdkRKu`m>@WjMsv3&ANoyHfd*vfB$ zn@cHKH5mL_V)|}wc)9-%jFj>NBVGM+ITOCQ>+3iQGSQ@-5w7bB*w-I z*Y#Gn*EcgRzf7y)n5^FL{3jCqQ?b^DfM&^M8KLB%y=D1_ajEQq>n;fjeB z{BG?c%!PUH$MU)@`aqJ!p1rIWzOd<#LmdiAj8q7vftQ8$fs|mab}9o(==DXiuEQxE zAj7!}%5}4c`1iE6?{Wi8R6-(Msf9Q6^- z>N$1A%^4h^E=}BjEE~x(XblXjRqA72@X@EoBFW!*hN76WjQRB~Vq|&Ive@3s6+8@~ z7=HcrQZw_8t~hjVm~dP*&Xf#saZai`OE&8Z;q;4Bz5}>lS2nq$-OV|AF6Rb&@qU_G z)TYqA_8ps^WLauxA=C}`4(=JDZljp`y_yT%QMLP;i&9c8)mE=E+Ll|jC%b+OxzBH^ zwn3mDQ9mMzm|BdAk7Bz&udHf_xO}&XfLG~>i`pA;r^=VDFeGZMRC`{`AE&9Uzv{p& zvHto!iXdxNmQhL`DK9_LcSs^I$>XWIIM_W-rO1Hlvve89tlO1w}0{P z;Da`Po=%Z58#s0#VJ?=wLoXR-;p(O{4sf!AVGiWnSF5&IuMD=du`Tfxc?+yQcx6R; zX^}Ir7YrdD?huL7MIiWNHWJa#5#JHOJP~S%$dI2fg!JSKUlL=Rfo{-qQI>?cKPx&9{mqSxn#zBAFv@?HxzPUhfW+>SS^Qb+lMv)It!y>;gG49#vE4xRO4_r;jXZ#iOG_>ZKc*w^088M!843R!% zs7h{dPn|5NxJuJ@)a(keJ2mER?Z)1>IsXQT_1a(wrZAN%K+3GIZhQRr-HFmC_m6k} z=}nt7JK?pmT%OA~CAk&!Hy>(6(H#%V-MSU2`h_(jWcgd)F{47Ly{m6s(4L)Vx++JZ zq2BW4xSj>gUhitd#So9nujjwDgBC-3=t%@@A$5>+d1A6u!JstgWL|5-RJm4SXC+Bb z%aQmId)B##$tPy`vBdNmjLIe?B1MGNmZ%t8{lO=DtBQp`yMT8%SItBj)0YHoo1;E} ztO2Pz@dFE`BhUu|e_^5D{thv#cX&~ERxA+Mc|hjQe&WvJS_UH}q+a-#>~JE!iFkqS zDzZ&}rb3Oe$PPQk%kUojXFb=iw?TwoQXHDp6=N1x3sfZplT0V6q9ExW)v>*Pm02Mk7Gbex zYc1be6=QoKywj5BlTC`KV~m?#&Kbs2Z5Pj?c22aEkEA1=Ua(5M6(3lJF9g(OO^=eA zpS#Dhdsw}j@=%2Q`jm7%xXpV!2;@!J2ak`<)GB1t8-NT&` ztj(yLxFHqZ*Ibl=B2)T`i@;q7=_;NnY)qY4t6Sx8pzYi@&ZS0WpQqvjJUM= z)y=r7Wjo`V3pi56eX)vGqV>nK9XAnR8wxi{HmDCLV%XiG`6z5UBNeo8^CB8wPm!K_ z22x>}6jT(bD?2WI?cmxP_+)<7jQZYi#$Ve+En%yOKSPoan!L^%G4!zVmu}L(iYq*? ztWeEiKC-5cIoT_hFj9*ZCSxiBdguMd_A(2mhPD~Gn>y5CD+C1z?q*h`qJ*i>`3wpd z=_M)=OdjZJGgxCbul!;*9iE9xqs6&+anIE?W>cK}V<>jFWfnr==z55D1Q;e3FK+m9 zWbSe+=!uihcHJsaOvN$qB|t%NJ1zY<%N_TEt1+bxil1agghy=%eDC>s-7Bexh?j2Y zA(wmir}V#3=6gjWlJ9HqeU-^~0wuE})@65pLV#D7u&w#%K~zKcXY(Pl2p2}8o<)|MB^@f5vWUl=vtG-3C6%WW`ds zEg8pdTIpa&uGDc1&1RY zd|DIa4ZZDN7Vu&MKkp~|cncW$H@iG3brlRfFEhl$>fSl~AaZbNloUZa4)@E6I07^-#-JLd(zP z&>v7_?A*iy68#@vU$%QN@IN9(d;zSI=dVLO=2{2Xm|m|o^0FHXLA^7qTSMM~f3ajc zEd>`bBy-$|t=)anHqFw53+0=Agb7`+?ZA>(%9zGlz6>}Lv+-G$xAawAki(AUgOzy1 z%0j7g!jXsUNpk%f%mlnIpv@@dI>Q}t_}g__jyCV=_@U*74_trUNQfCAo(a4CK1f-? zY$yR=?xVrKJn&`z_(JSIhQ`E#%mnp*DMy=!bqtM-?U#qn4jBD|JHGS11@vrRiUw9; zTTDah*yWon0qbBs;8^(U@|eSQrVjeRR?ipi7?~a{qJ`|fXG)oBXyC{3eid&W@zrov z5!1bja_CNk<@C9`gvjD;Dj#LWW?mrwd8WS8K<$15X`SLkIsdxw9MeEK5xAw$S(RVk zNGs~v`~y&yJ^EJ+{I5-z|CcV!|35ik;)*G-h4w;d9oVNJ~=L(-7|)-xkwx~nRSQNnXA%NgKq&y3@RCo)#?aa z#?YQ-+mAGhywiq!DWGkpi^l|7fW_+SGJBOM7Lga(bk8~>TddQ5pD0GQi-pWp`x`te zm@lr-4B&=~*=%e&VpYg24M+!ZpKQW06ZplnM4TY|AU5^~3=A-e=ady5tPf^{#Jj#k zaun}386CLnI)=KL_vc&PoIoM>ma?BvkH!jK9uQ$%fX3MuEEv$Krc(y3Hc2ft5@*FL ze4v5$n{HeB6!Qg%uOMLZUwnFGKd>Dx7Fyx&i0i~0 zDq*%9qBC146(Veho{UD))7FatN?TTt|C7fVd0*n*HoG0(V==Nt>!MjIV-Dc5Qu*Mi zeo^!s9=mZh4ua|@lWA-%Ax55#iE1t{j*oXRz+9raS34HbBoONwx)w^RD&wQLk`Fx; zVO*1$`D!oXE`ST$l{F2<>e7sW)nG)?zVcCjDfpZ)%+SmM<|GGmBh}D#OI~$CcoXyX z$<$d|b@n82sj)xljmViLbpPRWssq1GT64di^Xf7F&M_V6+?Sydv3GdRP$cSV5L?I0 z>hjKmpGxWu16jmu42FV%?O24M6ZV+plC3H=I!yvgkr4~;JWz&EpM9?{?3IOsqjwy= zK0-?zJ1vsq1ATJ5t>x(k`X_)mOoi}DkDf*=Cvp?iCN`DMmv2r_0EbkJE%`+I%`Vx| zUh~xeQ`;I)T;Xi3$==+U1aP+6B(TQ4ZDwywc46-^QR9m>i_(X}Fd}E|tuUtyK!?Zw z`$oJ0#J(ym*Cv$@@3gpRN%LC@-wf!wfYmW;$`5Wl>*>&6GAr!2>O|T8w@FE-ZLjo_ zlFR(~HKiom1L_SN^#4gxQoEXttW$LTjE~*W7co4I8s2fFk$G=N>(DGMYnp;#{_r+7 z8(55TI&@o0L7wE+$>4eeQ;qNyDfb(soxw4-0 z&Z7V)Xg}{ZLh!^*GfC1s$B8HzbsYtRD={{lnY8V$NsQ+-J=AcS7mDZ`5Ro$tC`EU- zu5!*Or{Aa6*MB!|oG8qdS(x#wrvf&*nFX{L>lvvpwBpV9&vHj0ocel(|>(mY7 z-udTO+E5^H&5%BP_t-7BkiJ=7-J}1y1pQKl6#&>66^x^C0nWMM_Z9 z=K)xfbZgHv#vOFvfJ?^kE&Wuk>yDt)wEu_}0+pB^Jw|vrT#*yJmvwIWwr( za4#oqVP0HGIN;h{Q(7~^z*90f?xi?;e^ry(G`<9pQ}b* zM=SI;a&rP<6x-8v^n=mXPe{H_xN3S0Lj8l255b-y-Mfsjj2|fNQ>UQ7w|<%L3YIp9 z);-aj;>*E?)Gj?n?rYF`?U7 zf~z1$#IBO^_W5Cr*=E9HThtt&oPmHVPk9-1DFco(j`!BO>J_PPh!W<#Tu=F%_VmEuwZ zJd>RC&E%K%MJDJ7)&@9!Z{=eu-r@4JY*5P&1-N~@#Dwi3V7p9g@V^f^ZR+s#$TwAg zP?MVhIdv0e!)SIKX05>;_#bX2p&mfMSyC40abCH#POFI~Asv%Jn#so;S!?I5!^i=v z!K?cBami;t^1MQxpfXDNv>6u0m@PwzJ;(`)N9fbl<%@NlN;1)&=*nrwu|B{qw6e#N zzNNZ0z$vrK#}KcU#2LdNk=1PmP$#t7iPAR&Of9lgXjxM4<=(M`eq+MY2gpdO5N;uf zZY1~%`arpkESyj8v7ZAn!!B7D5X7>h{F}5k;4MXbkz_O-KwJ=%sU^C%~oDSv< z;)U~z(V%&_3we3rnF`E8d8XZi_08;>JwGB9Iy)6CB&0#ly*`Dv4=z?=)vEEwkfwb{ z4;ojF;nbjfn)bGc;k^?Qq^lII$W9SAYh`kET935^E%jHu4KpR(*?0JTAA;HW6Np`R zcf0ApdeZ^M>GjStMF%^i*25qKRoPLukYc3h;1?-{1a*!FXS+X~Ri zg@g=tvbSA!STqMUIhaS&dgh zEqgY{Jt|Tf3sY2S7)dJ^J`9VkSI7F$O*%Aw4rxc^v!>60JB;XHpfYlI-p^FS`O5!Y zZ;;qG-3+&L{qCNPsccuc@-ZnUhs&}s?S-`)E)U?m=4vd6on61R5pcsMUy6E-68p$f zgvyBBZ9c^+gSHY`=wrbd)ThR!)T{h{5=OiWuEsSw{%||o(?N>ELG2c{*P^k6@*k#u zs08#c$JjZiHEzIS+45th+$&6K)*dO^m5QXmS>bBhfNRc5i|c*N+xd>nMzb!1h& zO!}uceShZpv}c16uCbo4B>I8Pck)?1fdmw1pH*smk;EG(1H%)JL(=hbenZeU4qy+W6uxV z$Kk}{2V*6^&f;-^-&fZoueG9gZ+|$>O4b7Vrr6#6ZNq);;Z~HN#=kvh*_wsEZ=Lrn z{@ZkxPc}NRCC$YbUo@NwZ(!%@jFHWB}fiC#yGHkw|Ip zu(6^M`0k}tbpsW8T}0@0iv8;6-9FgWZ52tU9AO?lInx&gNd8cVkQalEYTHKHVXBCR zz^kJLpZJdk5yd?n&h`mD*A-*Q`Hwh5L$fGxp1@xQK0M!6q9O8n<|vM29bapV{Y-$I zm6Qs@R}?|mz@{5Pri~m6$=^_scO6@~j@;&s?&#WIZnCGg0&cQ#vT!pI6#+ZgGntJs z)cj>8`v%ipd-W^)q>ZWjn)Qa~j0yEOPb3cSx@M>4_3ZbRj?6IR6W3R@UC)E7 znp(P#W%DRA`l`S@EiNVjb-~T;CW-UL*xm{?aRNgrRk0_H+yFfvE6ypwIx<6z$P1cR z^U~BW3I9G)7RN5$I218F{tr+1Cx3BEbcKfBUJ2Cj)7u9d-DhEh!~eE{RhjWN0acA_ z(XK+T;fFhJ9-FGp26h4{mpx{t2=a3-9Zg>fKfSTSkm0X#F77?kVf~H4)){-(>?ZtD z7&0jItdjEPw2Oi`NL8~m+^S?G?Q@!Xd*oB=1bYu*W9E_Y0AwI-|2;p~-WN4$Q7>!| zTm%FZ@BVTRkmNNWXJ@W|4NjWcMU6+3`-dAFJ2IK`mDcS4DHM6L;=cz)ZtL^@e9m=n zBD6pvDkt=7D%RUX9V=?Zs7FW4VB*!(Jsyw>W@c+*%Fns`ujCUwAcjTz2T|#1>&uMy#4Q zf&%bSa(X_i{d=fV`xF$|7;K5JEu3b%BftN861*?QqC-F|Z7I6@?(h45-#)tc!lCw(^ zF>zQ=|2)=$klhXsC!kOCO^^H$RdM_e=S*iB%y^OWCi6|fnZ6au z5nlR)`gdC%Z!u~-DDf915OE&r!-a2t?t?8+tf)Gfl#i5hg6&|@Y9cFUcr0P#(DezU zwu4?|hkKPtC)elDEbe$!Wy&VP*3lA~y;;*a24`l{jETLvT>pGh`$q~FUZGS%4pK5f z?} zSLsb?(9j$7_8OY~_%EXI5l&xUstnM|9{NbbY@YrEw&%WvuMWI!*q3UNEZ-4XLG@0W zK>bL_C7E0;OMN~DWxlUy6Yh`ba6w!c4X{%O=}@u)Ljac|bFUkv%t4oA9Z#LvKCbnk zr52`V@AYQ5y%m+|W%ws~E8Knc;Y&e+`}}ry8HN8I(AeZ%UOa%HfB8?V)0{P{)2^RZ zr!h{)qI@z}ol=0dARK&o_0TPSeBYMvRpj+x+p-&*?noW#3%6m#lX?Cd{{!|9 zG#h{pxhV^uETy89r>Bh-Y_(L2;jW>IQz&p6Rtl6_y|EH$?k-x*Zs**iF6W2KrI`lymdSGn0UT7PFm<*r zjMe2sbdORs%mkE}cBwar^*+tdIF-|84UO7}PZ`d{8qFlMywI4g-WQ(CFxi(AIa4@4 z)%uZIe3Ie3VL!fW(Dv)BN*rrO$981E89Y66&D__S6{M7rFmF)9)&n7i zj=3K2fm&1tiDmU4E2tRgisq@@)9P%zw#hj? znDQg>{SF5xbGIxjOdXxLaIfjGZgCi!Dhku5lhYnm`stQe*OpOAY-%xTiC7T%{eamxpiTK)B_ zPH$K140ZFH(P_WLd>7C$XwccG9i7^){~X719d609XAeO{yF&_8MeAFW#{|yr-?m<_ zYw!R+yXP!`nc~${nq%H6P>DYJ@m&_xmelt+8F)MEPrN0GmCl@+2%90l_c_(DTJBMc z@$gnIBA!_64R0oUt}M-@1%z#;wX(+C9EL>$;%bjj@w4Bj0vkvZD&V9r(v*fla4|!3 z74~Cg;VxJPfJtAckHpH}-d*H*^rh^bp@89z&Y`ljAiSU`;D$H}%aak=>tGI`2UVv{RzhD< z4QT|dYSg+sC45$ikPpRWFJE88U+CGpi(Wm(s*(jDdUb4sB_f88qKP`-*p8lxRm?SW zeI3A|qcz|c##sr#h$VptYPrc(w38iXddcf}vZjVTDitQ|@Kb_M%QWG)jbZQ9| zG?feX=oNj7=l;YtSB(I_A(6rGg*_&n>D18K&77X+TKnFvUiWYsK2WO59AG_4x5YM> zroSKGY&2X%X+J!yY$*Y=)l1ZR@N`8q6TaX;SeEeE)p^R&ctlhWE7b^982Tro$mhbGz8^L$v*>t}~)ghF^ zKeXK2Jo@Kn(g3R)G{bZ0^AQhq!W&xse$t|(NYKX2b;oB5O;(#Vej2JG1^RJYGJ6<- zoawGNRq>&rT-Ln4_JN)k!>D=cqc_t)4M&$4ACIi`tRqNwQWRI_n>4_GyTpAmPVm%A z8r+p&wsX7v%z^lZ_0D1^V1Y_g06s@ub!M6w`^4{Vy~1BP;H0}?_4|@Wk_e!ySlafm zFX}d8T_NP_aBYdFYA*G`TH^m*EJz9teyp%mHf{L6sBY_uoaw-yn4SUj<~OEK!W=No z(35E9 z6O32$CFsSjta>`-;FTYM>YX(}l>xC6H7F&ogiHfX*qu&5mVkOfdt~7)glPSi%1$*H zmDGTAN_uLz6)~sP`DBdzlzb;H%Ts4FQX1)?CnEtf7I$`Bn)iMb=}b7c`tc32K~} zgGsF^#94mnXk{+u{*OuMJN3yQz-n2vOof+&=;kr{|JB}^ ze zYg#b5mkJ>Y5nn|`Bo|OX^r7baJm);;JU=}@fB%E~ocr9@{rOzi>w3M7hVFW|tUjc zkzJ;%L9-3?VCD>Zf&GzDik~*C!Ng~rYG*v3hmq^28oRYLpyNcT>+WEJk^OknC;ZVa zArAUuR8NL0!cLvf#j1Zz7ZQQ=b-(-~Xh~ylqwT&ATK<^JiqQ{D-TyvONzlCrX~ot@ zMLtRD41yd#g-`*#MU1umL9fO*9&Y1&OilY?Q3U!Ugsscj(XCjs7A8bTW`Y=XoCl;^ zXw4OT#Z*4&3fi62$KJgd>$C2XADJo=E##d4#>aABtu_};&F#!TNhb~>19`Q%wih>5 z$-%*4sf;T3Y;&ro2*dszA%KXs0{7NB_*ven--0%%=jyQRYRBz87w04?^0J(1rp}5@Tv_ogod7#o zgm8gyVy8j&j=~&i&G4CMbfLapjBYLrBI4FZ9n_p#qH zu!OnA{GOJai^&+rT>Upkb{}cot^ZZgJSdE zjV!t%u4mleh@9IIJWGE^vT%!96?}*vwlFgzKRu)IP*CXATN6Xy0q}89^wPZbOPKV7 zPSFY;^!SxHigHS;)mkZZG3Dh7-%P;2-t{SdE9GOK=259uD`BRaiU0aTWzun8mV2w| zO&Y@V#^pJ$rXcPv!PfgF1F0Ev8I)_Pngvg944&RukM9U8eOW;8I2ZHbN@>IN_;4xQ z4B5nIVBy-*RdjKKAdA%Hcxg=iAS{ z(ds*&(`JPQefKRCCPv|@-OF8UsbL8=Pc@!;xLk}L71xM~ zKPED&va%Z=&u$^0b@G}htY6b{)utJk?|^O%&bMXJOQ6*t z=YR9QJ@~iZcwheYNxtcLPiFgSHS^g&yzj=>+59J~3TAcghx8lr{ML3cv)I!^idA9464a@xN`u+7d7O*Lq% zhgTAUta$oOC&CU+T3wRw`X9|~lzpFKs#tDuj1se_!pm^x7zdO|q~CN`4XWY?0opfC zSS@X9&qU=32Cbheo^nxb5pqowc7GmDl8=>j67K7ELEX=B@A1SwO4HGr~Mr=7t*p+RSmmp8;W$u zLvC<7K~!qUlm};+7^(S?YiS{XIA|rW@*L}D00-5K%~`i9A*i6clC`y;RYHLdLviHV zHs=hn5o9V9jLBpN1WAM12MHHA;rJ`nPW-=~EpkY{wsPZ^GNN=Kv6{!EX7sq6IUjY` zUYg?nR`B{ugAYO)`gISsH`=`?5aUGKhel|nzn~beh0nb;E4%e&u+ydh8ngDZ>Li|E z{HK<;jAEzE3?~p(4b$EQq^Ue~jloHRpF6=q4$ny~m z=GE%f`+Ql74(hM{k^9_m_6-)5Dl(%we3>Po$^)7)>5Z^NpS_9l`;*T*E|pD;%7TLy zKj*$Gj^rJs2Df(V8E^*9ggua3aAU0pT}Tg+(qcRxPo~&g>Q(NS9)FScmkfSB2rbps z;b6javb&hP>e^aO(B;5&8|4oI>N zzzx0B2A!~J9k*$0ma)&oky=ouv=*r+cH&&nDi@&^r(<)Yu7T!|T9tS=Aa-^2N3il1 zc{3Y1dIWbd!Ud>wlPOZZB?4&~N?T1yC(P-y63urKo6ZVpzvGb+4v(8PaDanCY<*5@ zod_h4*oB>C#1$#>sVYGj1kz~JY@7hhNohsj^R7v89At%LNE_N`{ zl4Ada&R+*S&L;0W)}#KmaW3^xO}aGBDS-d?KNS!%8mg=AI8g^#bt@Y)e|kM{7T&h% zWx-Hb2ML8oW&OJBuwuPS-X^{yL+_%q+=!-2)X_wU))&1u*G{%bv~{L^IJ>X%N#@_< zhkr>(E1YV}aJwmKEGki?dc^z{=wz^=#nlF*I;AmcUGyl& ziNQ3zeULk;j6=y^PCoT_xj*RzFiEzNf6{QTZ3&Zu)8YF22VZB0XoCI?UfX0?c&x{6 zT6ap?t+e6{?}BP-3A|b8cX7Bj(^uyV<*mt${?wu6Ql$9oqpK#9)WG&G#^IepDo`Ere@gpWWEC7 zsItJS%&;NZJ@3<@mrPcIU3c-?!Q_xs-M}s#hQijSJIxY^s$Q!$}{O|nb#&L?b}jp?#Pc?)MYzpFq%o~ zpMxv&+^jgECl^VfrhCR*n?eT*#CK6Go`P3gE0DT-)Mb{l!e0XzqRfQ1oH#c-$&1|R z$S~@6c(-X>>Pq%BSDfkYul0w9=8+yQR;3<4Oo0w#l(V57AYm-003>VxS3`VtAbHie zo5IMjp<__s_kpxzkYy|RvZs6&B}C2hrW~{z3_E;D)F5;3qlYSYQaE*aeLtmNSAznL zL^gSuo}y8Efu)G6zvL#+%;hlHm^!pyKot+6K#aY>aeSVQ?W(xrbcG8o^4XUf>16NS zgX8?mFW@Q~-PX9ug*|s=w3r7)XRmO`3{wtS{QObvaCjHfGopY(wv@0x*ci);R_0BG zuqtu1-H5iZ#sPx69>FQLrkIz`IH}z&< zZG~XrcT@`+^6;DSH-pCPzjiWk*?6hq>-4^7O>$gT4!_hCD1@XPu7nTY{hiK}51CQS zbDR_hga!iefp2&ig^-G#-+yF$a$imvpeTal>R6eVo2PH2X{Tv;{2mryu$*q+a$OX!k^phQS3BQFnv|yt0L(-{&rbz3T(^ z6s2_S_2_~&BxO17YJM6HZ+b$nNM(Gna?HLbzEtwSpw(W>w3kSXAKB}1eCH~n<{u64 zW;;gB*m?6aCOl9Xu)iAL!HIU*o^Gg1V@(_yZaFW>e2`qQMG)87F)doeJR~3d9c?q& zeDBkEkWF^_D+PjawrX}D(-Ww)AoUFph#CwrvaLxIF#gsqYR2ah%>`4rS>SsIj5TN# zT4lyvd9)E`=dsKwP0a|+$s{oSl7|04E_8>%df-@6+k$ZRm+5SzYy7anU^UQ^OP*ka zV#5_?2TOU}JaIc{E@5&sssMtW@_c3&x-OZT;GbJut77(ljvwYD)4Xzx#b3K6c2c;# z=2u%V;kDtz_r_Z+=aQ}2nL?>rYWQesNoyGNn=bgzp|84Nqp!N)aYdHyZP{0ZwhZYs z)nHyIFOH3AS{k?k{}JUsJK&olXN3z)Mh=9Xq5M`3_u`tgAF$DpC2!Chq0tOG&THqT zhqq83s2e!^M!|;DxDKssmmka8;?yO+zq{t?XYHDlAvfr|7btrzjGX4aR4rdr*WL;i zQe~~|XH(_xmh;Du8l}19zJ2(M`+Xloh38dT6M>bS}yt7KsY z(Gf1-7n4{xEpERuqelzohTcj!E4PYho{X6vYRF*(=w6zuBF7-?yUCcGP{mL?zS>E$>O>F=579ndUy61H6lHh-b^+SpVtw zZ9>kBZv7Chs%9~0%o3>z1U*E&xGxJsX(VQxCzWtUQ)=Yj zbMXCm$Z|$G$XnYUR}98&v={K=pm}S%vwnalEo;Av8do%mE2~m>PH+lhJpZX0gG%$g zUnTFFCB36QNtYdYeL|7u9R^R23&ItO2D*QVLRw9`(W;*am7^(A<&z8AGm8h)cXf9y zvIV3bbmw`k6Y0i2`t&0d149L#07SicemYNe;Kr$YBzLg0hxGmZG|U>*#CR0LI_vNm zF+|3`WOJ#=zS0nlaCcH~{ZwcPR2kFIRb=4w`VT(-aIW%euVH{PyYnIRww>+!BO|JM zPCk=0YI)zN{Jx|jl3Qf7g%PnNLc>Ma&K`kL$q`g@C)zXI>4q~ji}U1ihM(XvTelD( zBuoKwSsDx#TZ>6{@7ifE>>GAr4&K6JOY{h>6lH`Bs4F(kVuGhP*EnVBJ8uyPXsM#K zk$7V8D0FD~MB3#^S0dHmdR`pL3yd^`?rd`Z{*b^THm;X#b~lfd#VAoF>m0udEh&;{ znN3Qz#*?DHL9a3c8Cdt+d&MN$roF46S@n` z_bIvo02=o*0^Z>uSXy3(Z2BW!es)%v!(AiaE`d2w^Ei`u8fU(9xzNgdR0T`)_}1Wd t`aeyy|6%z5!|?xq8UFb#M8^)u@1;~}bKIv{R={?-Ui7$tbNu<ANEx5b;A@BFrIaTM@ z{dIrcs+rln*Y26_UDNwnYd!1fP(^u36huPA4dNW*gxwp%z8=_^nP?2A1PFL8#^efo5=>igZ}dp@qLS z_+lvZMW4~_;{O>YLwH1x$i$ZW{9M7tO?D~-oa*{&F1oxds%Rc7few8^B?6K~R{#u* zi!Yk;@mAb{^ZOrf`r?2a^#1m5S{%}BK=c3^4bTd@FLub(LL_V)e>)1hrdtg`K=P4M z^rby^PLw$L>y{6MnansgYTstJJPLPDn4D02dh|;C;{&@=(?aO&Q6~itsx&pM`r?9_ z7>^_?8CXAyW|~TGU91_^(9XHpofnAS7bj-y5uLvLlmJj@>^`9Z$YYa4f;`)&8*MCn zr8TJ5Y7I!g%_IF5T73JQxXzc{`33fZ>;}9&c-TTgvx|3lb*;L~Tt~jQO1m&~W$;Ez z=suixwXDtBF8Eo@1KS}XB@Y1>AW7_qOzkui~<%f-iTtrbqHB)u`n2l2dWnn)IRNMaaWMWZy^U)ev$i zZ(wF&<#$JJ+h%G+$xW@wC)}VA6 zvn?WC9XIpiK*zLkS1>v3?w)AUd<$kK!NVLU)dnN_E1jf)4WrZ+#amS;%x`F}r>|rk zJPm_X=>Yi63-TsF;fUzB=hhCEuzdk@l6y>I`Gb)%-IrL)OB8Bwo@b{GvpaC{-+67QQ!y@QWx56*U|3;%e%c-Q7vWdY8LANE|b#EQ`%VjK!xKkoTEdl6#t1}5g1@s?pD zc7FNua^Yd?M5!v@IFlg3HhJxieO|mwWi5DHPYd$8Vuq8QddCz}G7$Xba1*v8Hc7Q* z)qMYFXQ~p|_Q=x6#22#upnV|IHzslCFpBEHip3nAzQm)UVy9y>ljFXFZmo{QNqxOw zSk1h2ZH)|9drnq`#W_w~Pm-g_SlVw+b^#36bpX$4qv+ng+lTs3)hvnOx(o#}AdXHa zz%E|Va9lDioBQ;vWW4Ae+$1f-_qlL%1hvzEP%YAiNNJ;MaCJvj=tr6Yn<|46Dqp`I zQ6~d(*t%b&PGfhT)aQQ5W!d>#1J)+fp>7E9&^J>8BcM%6Jlz8bRg z9Cuj_ygtg%6PonG>aP$rPY!WGmyvOaqylzS3mswd0etRcD)*Z3qJ1c90u)p$Uccu5e%V z%YvI$OZcn+A;R>G17hrjiYPL1WeJ$=3kpIR%H}#tP)UHzH%d>TP}s50xl>e(jLy8f z9lT@@1s2di^e8kam_>Fwnz%^;bBE-@qkZEL@!u~$03IYi^PFctEwuP(Ph=gjeg)jt zk|pv^8d>$xpuY;a5&Hta?jit~aPtSc^Q7JT&V*m#E|P3UXf~KN!vIHAbH<%lYx+I6 zP*_xPq(+pc6nlY42~3gktcyX&nm<*=c$5WpRr>*@GS=VLB2$FJ9)EI?3|*M#fIpAX z7KINz_I7)&?Ko>ya%u~ymM>p7K9T!YUv?%}X?0ui(OX-nM*oH$F}lz~q=QhDfii_$ zj2uHU+4EPYl0W>+gtG*VjF$_Uf{6K}1Z`=7yPGL_1NYRn5d&TB173mweH~{rgGKun zN6PwTx6p~x+}Y4p=FwHM!I%)*QSE+v@nfn!q(#=wSzB+Y4?VR1ogX00L<@D`3mKo6u9n!yEIh- z2o~)8l2DNk0FCt0iKW`Jnm#13E8%hxbXe*<@n7$fZa3Zd!JRf2QW^bS)1Vsx8Bjxb zLph3FHF0;D3exTM|YKPEGY@p!`aGL~N%N=Gl+&lH1? zgA?>9owNxN2wX(pqYdbZ7f@QAd>>AuQ2U2jf64HBlUh>a-y-wS$IcyN0V%_mtxbQn zGigRS3D39_H)2DgDkM|c$AuI=1PCV~N-4lQ{B;s6ig^2AT1go4&>!aY_$@&kI7e$| zxQj`2iDus&E>SI=5rXLO%Yl~?5^0V4(om3;Mo&Obj+;ZOB(>fb;F{yW0PN?L($>N- zw%k+ipQ^_ei+1<)MUUb+_SJ37>z%X4OgD9M+m0;bwf<-<|LvKq{o4lsc2oo_7Qt34_-_3W*vbXu9=NhLP`JF?gY+^z_Lj1?b_Aw~kA_UppHklTFF!;%XW0yzX1_8@cu zp|=_33q<#Mc`6K`&G(=G7ade~5*}Ps)#ml#v%>Uku{S9q*RtP{3kUMeTN%7ZHXytT zUR1$i0d)MC1mR}aT_n`HP=uieb30pVZ3S%-4lAa_8ZUYbv4*I8KF98jr1l}*BAOJ4 zu7C=JJzx~3$C`(-OM!rp{w4=l9k#UAL;}IO3J5UW%9=TYAd9z`{*z2t;=~uhBJ5!dZpFLk+&U~8)Xict3dTb!FDQw+rx3>(v!WxX#xM9Z^ALxp}v-R4haCO*3lDN0dXtD=zOR!I> zFBuyYlkoT&gU^BdrXHRdj18Zc)%p2c*Ze#k7v#kJI|Rzo^>A2!#UXTjsSgiB-jk~% zKl|-s_$nrVq`B(cGgjERbu{}(1jA!pL?MQD_XJyUu>V^C!atWVOXr7XY&3it>c7F= z6Itp5fc;j>9e}$nOVzm{+*5jBcjf17_2X~_n$;-WJG2w&kG@LHK!i z6@bFudzayJ`jkzQ$;3@BC3!Bm=7&p_Ws@&N(U}rRoY}%Ys=ZGrGUtG z$m&MN)Xo_Yk`b#|@i3zZXQ-%ES*&q9dweZNWD8cfqCR0hSba@mk;D}}mCqp8w=w$S9`GBn~O#hMLuoo86$asr_i*8_l!gt8wDPuSq zHwyn~YLFh0297am=C0flnQbueyK!~nR01Z}4|AjiPuX`EGse(~CKHY55k^;_c+Z?h zH(tB?p=Xk%*)HzcIY<(jB(k>@n0^$#JKDZDLnkayTL{C}i$60i)_ z-#)d4fKeoqSFhW!-uwRRDfYj6cB@2(56E6?OQOGD`u9s8->?6t1x*fo&-wnRjrspu zqnL0I$|xm+{+x^0dLVSN+cBL^TEtT(P0j$-@Avc!I?IO{boq*~&W;tU2>DnD=6C#AzmzY|hnQdpsvt)Sa zN2`XKOL^<8lDd7w8)*JiOgzz~V;)=BI@q6|x??UhoeEuG>HM>ap?*gp-<)M|%OnTM zdj4_ab$OKzJX`hR1*Jr&ULtq7Z-2)9t4X`VI%mB6GEZ;{K4)Q)gf2%vyH|J&g5g`JmIiUSB zmpTa8h^k-=6&%N6f?Q23ozX6x)NWu5yB87iFGbThz&BF@)etJ>I|Wq;MWWd!?Fz`w zAN2nu7f6zR1J&f=RtshNpPUn$B;U0#GTn~P4@>d*AS#u6MjOTs9Mpq!(vY8mFYF?@ zq&-LAkBC)BggFo{DJio6c*sFpFB;tZ8>`!`Y76L%LKsYO9703)-y89DejI9>QTw<1 zC90E(jE=qBuc}yhA81>xYP)F;&41rtirK&7UwjW7P*0T3HkD(gwYY>q4AY|^egOis zO3AH5hqyYMp0KQI)lhVS-;Jo(0zlGn&%f_6i0DNhyaUsU2`LpP@h|oWqu(4*Fgzkn zC59L;9n&d*LetG_y_{d{Ot#E5$;d(CHgrRC?V$v@vQxZJc-vf-F4+Yo$dq+AR1mR% zeIpP*F=u4@{zMP?W2LBNSty`YW)l0Yg4v3~l=2V`ZGLa#nhnULqw}kDok^t^4mW%2 zD75Gb;vSUyT6r~LZx+L)(5gqumoKl#){Qt z4QUWn_LLtHoi?%djW}Z7s>@8$D*ZmF-EZDnLAu_~R`*u_As)to2QeGE`P`bXG+4k5 zUIIvmnJQ2I2!)088uHN1)2F-WpVuGcvQ&lBK%|`EXt}{w{M{DQn7mH?EBV8{{rZKs zdN9>$y)r7;l_AsX8IS8AQm(i%g~`z;UM14y*vgkC|E2yESR>8%vKQK1?&u+`pQY;$1bLQhSiH;g0mZ%1D%0K=pJoxfn0>vdOI^{q@3k+j;Srs^Vu> zQS|h8rARX8;&In07=ZW3=)>E}3iq#VX@(d5Xv#o9Aiy)wX`;}5IYwRdD#n=Pmeqw1^ZMw(j<{Z(o zCL1l;4yxfwk~-TK7?Uk2O)vu4bdoY`naDErx5c078!-;6w~|@nCP=wsOUP-5s&dNk zaPqkr^p{Sv=*Yz_vrw!%_EF|5Ak=`H(-F>En+}P?F{yPj@=Ti6$7vx(lRbIOt7<`C z@bpOiTMCmIBrCyuYy3Or-*+@6uUl-=4**2~yta^1>z(~3oq#WbZq}Pp9NwA(RJJ)4 z@+S0GiYJ4ZZ+K&n-uxq(WQR75Q3C25SJP|@Yh3Njz>?MP6Jr6jSD=wYN56S9?vxIb zr{?cr)8Xz9NWUt7-nstqL~ z&9^u-nHKG3i40<`?lZ$CctkH=^nHD}y*rbYF^o!l-1*_S*>S(obaj(iwGeIkn;gF` z^93@GDpB&~<7p@pl}huoQFHk*e%C&FvApXFv(2=K_a*%#G1_)0Tw+hACFSV>h zvqWDI^FvYub-Y_QciYjouVOfJ*6W%0q^!5|qAJb5Ly@>KdQxKH?)-=i@6=iQ;_UhP zu%eU4tw0sS-d;Y5fjZq})4f&RH?AwR4lwLc7W!5qaLirjUFAd?TsbR#oav1_+jgqD zBXwb(IgFUk5I3H%uvflSRbP^+q>I`rU%&Ou#&G`RhZ@ZVf!T?QlTlVFTRO z{(R;oE5D0iD}&gmLpPs9*NhxhSXVCZrG&~lp*SNP?%-@eDxg9;L=zns|Xtj7-H~?hgqt$p~C==;BqYZUsJBonk?u z6plZM5XomMKAB_{mPfu-)@jdZYK}R?xMlnZR&Ol1p~u;@uWOpMLlb3FaSJsWNU> z%#}RUSt_0iv$itD-$n^oyOgJ}*kj4tTI5gf9yd+KC{H7&&Ay|PoHS@4&}$f+&3M3!6zyYLNbv=Bp0x#_vz zx?!ArZ@+2~mUx*U!BtiTf6PW4%Hll>f^iLZ&t_jN-0^dFZAC{P^YQy%=NpZh-r+2_ z01bgHQAaTA^z*7mE8wfQc(rMY2bbSiO z)!GQ|+`g3nCIpHsHd0Uxwdge6k|>fg4o79Reu1={fDjz+o6L9(D$O=0-YMD&Xzo4J zE^F%H1Q?!oa!q!MB81wn8%FbWJ=omWcD!K7)`0XeC60^w7SM zRGOD(m)4LuOmjri;o1bb{Wtv+M17+4@5ya)IAhs2$#5>q>|qsQvl&>TGa8Q z4@J6cIsxSO){V-8)1}ah%IPY=*PbPvig);S@NHuXVxnc|m*Ukx;(Myz6*@<)q$&bg zg*2jw>0ue~u)gs0asBC4Er1uzGTOHWm2EJ|icW?3Rk3PD7PAxN+iFIahe~jZ$w$ZY zCqOT5O9#`%90PS-KfDbb;^iJStD-9ykEwleHu8ON7_o@jC%+?&DneR*WoR|{!6sdX zDD-jgvngm?qLV=JiMYS`)n>hQ1o>FNb~l z4Ge!SI<-8Y;vjso_-`puzx=P=_)ir`sdK%umKELRa6^*;V#!lzztH6bvnoIcUzW$$ zupB44Ju_NGqrcZqUJ8`<&i5A~ut|+8r{|G6#vfB4WIwT(p-k(zG=7yIPz(Zu5ZtpnYb@&87VI4z=u?_iXlv`J^V$l*%?z;yTy`Ii<)4S0azH`e)TTpuMgcwXepK z-yp2!n8`TPU-;t52zKlB#;2t*DrHdLZ9BK=nPg^$4eF&_vxU59csHO*Ch zfgq2EH|3oulqTAzaD_W77r0;5Lot^gFvih6;&X!Q8uVAv!X6W^4~8rYd;`CQ-yGpI zxgAd`oH#XNG{nWfI+&+@JRDF$UID!9TVhv{&6VoN#(Pc5mi%^SK)4(+Y8vU(AkaJJ zly3YrwdI2SiRp5UJ717Bh;C&Hk>5_{!0=1Cs_dUr2aJSE1exeO0gv4WP3=Y3h>HSO ziRj*pS6c57wt5`02j7TkG<&!cyD^S4>8kQE&>fKb;EPbQJHLl7hQTUfn?( zzSgzl3zFbPUh2W%*+tpD2of){Lw%*Knl8KN=$8f0E6ETu^8LJ9i(u8~Ovc>#IEwaJj6f zoDcdVsYEsXORYlCI7U-hGkNQYGao3rudjOas<2P)K%Xl)B*K&`4K+s_sxEJ8B%4!Y&8Ul$ zPHpZ1&eiqWpx2D=pl`riP!h21dZMk6XrKk}WGf`tQ#zE_IknD) z9<7z76@ls}>K$B1b*`UKcih}CND5lQhCSy@6eP=ktJ2v^#WNFu+aC7GyyM09enVw` zPl_6N3Ogj!%hjg-*5!5Ol#`e(Yk@bfcpA4Y9T)A8bmtU|XZymf+!Euh@H*<};ZN-N zziFr-XddF3B+bvnU72Hn9M=Hv`ZWVZ?inxdN@GgjKW~(WE$DkC5D?YW^lv-d&p`VC?A>r zOYA}S$-*M|jx0s)w?+g0v4qeV=>NDYR!hE|vwzx;|MGy|64BC2|06{S$@ukuNl{4Q zo^?_GafePgnAj#hL;zlK_3;1_TisAkNOK>p4e?Bj~xv z3D4?Zsecyoh%{6gW`_7qGn6NOcfd7bdIL=ot*azRGKdd+GkJZ0kLTxDSQGbrGx6RJ zq>Jctc3ZGD(@@T=5!8|jx86aYb}FT^jgVML7(*zEpjNa$n)W^#J`ULsnU${Q%%uk% zi?=OtC(ShfJs--HeV2HQUIr^19*c3KO3bMWktJ(Pt!@ zZzP1?&V*d-+IwLyv~br)`RGlfQ{Y~Pk?@PH2>_mD*R1?@J?B5%iryvQzmah15}1L$ z-KC7DxpF)}eyV|t^?SlCBwO>apLfoE$aC^d8EKWxE+?Hy|fH8{d5 z7<5Mf?K4S5Qw~|_oVa4&!KI7`YZ&>eBeeb%y7%APQ1*R=qy`&UN&5e(q-qvHoGg;` ze4GCabVEqYSr;!g5+Dt`ere(;LN1?t_HD2QYuNJmEk>r9er5oUzX4js#tPv%6o&O! zp$Pa$^`FH}n%&M^I2AtEMAjK?y6f?5DR_nMfd_Yx#ph_eQYqbh_N=i>O=NAJF$u

&naWS>3@$8J9PeGb^K+fj zN_gLf6INs=96ez6j|x#dO}vHN#1V~exi{#o!G71$Abr5cOBe4p``HBU*E=VZjNIf| zt=6>oHtkjBamPsp={uyG$OCVNN>_Te$ifORm7Pl;g4)YsAOvmf@pq=P^OJ zVm8m3gSvGH;LNlnIK4WL5PMkKR*;F9f5e|zbbY*Cv=!1y&vkY$^FqB9EH95MHZyU) zv>4HWGd#kIj?IiHl+6>rJ|yg0q)mC0+!M^G;JB8Ga-cM@jc5e3|3?<$bugIvMDA1T zKP!4fF!HOGDP^$Lmqb~&w)eJLS$+ikvZ1lP{*g_j(pNhoa50RY(0#b=^jiBc!S3i5V@@Zmc zr_5EZNZE?P%_D>2{dhS_v279|=c006aGhfbM~jzMZUHOj_D|M4BschnnW4H;e6G2NfI!jx4Uwp;XR#N@OTII zjhv?sXGW!^S_Pkb;p=@gXgV_wYQq04s7 zSGtw5ImZEa>>nzPd&A5mKvGNpi(r?dJDeIub;>6WOBxr3oZrece-~jgDO}GA-Q?Bf z)&I^T;>q@U?BTkUlbRka-V_WuJxyOJCO@*ZV(^81<@6b{=cAP&Z|La79V|jqaw=I}6VMjWtG^EzkknNa^@Q4fA|F+iK#*~7_!ys7y{P8t} zr^g1r&0U3p95RimK~R>lQ!;`_?_5*n#`wUJ(4!PV{G6GQ4u zHXZ^gI<;jg0W3Pp#cG0vS{I*(@33?7wt2nfHmSUn1PJlUw8(l~tR%%{6^70FEX2nP z5%X~X9U$((F}K_OZ;zLA8kC0F!}@n;i!Si--RE5(uY9`Jj%ug2Ky)`h9M8*Hcj3r8 z--$8T|2UbDb<@L2jxI3a5VdU1(O+Yo#D8u={w2i?Npmd<7bCOyTGv&cy6nBsLzURc zbBQFON^tdnE>N3dTw;eY^Q}y|qT`| zxMJ15qD4}NLvCVMq+S;3Tp71UYFzd0ZeDj??n7^;dwrPHV13Q##p?TTFT0PrXfc?^ z_MiGI>3ljKob&3m&5oqe#pVIPNPMkl`zk*}8RoSY=od;el<}@~YRug0?fPXs++pVi zkFEyc(eVHsnqkk0?bt??KxbfvhAV_hZlhV;jP@&28KZS(e^jLbhakufPQqMGtm%$v)K#T2pBw~4>uV;ob9wTY1^@8>v|WfbgoUJ6Svi$!Z&|Q z=VmNNy5X6C=X-S{#ZuG^3ADQpNXDWAeof>R{}QhVMJk_-_!)1jMU09~3DFg_%J$oL<9u6XIx>Jtf>LgXQw+bQ({=fxA_)ZtmkobQc zpwvaIWkEHp_3-(Q$0ODxgWQ_!;Sr7%%Kj{>r7R$i5ww9)`}e)9ab<^SFF?yB68ZVK zSli=IEUr)_Nf`POBVaG`%nr5Et;$6pq zZhc_#F(cg_UX#y93?t5j^b19!$)1wf0{^SV(JBhXa1Pf4O9l1N@|O*?wTaAaPV>9r zT-{s=RYj=98M+p!(V&s2 z-Y@`C_2mu%gc5!GSB@E7p9mdg0Ta|xs{>$my!&bO8br_l@T9}4?t45@5ec(4dzZ9eY-iu2ICjNK za57NRs=;U)9&pNDpEj2MVedx4_O-%Q&W6;u)E4%U9c5a%^|hpPmrGahwr4Z_>B+yw zZX|%c416S}rTyq5lpTHn77@v1onVJ9eh}25zm9t5qf{JR{ur*hkB%h1k4>lS0o#6A zg7xKdW;}ZM0;A0j(oT=7j6C>55h`8`%Et^zjQe%0xAO^ZI3Mt&_ z(X9G-`>ew|`Yv_!@m!<8*DJe%02H4P90IBceTiia*Eg6Q_8UnG``ZTHi|mh8wzzPl zL#&=z!CbVmeQlS`0flt!U4kM~={EW#WGZtZlbP%WRu35C-?E{yVUov>?TB*M1Ot!- ztK|PU;|9w9e1U6a1%+B4rViPs^OpX>`5CR71S&fc-}66mL%Sa!i>VbM)S-o+OxTK~ zILoz!eEB}!9l~`%qA2D(d&UHY~OkF^C*eKCoKG!`|HnBVS3)3_N zcl^EznoQ_3Kfy4~d#NR`=J!8-yml-z zfOdU>Y@g}23+J-aNRm(~41wXFNugh>Y&2jo8!rgN7UU*n^>`A-&bE!Yzfv37WqXX2 zG5DP3uvV;)%$rF3bx?+QfuLV?hFpW zK}>Ng>XQH}?q&B>`+d|QULNGT?rg4rOYWCp8IQmBMuOAgW?NCJre7&C$9cPI&`+{(r|WwcBB-xLX&8JlJMQn?0S zxZ|@xBlxb+JTzV=p&l?PyK=n?->p@nc??sytW&u4DVFtaDIQGU70?bb>&2P7k%{b= zoe^A&YJb}YE;$Rcf6(}eenA}FjN0Pb6nvr|+HWMYM!>?ZzGWkxMbLJdZms9pJ=j?| z+!JOY=KOT~bSZJxoe!jxyG)J=?fan=vT8*E`gvx#qHQtc;K3V5POXOGwYF%!;6g=t zfkI7diWw^iEv@bKy`Z18+9>)tHbR72Vy(F6k)XhRYlH8x9(8IV!fVQ94j-H4P6*+s#}s=erH)1Bi1-Pv&lr&qZ^AVv;|3(ety^L z{3k;W=}HpY!2QQEDZ=c;UivS`?lVIDXZcUIE%o0_ z{C#T$^#7}|J)wq+*zKN%3k8!3z9+4ism}Yfk8h0!j6lH_4Y)I<-bt-IW4+wa-Snd` znK$WwOh-X52jnTk_6wpHq|Zgw~wOOc!-k1D@IehaRVKSw+MzAkcq9}^nHKH0VBk5bt{6H*}xS_wah1$b(PKs8E5 zdlKFF{s@Ug3M{ZF2%v++OYVJem9cLTiP^*)mr@yH8z&NMZgOJ(1Hj9wFGscx9+~1` zvpaCW<`tCYY8zY1l-_FsDB!Z`CuB4jeq3uh=mx1$TL_HhVr)yxg)4bhG=@5&;_4jH zWebHVF?IspxdYg&l4Tf?5L5j81CJfRE3fmCM za%aF=OS7H8mx`V~yil6#oZ!wuoo>c%-DAI~>|-$!40RQZFj#k$pGnHY5HlkOqJAQ; z(mV0HDs`0M?tS=4m2RWbL!@;FSR~?0L7MO2?ORh5B_rjatf8JdQ~0VjT8edm|Z<}_W4q9roq_6bJ(M6$izfauk5z| zV6(o;x6pdLX&HWbP}RY(xkk^uA;OZHDm;R&A~+cV7W-XBX#P%x|JOF3cW z#j@|;+`aXQ;eE&7+^Y8qlW|0}QG$8B;NmhFJ)YvL>eIk0jYPrUFXL26`Kbt(*JavG z+$|W>C`bM^{7@wGTa#?7?<&84j|x6~wr7`dbpgHw-(f&VKZhDi=xTuP+XL}2=g+ki zUa?w}bLtC$*iwmAkh+1F2xqk_}hz8%1LU3cXnz+f-D-(0K*x$(B{`Qne z8G{pzl-T_lYrSW=#<89fP3od&i?_yz)!_2wKhuLZU(+2{gf`=Dg++Yc1oU{)4(r|T zN!Ib6I`eYit;>kp|4PV2bBf#nxY9yDjy1_n^U4*GZlip!-WkKBE~gAY7icsjF0o;= zXO}6ZH6vB?u12@zh!EK|XKJlwm5c41q`}j_8+AXoQXK1b{C2s)BLJ1#?yh2CdzJM} zV&c0PY|6fI-8DVv7m_TyWO>GLo)D**Khrub0LeE}>Oagon#DcB&3z}iNSJdI5PVg= zN%>rudOnv4Bw2CY8}nHYLaWsBSH1v?ziVki4OOb@4<9IX@JGGR3-Ybf;CV-n#bYaV z=#t({$t@%F%tq6TC(JJDVf*Vqx?t4EGlGZwyE`<$Q_Bj;-WeHggQ; zn0h3-v07%1sALQ)sNAy{1IEf%oKMa3N<&1dvNJ+=#Pa;i1ce-e74*{8mzZxhVzwOF z`zPYceA|F1S-B|a35CJSh7M6Iq?bdM>=8xl;~#=HI8EwkfV!dQ>pNn$$p;wJ+1ZYWA8t*5?&Ce4396ViwZ2xLa8o;IEXM5-s1{a7uDW1p9%4rx4! zE@LE9_YD7RaE(-*RF7ltBhV0rJV44EKW9%t2a%0*ALni*uyfl<%01@WtqXq9LwGtd z6aCKd)EDiZDWVL7SMO`TRXr^kZx;;*{tkb+tF?y3 zvV7Bh%J}>ap|RQyhYT6(rhnkAkse$%#^n1{KJP-9@poQOmw&H}`-M6O z&zLy&y+(4%9Q|>)5tvK|9FuPUUQj=0u8UZpD<=w`<&l+ac1N*U-hBQ>%#+inup7qq~uO?Sw;guf^uTZ7qv%K85e|lGO zG@0;2r}1Xi7E&E2T?*hmXQ6BnDeVthrudE&=m@uK@Vf(4r7G-+ga{bXK^85YsaP+D zXCep=H*2BCa3-|i1VbP$g5E`xFJplBBt%Gzy~k+q9L zY9gWW0;+k`-&7C(Oiu#9dD%xNk=6(?O|HC%K?B}HDofBxC^`}=_h=&cow7?z0I#1S zPy+}tu#J6)Gh`N;seIK-6Sq@%Ct=41OdBd4&Mw*a#vg7OVXrJsvZqXd6~A7-G7rlT zNu7HnC-9+KM!trS*{n!9o=}LU5Xgl1GsHOS{efDKl8k4{IZS$nScQn|#|Q+p;p#tUuTonGzVFmBX)VlYAN79%JACq8^Q7tng)(HCS~n4| zp^HU3_Tp^Yi`2Y>g44we4&`fT_`~lciuXFq3K^PL+^=_z7&spz%hmUN0V|SpUNMfwe_ipn+h= zPIsGKHqGBV7+4^JSfgCn6m`w6zkgm9_+m(sb~Fq0i`xZUFpy!Je@(I{BD8%bJ6$pH zdQ&f($VU+$tv)apc%&$q@w3XPANs|;`hlN3LKZpoN{KUu@oH`NKSGxjCh{KI)A-Fg z{6F!5HSvobp(jX}lS9KDI#fe+X)(bGm3V9xbHhb@T~1CR8S6T38lJdg_@R&N-|e(; zE#vh;$K~Ph1cM^8r=f0;+bCPGOx(#+p8B&ep7GW-%p0#o$cy)nW9wkHSM@|moM-0n zKbnFX8HZsTkNl#m=IywF!B4^a^R5V-#2eSNCVv;|h`0YpA1s@`kClI@-}u-68WdiJ z-k0jgS|}5JN)vyO9XJtdA2M z3=6yTg^t@bmL?dj5{q)VgY~BAvk*ZPS;4uGy?a><$^;6dC1t(GFtYxx7A5+!_j$}s zr&e$IvING*7skiGQTxwGsh~k&Tu#m(1jl4`Q=+O{r{@& zEyJQ}zj$Fqy1N}h7`l-TX^=+gk_MHOPNjyD?vz&P?nY*GC-(m|{H$qU4vrXz*ArFo1E!^JV zhWt^}hWqUpE{sXwb*Y;_e&u5N>N`ki727E4?t_=W#kkXoR{YOhX%{UevC3O6>^+Ep z+Aqw4O1nB@OE#Kbu(* zX67{`?;_r4q0RFTth_4MT9w*nOmeHyv=I}QY73LQhS8*v$*WZhg+0!5+dGuC`IAQ~ zUVf5Z<|AS>yA4yQr5t5lv+6gQ-rkwEbxd|gG*@wn3di-CF{nau{%74TU;R*uB+*`!$XGlMq8>pCdM&W z!oRm>XKa^#oz>V2Bxv&uWu?Yxj+~v6j`ILc2vid508{cBesF=44Z}>jw`l-8P4mQZ z-s;Mdak2;XaNA4|`XIPGuOwFWTDeOi3?A+OV)^JMP;|oix$sfu)*HZ2O0qjF@D^_U z(x=qbIQTW#MK)E}4S(p_sXA8&=b@l8^}`KQP;3oL!AnAT=RS zKviNTjBRPITC+EUJLogE`tDVjp~9}%%A~UB41Ri%S9r!p*d4B#Sw=ShK%Pi6uCrKP z=AO`Phzg%(mRpVFrl2$S9*i#_rizCHxV;JA__EkROX0rV5~QrmpK272;KB6n&@thU zG)YT#YwjLS%k*RIc&g6bN@$(#QiY+Ay|%D<^<-5f>Wu2MdV{rII;|(CX3>PWoeS?f zA-=S>(sY*FqLG<>Hy^r~UpX`7N)Vxjpk{0udp}D)g@%oRc z+A~vBrVPxF5p1_vJl3*ctqaBTf^dO(KdMvP#}82R8J#|N#StK1`vz~~0tS~n*}+WL z268qtm0^hAZ!pm%ky-oGpI0ydD^g3mn+?+$b7$1CcFy{GVvT|6=qnhU9XH{ZZ#fgm z0+QlA$nvg_rzIf@M@6d0hlVIGVW9gq*!!~cz3;Nn#Nk_VM{@bdn}0gQ^0nTk7`Avu zkxNA6mMoew>rLzVM+=ybH&8;i-6^t4KdqD+itGtHy{A8sP+26BANgxlJ3>943wvdJF+rm#(c^zU}&-Ma=r@Jhsj%F?p++?|B>d8+pE zci_oINbEaM_AEA9r;?-FBBm*L#mO0a57P+KI~CLDF?+lFIg`^X>_`y~E0zD+!;V&; z1<$DxR)w8uG}wCkK0MSI$*`+ZgN_V1z~jGuTh zUW~T}oY^btzfhKgR}4rCo_aQ`AqXcn_Z&rOJ?w1rZ*mc~Qgg=dCprZEpoPphrCqDe zo7ur)V<-D7laS}r9$MRXmw-8;-gF0Y<(x!I!UXHUU-N+Hqxz8TdhyVg)Sx&?ojc3$ znUL95X$Q)?tHcLHOvax9wkw{SN3T6Wy_xzf=_QcpBN1QXbDb>0RDhNMBr?tab7H-* zN3oGx#+hlw6<>6hY9vDlDu(E?{pGDiFqFKPDx^!I{BvGpB8U6wZ{dI z@B1tqb0PKh<<;=}$;2{tJ=%A3m+p&~{Nk40Szg-h9C5=IjCxUHWKpDP-iif@>-rOQ zwUp-vgHMCP{Do`I>wGpZJpJP!{OLGuVCvzMM^bb#{PVucDq*NCX%;H+-=d{5`RKci zt3aZFFwkzrYxdmg+d)&l?TQ;|<~kO^it7oj9It&4>07_I5t6n_I+P5UvPQwm>h{g_ zN>3`y5`Wz5W7gs-G}FNwdnl6hup?b6u*3W_{5NF;)3=Ryia#)Ia@t0RLVf5H-Ee*U z7!n9qn=kF}ijL{M|Jkr63!SF0XYtrZS{h2619ymI)=`XI(4I~=0Y>_3 z#h2EBA?r1}cLmPX+(T(zQ*|ER=ih>S<>)e%o)*eJrzrZpr2HW<@TlpoTWPwSQ(6WD zVawQXeI3KISW{j>$&gkE7~Pc8taSGn#@lbeB{A_6Ua5%`1E&9h^e88{!V&dnx4$z5%nRU zc$|X`h`zx$bT-#K8B3A-lPgRp1n%{pZaPq7+PCz;V-9{nd^CRbb9X>#T57$|JHYQ< zdA511k+Z2G$5=djK;S$`Paj+{Qv*;7J)&dReD2M`*@Kk{7en}`Giy5rZNC-zI!kwi z9eU6J>{McRxs<&zv>5B>JS7f=?yMexKW2Wt24BNeD=X<2{x8)P!74$Txc|*Ezi@EHu z)TY%#;tJYF=VlXOQmi^(DtTZE@JXEU_S%;l`D?~;&gSPoMg#LPe}^xMx%$rpq9}_x zkDLkc6zt1?;SpTFiu}x%tc%d&o2fkZ)H^?)M0rV#Ag$yYxDk4)Im>BsxkG!_WfqUK z*!XC2@798%p9BZXExkE5&$8E#b~wu4W5_2=XeqYHqTKJsUd+V|5hkt@it~LDy-JdEJ<@B?G%ej2;(w7$^0>bWkzgQfn z`0wXg5heM4)v*F)eRToq^-Q%o$faWM7h!<-D2T{$SKdR%7 z)5gDUMQIF52qcC^-G*7o{SHtuAYSFGvf!dvo#9Fscy6?)0`6#}bLPq!xaH{|T)c{| zBwVcs>Yn+%#=6WX)lRym79rdzG@DiG{hhmO!LDZi+=jB}Rv4tD%&)Y(VTimie_~a~ zH_I9HK!;U_($LQ^$^_+mn+TKaO47(!AW{_Orv~ zi@HT(Mc{xAd@n)()Kz?3CSem%p}R9Q(ZbRiueJ6I$5#VgC+fGS>WKUgqlJZX+N4rq zK#OHh*BIn#dU&9HRPsrd9FL$iMoEIS^a%1!C?L?sKJz^%qtvqBGFx&i#xPvX2x)|aBqS0r zG#{qz=wzpc*84hw0$I+!tv1MhY0{Xo3Eq8CzmXH>eUUMNzPlch(*}Xo1|a{UnMrgo z@{oOOij9?R56@hwq)sop8ZrJJr%3=Kt#sSR4K{fvk~*I(;;@e0dtb^$*-rA~j^O$M zkX7Vr-3FmYu~Ao`og~SQFVl}5O38^3iG7-K61cxhHn=WoSBPMd6@dr84v*X?_?+Mu zljkVE(j2rrkL!^UT~*UG#nW#o^;!}6<9B+Zhw6!$X2OIkC&VCzRd(N{uXUJrm+ac< ziaYt^i&Uk->Cnu~6xLJ(rp!V+t-`O?G<|+P^Q|Lp0-8G7Hy#}$&#Mqo`qF>K^wyGa>bW&C zwBuQ=XKBKF`h|sxaBUe~YOra%{=BcIkJxk8 znD}nAR?||Ry%p{jJSpx-p7y-(y=~!|Ux>XMCr<6J)aNWJ4~=F^3Kr5e8SQ5w#H&2f zMKmaD1~$_Rvx83Z2Ggxs;WKH5eiy!7DV|n)PgL5cMS)<07+~m$E+u|c`L#}EP6Yqz zyRNc@*XK?NkVyR~w)C|^voKbz-Gwx6$2X%ubDp|*6K6yAz~I3~Ha$6xn2VIf5I)$8 zNy|dc{wF`G3no|wX&GSQ3l_jJDE9F9Yw>~|$V|HpOW^nDeJ_A1J8aFM=PTmTQJRYS z90)zjf>Fu6eUbNRu(B7(xoLSGS8RnvvKIGP&GV$AZv9I8M-z|kHaF9xfl`;1YqaBa zQL2?2tsbhV0YPnw@0*AKH0*r9Ca@(JZ(>7XL11K$T6!ETLAsxzG37(~Tu$(98}Xm) ztfjq-v&5uW8JZO$o-jjHY7?qldX8T1napTcQ%2$p*5ml(XOksl<=AdY$I)Pi%<4zmtTH{3)}!9tf5Z;oSM>^y3hnJGMYw~dXr(Dy*T-qd^(2apWu z#(T`NLAT3*>T2cQlY>-s_z<-E7$?$`^f1W8lKx}G^5aNbQxs`Oe8ol}buX_UZoUbY zxIzPISg6Nq+UQ;)Q1eSseV(rcGM7wsXQ_I_!V;mG^cxl@Wt}pCmRan~?ZKr~aZgzH zmo7@inc52kF(Bf6P43&zxf3#B7ZKCUk%pSs{5<+Mc~x}XIUyRrq20!dr^4Y~&ex`)CTnE5 zO&o6`f$9W`B9dS2Be!nk`Dt6uMf;ZS=%B3QaEzF6awvG0ku0m{A}oxZG-SDrDH9_RAyh#kj4NeR3y&RcD@IA6b2xiV3QVUQ1h8uoTjMKi5Vb@ z)?nUk;-PPK&G#~0_5lx7_@P|WZ$@U*$Mt0vN-slb&VQP;Dd*X0$5%iM=6WmbiX{LG zUF06}PF7VTCqnvc9p_nGr~&TrE5kiHEvX91LPaENb{E=H|Iysck+1XwBq7%qpW45B zd#o^Ua-0@Z#T8y@Gp%fqQ7I4Ep%gDs!BFL}A8p3azhlE=cq${u>D@AO#wg#*QYDse zi3HqQ{e5f%{YT>DPa7wePdtGWpxCzzbuleP#y9GEX9rL=`4KU)JL&`CD%olF1VU>Y z^Bl^QvKF1eNWI2Jp2!dIo%(23Qi6rBuayp4*p&(wZW|grV)1D$o?URh;*;sK? z#3m$B_&ZavG!xV9-2^l+!lGW)d2ByuuaE3I8uokP`bBRxyaxkuBw=^)Nmk0Gny^9` z8ACphmC9f*N)Z;TIiHj18tUy2@F3A9&7S)|JAMxD%4z;x)4qODA8>hS0V0q(o$70U zvG#ksp<=03;vN*di4_~7QI+oS;=kty0@j|6b@l#}Pzi8E18egtI|tJH1U~Wz>L~*6<=I8$#-u}zIjNa z-xXydm-)|c1*0N=>fGQbS!e!Sj)b6!_QunD(bc-2v0uzyTF^OlhW zz}n(!te{qN%_@|_OUyBOykYdMXn_GoJ2B?Ywv!Apgb9#9@yG>qfD;AuA)F>ggQ4N{ zt&ajbGE5;rDk%T&u*Q)bZx$#Mm)d4i(xxM@EkDGnRpkD)I(h3!GX732REceX$0EH1 z*;gf8w-divQGJlFa+#)l!r9`ImeSkMJjJx<%0S|gcY?vKXqKoF|KG*l0rLbB<*kRU zL&7&TOUz!eGQQOVio@}i-(ZLJbW@1Dvke3KT2+}~MG5+f{fW0+yvvcX}dka)En&J}Ufs@JstvlegUwh(RK z%GMzuuXp4&ra9{%f0U`>VAM4DnvMAD`{rja{jt)vJmsyiG_`_Ey^>L<*{w|M+sMPN zW(9`E+8$u>|C|LN_Yf9^cm)D@$^tV?RNpYC@(e6fset_kk_^?29|?&4+;x|LI*k&t z!N-<+{>5Qtr61Zg1RX&dmN*3Gi(V}LqNVlBD)PW#f~BSlVpX30rgZTqo3q^__u1&9 zqz`t^dLje9f5{f3#%LKhj_y{>#3N6A=^iVZPh+Rivb1-S*E9|Lj1}$+^?FVfa6uth2_5zt)jG=w}lH>d3QcmPa9x-7n5k%+-D;0Ocyr@3@JrD(>y zb_n$~zTzEHvvZHCaR(aT5fJM{!!-oWOK6bc=wqMQ9hH7-5k-+^9P~9f%*LWwKo+y6bdMnPQ4qk^- zn}cK`#5|(hVlLr%yzeLVx!^uN!q{obKB?tO6TiXoWv7vy-(ugC@pU%S`lJQ;p!?q_ zH4mZsEJ_ve)@YyoMuDz5vSwBl0kxP9xS(efnqO||dd8UJokvUe)|l+sq#~}ItKJI# zDc<`frg&z^RDF8nf2G^it?f(tMG{=d^9ON4;VKH79hg{MTMB~OS~Yq-rhwT_(QFf5 zy>B=TQ55m4K8Txb-y5mP+9h5*OJYA9BwIY!AIAe%a>N{cV{ScYPLIZTB|tKcXKc}y zpL+a<)^eoccM!!_K#SX^kg+?3e|(@uKwA#_fGU;|v>4c+V%T_iQyy?0h45Nu1VU5f zk3DU6+^-0sJSpE=hEk2s=?&p8w4(Y;UM%b>h@0LguEuxsdW zCnPNo{zGi|hgjGL)j@>UW5d_wC-lb>nx^6pp^I@0c4M>*lbSVjN}`fQ^mL*FGyCtX zX-z(H@)(9|2iYQgMp>;Ac4Y8%oy|(8{DKCY>%|-wA=cnu-%H1BxM9*w^lSb6G3Ipy z8iD&&`?kND^k^49jlJ$f(!}?K>J_;nO=_tPCyfX_;L^#A)&y>!#SBYG3rF~B(%>`o z54%KzFbj1Z)|Rtw9*KK3-A4RO*_9Zq>i&%5pG5*Q&R^5s@juXn&3uDrgcJ}+^*@*( zZ#{0?BFt9np3kdpT!!zwiSJ>8dYUEpAuqEe87c0>ITi`5cwT=7S?5Z1zoUsQmbP?R zS1alqkA282g=}DgWo#@N{KmKI0r>y;CzSQ5)m`ngX)L{@*0KHbi4rCtBuXj))rYp? zmJ5*;H2>_h5aSn9cMg3nCEld_GJu`A4f}w%6qr#~>8(I27Zl~ZkI#{{L z*qfjU{GQiWYptE86EZ}(ksO`sUxY7VL; zJ(m46SRiC-g4164d!H`no4m<(O?0x@{Q>&~7tBmFwO{&(QJnjs;VpUu(XGj8z`7egBN{WvPk!ovuc|M*zPeyFdGume z{8}WN4EduKAe@9AzaLwHuRzm#nu9v%jDnmKC(xAt-G)zI%S`w(z9b&0yphVAO%UA^S0s{E0Eg`^ zh<);xjy#BaS3RkG#bbao`zTMXq_~n8ez{<92bx>0+w~i{m~W`d{r*alc+De58M`)q z1tZ+dHJniU)GvLK>rzO3zb<9L(PObt3?)FCV^%@()v2B{=pvoyN@^`=Ej|6>x#YSn zG{Y@({{5VulU}_?zH9!TFX@aBkV69c-v(e5k0*`2jIrsNbD}&H(m${gu@*NoMNy@w zk7n3p>P);!ca}fJG?WE;9>38Qn_ZPc7`oYYN45X1jqi055a?qN|7gN^I?jK%-5%wQ zcKlGWKHDPe=N`0a*_?8>L%DtxVT=;Yn#ovAInl;u9Gc`cJc#^A%dJ1<$idD9UK);7 z4%&01?W6@O;7bm!d$=Mkhl8+X;$BL09N2RrvHrM-H_|gQ*79IuiH8d8lN<2RTy5Dc zJ1!5${MiTLp-lR$=&$U-vfyb1AakfaF1qVPV12DE4;4($GY=w)O{Z_lCAN^P!E;Cd`cQLKIhJD374)W5xe%pwp>kO~Q)LO_#tRF{a&LzhnJ&y8g8 z6QO`Vhm);uliK;2SvGNMEMEc@(D{A2RWsJ%M<2?;z3z8?b%S zY3}v;-Ppu*n^sJ|v_)XHvzZpsss_(}aepTh=sQ8gra4k=E6*JmC`w_+AHLLY;CXFT zx0GMc}1=@MXyH}HYf)BK%g?ov1 z#r%W)s|2(bzU&vZ2%EAy9Xw9JHIXeHrx<_SY3s4A zB6C&{N^+4l`y$xnLwT0Tc4J1-7k8zIZyV||sQ2|zYe|P*kp=el4hK3vqu%S4{?*T&zf@Zj@EHs9VATa=qp#dDAq)aTGe}+WtsH-rq=S zu54X74kFG1d&)9Zb*CA9cqktM^#a3|8JCTNE=g)9k9*wSX|)Grm@CTy39h~hDLv-J ztYWSxuDb^QD7sNU^K!cDf)?I0N>RpeQ5@)?=Q)Hl`+rXK{zwpR1y}u{)%;~H9!j0R zZF>D3tDj#+?e^G+^f*AbGq(L59iv}TCiE-)h#m3w*tIY4rwkZdJ{TPPD@)Afj~marj$b}}O!4Z({PwL# zSBz0{sZTdr1>O(d%YHsw(E{9F!8Uw3qDuN>89!Imu29uMWxj`B!kR41ttgAqPMOgU zJ;ve~Q*gHHRF~KZhwa1_VMT~9$_eboKypAf{nX4UwBK5Nms{3 zf1HzC;YL8OOF~Y@vjP`X;TWl8q)(7Vh{q*Kt?b36qU*ctr)^Hei3F2%2Z~7tbf>*LbRV-auB? z3Y8I*s2P2wJ{)&wLT2PiHhxG)CL5mL8%ym^(H>t5oR3ME7&$2KXqRL2%k}qvT{Ney zb67}!FJ*NR>!-**7VVlTpf}Ntcl-FEiP_qhUl(2$%cNGhuhL=c;`mZ;6kl>ASu^Bq zyE~O%r;q)pcO0-+-ZuOz5CB=zkgOg+3x5da zc)!iiMoCl3X&q|Qz`MJ6{o>g}e8u|@Qgp@vAEa2{GQB5r|Cw0bHojaH;5Lias5+bT zlTZe4Y7AEPNkJ1WC9H*u9U;N(r?K9gL`$yiEGAit>5$lDUG{uBQ{=}#kB&Pdl~hC5 z(gBz0{|f9|Ly1Eic`?h*Z9?UZRu-1pVz;!rtdd=+>`rtq4R}$rE!=G`k9A-k#{z&rE3#a&4v(z0v>XcGmHqgEFQo;|C|1ht~PU_ zX==>>|1d5i5Be7ZumJevx)>Va?=P(}3&j6SW=(r26UwjVFKYZVI55E^;Zrp$Vf9*? z{6BLJccRVhu6+gC@Uem;Bu-{k?*EJ@xB;;H+=ha8qs}b%lWi>T%s=o!#IVI#+jGJ= z6yjCPcg#{VC;uWYuPzQsrw`a=B(MR~1lFZPD5n|?(?UH{2XeE`XwmpH=;_vwJ?NZZ zS5;UAM_E#e`kcpP99Aa$eT)W(3inpc_^~FNBq4>3lqi@CB6CX&U^d6C9EkX&!(+nn{xxYqm%W8idItMIcige)07p`gzWMdQ%rWk_{3Y6TRR3 zg4QHrKt$Hu)oA)!Ndc-@b}(mog>_+j5d4lQ`O6@h>9&<_O3s%v_p52$qD0`V9=6Gh}E%1%VI8vJ%VNQmO``S>U#t8NsL zdV=0%sL*`(0)XIDXL%)*Y#*MRDRy`|Ezrh6gefj%S@#F!X8oS1`@NULavP$v`VbxY zSx7~Ig+x71>0w^0`mg&3`Zv;{PriNUw#QYZ!E1hm6;ikLAREMHuE1qUC)nrd5?k92 zj2>#Kg@0#{U>vunZ;b|P1}h#Z3k}gd;D&v>>sOM~x00Vx$+qmBNt}GowhxG8FL<)4 zh0MQiEJS)u^J`}9ufv@`f#bfr$p}a+0M>N1SYw2SWxgLRyp9^KbRD8nZ59u~YY9#* zFrG@`qwAYOM4Tjv=$-J;(tO=lWh4$ZIai<(>wFy7A#mYF{xxn`7OGk2;+vYva=$6d zUMYNFYWvX|yH4@jMzKeEyj_$Q#4u?1*|#b=Wu>S1>5PyRAY<*L0=L6Bz z;igIfw0(bLM+g8QCDE;wNV_Rxl-e(bIdLRcZan4n&1KH1TKP@_Yn9cB0Rf`fxmtts zxW_efkiB+R!oLtE%y~=$Zk7I|xX%~ZNc0g9*?S29({Ja%f@K$BH1adm8i&5s^9in> zev%4CP%PtkyN}-jq$BSIk!#-GoU?6}F6Z!WAftEGH(H?zfnpM%Iy-=Cqh&VB0L1DN zTHnY1M^YyV-oK{5{#2KvmzLeS9zv1-CeR638=iINhv{7`@$`16#7p+wS!{AmAg+8f z!d89ZI!7edjp{YjMi%{5*N6A|;*u*_M%?DbU5K?2(>c0-;xIrz3e$pNF zeY~=-G%eDsV}(t~aXMK{*6DzxWh(p6u7mQKOMz5kzhkuSMEVgwx}n88>FdKaI|G54 z_{Jhi0(JC18Hfo|_d{MB0s?qCBo$k<;~A{Fa#9pmhI{TUM&;~J-f@X}I$@(Kg{52Z zjQ@&*0w@mc|5^$^V)J3h8_mbJdmA_rRXk^FWiwAEzGa)DQH%&X+&3^*-5N>FHoAd( z;>fcW7r!Dv^bw4M5E5Ltke+LSU))w1Fq9gSt_q$@(Xv^>pX{Iz{CaV0{|Fi0;$=C> zDzy{F36sy(WXaK3?P;^j#4=%*b6pV53y6DWrB{6jBh97?S5QIvqJ|i zEUTo{Pp-|h`~oL!BW1jEClRh&b&M~!5UvQ9h6-AOt{fbH$%#?p%6_gDc+KZbSSpKc z;q4$Tc%1X@=aP<8Sf&8z6OgIqt@%!d{D*v8UB8xsH{Cv6fjQlS5l`^=WV)7d4teZ- z4Ms#f3#KJ+aoL+I3@V(TSDez&>vbID0P>O$^CD3nXa>#p6QWmFpaEk8^IzqbN##J% zlCZ2>e{;-LVW`m77|=La8TdYuqOQ<5)*Jk#R^mf*X7VJKtkyl(ZjfLq%~gl}g(-s$)*caClQX{bFl)fB>EYtw&~)r(Q8=rl;gpv<0*i6hq8+W3U`S-cHZvg4T<*2*+oM1ouJ8ZX~hz9bqcFesY zBzHxPYnm@>*45@6XI-qI-E+Ttx4)kkcvOI^k2I z`;~tR{GTLde>Wq-(9kdcBq{wD?|y$RRGI%PSLgo&Kbe+)apz;dRTMIDTn>Ct?SYDd LhJ2;$tKk0+&m>2l literal 0 HcmV?d00001 diff --git a/xtuner/imgs/bugfix2.png b/xtuner/imgs/bugfix2.png new file mode 100644 index 0000000000000000000000000000000000000000..7e2ae0e84cbcb280fe35aaed775636e7d29d80ab GIT binary patch literal 16469 zcma*PWmuGL*EXzzz|cK(m&8y~Qql+l5>gJGN;ou zdfoSPJ>QRad$;!oFmukF>s&{zV_*Be4#HolE8$^NVLy2A0Plseyw-yUk08M7JS+_0 zcjjf|Sig9nwdI5%dGf%hPovVqHk2l(xOe;#(fFS2~_ zKzi$iyo`>g@ouJ>y-s)ix$j%cL*Xh{EBWH>Nn+A&#*{?ij}_%SjFWa^A1tB_h_#t# zO$V3`mXaEO!tB|*Vk#{vKH0H5J$kG1{k7vflkA-ANF#Ren@~~+IyUR$K!tZJ7~i+J z<~g%xH10jDhr}9PhKBaCjP_?5FD?&AGSb!u(gYh1ZalJVtbZpL zg)?9UGKAF!2dNfoY7M+fEaX%_lPY!&1TMdNj$ox~h%s+7;bl~_2`HCwNKuxjAF|L) z$sNMS{OO_ZnX70d9m##1sWfw&r(aNnQ$QKHSMAg)7DQtuDMN_PPtSlNCc#657v#g< z(mn6GJ?^>a^>Xu_E9&?>x_mJsXSAVq9p}_QR{vSe74Z$YM>ggKl{Y=&}LwS zN|2a=T3ucSaVBKjVMUi5I&t%Lp{g~xogVKUF0Sv3Z)fXte|UG2ufu!zBDB}B42uW4 zAYZGO9&FHLM(^BuEk<6qSuOC{_uzKMH`3Tgo6};&=vQmyQTOF7?S046mjq7%y<&E( zKu`3)?h^&|=V-D$V2g8VQg7U&Kui|$qAIJaBuPZBC40U@#>zfmg-)l=j%6jd`(pLO zGpq5Z!9D{|koH}joD4TuD1m?)@8ydwKROl8uFoJySy!CH&*)#jU7(3k=HIn>U22(J zBBH}dbBPhbpr{iZ+8&g9G;I&*zW7&M%(stN_2Cp9E?uj7R-G5wrMeL?r*AV-H1XC@ z&s(NRQgUzUZV|nSrCx9=BDe1&M)`am#zFyZps9np*2|aZ8dnbgV&z3U5t2l?QjCZxu*Dp~mTHBG`{VN8U(l>Mp`KNHvipTSL|j3f2bP{}PHx@CO$^kuz1;irVm;H(C6$gnBE%e|XF+VL5rd;Dn znud1CiK`iJ?Y*30a zUGA2?1!U{owZw1sf&S)TSiN7zQ~cP+JfKPIx<|Koar~UKPMnn;>^!AeYhpr31AFW2 zVT63TSiFnYof>P6ZpEREJ7xJDNgA(zaOa|UI4dL)hB{as&hlsaRM#p0vcLvg^{C03 z8i+fjp+Pu6D3l?5f(8Qrjj9Y<7{rh#G30&xp|30h+n)%^t#or_aBr1O z76=49GSz#n9QNdiHAkOKwE2o~ecZCv_%~rrOj5lGa*NVpAK?#Wc=P)-?TnxFjNXYe z37Bd`%<{BZB#Ng>zLEGSvR-d{IlkO(7lX7g!ZU0>aJBOo%)gq=ID zTK-x|B$gR`xb_GCkGG85x1xn^nneO}O(GqzO;Gjg(|}aaH}3^?Ce-K1{*=*!@$c_* zZMIw6d;0*dJLZ6OSRm++pslh66GQk(wBRLj!8R0_UQHaY$EFK9B4cvQc6`(|Z3vYB zpTxq@%IgM7kWPizd-O+?ab`QPqAe1+-=LHqZ!h}OyM%xyD`P0b<6s~SH`Zi4JhPG1 zTaP4KO<62v=u#jd>wAlHZV(t%ay|Q56|Uo+cR%>B=A2gUJWK6eI(i%wu}bOlN3~r~ z8p#T@_=WrtHWpzl`jr8*b-C zdJEsRLdEUd79@d1$Cnc?YDdqaWQ^qONvtc3LSqIVL`7b=|{sgHYgCw{F9f$Msd!mnY~NN(km z#MX!fzG~54HfT(S;e(7@w!g!|^!W|^#_bVh_jc+Ah3qqrIK9i>wlAZ`p61QgdcPxH zLY{hNCK!oRA9T2_+3(Y~3HW;BGSNlwt1L)nXk#k(*+^Wl_sZ;pq#qHTb}L8Wa;~8 zVTtmpO#Y_*{WhbvyR3c1MssdBY?Iy#oT+xTuC*d_jYU!Q-z&tc+ z3=-}Wop(c>(;v7~e=oi`F(RhX4O~!ztTQ1ADd$V(`7O6k`+e5q-S0V)sm`J5h+a3t^mmuq)*Mgh1-ibI{xo{I!~c+N7KU=RU3C0zPvU<5 z##%qHOEW$AZ8^cMuW}3}n5XWs2W1L)c@XT%D2E7U_#BuBhP1_uR}c*JVI7)DKH%%A zw>!URrx%df?bd+j`*&S;q4$bc*^czwSw4E3?P~gA6zg}PVr7_7VeI6e@7a8nY&f`j zf?27e%t2~j7juFlSvE?-C{vDmR&qG~j1cmDHYKIoXaRgg%;%+f`l5q<^i_9rG@VP# zbSo-Mith4)!J*uN8D1|D!D4?VQ>&9Q%$1jzpc8GHvyqN$#`w*rkY_V9ubQ2jwK}H2 z5VWE}y|K=;6hnV|V$Mr9G|?5X0F^8}wM&Z;npOG>UrZ?^G+YtUD(8%qV)Mrn^|t0I zZyPO}>7CQj3t|X*y!-$TswxU;J4FhCQd~I55_eOkEYlIiylCtW3bVpsK1U}J5($m# z55~S03^h4U!-sT~oo%`sn*832W@^mCsF&~|IdOcJ)5q%E)x~<)K1(ZC>s+2DyV5cj zQ8H?wyw0SEJ=hy#ThKJtMPnI(4URS^O?Hr*&q9;!pt1cyfSmv|!aYkwPIo+#FeO=z z`4}>{`cT{(5gcAOA3#HSm}QjHE}xNxowAJlj*#z!S1LNZ?<9m^ph^4V9`O7#Yda*c z$u2A422~*EC9l0M_W6hDaUGiQ0~&I@AIYLO(_scpG*o1{+>znckELSoufjFh9wEtJ zG$}%&)CUmX3|4Rs50VXt3Hcs^E>2C-N4Gs_%VAy;`t-J@`8=vM`|WKb=ov={ZQL$BX1_yevzZf zvW=NTe&Y4S!XVLYnz}C1>40|Nx%I|}8+wh@f zze5U`yp!^f8(+5wf+kl<)!FFU2;73CG37>dE+)rsG!~P_sPMYm*Rrgug#To!Nicb+ z6c0s)u|SOvazB(~lHnWGP`>EoM0KRlRZBJYM|Qfki?*n&xiNH?Kh(!Jg4dH|dR^q+oAMU_2vqn4%fG8o{K%kWSVb)zm%@>rEQiT4 zH%6`>D0yVzDo|k`0eCba3ud|M_0p7siGkj zXAqd@MauhAjlaPubcGDkv9nw(gKq+HD97go2NfQHyxxh)sVP+?`L1)tr3f=tYTl*#ISzN9bu`Ki6&% zHEr>}9#bVYn2QC9WxfY2N4PnO!sm|y^3ccS z1Fnv-B@%7~3eAn-vz>6SUJL!oxxF4}xif079nRVUB=oiJo}P4R`_eYGVnq%{l?OqY zpWMPN0gM+Vaca!tLWc)aeY4Ll{q11EL3TFwwVS|YQS;QtHk@zz-%DcI0S{L4cc3Kr zi^cM9liZuD#OQx;3-_n@4LdbHG3PU-&W5{Q$cre9d(eX^;zHWqZLjL+)U)8Ivi zBNabHp-S=B1k3suWxiUrysk^7?wT{Bl2lmAsKm#p>-G4Nls2&XK(8+9^fg8n4mUf>AzehQy=E2LhlglT553a_(RWPc`c z!rB{`vN9Ub(KDYOCM1t$J!H#0Mkj_;G6nSu>lANM#E{JLa}=C3Q#4h9+}2Y`;1@o> z6d8SL4ie_p3`LQA<=6mHNuuq zm=H!CS&?3AHq5rbU3AUE;M9@qYESrbTgmZ#s5h*1Ox@?YrYRT84NT3KI~zS$tT^6p zo!+xd`uMaH){AW14LsL>sM{mFr{!5Dv~{cN>kh4{bfQk2J<5F#WmR8dh8``SD~fc`&A(_xs@w zn&5Wb4A-pdJBr_hk3vfe=GQ~Nf6;hmvL;@hN$j67ONF#V9?|y|(=KhjZ%0!49} zIyzrwKX}q@lA!6cWf#$}OASKd`uKBXx7OK2*BRu{tX4sT-bbJmc|K^g*;-svyJ1#a zUzxM3ngBb|Png-GugzH7Tc>aDi<#i>4Q9+>p%MbqVJ+3HJwHsX9M2@y60g+tk7;(0 zjzw3w9c?t6+oOEj3B8Bo;9nyxx-Kg*;~bLBs&>4}EFF0ocADP7(UC-oPAe9lVkO^K zkq>?On0f0I@$qnIGQ(@iTIgs2hH#N3CW|rm+&gl5GMe>T^J9am#27Qu^uS{s(e@ZQ zdud*B)Ky#U@ibDT8YWn=ruTMvqg)RZvoJ_uiQE<~kW{^v3MN)@p9(*ho(Sq+c^}KU zETZMOf-7M*G%a*O>GK)gAyNwp=wV5A8ZE_V(pXpfim#Z)GF{AGVS~RXq}eR6yVVP0v`a~f#hUqN zAhfsaqBeHM1D|_OeoWPB@_rN?DZKpqfkyeAkJ3ZvWGWAdi%Zf$i8BU24)`B5{pqpu z6l)MHK3jwu!FtX<7jkOVDt5zIG4eh-?fivNS!gb#=Bhuin?(^o`%gO>(Us-10RpM! zFY=Zsy1&<4LM$Nxv+AU5U%UZUEK?L4Y}P(=lw@j@NA3<1TNao_e9QVNMA;Yr4k_(p zCn#LAZb3$n6y(~&0<~6y^BpPHT^~D(GS?OVsabhB$aY8qX~=67iP(vuS~+?ZC_6V0 z4s)ukE#O7*XLAmimM>EM=RN=z8?@>-w>9%yUc2Ok)dvAxXHdHOCRLWW5|k3?B*`n^ zx;F3dzpswix5hS<;Za- z>Zh+YIcFchY>EXtX-g@+M0{JuY9a3p;lD;GAQ$0c`FGzOs~4%9HWF-St@YXH5LQ2u zLys=>Gh`L2*`Qw(_O!c-%tNA5U6kQ0ADb#^2j1=mUNd-n`4N9^EQFEvNkEJQ)5B0g zQ_JM7wkG;H9v%K?nq!#IwcFe;n#?sHJ@=%XXtDBkj~}ntSnFpzdM;t}rma*J5#9x)e|3yh9Am*adkEzoU+o+H`<^|Hv%s z>?je`?~Li)+G~w#!a14MEw%i5-U>#aGBe_Eh1?AP#hBn?qYbxZs@#Tq`Q)+V_tvX1 zE8E2E@|y@c*L%LT9!k6aEi7i#F0&~}&MMT?Fwo9f<+4v0!)D^YuqHU{!hzJ^HxU-mUqd#ppEh#w8Fl{DBJDP}^G=gR0-bNE-IGkZE(lwHA*#Xct-0RbEMT zMqPIl@rGPS%u282B+GRxz+o?u7P&8e(ik?S#4nS)6LZZ7iiB%yM^aV~yJSoSm}xhI zZ^3B~a13{?LNB;Oha?5a^%uPSX*4b_NSmiOuN(@}NSgdH()MHjY$qFp&(+0XB)`@G zM3|Q|e;@Yw_DN!DT6a zXsNzyLL_suRLAe-3jnGgKx$?BbC%}{D-a3;2OCI!M*sEH4Vv}p0PFPbvc5po!ZSIj z**(TZ>!(QRsxcx^Ku|w7(Ul&b%m6;u)^VlEqMOJoU0ebZ`A;^HFIQb&TnyvL3_L2M zS~-}e*EZl1sDJfr(jMaP%-$unDhQc8P=6`?Ak3B#C7=qx$h9wc;4hC*Pc>_)e$4bE zSPYPOEYPre#h|*V;Uo?&MaS-swd=2jagmxC*;nF@*=cQTQSv%*ur$^Ta1#skGYwCu zB7R{d+Cj%QUK!2mEW0AnlP_x%5WSO1p;{x7M^0;SW`J(xEnTYVC4 zA*4HehZWvNDcZjo|3}lCK9C_0P=1(aejC&+Sz7iFRk>85dtrzpup?^b-<2maYZypJ z2F<5k;9HNzynhZ<2745_)NRha3|5tT$17}lAp7>JALW1tk@%WN{oyW@uq$jaq?YIKVze% z(XjHOIQH~4*z3Hj@`C4BOke~nrRR31&sWx`_miC;|A@ zWiZhK+JG(4{t36hj1=;VMXox4q zAUjRu_06p=D26ap&QCKMk4>DGI(whM@6u-1awXP3fJ&j+feAasoLf?ePBiR*Q92B1 zRr|pgee?V>ytg4*v;=A1J}pfwI{f|}O(YxqL6{6&-(CInZX&0w8PuMJUasLjZO4F7 zLk0gan8@De>`ngwLY4#~*OP@cFu-j(S&*sDd?r376KowX576g;#uN}l2Kfunge@-2 zDUUpv926dIL4;5TJiTuPb$^1*jGFz3U0)N;)dkLys(U+&Z#BT@->oz^r-{v{4Z>~3 z=yHNo0kAA^c;Mb5iYNBoUc6c;8{Z)`DQ~BRw>GD*G)3%4(<2zfYk&@V*tT%lWo>V3 zzTa&x%op!|(dIrju^}uFZ>_>Kt|YTw-a?94ZKL=5r1-ZRuu|qopwNqojbSf$qp%DQ z#lxSi>I}>5H->dwPG-~FNj+rh4XNRer4r2Fx^TIiy}Xfd&yh>7FFN}Zz75?OuQH>P z-&5BZ^by_Rt~30Da6wi9n~Y#ecG`en~NQ_Ipjk(k#%gZasT6w;r~tu(kN zS@dc`K}H{yi+ljJP3prwmHQJCXIGU3a&Hn_O7&yY%BKtiOamQptyHPQ87Y=AI>n>D zrsfSK03yEnu=k|X$!XLhXKu$b9;&<*PE{u|pMc~xpOXbjtSpKm<_0h($HucVWCfq@ zX>z-FsSGxlf90BrD|M=p?tv%{Lc!0t#Qe{yv+JD0^Vv$K67M|Ry+|LnZ$z|Jo|?6^ zYq!>~;T_>XOx}GS%#likC%QrmuJT=0&i;&0NWKo5GE?_Sb0V-14vM^KnhH{7P0p|| zU#-sT**jpkJ^?Zz191<e@6p&lZoL(Ih# z-!!o^Qc_60MZ-m$%WD;hrTVud0Tl_w4m<;jz=P;m0SFV977~Ho*^N$BIE!kLvP+dUJI#)#LeT~wqS%P(Jk>@K zKW$_IcsDnfH^sHluj1!0@%|DJ#c{9~46>GUrHBwt_g($y*Ebq@3vKA#EF|D{6t8A}x2-5b)Dz;@;=$`f2PfipMh6Tv?!#gVR%ea0!+n9u}apM_V%dU{S zAQYR;#ayR1cPT7mk|$$D_fk^B5XuAR=8?}SJvJJp0%TlvXN^D(0+1-PxC&>fU2 z{Nt{vpk!&YMu3x&J*EG{M#=OomsUulFsIqJ)tbXHVVx?nI@eZbK z`c}xl;MAq^#ayzSpmS{0<7DyUxY*5GK!+8Hd3@*9skQzWmNct--nJj>Z`gGTNToY3 zN@%xbGat#p=Ox+n7uKsKM{vLn1&Z&L03F+j1QG?{n~L*S;FG4DUp*k+qtFca6-?R_i z{0c@|dHZpIUZkl6JZ>%y79L-?@WYC!?N0c-nh~1Zsu|wW2!Ss-e>8o!l<^1A>9yq^ z_$q54li|M`J=~}E@syh#c}pzdFbE(AOXNRDAxp5pvQA#^Oqv<9i5%vV1f1w6zARWw zum5sVi1;FPjR{x=7EMeKfyRlkwrE5I)0mMxK%J0=a_F`_$<%3bb`{6>*TgH_BwZOV zY95P<$N3f@&_4uc^gxvIhVG#r{_k1!sXv*Z3|1V2pWA0o8q)fvZUdE3b-2r0dJs5v+ zK1!>-pa9p1;LGq)ty8S#1Qt@}`#@}R<5yQ@d|i(plmMdQC|$Awahypg*F}(aj!C#YZTIQwTJcdGM);-G;bQh>fKwBa z_eiSw7=z_)QA~T@6|_Hv)|^R%uSr3S&?s26ltu2~O9kxGAm^22mW?j#6aL29^Zcr! zsleSvk6e9&6w$zTK_Ji0-Q`-Fyf%RC8KU!8wjr!vx&5zm9l?a{_kB#}kbk0<7B zw?W`vN`x_-2qCpsq;%eZs7jr{Mw2xc)3E0wnQuNB&)y0fK?JL9P;tpFIF@FIr#t-> zsyc4|(k3Ia3I!_$igBYN!#XtC^25_LGtOm%IMerv9o#a0dG zo0VqW8KNfm61w^Nh+;ALD?v6x<>z+oK|)V;OmNT1>ZG$-PMmGUeX*k@Q3%g^T!*@- z)keokACLK1JAR)x#H>qxA~WjSOR?vhxhB;SSm^~c*A+^{OKGL z96i0z+TneVS!Ezk8V%sxgolG#U%33C0w5P6&&bi6v=LOg1t2P>iSO;|gOT5}Q9 zyk;z`;9pvHJyeSD0#>_NU=U9HTo869A;|iFGtmAaP#^;_P};*(4WG@X~xw!%6_{6Pt$*%mdre*-ap=>J>X|KH59 zW5B7TD}r=>+v4$Jw4SCqA*ikLG1-&L_upv9sQbxQ(fO}|*iPh7XDBjfv~^`mD4x48 z;UTfwSdzshv~S%{)Hon~>7ZC9_AT=*n(F7I*<1E6l>0xc$gK+NEM6^ArtDvB`HIYq zU|3Ha8in6l5UNQdXyOS)PK;uClb&pa**3A@CPS6+ft;{Mdw*PUlSOV=KOhTJZ9}vmlfSyjoCkYOx6lZeSK4FE zl}Pu<#10^{Z9fkk6Agrr;J4uht1e981Ismp)2R$ut*>eFu}NS3X-orsHNW-anM;j{ zWx6m5(TL;o`eTVGs>6L#_Akxefjb@X`2JV47_|qKfzD$)y9oEl!RuBHHPr8merZ8Q zcbvQho}~tJB`}r6v>p4FA23>y%<}ec%gzK?mkcF z%1~cvS_oBGrtNt>jwG+mD3!!aFGjFB-m;-&^Z8hy<_e;{!-35E^Mf0Q^kI_}N52}U zNg?sqI_Q%>F>tTtgw;0Efz3#W&BO$|{2tbUQIlELY04BF*+`mYcQa_{tyc6y>M_Um^#g5 z)_*sZIL2^2M|pqy_HUi+DOU1Ra*UbE7nRpG2e&fV_dZwRxcjfBhQ7d_C@rH@;Z7Rc z$WPx}QGIE7$p-0WJ_ndjXgcj3{cjj&O7C^uZ*bS|EvJ0KBW)a6b>JQExzGP(E@B{5 z>ZI>zA)H-5mrfV|MeFL1i~su*%f8~jLSEpL6HX~epo`g0iXIv$7Zkl?84?J-fP`% zt5CzUY;iDT)W7|bQK6Yu1*(7M#p0P=A|VwpGsVm;#aY! zrVvgPQf!25{`ZVuM5?xW?*P|U?UxE9h`c4t&G5%6R@;2`g&y}<+f z&je$;8y)t&hXscg`LT-6IM;aKS)^bo@l)@IE(tyrw@{N;yE}hB+`B96j>?RMQ-m4A zQ(d$lK`*~2^4ZyOyD?#b51X#DElTXzBeLfL>7$_LXUXTsenHd{-D^rSqGXM+h;I3T zm3vy@pH@-r(Tjp3XQ8q3Sh2CK-}ljp9s?WP$5a`(R!owXLEDqHxqU~)?>b#+rIabQ zS1cq?sSz~SVLy3mufShmf{>XDd!^EhHa{q-?9XDDx(q)!_M(65%DKh6ZOH z=mLwAcXwkPV2PJ;SPxlJ_`PqxRPU4!ywxt@4xuDZTgt0TMYG1&8XEnB9}mJbX$2fi zq680qm%2C+DT?p&KR{(4{#jtfRkqR%obfrP@)l9`&%+-{1#!Wbgp-TWgggpkEl>jGh?cq{PFJh(BeLWs5Rz)p)$` zDBE4y^&B3?9FC3ZD7{tt3L~m!sVlAKnt7=+=`_x*9Om~_m#=a(Du%v)b;9Y1Li*v5 zZiz1;QY);mKDPrXIuZT-LAe`iAD}9~b#5Q!NWrPbG^Z4M)9-Qf{r@51d*%HB`xqo`(rj-5-Bv0(R&_+5CI2Pa5FJK|^T zC3-uCp1Mq2{bUFLf}6!A%6xqv?x_Q*i&5qEa|j9xtZ1tC+h0)%{U#6?21sU3>~6vR zD(;d;UqMC|3O%!>;g5b4aZs$AEyF~O0|OZ zkjSsAGjY^>b(n)(d5PU2;%B3D5XX0SvtA9wxDTO`6!hdu^^(tvu~Vp=ZbhJ%t9(=* z$1oLG`flqIDibhXe()?EvDzA=BAioko<B5qUCHjG)vJTmndt$ z@4Pzdjvd~q13d;{LJI(p&?VXu#Dw-|Q6y$!05}d2{XU$aKWU!S#8nb470x#do_)o2 zrj6?Tkv`mRk8i?7P$K2b_wZNWO>fm}1(*?v%a52D8nu3!%@v-J!9{GDJ|a}mYH@3L zSg6^Gden%V;_a%W`c~*(!OtJr42XGE0#e&G>a&7{#Sf^}-&gjc;CjsXIw@ z{0QK!a{uTHU9o**{RuL`ALQfFUK^_Wr9)q-5%Wk#4Lunr(yDtGndk5uPovy&@-@-a z=J}pG9J4>oR5=cY(s#$huc!G^xwXrALVYRb^H{T5hnLrABIVO$rOg|g?;Xyz%ePaa z_{P(?>-_;(`%KTWEHrn}cU>1W~8jCK$Y-6CUeArXrjS`H-m-Nxu}~=)$*gP0y+`z#Gg0F z63s*spwylYkc7gucpESmWc$y1dI_CYHoa;FR=hj+fckNd{g_j3Rv;(1kU>}}CYsx< z6E^X_!_OHW4@KiS^%U+IqFbDv_!JO8H|G1ssP$%c;NdBqthT^zVSJQt1aa1H1y`jp2g%;_WN+yJ#ST0Q4ykZ^iwv_u0~8r)H41 z*OdPrufBcmS05xJZc~+b&4E)(AR2JoV)d=UJoF#yLI-rpx0HO{Lw>kTYXNeaHkgb> z-sibc%@i!-6a3(NkLQFPO#o^1Qpa4Qd@F^qkU$(q=UhIQRQ#+tcT?M`+JKRk7t|Zj((DDSFFIeq;3vy z+L8{cy^01H-(BsX=rZ4pozd)Z=^*v@k`b0N6yFyc2CY2^ysm}P7le7g1WGL`Tf7ay z2}fIiRjVtQTSp+HYMOM4ief{ecU*Mt#rb57n_77m`$O~A$nHHKBlL^+tIzgN#~qv( z2hIs-Oc!al^@-8r6M=*(sqnJgNiM&H=)S&tsb)71l&<^%BmG<;U3cxl`EFQ?~W4#$(Rj03@M9E+7;ag|a*g0m}2On$C|KB=0f zGpemDE?G_AY(mozEPc%_v%q|M?+oO!!J4UFiRDmOYvke1JuELlY)H>2sl?a?hB@Qj zeuzurTKai@l)AE7`v;d%??R}!7q3eLrg2;3RW&a52YQwf8*4ljk28Lm!sugc_uI^> z<_)?HCAk{R4#``It(nw|P28GO`*0k!J+G3(*{Mwt5<;F5+J(YEA8YNfBMddtzU=oM zl~KtyH8iOY@AhOC<2i`3E#MWT_bq36rQZlL_ozrqSMKq@@rxXN$Uir_Gm5={y8BIX zj0WlQQul*(E1k@l3M$TiDtWHOG0^e+&FVa+{9Vx;AP#Fwvyht8){q%}7pxry>xUtK z@X}Rtk?759wwWIq&KIA*U?5-%b(0yCt zy9LN~OI%F{1-BY(2?al36KyIr5r7S@2FSr?nZ}Y(yRr0E6`LF~`QzU!&`0rmvxEu;eL23r%_WL1Mu`N+v3{UKI!X!}ZC*g1-^lWLBT`mZhRcV;PWtXo0*|ql!h6&zZ$j-mulj#SG~bYa z@+tXHh9UkXmBV6xV!q-@PnUYOea=M^H**$=fMxrLH4$z+kyb}ooD7UYR#bJ{J4}kQ zT3ENnAR|?dOTZi?0Zxy2h9-VHaqK)(+at?$aU3m?>=G_q)^|fL1K+nR@+wvH_luNL z9~p`OXmJT(#eF8zC?^`-YIdBDPuC@9#g-`hp&d;FpnXVT;0BMw>dDGtxK z^d!whvZU@;JoX{OH8NG2E8g-n{S;w(sT}5j8-iegr{9a~*6KEvpB^8u$q>3c2Bj3C zw6Axh^(5a1iFd(oj_@Pd=)5G~$oE)x_N{9s+TfY#`x#*5i1FuTv0Lu>B!!CSr^VRx zX|B(QVieL*c{LDz6S^Mey34DRLaJx)5N_%{B_VQ?MAVBoxQ4;z>U14s9TK{;Nz6rB z6;_xk`TtZaH6a%{i`wYujNit8HgyY1-Fn-pxED7qN?JOaRXU!MyZ4&yL4!fFr;U{O zs_f_x1tQoh8@~qr%2uL(vkkxSL~LfWPAXw|cdfVgA@z34^Y|_S!!J6R zkUFctZ|CE>m3`fF$%=5PY1x$?3Z!|EtD%Btd}zsv&F(^h7@aP?z*C(+@keh&?OxTa zlDVq(hrfZo36zgCb(3s*d4kn=$LK0xW`(rG zxr2M*cUwg^jj0EItAsyn7BSCg_fPh$bEACMd8&iCROWwc`QM7)1#-Ux1u9$r3oQQs ztX)S+Vf0{+EQ15*d68D}`>O&rStbae=@60si%i&1pI-vSw*SDB)HnZH!9snGGE2L= zy9+DYWB&W$(g^GK;Qs$Pz6aDhr~0!r!!G~WQ{6c&`=jnOQgT>h|5N`wVDs4+E^6#a z#WQGd(O>%XW_8}5{XfMg$El74&x)f@0~z(z|RZc9CUyQ=oDHz3qfkwM_KPgk(}5bIy7AJl&1q!9RA z5pPth4$Fmd1JVHiYSA&lme8M|8t#C z_urxTcR-c-QB~y9eG>Tjv~Bh8i?{Hy+V$6ne3INhPdocXh#TDJRCuFLor}+9-HFp} o%t;A;t^GT6VTtPoH~#k3PL{_nKLP&|;K73z3hMG@vZjImAAtRxM*si- literal 0 HcmV?d00001 diff --git a/xtuner/imgs/cat_fly.png b/xtuner/imgs/cat_fly.png new file mode 100644 index 0000000000000000000000000000000000000000..f20f94d26bacb53598cad165d32d85d7ed864ec0 GIT binary patch literal 30507 zcmV)tK$pLXP)Px#1ZP1_K>z@;j|==^1poj532;bRa{vGi!vFvd!vV){sAK>DcECwQK~#8Ng}rr@ zUDuH{uD=Jq`OTL}92&=QY?;MOt(KakW@ct)W@ctmlUglxx1hyLmL-$S96NEGjKesS z$xNtzd)Ill)y~XXU$0f`+;<=Jdv~8*wW|)?RSxU_Rh%|FENl;KendRBeOp|&pxyqc z_}M=t9y=cs|9wwM_s7Bw@otr zw@E6F)6r%GZkNo!9g-EYQ?i10N^Zz5$qw4CEnk=JvqjsipdFG4%fajT9Idm!S0?JB zB}u?I>-T4$=y1Otq8dG<&tyjD6CSisN*gOW$kSl-<&T*R*Br zm+o9g>B)1H_ACdq&eE0RC@mTLr8Z%g)Fh@mqhlYC50M0bU%Hif{nXC(!u3R?&wolq{;R!+qfFuB| z8GEILfB~$A{g!SdSNN=8#0>`!|*GU=yd`-}BpU$c!gx$zd2Cr0&SeAw&;SFf1#TwV6mN9;gHKC@ z!)giI`-u4Lcv!)6T>E9&_Z+}`=3m6_iGNrI?Qa3(@k$_9?O*pzWgkIY1`x($0_VHu zaq+c#!Z6V3Sp|{DWS;?WqYc1~66di&k5d2~jUbYR832Vq5gdzw3L+j8v~;|N0Fr@O z0RRr?2p}J~Wcey+vn?@lv=tyWM92Ub*p}ra?RhQ=PJ0#^bpXtA0zgjE0Z<8Kdpba~ z0Z8l0F<=w8&TI#LZCB2I>B9S)GaQt8wTWP1@?Hh65gnm1b+6O`#FEIZk{`MmfB_JI z!!{f2vWy^R2ZE)+oABN7m>}~xFpr>T_^#E*X+CQu%K0$~+yAHp?0G~yw|x@~{D#;+ z_hkd#)Bji5r{I0(A0M=j{gdo`9IbWEX39W<__qL(h5lfmuia_|Fv#)QWfrm}cror9 zB^ID1_-vJU?@bCSkCXhiNV)|e*%$zq3ii>+yc~c?mJvV#Nd{)ng%UUd2=J`eG-bHU zSWTEr*N4mD#z;9_8xGcZfF(O&hB55`qaz#Op>2Wtq&sa&-L3AE=U0MgnZ;ZM64r*t z{Jh%4J^I=8U~nVcX?-#*WuKHs!{rkkf)}txfg!W3mH_4iZCPd^AM1GlNx&7zz>Vmv z>m||SS&4Fb0w6vnzB?aP0QawX$hc1eNFZ%)RE_8Gc<1VWGA)3#z*GjV1aPJK><0Vx zKB=xW#Ob+Z@K(ma2LNsc3&B8uVX<%70HC^107g^x0U!cK5D7M8U?yHi0QEecCyGWz2`*I6D~SI)kTi{>0KOpw z;3e-;AnTI0OKt3SjfLgW+Ykdc8vyAN;To42W;2489k>NeJbm~;XKP?Uu@CKI#$*{gRc`v@W*tE*$UgHAXda|R{$9U={gAtLCO!^s;vTsb2&i(SkFI*hssPm zr|}RXCJllo-t9?=c6v;L>>gGZdSJs>#Bu%C6hMb{UsmwwQWZo6&H~W@X!q3rm7P!g zv%1w)6fXpDS;W9~S}heQ!Smet9SPk3^fCi25D8w4`+5a15x~WJ!abl>B}xzhN-`8` znm>*Ko&_M|9KqpncIa*eTU9982XM(kKA#sx7v`kObF4B{rr|!P31ESbRK)JUMc)JV z0SLstc7WEA>!OOZ39+v!-O;pZ`_#>{ZGuo?OSbVGV_ZYR_GPx!Lvb?pQ2;e)y9;I~ z4FI<~Za3oKb}0zk0^1DRrbfomc+42dVrdx;q;F*4x-S91e_3YW{{WBd1M}3a!pK0nQ3Y@%1OGPwy%A{X zLjMN?Js@IiE|h5m;~_yb;2BGSC4-ge>KdUq(Gti^#6g0Y8@6Yefdo&LDqg2)1gt9F zK>-}E3XzG*AejUchfDl$Vb*ILEREWt7nK*c238rn3y*h6RqRfw2CJ%~;R*pHU1OcT z2113$V3!J=G@8jB+q3p5cpXryo!I~mk6RI6sc0EftH653L%Q$ch%E|aX_PU7w$cn! z4MWwv!qR-!NP@>xVBixHdjLw*;W4oAo8q*Bffs~QWP)_p~dEZo2DYe+2!=vQE0 z75g<`1CU=`22o=mfwNd>0jCBfN*7AtytaRPnSm>XOswY?1<}Mnfarx7=(TYfJPSzX zf&_`oQx@8oX92j(KpSwDD`nze7Go!4RiSdIGFSmTR30KDWxkRh@|*%#5=j8J!H{rk zyHf$ARUn4(96_wcdAh;MxSe1q&mq1chEj3TWwxj91LGW!ioo)WGVMT$(T@C43j`^4 z0Dp&+;j`Fb`2T37Q8Yfbz_geNP{~d(k}S01r@B(a!4#k8BpM(_Iz9?}OhWg6TY~K$ zh2sAXbjM@jzvnyRx9bt{-Sr&_*!6AkhS;IGZUNagd=0FHZTz}npatUJvXBg9`am(m zSol8xT){w!n0RknE(kZe5r-(vt0m@8XG^)JK}L{PEp9r7qPAuXV$FJfOOr zpy2mNlE-=p2M(dm&pn8N|C^Ap%4tmI+42pR3tb6d8~}@ln`AuXV+9SzY$<9KKroCT zS^yFpGBH2g&H$(`)CMrwXv+nQBlZHo02v4S2p-#^5+5lHU8@W<09wqmz~e>axoyfA z0!h|Y#BS5LXp|<{2LLH%80)B7y9r*tv-B1?Yjvh8&ryp5ZD6Ac9~DIqNoh{FxK3zY z5PO}a1&>?Mwr1cs!vz4i0vuP3-;F8G03Oe0y5l*5bx^Gi=WCOkr6zH|lt%AC{M;pZ zp;X>m(U~_&mLJj(q$O-qL5yT?csKWFCDP#u3EBU+gxEhOAz;w`?lhL$c;PkmV2S~k*$S6g50_b+2=xi3Rwo$OTMn08rmk{_ikISut>{Fo z(3mPseh70#h?c-jn)}gJvI3Ltw+0>9)Jv`N8W#~CncTDNmd^A36o4C`8`evb`&vnc z#ksDP7}qrtbC9*ur`5H3Z~vyaZ+b{=S;VYlAem>yK`*#ZR$|CPmeL5E1*8!!4`Lui z3<0DOyaWK7NLOkl_5_ds!N@=Yr2wL}i~uSd@mhjN7dupH0Gy~n9E6P_94K=<*VYp`Ae`bi|d9jDG+L#`1oJMb>mm$ARZsU@c{sIaKk_2n1<(U=7RLW zdF?-oGg1gup?r*-&~fcUdd_(*-na1~sMLqdYuA58pXYO5P@xu(Rt%&Yr4kLW#X%}k zg16Fz(pY`bL>{iw0*-A0f~}R9aiIFKPEv?aI`>Jz#d%uUEdO)o!=CnZ4cqX zKO`Q!;4qE=xNby?3+%D=%K!k+5fA|3iPzD*@E*22@3slA<7@C#Rslo`K_yB>O7JWOTIDpxKLTaNKnp|~ zm1ruABMt;c-6O%V#X17Wa+(F4Dpa&AtC>>U4jC@>l0#(xur^c<*Mut*gTV-wwf}?* z`y~a(ZzoJIB-jGR1nho9LF7ebzz^HM8t&`~uo?O}1-{B?2P zMi6ZPTJev^7I2me{Q`gv_-89(-~#|n3}oEnV~Q9HL;^_Tpe>nav5erbrHdqhEW26Y z>hpB7tc`-5eZ?L!Rsk1U8zM7xWMHTyA=X4Xd|L-blf2g9vmpi$v$PF>dJBL+fP2h_ zNXQJ_jE=#P1h`GKR%y%BC^z6e>$OIij98ZJ`5a=}8cBrWi}!d=+eCns><*9*0zd$r z=muA7Ym@MLK9}TSUc={O4zkt>kkA>}#ySHuJ_a}uPERU81WOITg~5A7B3APGNOZPf zcoP5JWaVSZI+}vF9U*NSV&)dQae%n>8($PL%j|=AA$aOSZMmSAt(;~7NG3+P8Mavf zGLhG6jBRLXWj@FuBg-`|0|mA*Rj>-$JZHT|!6QrYn!W;0h!{V(&p?^33y|sBV94ur z==Dzl6ar#YAd_aR#ATUQMiBoPBa6Z}YuwW!b1+L?TOr-S@*sc=K|2bhS+C$viTUAkuU=$pVor0c7Qc45Ybj`?khD_5haE2%KeB zF340u0rUjxU=%bu%mhX*Gmvr6299OwGGWa5tRW>mNA|4{Ivu$lGG5^?GxY&7(+~s} zhDeS-FY*%#NPZaQys1MLYdzAGvIrU_|H|@~%6+X-(tWcyy$yhpotyCeHbC~TQxH>q zA^o8+)2K96`h%%{WH^}3u|1t0!Pjw01q;#DE8HiI1#Zi2t^|-Ri`E2KN9L{P0HBUopl!`` zGYqT?lEV#fp>=^;iAnN&N&(bDva;`s0Fr@xOb`tlIbr|>3gC(&nadGeqfYsHvXVwH z>3TI+3nF95+%3pUp^CxSoM3>CV_J3qN9j2ry-C4N0*eV$GSdrhvKi;lrlJ$1_|R43 zIh;#j=kP;10$_Q}j*;dEz2M7m10X%tsRtto;uuR2gL%yZ_W?xYg1&oyWT53j6X-f^;IXJ}xlhYhg0|9S(v7N0^)u&I0!Rk7WE=#5 zJ~jX&bc#hu_(t^fCvoxC*%-AMU~N_q=_-qm%dx~p00|yTTYOv;u>+~g4!oXYdC2o@ z!#%83=7!)L%z(v~!$PK2(1ITT$nT~A`Xjy~=5nAmTjMXn1=$HO2~IlVFo%%X8UWWD z77|3XjJ@f2J=ve)LlDs!a2<*w_Df})ixh?-ydeCZl55iGucb6F zlh4(sI?G5|fU3{KoLT_@S#M-K$_ZMp>>=w223?|IA%SC_Xv+hYY34OL@Cxyg1>iIu zf@umE2VVi!a*V`x;CXeo99ak@@a9;VjMkdm#Lr8Ei%o_rOaT~404v4Uu!>AeBbYD( zYuqIVcgaS$QXj_NO=|fO_Oj5KA$J#=Do|(%DotY`n8#8Y z+p2{9GKMrlr&S=0I9wklwTb&wF_JkPK;^|GNGpv%>Uf>)u>!MVs)MRfPLTjB^2i|D z`Rsso`dTuSfGX&8uXwKoUU3*1xK%qE-6-Fi;`uZ>;d6SfB6goNW_ZC}+bOe>y~#da z3*$a%)^Rey#%qcq?d9TVk$ik(NPcv0LfcQSj>uwr7SfVuG#2{rh5JMtWPYeFbS3-P zT0({Zx@|Ra(VEz_vL3n&Alc^yfNaA^R{lruXatYvQ;;Jq0|*;x%5OhBE5G~hMft@$r{!~;|KZIk`N6FT87K{h>!eU&_+ZRi zqb+YQo-5M`0%(=fIHW|dIQqaiNJb`jBXEOtI>iEy z|JH?C#vvuT%Ln6t0FUg0E8@BGczXbd6oL$7C8jDw+Oym=e=7tCC6PP9gq>0m#R<4O zm%-!UDqBu6VvN*Lbev;r24W#{@cPQQJ<pJT3qJ-3!b1+YisH{pN#n^7FTrgEw3jF2Dbh&(b=dk?rwFUX%UGx6WUpy?YpKOt-$}lL46pwTQ44S*(j=aj-kv>ezac(f$?e*nn3 zC`F9MJq{@WI4cG&184)3%*ze6O+5sVWzl<$hyidEF$A(J$3q!a5@ib5WzoB}rD!2= zM%WlvY80wr9Sh(ltst}QaDn3Fm6P@I$>nzW{?!io-j#Ow_8yE6oaOv}$+pO@c$umn4+z>#%7e)%XEcSwG8ds;rden@Ui)k;%}2iz`00_TMq z_e*0%s4#rD%){k=dUr;C_5NA;@hivV<10P#_NjXL@M62XbEZocn-UNg7y|ex)X!5Axc^CYohyytama{qjwZ!7u`4)k=9xKxx@HE{fc(V}g^F!A8WujrQidslqIa+YKh|l}fNlL5nd{9L)3v z&LrC_H4s6yN&BQeg|n|6 z^!$}p`RqoYe0-@LtQ(N`&iBgoiE=sBnThYSAKz=ARN((|%0y?Lr*r^_>DpL%^K7rO zmf-#J?L~QgsY@>Qr^zh5%RsJ&4Cnbve~yY7Pcs2%RqG#p+ zq>|`;V4KB2<3cU=<={0%a5-ckCpB?6X#y^^x4=`~AlXC!IoCvIqQ!Gz3Lo!NrApJ| zBu;N|lxq`Z^0PNjECWUmX+OQcAfMfxkk4P9k)PZ@qAX+lBVYuPuG9kayJxH9-4o?{ z?$c{s0B~6D%+|`Kv0{jvG&$0kAeY9A0ZxZ}d~;a-?WHMv?lc6-tTO!9 z(_JZYxIA3?@;sy!9jqnI74Fvwoo+8g7F{qG$uQjjS)AYn_pv4l0b@%gmMbxAEhBJ@ zftHYQ-~NaK=)doQ3RM6(G~&8eU1$niB*7x{n7}IQyiIa%fL)Iu&S?Xim4zIg=UM`$ z3(7zMX)%+fBJBUJpe{#+AW1@@~zEsfwd8;Vd%4K3mhyF?$Vy_A`M_}PmaGdLt)c{@V9BX50;O-Gac8CBP5}4pZ<1cq~Z&en3W7PAQ~_| zx7k)ILBv?oDy(`aT`0jy186zH+od#OmsH2tOJfq;71U!nzW}6pHu9egf0l_jyu;ez zR=7~c2Pj44Km`DaVDd|nc?3|^C}JVU40{UQAY{BWofs|&kiL8`0JR5k&0eaNVGdH0 zNEf*mOmlz>BI6w3Ivu1n-AR`EGUSb=7AUh~UmugV8M6j+r39U;A!3hAmjuZ| zZG@b`g}pnGtsqjsSS+LwxOb12=rN!B(H$`C1t`y3L-Nt3KCr4)KDst2KLy)<{r(vh zJHLAO6yoKK0?p@djpd@l#L0MxuQbK(lEy@PX-RRBt}GvEPIFiAtax5zQ`Jm$7)P^% zdF`ktkh;0AGYquMas4-z8EBQ#2q=#^ltdOnLt|L+omAa|=V;PH<5yToI6KF_&09c3%NHEg@GD}v>4K)rDOtkG; z?$U$a+K{{-Y~z$Y^iKZBSbM2J9IOV@>XKcMAKHvF$5Ia>?j4l5=6HGSc!RtSb@%C= zF|BaCjYRnt+*}3N?(xLmOQy>+(w5*15JP3YHcpN=CCN*(r3%hxHXvza;v2_`>#nG?dT~wF+y_-Yw!KHq=H(QPlk}SvSLSz(S zpb4G44X(W--Bl-JRmALpnR%xaXH1VuaNWp2nilwRjhLR%+u35^0~bm*S_~v`7LWnR zI|$&)LEUJ?ze>=2AkR%EiacblCQ#<<{pD0skeq4>mdoAYa(fiL`EZ)NIFlwfM&R!o zeDFp0NiM|!^JSU>1O7QJBSIGLRthI4^XoG~freXC8zbULz3>oPO|#1nmA- zov#wK_hAWlctm2{pTv)PM$-JA#pgc<*SiU7)lFWWua!4WwaS}IZSvN+9(nzAyS%bc zhu9M$33iC_tN&h79Uhm?Bv+X&kB~zJfihVXBuA?w<=v$QWzR}c^ZK!TxicIuug+%4 z+Y7~NZym3ZcTYFT2N%2KyO+DPn)1CHqw2ChxiKOiLaDxas!i_A6wCRpWLc<>k*V?^ z87T7AVtoTd3&od~{$OlN0H7(RZ-#Dw2=qb9=C%eTdO`xVtY%Z82D}HkAdR5WG!AZh zSYPaCkAxnslmN!SbymeWfO-3+GaWrB#ZLOt>|`wefJ_v-%4G2YS!xcHE1jWoXCzVX zPNiwjefwmCygFAb$C`to92xuQruT`)pVD614 z%k9B9W#U_lmGa){M)~+!pL`$8qrG~fQC?lB)lTyo#LTOU&4{&?a(z5c&h@0pVq-K| zh|Ype#5txETa4G7AY6)^mh59yC^K-q4pGIqJuMMPBd9_NUJyZK9!StEvlwW(O@c=S z%4471-%$X`!teuYq!Mng1^>7yVUN^DZ<8wY_WJ0}(i*p2`qKBwSe~QI*ZIq0t+$+R z^poqo5%R)#s=T#OChwoFkvHZ`<=$kDOqBUbHF{ni@-?c^EY?HeN)7us@t5lew@5W& zSv6uDtN91l|Fbx+`3E(pHUB71YyS!7{z+mEd`HGgyk)*IQcg67$;p-|6$`JPY?fD! zH_7e8<#Kg2S5EgN$;s9vFz$d9K|ROsepJ$(pO%^kJ86z{l+Kg`a=0>5j@CrWX}G)V zgK2Vax&UAm$xGAu+7VwqTp%|F;^pO;Jg~G*T`0?7KYDFR6Z7}L#H(Xj3gWAa4RUL; z4F5X^xn7o>=}MI2_--fLQ}O#lp*$gAQXQn8AR?Y~R$YD=(<~$WxF9sv^;wC)bq{v1 z<>F4y0LZ5vRAN?&83IWcN(OS`j0GS?OdynKR^Se4O>&l&q&?CEAyFB%MM?tKNi`DJ z>d;N-*>*CV?S$OMOJ>Sl)y_2q$nE|pxig+9FM^FP&1A{Tvw8CRT%nw650i$J{gNKU zx*^030JKzSek3On0Rb?NL)FWa+9$**VTGaUO1Ekx1A}MdgA1A ze+t}IgNhd>%U9X^hce{yP>$T1D3O6IFDdnfTDD)UAeIH}fG6>g?hJS7PIX0050K-H ziE^no8Nwq|UYN+m=chy9WGa|<#?s{Z@f5j#v{XL2(jz~6V^MQFmeoGFJtYhHK9`W= z-I*zui=%mRzAr^Cbj3q`CMtNxJF}#}zz;6e2{|9gkm@A0$&ONixR@IXv4Zp=)o+6& zz;#9*Tr0sy;(hQvy>~uhQi+vm1dYsFDP$}+N&s0-V?8vIJvG{1nyC2DQyRdYsz}KB z@a<9qwL~`dq}$6#4gvH*T=YV$ag(KbU*k>(W93eN^aC4?l@}*)QE|b!7B7P$2kKKr z49iauU?!9oe-u|LWx=J!d#;nHgAh@UEU&`u3at-aAo-|4f5 ztEQ0=aM~oNT7Z!X;J&pFM2y8i%Z*xbkma-x&^80|wK|FmBOO%cRz_`?Dp)mwZVN6( z3nXzDfEdnpfE)6axoTfI4)B&51LRU?h}`Url-qq^Vjo(#)oWd0dQ3at8YI0r&Qc7w znUAzWRVdo*z^!1Qld`ZV%1(!4QoYwmn$L4cF*eI|eVE)DP1W8_@J=)YLqy?!0KgaL z>*SUBD!D#UC@;*G$^BF93hKKTx-~A{nJkcF^|3OXA1Gsm0Wwt)E_1c9a=Ig3F81fj ztwZ_pBH|`pBFE<5KGPv@o~V=8=F8-4XRORr_{gQcB>DJizZRrFd-b@ye{)7(JJ%R4 zZArUj5aDF5F-T5yCdf%7?sM%K(peCo`7no)2ozT;#p$dz<1Q&yA~*(k;5i9|hu|~{ zt-io*GK4XGV-aQ5_SIa@`*nc$AQoD=AOX}_PymoXM!T&;klhQm?a(q6YmvF2Imgae z@vq0lZHJ)gg0LCPa+awQPq5HWj@43`hRB7sV1O8=0N(72Rse7Igv-_LFaR5_VDhud10nhUO(9=@1O4k16wpM(&$>>fY7)(T`iXei{!#!o?ICzloR74*+uSx{hj{PFbxe0H{sL4BWUjh461cF2umZBm!+E6*QofEw+W`IZ>O z(>>Cau}_8|>_*B1bm0p-ULr=$hpj_DjE_Fr7#r9x1+Z-h4JHq7pNT%E#%aO~2DYDcOssHnQ zXB<>tDS*gByaNz($lnkPng4Onl>?>(lT3Uc#vJXf(`_m^_}aTOB}jkD<&ER5^3M4l zsL6J`o{4%FQjiAuE|T>-=oCjALSbNSTZ-&{=F1Z6u~}XQvtPn%mU=T~ywq2Qio9i@ z&>LyZ7AWO!>a1=~)u&NGyR7|3afT41xvcwVaasQ*orbSd?>9XJ0(}$S&lF8K`a|$| zO#2@I{;lb*KmgTc^Vc;7^%QzSE$!FAQ=Ll*SH{JPoZmqva=^3-F197XQM$7Z$PmQL zM3JXVm;1_Wr8n5&p~{p1UIHWU48$skWG6wPoo@+{GkBiD=R#YET<%3Kc_;(oCsSU5 z_;~@xw@1@)J|1EvUM>$L%awt2xeoDis+H<7NG=VeDgc+kz>9;3VdMGAIHnVCooScX zA@lDeFC(bT4G9Qqp-l4MIMo7hD&_8MmAt*wEbp9Yk(W=j$mNlIunG#cJxMO~CCb^p zWI53mEyr6Ew7%=U?Gc&p&RJHy=LZWAo0Da@B2+5T={d)gGrgl-R!i)GCjsWe;=A*k z;t4=iltGMfYQNj&uj*8OPWvZ#jDKVu2g(T=j}=Tj{(k~!Sr`)dUL?59S#DakVtI@J zrunQBuGC=yo*&3MCP%i-RJ>}$$kv4I(vbvFlY0=kp@&QrA*fe-%h?7$xzZJ`s*!mj zSw|)^P7=7w9l>&?8*UI{fs&o7kEsXK5Q+%C@5WH7T<(iO3`&rj5E{29a^xz`UFe2# zgyMUCB46{a^H8H#hO?9vFCDAZSV(ZmG}`_7YR%Q&zC5HrzO&Q`*riQ+9Ig+Q-1JVD=UUX*$IC z#`&Tg(9HW6M_YOKp7Q z|NO6@t+awDXX&p9le#odhP6}G1>)Wzf*M!)JaC&x`_6aV}N@c`mse#C8 zOL36FoP#o$=^(RZp6Uj#_89SUyFUitg(Fvt(%gy(^7X+auq@R843)<`?8U=HTJc~W zb{9G1)&4{^lR9JpJj!~+LkO9(VC{LZJrl6AAvk*$Twf6gh@Odlq>h1;onhz>rcMe?U%mWNQN)mioE506lPq&s_prvkZI2Vwe^~y~yPy7wwB-g!UrDGmWd}%Af{PSE;!`bV zBX`RWF~dTEkmK9nZkK=T#xF~z&$D=bJ<^M<(iXo zEOCdF50>W-SD1tvY&_i!U_0V9sXm9qeyIcQ5MqR`{#bpa+&F}!f2vg43W8+wcg%0{ z+_74Je_uXgdQ+U-o-Ec5@#cwodG~CueE<5G4)DGS79MI$marj)(&RKXChk1u2m~khdf;5D|2F9@3X!gYVCl>YlA6SWQV_v9omu`>h~p@HFn3e1 zz+>!mgM#HOuiSvOQWCsD>La#DFI4J6LzrCbijiw@eW#&LPr;p1kWio~hyaF6B1kvJ zG60In@yNQH!x{SA?Qw{f{$#j0bON+j5Ra}8rR#HdrXgC6ltD%2$_Xgb>2fcbgc!Oq zk|Wm+l`7*-w8hI@eXty<3zq3>f0-!tM(*b!6J=g<5a3G^aV>Ti2$fyDUt~6Py9c7PCIWhiQiAXbLpJ^p)5((XqP_pjExFv7*m)Lv!M zgl}rPK+p&xXFPGzDBtA2?=fl0^^w7fNa-nwl-ArJFwjkk5Z{=D7LbK-ot!P@yx|+l zVx}ZqT^jH94BU;K)FMBuLd>i}&enrG?^tcH%6;Z+r`K(mZd0|1dVK?SRqhnkcS-y!;aNK-9k*zm1@ark^T z3>5guXc?@?Pjk4@QXiSE4uA`az{Lwxmo)-Vr^~N z^yIn8xxP$QlV^I;z_eIdgdK;S?o7pV>FP?4HO0sx(viisaJXi=;uN_wk}mg-RH(?| zkktE^2Icv=T8I=c$%P6(GgvI|-@oP<$0W^nv-Fom0K7QqfeWoq_XaRdVBj8QUq;|2fM?s}G;pI%SErRm z?3S(^Pbjr0orpA7hu&I;9uJ8>Q|XUh8=`J&5;@y=fg9`qE?x|Bx(tApt!_|VA%qJH z(l^F)H8r>iK(CD87>qcHWSs!cHw5E20w6@HtL1y{9VwDmkCn*FbER@^Bvr=Cy`?4D zQ9IIkFpyv^G{?e?q9Y;Z9dC<)#esd1U~B}wUlf3ik#k+ia-ly1E)@a^?vp9VhXCje z5l^6@--Jekw5WbCuLl9VlLjNu0!gE9Ab zOk>?ZWvq1L%W&_K%6J#uyQL@!07h`y-zF`(rXkkpT5}w82!uOE9Igw~9zNFq5NpDb z1BT1tO2}`3$Q8GYIpYu*V|gxexH?clxq}4yg(H=614;5NxWAiIC30;HGJPP;>DDYc)Q~EpHHi>9fzp^6pa8ZNhHIxUjd9XBK#X}zBeDRXS%k`QJ~EPG#<)*f z6w(Lvj&_eg3A6rbmXvX6HN%~TJT5O|v6M2Ea#iPd;)7z`o&=Dq)pA4kNM~V~bmRm| zO%gYoanw~aoX0|Nbw+dqXHp}v2lEIZcXZ(R7MXXHavVLHb2(>`QxUksRmh_tD(Lz~ z$-ZJQ#IppsI+CY3+8wCHt4Is3k0MooorOp_-OkEBU1t_lV~WP66Kzq5ec@nsuv{Ak zL%_bbPu0mgw52+E>twCG1{ZpDEJvp6LZm0#RcfQQNOQ~%o#A%6J3~&jry%ylKv==Su*UQo2g#4z1D9YX-4MirNHc$fB{j~h;u;2mNB22Z6%6*VG!_8Y=_iNObwc?Sal`_> z9`5Y=c&Xf-t3yJbkK{W|^EI;aTo2SL0K5nm(v_X+j8UV=Sn2>;y1)>mQuL;`iQMEUK#)ok+>WS7n-8M<_M%7 z(TIO>aLEaB3hX=GnTEJoBsUH>%FVeJIX_V+*JqpM(qw}y_7@{J_Ez=CDf65`%^7$) zAvwlHlIbRcw@YoBn`A)9WCcO=;c*612A%ZFiCz9^X<($aC^Qj-ih_`d1E?%+M?%GN ztv@$7aNYcMHEtBUDh@eFJOXI~!Si9Vi7&xmN)XXzqIZT; zVyl8kBO9r-xaOcc*TbwNg3Z>1L8L&cSHg9ckbS-~T<9jl1)d7#EM9ZAAB>wol0A+5 z3(4_i#5sAy5$&Mua|9rVH z)hrihJLUF5r(Buql*@-(We%>hF)KiKno98C#b%y|91k8$7jHss7DU+@Ai%1E2s<6D z<}x(8P_vIV1dQJrFcQZAl;J1SZ-d6h1b9QbQ>GzYZy$B=NeMt~WY(a&YyiYnjCrx{ z%s;r=)?yz5s)D*sccjk@h6ILS$${mDZwy!PsXnnDb06?j5bd_wkp3Tqpc*4;&*VHDAO$y%C`ChqjxI=o8PIZ+s&vTKIcn9tD-0Xnh#U6YN0t5i!deI#w5)>}{q*nu@ zn6zhu5C%kZ3j>;Nmf-ocDpD@hPKGBm@8|pA6_NN8Kw6mNlj5}#uG9d?$+-k$odOt7 zz-)*|AfSdhagPf_BwN04kUb|lDgxX?@Ec{;AgF}jZ~bt`~Bymv@``SuB2i1M5Fm*iLPo|K=zaa7*B z)Pv7RQPv%<36R-Fv({o7tRr|-tA}eLxX_Y;CkD!v*+)ClRVYRAdyyXOmxAcsl7`fY z+nO+cBMU8;$JVgsXfm=?QBNCLUZL19Kg~Bfy ziSt_9g9IjcG)}~+Puee&)nN+Y;reJf(ikZn*)F<2S#{h_sfpRC6K)5Q=yNa7qYw~R z#>=(f{1T)&L3{B8r25$bwL6O)^1{&uxYrT@7ccXSQvh(GJyy;SX6x_}$MrtEJ`C`t z0NQE!{r9iPfBxW_8iD-rD~IKS%RO=#dFE^*+7(oAg)UET`Ng&fsA=fDH6a$t&o$_ zbPcdXP&*ZLH!DnyrQorynt{*e!i!YI0o_gmEz<~Y!8lSDBtzwaYLn>Y-FXM4I(my# z!m1(Vo0A-*JKJ4dD(}j20)pZC6hH)U%(Lz;f`Mm;<@GC*^78o+Wh2>ndAvx@4d%*O zB;#lMGBm-a3*~&zk6)P4g)9H@$t4Bw_usoDzkY8?e(?Ob&e^1}xiM8FM|dZghG5N6 z=Lld!n5I1hRG(|lkh7zea(cW$&P+7Q(XKq1tVcea@1`5Xwq$YPiUXASKFJP2%t8vq zPR&j2be|VTvlmRHtNIp-d^7?V27B@}cj62Tx%)qrJfSOC|LeLGkuB_CU_4I~? z+`Z6r2xTGuj{=woq&40lo|z@TX7_}wAg*hJl7gzt4})>3a>yq1z^!KTX%wfuZ`b*Y z`LIGH_61>^aDIz)<#|YNzQ45R9FV5;gL=1>_DnDk;Bhy2?x4%H3mqA*(v#;Y!%(Kv zNc_(Y=g8%$QpoitxqG}zUOU$>FJC<>uU|W?OnmWpo7|eI(xUYFk$gEjkS*7z5i{X( z-@Q7j^+*Ev{o7;m`Ad_!T#O4zJH5*)8p9%ot-8lLH zVM8yb+jgynx1zuS0eFo87*hxe7n)YINEYrr17f9l<8zoDaQJD38zqp`FRKzkSEdVe zrAef&EwB-)d<*~bT8CQAyZYhb|CEPK-6vo9D6^Xm0D#=b0cN%|4P4Zs!Q~+4u zfyd~jIM2zee6E`Bi{36Zh#!rd=aT6vy?Ji9Fz#@YPXZkdO zCV*t+&BI8}5f8Z<=q)70Cr^W zm$q!))@MIhxDUrp8rNyu6`!o+y_*_vT$^Su)d^K#V;*+@hHKRaXPJO2ocuFqfahiNPIN zxG2cQ`ini#!@czmElUHrNR(^gE*s_ELW=@v#YH~8K3%5_B#7rn3+4XlZe6hQ$*l=_ z=h~RgdwJzpr4I5gwQ_hWNv;kg$#KNl<1Mi|*+}mKgBVDgt`F6;VIIl*@vd|Lmjec7 z$!v3i?$6ef=OR7ag1Nw1hKt>GQ}i}~*O6szFwzKD+MH?I%{PO$H=voDZs|=)xVdbO z)AA;>t(lGnXile(x6|nm4RY!-ALegPljBXtduJ=4RUR|R&E@w)8kuE zqI9if;DxagxVJ*N2<1xly>X@;xnzb`Z?2AHYN2}!pWTIcHH-^B3|Br|8>SVOBLol( zoPqnK`s6Vc^QrDsq$O!G*On*~c?x<=?zD?2RAL(SwXB#HdE@WlFh1Ng2}cVY&EUDl*X9l z4fw95T@(^^e&@96+kGd6w(<2glo@P4%3YT;3CPW8s2jO|BP;-3B9e6 zUl3oa2|u7I!$}&__dj4^Dta34oC0R?t|~mo`#Erjd5+HW76EMluP4u4`itCgfq0R4 z>?$M7%bKI*WM7V)87Y!06J-h_S$Ac!Tvyj#fH5yTL#9qw$-TuUxjs>f*j6Z)2hwF6 zpV^tTQ`(cZN_YBB=}EPd>FNNe)OUiJyjx0Z4sUmJ0ImVO2_Us0n77zsL1Tuao@>tL^IYmh7BUWk zv2eZI*SZ7GG42hOc*`(c=P>fJ5!Od5ePp!4S1;;`u4FmYp9wcvpiHB?yf9Lr!iA+b zj_qAUyj61a+b& z5Z}Wc=7I0xiWZCmfMXS23K+raD|9hn0=!;=SAcVji}?rOUS0HDFFXlvZ`Y9rK;d>N zb~@-j>2_&2N3UdDs0}=rf(MWYq*;_oQABe9hyV_3<>cmSxZMh{uq<}Jnn@$L?FHDE z8O)uC4DUrC*JQba{%jTvkfRK-=p!^_L%#Rj>A5C+*1zmyTEM@l>)SUes@O&kU$z{B7Wn$^Ec3ojFjQ~F;mFbzuln@DQ2^pn`|T3|H#O=(zw`W7 zuy7|K-jR|)lk3j8#EEXMDq)8LNEKBB2A0Kd1NvJ5n}qK zBfz}~6YY4O*NmaZa-m$H$`!_BoduvWFcD!Z{eX@s)~325P7*l7K4l<_(cCaKJH%|! z$UKHCUaNR-1z0uMR{`*N&xO(`ZuP$zZ`^|30&sbkFZ>hUyQneUZ1K-8#@Cf0HgI4p(mpU_u-kk4Ym;XnhSSk#MKBW2Rp33Vm@aTUj~fN(R{e0B zwdfHw0FF1hXyr{Wz%r_i~G&$entr z+}P8RE?CU7Sho^5wgi*MqZJ+xK&ell4Xfb)DD0_h*D zF^;=g&;?qb*_98)n6U@HWjkz}w#}(KaPfEJLhr_RhHA{P1C#cts~jkH!u#mjsXpmW zy#XlWGz_tkkLfYGc|TsH6$FjfiK&I&XbTs)hAJNFk_&T6V)sgMB-NzJ35&T&5eQQX zk4N{p3>w^~W#%zLP?n$6WgxH4aKm>zsEb`W#J7s7lK@uW!@0na@u~wsxSQ^fZo%gE z2!`HI2w#-9qp8=F0j?FMUlagVCGnP}Mp^NWU(9{lAy#O-oeddC*GU$vWFIfE1>h(y z6k7{Gx>CB)$vQBh-XB1+1z0#Ha8ot7m{nj4E-GWrA-=u}uGeOhh=qr$D2$M2f<684 z044?Ct#+8p@#c|sV4>|sSOBywa}U^v#J$K#MiBc(*}+N=Ail9EzrAD< z-+|0zC#3si-p4e8*TmYafLm^HR$68t@;QzJqNTBnmK(%M7D-_MXW>Kj0^%bz1FvOm zGVmykl9r+n>4r7tcpxnKKx23zjqrF%(g9*&{gT6B1RuQ;H2htJg74WRlMw*@Q3C3~Aj47PBK*u9WV_0@1iEs8HBS*3l+vy#XE> zM&Nwl$`BJ9{baU*<_{+N!&P!OUjrDKG0M*=13SPRvS$~Mt*>4;^x@Ld424*==~N6@$2-T-$WCJhRQ4(b60Bz6r_{C>$j{>OO4boD0ykAp_5mQoplJYgq$v=^?W zfXB!FNCN`U20?Mct)kV}DxltoV-P72AH7A6V3mV*!l6ed5f6g@r<9`O|cjWi(L+9ij&zSe}##bER=FLSo z>zZ>xxwUe-4{t>W@#xKwcjn#OAWnFTI~((C0P?s2pf*Cp^Z~4~h7_IcHdq_2AP!Ul zK+b((^@Rm$vkwXPB;im8w`JTZrM#U@BA5i1sJAzzE5t<@gqor|Wb#cmbrc*#>fi{u zyBmP1N6jLbAQT5N;SEqCGbs36%PEH_GbI1blG_eq)j;WSavzj-$H8@p3nS=mwYQ zCeyW^=om;}8hnt@gZTi7V9|{ZA|4V<0zZxC4x^LIvZKJA^Sc>04|j_1JcM+C_i3ty zo+#$Vd!bzPvqOiGI08`+#yi$<6N8;vM&mI>4cTTGXk%eIlqx{wrbP`I5MQOCGEy5W z!vJu&CQ62C!Vv@g*J%o&n|)J}a-9PJG%W;91pWb&dfr|tq0U3TQ$|ktP z%7b7lSOoxQ>O7%j;hteL%3`=i06hTU$;<&;o;ZTEfa!(0Wqh}Bu$>^%?OVw|e+N4~ zZ@$%-=BR3&#qCOK?)v$BY?C_8xzs;c`m4}N&Re51x z9xN|xvo2J5uxB*48s2D_$xUX^7DjU)6Mz|qc!~UwcL!_5h3A*#t-x6->V&)P1|$2C zu=dzuB?S;~I^4o44r_+ISwE}=ijeYK@A(dKMDTdaH+BHtzmItp-%p0~f@pjMGiTsd zXW>eZwg$_5M=%n7!#XlUyb2`_-IbrXoWz)P?WNkqV{~ta0`+w&OW|XId}91-%y2DRxv| zBfXs+#FN%ZK?dIcSB-*CD_clSz+fJ;lGTyJ{MsEt%M~FAIVIdF-6!4XDsCu4nXAcT ziaq2mcL(H-?i+OZ7=g5QSIUKpC6GlCn*rn&uyQBj-cALB0IF(5uj3c)Ln6y~IZ|pW z5d1Mr;CsMU6*ByBcrD{$8*g=rysSOj9>*{$U3^{-z-0BqQmRIs8ka^PG6`2U1J^kR zM$NZ}$%*bzISpWzdcqZ$MF30Io#+mcCABbF!g<=6o)CZ-CKraH+)!kQ1hm7xNy3#yhbtY}lyxyeF78 zQ($ue60ch>$4w6^37CHAIT8Y&!Li7Zia;6Re4esk8L0}B{z?E?#!U*4)3Mgsgp1dX zFUVAaHBgR7kcGOpG?Xgqq&av@wwA>3HsBnc0E^K3THp$)G&SAeKW0k+5F>{GB1H-- z8MKwcg}qo^Ccb1B-7#-}ie5^0s&18H0Nf*8{3L zHI=~s<9Fx;<22ns>cP8U^G3|P)vNB?ruQ+V8fW+b%iwjW<_Q2p3sW+J$PUVDr6UyZ zGF|yb40h((N|M^q4@ys=s~U^_?7XT4>Vo02A!w?CO$=<#u-D|aDV?|U1{k0QJEk#zu$_fHRAF9l#|q3@7jdH>U=c9JG!}~o zkRWSm3bBstB&aM+DeyM-^`X}jShAIZX|&u^73N$k;$T~-#z4B$Bh83?bb)Y}1o0>s zxzHXUrvT)60Cce*U;)g_G=O#ikIxMNVCy`vogi4oGs&i+`Pr>4!t&1k2Tan_MDI%A zs08=#+6+UQ!8=$+gSALCSUzjX_f5#x+%$2>!+unw)PC zz1w1?QMC|51QH#9Ql1570&Ku{Rb@)mccg{W{-82jxDh$T3Eby#o7-e8Gor>1D%4+& z1K3lY!E&xQLYYWr5==6Z0H5uRRK}h~Ok`|4+XsVtrRyc5kAdAYNL$EC#>E!ozcq=F z{?P~}QM}oR0gpGCtc2&{;I$DcI8MYdyc<(1R<;x<0%!xxa#b&5cd|6mA zVx*1}>Ok*4t-$DDB&QB=>IGa%ag2Gb-iSDMD|#*B1b-Cb17jxt4|7X`Lf1rq_&xsC z2&mQ4_*yi06YOuPcjAqU;;ys)Ww2zYKVd7 z0V07T^9VTA>Y`2D90k*7ky=dEvNr08j_0mIh1ZKQo4=<4*PwxANY;k|oPq~WRi*QP zIJ=$KV273{31%&{L#?J;cA9cd!?g#R`8zDovnbyXA*=fF zMYJ-4p4C-|7*v2>l1rD!UWPA#G@uH?Mh9czN(;cmf-t%aKIZ)t)=0YFbGqF~X24oK zXKsCCZhuo4fyd~bMR-5iTTDRFbIaql;>WTMX{T|4f`;ytE%Qu@1lA+9g@<4q{Z19Jc5gB z$=_ZUy-5cLiX%4Zb!G^n`lRx-7}|y0THPpq^Du-UhrKv%siQ3{)`Nws=*Fx%qG^p; z^*s%^aEly>Eyq8vK+rCY<#vcvqewME*CPFRS~C2e6;2D!33v_wZ&JWZqF5+5;IZZ7 zQgy-Gq#Ql6ocFX%*sdu_Gye}*$=JzMg3_GvkTItV9g1p{0J1v5*hmFvxn70={=f-b z+*yc_Ib8I4B=`i4%sUBC2$G5wJ|>uC8B&lXxK;wTNYDW|nR|rEJk;$BS_&Giw}N#9 z%K*mKfXCV>OKb$xl-O_`5vw^w*3VoP-;uwi9tA1`rz|VuqQJA{n(R9+OactTN0r_}l7+1lR+tWPNWt z{>fehW?Rn!JFDSpOBf3XQq)#$dCzp-PrWK0y$viQaEukDa3_}O-Jl61NBt3NnT|9; z-7#*Oc_UP@`xQL8TQX4v4Ot0ed}L0>-bv>20v-lS=9$bl`N|?%0;3EBV2ptlhy-vE zU@d^9$~1sZwy_E`S%+K`>T{(0fU3~(3aU|g z*y`?p7i)FEP8W@jbcsnV;Ylq+p*T8@tjVMNU*d5C3axk$f2|W?gyoo}{R^=g3RI+`D4ODOxH6{lm zr~nr&M@U*T>~LSdI4# zAkFG6fN&$*AP6~zs#8;7P3iVfyS(o`$1Qh*y?Zog=AiQ!lqv7#wu+@6)*ks!HCd+N zi!xBNRAjjfbsM%XN9*GS#f9u(-Uzm^m|YG(Z?;wDEo?SGy>5a6+pg}Ha+<|j=1q)& zi~%}0tRMnRq$>omECB*3elysPFP&zq&;TSWm9WGOV`6V1VkLVtT`$~J8`N_Gr=J#1$(m zZ>j^uHlt8Vh8M(jX~Ow#h@Dj|chQX!6cd<@>6e1*;FnSm;osS#_&PpMq0yQJ7BXPt zq7fvf9o#XV_iwKRvuXecr`PeO`c>#fHF!+}zDRkTiGd8_C6OC#fC50US3!*1VpD88 z@cJF5UJ6Ds6=BCAfR<`y8q$k6LvcgkG}j_a2`XJLTyR(3KKzCQa-@+lj>AwCCLS=b zqKf4?s9*pz1hB|J10<7ps$*7S2%f3T@OW?qh&(?CpgCv8)K-m#n5ZUD{`g-=XP}gi zHnRv1Yk}c-t`X-OIkMuX!(@{HeYng+J1Jcy(+jq=L8#EaB2VqK{B2Cj=+!ulaTQ0` z8$eC^Rw_EW%VAs`x`RWoaTa?CBzg*CB70XCTvbaZN9;L;V5c51pwkT706;7Je;wRvF+`1-qCsJ^1x!Rt1QXe+N&|Z5S4^K+_op>{Kuo9niVhp?D1$13BPJaOMCQ>$XRcyB=u{#^YcJB>+hy zJE=M9`~kd~gGvy|LhXp?lw5Z+PgZT3|n*T01g8z5>&0^n0b)(5IRgfm?u)PmH?!3ofML+T@J2 zTF%4*TNwu_a!Md*Xv{s!;{hOAHL#KFrD$r@!neJx)=IDlrm5PnM#&z^WAno)77TEF zP7Tj>;9M&}<*0i*zJGrKZ*51xVn*7h5Enw0LW{H&cS%c;U^9}>$oL{!vLHXAX+#zgg1631O3o}IIWR+--8@j%W&xYoIKo? z$?s3#$U@#$VYjR*hj3t3r5wGzA%&BB9Kc2w1@RDqJ6SnV1$A1>M3%k86X>&CW)EXc zZ!azggbLyht1e7Cn5c59MJ3``c^u;$hoyLfL*6G3=>!;84ux9HIj2;rP_5+vyF3;E z0x$wt0Tx!o@Vx+(Nic&syan0F5sfbNKK4%bdWsw~Sj*9Vb5RMH)>ElwwWexnt8~MB zAB*Rl`c4nhh~LfOFNPAbhr(?V45hf4tYRnT{8fA|z++*X)fjpyY6f0#g2!0^oDHA= zDyu1s@L9HFc8+PpLk>|bvk%7W%I6MIZ{Yu1GxSUe(v;IQ_eJOI0%#g0V7-W!Oz&11 zrclar4TNDL-4MSVzZmVon3tFI!fhyk`2^AAYLxt1`@}!hVl8?-*;to~Gy}#lLB=!A zVk1Z_kh8YR{E+IEv%Tw5IcbWihp7Nn#L}&jy>O{yCOQGZte{JUn`Vz>Pt;gJ;P4}@ zp3CpdR_l%cT4$g!v1agxE9N*PI~(V(=tu&-S2aw_U6AZ#s`=fFWdM_@0DeE?{{UDq zq$-pt20OQzZ^QhLi9QSLWSylSEFdRfleK0j%nV8+E^2J#!Ws}n2ai2fM6v@afHb5` z8Vm6oIR{mL7dmZ!iKp}wy2~m`e-0&a?k54{k7>z3yrBRnfE$8uCs@sp=`9?s$mO^f z7@+P5&(l>=%JVV)8A0p>3n_Ow-qi?pYUMr^YScE}qAGEl6mnz(YLy$u(gQT}LX%bK z2rRHyQOrQ8a;X-J#U(5V@W#dfl&+VhxdwC$0?`W)`NJ$>!=#@>IUG-~niRKK570%ki#o%MQOa&4Q?83!jt3Wcz2JOwF4+tH+ z&bU=vNHCMt`BpLwZo3qDBDdDh310)Zx)r$&00*O58Kck%TIh$G~*5Lh>GzVoN0r9yaW|x%c>M3+! zoeyh=*Kr9oIvlQp4rj5)gUthE0cQw+eN^R?|5geyO7TK9kI-YPGAxjI%3%OPfR45W zYs@=>Jd|UYQxG?tl0iX3mCBZLdf4(_`8qv=tS>jhhQL`yH``ly5T4>7Vqn5Ht*Ee^ zMVU`VHo~P*^$`S)Dlq61xMlF*BH6Y=%+Q?@ye@#pS}N5UYpXqsP3XZo^2{MCfY()s zJg7YvOvLA>AV~!y`>NukDcc)vdhN1y5dxYabXbL;~hG(z>eLK3Ac(1)?e%e=(-5ba;{hPf z*E!b85tA@k>OkLZq%i+IL~Eo0V*6>v?qWxtLV>`Lu*5& zUb2csYa{)Q|K|^95!M>=*U3i!Qk9!B608D%9WZ4f&OgYv5R)L`yC{Jfe{jCNz*82+ zt7UPdN}j(oCx7|NpXB6pi!4pl$g$B%`H$cIO5T3?y3F(!$>L~@4A+Mv?{k#bUbrYP z-&m9?fLIc-8ShJ5VXV_{nGTvmgIJe)@0UlM6@t5mVP|A)Si0AaakC z#sD;~=mBs9hl@lA;PNUUJjXSU705xkkhM84Q21A#;wriL9~~tja`p5fxqkMLJb!jv z?p!=9OJk)nfN*ksp+nw(^@@D(>P30~{x$hq&Cora0LaTO1^iiW|Qm6A5} zd^5!XAOg4!h!j3%95XJ}0I0{Te4tgiuCb7-SmB%T9vYS1cvGDG>K8weU;X^w@nfT#{FApVeCp z92senUjo4X#tixN!#Cv)z|9TW0B|=-eYU^+_=g|K$%#fh-l}(;=B9k*0F*P&IqbzL zd<2rht-Ux@-gx1Hy!YDk3gDafuF6Z-kIP^~ntc53D{9|;>z@4KKmS8sxN-#7!d`Bk z8j(*vctd{h!F{!r$AA3q-^<-AbE-(En@yRv&QF%>Z@sa4H&58$sqX_9hrccpA zkO-c-P2_$G99k>J@wGj0AKeJ{R7a))0swVr1g8bXSFGFMjv_EqVKu+w$K1+xqyUH}C4>4_<#k zAKyATg!kZm`L1~GmK^RXflEIq*G^8!Pk!`$`N?OW$j!4y<@~~sGJ@d!>gPX}+ZX30 zJ8-kEZ{!AZ{5w2QqZ4VlSe4)sxID1bx}Utcss9$7-=w<;Hs*!t`$`iIN{T;}ZZy)4 zf^g|836qw*Ao=lUAIa@=vl?r8mr$x#4)buJb-Xq}S5l3E8FcCY{@Y*5U;p|?dGFP0 zGTmq{JS#D?P@%{Bv-JO5o@)arEVvt2I^PBs>U>rXDsvYq#7Z2`6JP~79Lax}s#c~R z%1*?|Ri`@83!sb+*LunvXnO<{R)xjfhUy9`%OsLu7}pB`G^_GJ&=^#COdrh}DO<{1 zRzoz+pa3ZKl^1WGlozfYM{hqa@4tRq{`{x^mKSd<$z7Z$1D?OWC}*Y{Rl(9;ym~_Z z^5;Lw{7|`6KyAJWhP?CA6?h5{xxCONzx(yi<>JBsF4*_w)`fZ9-6-8>E!^fFxaq&h za7(_Vdf{;Z(v@Jd=8+3lwc?}0UYshqMdn8v)a5ds{u%H4835qp!@U*C$iM#e&)V|u z_JuhqfdFFctmN`Lq%^fU7;BH~<0^v%2j%lm-A&Q}coVLLr!00x$jR<-IoTB< z3mp(Ly_x!%XQpa&T8L4g96;v$83f9 z!)bQiK{Ag3dbHUOhzH6d{PhB7dQsl8URUESv#iF{nIu)Gm;*3YF0_6M;Mk799rKt& z9%OMd)g+R6D!~fGo(d?+h4B{o?XP|Yv4M*jw;6faUNd6Nfn5j~mdfgr?d8hx5t;7D zm*K_~`R+R}s~u`jl5@v;<@3)zM0&AZ-hSztGB6j6(k(jzx5*#=@O$a1P7&_nz-jFT z;ai|8Ay{zXnRBvu!C7})civSBhKw}I>`<*T=cU^hAg-FEzb;h)?XO9arrbbyAV0j{ z3Arg(6!9j@9DT8ua^#lWOQ48bZ-#G`58rx8{)CSA$N&B>dHscR$QeUrq86e=feDj^ z?i6L`xrs7$odjtSM!?7{#=-?KlY&PlFoRG8neSCLLi7;Kg;oHH*tzP)p(wdN8Yx$X z!{vN0Z_*T^gP+G+(JPvK)aF2a9Vlf_VL+z3VkIAdS;I{PjyVg?Dce)gFo{YYUv zb$e<4bryyq9dUx?)bxTYjyP<_S?eX5Q|?mBkJuwG-#n`!VW2S=-}k48-9MJ$ z@(|4t$GCd8CK?^%kFwC83xF8o5cd%0H1+|Yc>ptqIA;powuIl7W{`mjB*2|-!Ryc} zfY-*t<JSP5<5YrC*7R&L zmobrx`Y$f_>czftVpOg#9fI=wvwZO83viMDC9m9Ef=e8hD~m&N^~50Jt}8^0qbBih zy>d<7d*hz``|o}!JvE6k-kGDW?%aI8D%AJxKd%>wF1SJy^c|88SNie$uS#`>zupZj z%WnhnL|kyNM(eLS`PSsStU$Ho`Y2EhIY9~_RWe=NbXT#SZz=RczG^R1P{n`x(;swc zfwGzIm~I*Wm!Hjrnq2#L?&zR?$2_Da`O!`?+gGV+O>;70d$t=of*a!L2QpLp8LCeJHx2eq*Kx599^)JVHS03ya=}1?XBok~IvOFDz(}3& z+8qiu1_CUy&kTkh0~-k{XMX7%5`5qk0{A#UMJpB(KqmGaM(WIRmb#3+^6K+v z_2M@p&-&9J{~)v7c{-tom7eah5GY-^Ud{)}^OpaDE1c>pRYvvH#>-e+mWqTIZ=98v zZe0LC&&XT%E-QeIU={aWsfybxBkd(p7~`zlfF-&=f!CQ0bPB_^YA(o0x2(T%(}mH- zRQc;){wmF2IsrU)Y*6ZuigZ;*DuBQE@u%=0Z_96g^E3Gg{&$6rce0dcTV>09GS+Mb z!VQrIz+A@QHZYoi&Y&aoRK!4B*$KA^;X=zFvjG{mWne8y(|Q#K2$6@rh=sL@cgK zbdZx%ZF1x6v|K+wEmx4b^i@ac*j!T@-kSh6bKsiGqzNG6sV?RW-z7f>13!A}Mad1f zmrsxay#lvd9L~j_`&2aX@8;<#q*l9yckbkzmkwP6L7{j+xEqwN)rUA#jZulvRAXB+ z36IC=l$syb0YFafxd4zZ!+lx+UK|Y4czBl6?>Na-jcg27!@tY--hEl_Uq2?VT$=|_zm-cz zJD_6SgWiz8B->5uQVQ;K;zzZi5FFj@;K8D^mibIhJx7j>_LC0w`25qs7} zxuX?CB(5#jG_GQtqnkY0=`W{ygXAI@c@cn-c|5<=6{G-i^6RCMD6|oJOgq~LncE&D z)775BVGqtn;gV&p(4iZhKyMj`?`G0{wWSFt$Sv|V^2wk4@VheBoC#L!)}pqq z+Z+KO9uA)lw+p8BgKa(NRq8hQx=Q2wM@m@XM@&FR;LQ^`8o<#8 zR)%!Q3o(ptkbBuQW!h;uuLBpb8$Wu0^CywZvI0Vt%pa_4^*9qCahJxz0!~s6E75nJKnwo47%p{{G-n!a@W4;)vgaKwf~Tu4K}^yW-^9aLqms|9S1RN#VgK)8=9 zvGP2n74NS^YQ+1(Gu_~>OWb?BI0`8TTsUKYueg08HP` z;EkMZi)ocGd?AJCD{AH}tGEU0r-1Q)Z|S;y@rDiPqDgOJa{-D`4e zrp8k(bIUAV7#6xKW4Eg)(G^8>fk-VlQbCtn7R9L?+tfwU=rV_j=xLnw|90YnvSTb8 zz8hP{E>3V7U}+7nZ_99&`V`y7JPHh6XuOtr4HRlKzyOc~=$(C9qO+)vIEjBgRSPxSZ1NfA zHawnf2-d(%g~fqQ=1%O@th$@M$~gU=pJR+QR~F1W03d6yoE^pyZ30hmwb0JB5K%~p z`1vNEqR`^^;DlPvG2zlUZrH~mF1-~vS{-^~r3LZK8j7mIWA1TAU|5+NfXCo;eu_2D z(4$~m{*5s1+(cIPfiay(9a=M7rGfjLCG1Cs*{_Ub>?5GG0_2dqnMx7BBxCDSTo4it z;4&Ic-pKrs0Fsfn#}mw|AAn7$BVzWCYKfT`6GrJu?82 z^~RH3tR;qOWrGuz`5OLz%6DCZm+uMp>Y@PFK=d%xAZY5!lI`Kn7(>mrA&sf_xR_@C z=4gf4Qj1%Jv81RSi)BZ+*VZ&U#9w#@FqOiD+e<4Lu(k|iy!ALYuq)Nu7;P8cGoO3N z@OBO*0GFHpu!z7pwcI?33qc7a_n2dt;68Iup>SWwH7Ng?fO8SYAAAz!SHM(znFH^GgP>1HjwlN!Nf=V=2l z+(@D%lB=V66BRC3FvSOMxLb{UlS}v7b&!FZOK^KIZ+JIPh!~xM9;}0hlgQs_?D?Fh zI9*S->I=7O#-X&%iJs4C;jF}Pi59^+53nvGXS^{Uryz3CB+n7Rl`DZ*relR?uE`(t z=caGm`N0&ySpYDznYpi<6u<6F~=jVVnWboaU@dY)Erl29g859M#~E z6c_FkM^N-^Rv_tW893%$>pe&1`a$ z2y;}0-+2nLp7EXTm?H?BE5qrGoEM~fabP_Owu?vEQV6pmOmE|lW3kShGu1S~%(^%X+*%c}0`eNh^{x64Kjw6m9#_!R`?PR`f<0f0)vT-_=9!8O6Lzl7BFJP1l`7YP z7?*0b9BJWXX3nUqOWKW#&NPZ^AA-=40^s_5pd=XwIm^M!z%wh9_G!A%fz(6ieu8Oq z>4QaHHg+1t$-Q~FcAj}BMbuCU0KC9_4;S?mE-*pln4s>Df&i_{n7~NJAx?pt;*uux zD7vgExFrI~3p7&?g$IyXL1#=o1Cc`jxgPxtKqbq$QfQ$i2p5@gFw7AgEn_@w%AeK(o`k=!Z z*0Cc}6mgmY890K^<$P9M&jI&F;1oQ#I09%58JV5=cY>Wp`2|bEhVd4ksMYix*dyVY&M6q92f3V$wn&ODd$s8 zb7r?POU0a-Y;)Y$*k+qYzvp>=&*6{jwb%81y{_-B>+}5_-|x>S<%%n0udKSPgoMOi z=L_fll8}&G*uFmR-nG4AzUn=&{UaIq7v!u&X}>0O`(|gL!(|5vi3*&Y@V4~!{ho*m zo{sIILi#tafA3*qp~Av?*|KQE?c|VeWOO|_#d*Y7$YcN0dGWtqqq2kE&e8%mrfqWOsk@&#c4!d8u%>`Z0RK`o$Xl|1T77&6GT*k zodC3E296wH=)-`qWWq)a!6K-JS!67-%TdN~W*4?*q2k%wIe`)o@QdF)UU>$GawfP* z)aZb?`C{~ZoQOK5jj@ax!o3Gg`R0KvBPfibB(#UoMOIF~19)!;X|GmT8NN2L4+hn6 zi$h1})RDGRL6BU`YTk_?+v;gI`8RCMm9=))Tj<3e^x~~shmP^?12^tF9&fK{#Ck|X zm?l?W{r>DhBp8(VpahoKPS`)f`j!Hh3;?jPj*8yrm36JSpWo#34gk6U; zHE@wj^ZZ%~AtKqgqMpCGRpdUh63CD98UocTEd}bk6;O3p@N(=3)old#_u)k z9jMD7U({m-ZL7sw8%MO+PYMTz;>L&ef>7%Qxh-FD6poc zj<~YsJ%M&plq8g38i!pMOjjvSauPfi+sraqUv-4Nw`K4_%)Yzqw}eswE3!-GTg>gi zMD_IaLM7>k4O{bN;`#mZR%aZ!2aZV=5;iH*J@uc_LT+*W`s;Uwf(~@kz+l@>O8-^X zgI&$sFGEnHn^7a|uHr}SUr#G4@_Qp1qU_shU|gJbOO zq)%VA4mQ`y3}RBjqToK2A;;L*zv*(Imt1mS1di%K3>FjorN&=hs7Yz;#-XI4Fj3dH zF>*`HB75+B>2MAXp|rCV(h_%8|6Ee>>xBhDl8^JIXv zdH&?sUsda5Ne#VlVHHrxsbn4O;9SWfZX9 zU`UsIE4QA(_|HTK@T^Cao};w`({%JQeVvS6ui7A^=FB!MCJ?j>r%;8&7j&6ccw9Fm z@r-fKJ3y()@uR&Iz}CJ_HxVmgJ)lr#WVLws6i6@#)zFRvqnfxKc8k$Y#z$#Dn1A1S zPShtbn9&2Z{XxF#fm(oqtjR&_{dp{&0wAu{Oq=t_D`eggqTj^A%D^!9FUgoQ$ah7o z-b)bLtZcf@>yRXxY+#zNMl4#_!p4VcuP+Kw+6YR`M_t>}v=IcxS{D=#xsbsD!H#7> zBkh?MG?`0Z5p)be@$BzgT-X*@YN#oIcvHG8P(bgvu!aYj(-w1f=eymQn^gd2(mS%s}Jtzz~n-Fc$@QwGQg@zo(36`-|yPEi^}RMl;;9G(c5m@dI!QyDi7i zF0EFx*rpmif)69@lBl$%aRv+4m|6JPZ0QKZ&|qRm+N;biXiNNpIv|!A2)ub3KaJ?l z_4Zg=s_f-zV(!a8i3XY`7s59f>>qRL80j}wnnt%YT2x*O*dg+q!iQv|4LZULXH z%eKRro8MftJLaO9%Bkm?8?VQ7kN?}TvU{{j@_n)M4(LFK9stJSoM~l^FF+svRLrk# zlTMYu=G>8%$9)a3@}mQrhKmWPjR@_v7d`S`du7p!C-2Yq5X7jGNjv^DS;S(0p995) z+7ae^w!Lf*Z2xT{GBkqP89g#JPtYGI(&m2H6fjeZk)SC#&U6ty2M$0v7ta>bBU4(> zY_&@77<&fJ3+jgE1#WadKS@S8-Q|$pqt^i|(Lx7Kv*lKq`6~4h7ETtnW4b2Z zUCLcwi5+TOH%3zX9@`0)T$JzG61If&m8~`KR^(!)-RNy(?SZW#u%PH_>lTwBzPGhB zDPD3^wVB6==@@OBAatBykN}Dp$eDCj@~-{<(vBz^B{pMvY$i%B`>ZtbGKD*)F+?y53?%q@e4GIqfFcH>y+0?r9Ql z#BP*{!)MGgA;myrv1_>a7&gU?!%MRe1BkdtkHE$lI2m zJuaX;yy0{cqou(O+fL$|PHCKn^ui=u(y8$x^HV!K8usFGEjCq|uD zIfO0aR!rX8A2S<9(U1|e6E-vKd=Ue=pa{DhCrHcKyuPD+Yg^uBj@i0ldhd*JOs=o% zv+W4mf;8{F+Wk$luYZJH;G!){xr4Zq z4{B)6P)Jskd9Q#HyzSm3lu?2}{&Ed-be?YD%zsKWw#&LKQ&~ND8R$b9%-_qXDYn_9 zeuaxdewz2u%|t;wQ+|Q?sH`WWSGxPZ7Zh?csY5k_OLM?9QBn+R=MCVOhohvIryH5K!52EpT7f5KvUM`tujB;Fum zw*J%?MXjUkk)Pr}er77TI9OlUM-=w?pEXzxj~&c=jO#k#GyJ#1Uw`R%NTNjxFtG5V zaf(#w*%e-+WmW;>Sk_AmMA2^;DECl?4V5*#bn!WQEpus6GNAl`v3LlgptWlCx;qIy zb2(%dX^F_W<2}t%#soWtH`xoB#l(sdg7yrzoH%?IiWUhNPA&IkcxjhSPHiC1J3>Te zc0|phz&x=K+da1b2&Ln8WCb?Y#J-5I#az;ciiCZ?1k>3`#mGpRy@Z3n(-GXkqNabx zhiP(e3W4BIiUp8akRLvkMhf{(K5sj06vk-32fE0>C`~C5i?dLOnBz)n! zwanV@Ka=MUx)ErO1pwT3A`8=4FN7NRJYr1p`=c|-8@e8qlqrWyQ0;{uaC^o8Ba)!G zhf2o^yNpDU?>awb69ouHtIvdfe1VC`i9zfnIglYdU* z%VI}QU@=I}DKAdI@3$M}#TyR#3?BH6`R&Pv~fv-ubb)KF|^3dNtey1SprwCm@<OI2!wpGIa1zvs3@r6<2Q0h-bw>Sj=SjOA=$ZZty`gIFe6Sn!m><2V;(*uRl`R&nO>nclT)#p0o+xigMNqu$KD z5U>aplI1P_SqfXMoJ@f{=&D6Gq}jFP0=vxASJQ6a|J^9#w_ZCMrXk{|X#1taEh_c# z)HQ4w|AkewJ~xa7QW*yzLEoHc-9$uXiOH`XZ8^%SVxu={-x1zI-Gw`Hv9Z(As>Zds z8&l<@mNP3C%?kiA%+kB{xoe#^Xa;vW0gn$T8iKZfV(-XJ3SOkOtZIX4w3k||@2xVr zy&W8lKzOd#qNUS|G`31QW<2|}9?0OYq}je>Bf16#`<PF&*-Su)Na+#-tW-p zrlKL-|uT1j|Kl84QhAW-y4 zo7Oc46chs0MGSUD!_TtIFwvg^m6rACCD_YoywUV`M*th38Cu$%iQ{3(3uKkrFZyXv z-raTONwyrH(viQ(Jj^4Vek@D^sF!%I>h1D~LMR!ti^2S^j9OmNZ8P;s+d&6gM)(-% zPFmpl_XJVPzQ@l&@r0Rh$f5fe|BI@Lb)Q{~UqbOc6sxAnQ{n0Q69Y}F&&o8N$@Gq> z4bQsS%lbLq6=pB>^hllb3E~ElXfa}VmU(-}Xhw${Pgj;~D9^iimIh0csm&=Gj$U;% z*V1()c@odv`AtTzr5kU*wl~!`WWFbt%)1DVS)2`DqC6#S$f{uq%`$m|%20n28Re(dg4wfK-783$eal`RP%r&BKrE`0vV79y@ z7ZEcPA`(okm7!5|;m0clCccP!j%klkYzY|HhNlVg7V!tqevJd^7+}_XTeSxN!a+o{40^Q5n}}_w<|Soq&lqaPmsryE5!uihj2a)L zj^)VlaN4D_xtLiWe{5!G_pWBNN5y!3LnYZ;$IVD;gj9fxxta$uWewp`2%gs!o3j>M z3UaH*hpl#0*sUCUu5!1R~s@%f>!smlrq&m~;WEiF&qI2E6{-@3L{ z&Zyjt_4T$u_u>+7M#suIDysWZ<&?aLQ7NZ?L?()#0FO9d24mr*JDe~=DZp&>s0q$%kac;Or*D(Zb>#W(#@ZcpTU!e$ZO zvEeIc_HTo^PU%?x;Oq+leiGrd+$|S-TkFIhuulgsaYi!AYW;eZwO{(BqwH&I{p7*}HxDvO5 zg#0xtVD{NFrEew&1SvJh~wrCF&KE^HcG*yYhyrqKuj&= zDls_5Bv!;*Rn6}_?QKfkF0(bI39G zp-ewboY!7U*X-SYN7wkr6Mu#~&0M(JPMOmvF3tWYKlvFJ4MB{=wP0JuWnu-)Dyb*# z#3C1i!`3+qUZo?Xh-*&9&JYcJ=Ck-my0@)94&aP$u8*`0-(f`m&}qvewFuaA#*i3} zzs5jdbf-$sarbmDk$WQVUK-fjdE!L>M;wUze}ZPT1dr7P{hSc%0Vj>|Yyczd`a;lg zF&9}o@>{B<)mV(`3Pkl_QO*Pb{}q|Y zQLn4d&sFCQhg|oj&iUr;v~Q_+@b<1uXmr^1WlQMvnJ;<{&QQ~5V|quDJF?DzDgTlT zj}K&I#;F)mTm2i)Ww)@Hzca-D4wiNhT{6l08k+)ch105j;(%&` zsn)WIP}PVmf7e$w-G7A*;8ct)yL~5~L8hm0xhCeI-)G`jd|EkSi$wzna#nVx;G>F& zfoLJAnQm^k1T%TBzS87S($hBq)DSm?otX9LQb7>^_{;_Tolwz6%E zGfE$zU^jgJc~@lG^4xsPt-v$qO>*+HkEWQ#wQEM+*mKGilQeasBk%;BS=WB+#j~dI zMBUqma~ym{Vv%%9krYZGe_65PQhY%VOmP60dp#ZPf?-3wQO6yuV{l;Srs-{$8`6Y-wdro z)@Hk3(+hEq*J}BZT<0GaYcQ-LA^Rm?*9vsxbcOPX#v_fIT_gSf)p;t17{GIUZmVo9 z>O%IqlXoFV|hdoD;vNMH`v7m;W%{Bl!B7O56GWsOyTNtfZ1rQH zD5SNos_9rQ(*+}1bX@szK-c8+xMrb#0d{yG++__{av$rzxFlwlXqDetR@J~4{hYKd z0b)e<7y(li973HZa64c`kdU7Z;HY{DzQHU7eC2S<44u*5R$xm#w#VF~SPE1-h$G%l z>>$_^ohpS9H=aV<`sZ){Rc_tWdNsj$VPfa=eV-(BWk`EUpVcFiw~gZ$5KNBXv^mf& z?s@Pgr@Gw%_xx&*LnWuDSZl}4sR@NnJ8_hK(cTP<N{|I{)R#(azv0^8k{RpM#LKAB?S?{z`QeAQ; zuh#C&8&{DI>2%ytQC0EZM)E-ejE#<^@Fe@jIBnsdwiB?5=kXbas5GfAywOtiNr_(i z5%DSCfE^91a{Q6e-&MJoF^gUNr@ycdeTqU1Zp#aG{zzESDS+^@&F@9p}Q+W$;aY2QJC zT1IA3@6gJ}Pz8{IbrUz(!lZZq*lT=|q=tlbB|}CA7Rq4B=AIO0@2wR`;;C;4P`je> z`5p~dp+jw(Bv!OslV1lkwgqfcHIfSXjPnpO|F|~l9nem_#U(l(BjWWSOTf)@6_n)` zb_&)xXsq+EZ5p7c=nb}CcSGKSTIwftc~9nNjy<4mSn1M?XGlkf9H41X!;tXuZK*rC zrS02FKfq3ym9LF&OZ!;z^U$K~vno-FMi-UZOol9-qk44v%K z!sF1kRmov2)ZF`T6`?>owlu*;Au42E?(bBPHud~-gVE_KV#VMt9L6?}o{Ro=F!=?Tfm{->i_2R4AfxVJpWgT$70cOz!Yy~OFH_fux}+8! z>ch?|&v1@SaT0PQ?+1Pzr%Cp*PpVK<>)20x!TgzDX3bLpRpxP=;0eZ%0v4PAYEs9D zNIH40D$h9W#&-Oi(17b-+hq{I1$v+Ghh-bN2L%IbGg39Ix2uhgqoM4i60KG;kiiA6 z4y~kWUlvGO3X@yJo+|j6N11$}ohB%a9CNGZ_VM%>c}1i6>H||RBQ_+K-NCo^pIV%itG^8}0NsW-)Pv;x(#r5>S$bAIiZ@gwb zw{adq_XNjqle#tYK^sg}7)Nl|S756@6zO~gQwilF;jqn5dE512S2~7qPG$1+T|EDL zT*E@y2l9IT4wM6Y2%s9!*zyuG^zu1+WYx`|_T@$=z^H+Td~CM%1Hb4mVeBcf>|(Q_ z4{Z$G2$0+$MH8KfKUb(V!{2+11=9;@6W1}E5pT-$kzMM+mLvRf{g)fOM z0td37R=|D&d%*popQkV~ANkGz#mVrx0&cYtlZL=+^bX!PQ}5BwPGxqdTm^K?D?#aA z=+DsC_w*ql_YMs4l=K6x4XkS5xkU%^1kBHqapv>-SUc9hFw-D2)illkwXC(3#SAJn zxoglOVCIz~YKnI7iYR3FD0`EQuO5ge(P;^pQp_Y*pk@y|s`Y@cwe_n&83E_)B^eaw zjJERK4OR^e5*WvUlmSk!tSO^JoK_h$n(l#!;Lxac6ZRUYrBdcu85BDK2f(z^z1II8 zoyY0>j1Q8`#Ek7vJElEG>%&FS!dLAY|26}$rtfORu}o_tXQGoG!$kq#lSGt;?-1~K z@07t3DLkwbSPHUa;^QLhEH={biAn{e9=UK1BXtkYuIRRnXCzn<^$;*{x*H({N0t&M zmf7FQ??0o-@d`YtN-iB6VY`5vFl$*n2_N<^WgYPrw;KD@Fr#r6z->$zM2K-MTWen) zpyEw*9#uT`J2_x_HZOj3o-Bzl+Xp+XR%BeP-n8o~OoX@EgUilB+74v>wCkztGP_`b z%E?ne?AG3hDw2uWp`5uXyh=nSB@mG76=sc;fePmbc=YO^ozNrm#o!iU(RdZyf9Yju6c$>FhBG(5niu4s^dNIiDzJt!0X}03Q1DXMIcp|1 zZ+xV2hlu3RryBAosgzCE=Ls}`YwCvH@G2?XjA0|&z9aL?q-N`ZZR`BpEWJZa#RIF? zZi^Uc#cm?r0{w`P8Cv?czj6LpaB)eARkANQR{Y4nrTnLzMp`gp#@xm})sZgkeqp8(dGX4JHvOFiNs|SZ?Uy8*s?Bzs{=kbkbw}+Jpat!!*vS|R z{G|IxVH=1$X79s}P~I6IvL2L_CUb}|rf8tCU?bPtl~x+mYrK!L20#SaibXLbHn%SP-{{NHij>^@FUjiE>yGW7J+QzoyG$)w!?$5~NlX*&4 zq$Pk`VUHBFsmoBw5%(+0)U$9W1%>8b%Hu!-3)A7$$KLSoK;sS80NwwAH$U;DU?xe% z8lKHm!=syev1DJ%2m^c-hBpv7`QML;6aRopqbe-@i&}*8EGfH%D*LLL00Yz#M-uV3 zh0!cUF2le|z@iam9)${@j+1Vd-)c)tleckhdSsZ@aIt!1DPBqDP{qY{*+-qJH_kqb z@}XSpA5p%Ttd-xH22?{F+s8_n{nW}wT?NPPxw*e&;Nl`;#zV4v^Vj3t0GzQp4{=w@ zPAe|x2+lV`$y{)^=Xk4}A*?(Z#2|GJ*%1elo5eC^KE@iAYWeNwH$sNW@-v0=zIjLf zvbC+s4QaSG#mLvfQ@vrG}t$WKqRxcm3EBB<{{gkT2_b)Ck zXP1Lg-0zqBbINprghgL4p6qaa1b-$2pH>3Fr@ypqBXjN7W+ zMi9dqnC~~E3UZvfgy9Z|#^|5LhOjBCO&6eA_c-w&zfPCtxP?jt$pxjCOYqb0%3eARf;>-roJAgqNOgITgLmGM<>I4@hsy@2lrs z*M`s+%O%!~Lbf*Lat-5!D!Tup4V2sZCZl_h&=Q{_pYowk&aJ6sZ$B0syD?$%Dd=K- zYF$9cP!PT3U`)*`wDFCn1E(y_Ktk_WB+^mBFF<>)lI+8NRcgH1j0%lG96%QQ)U<~wy2FO}W1URMrA%GsJOvXsNh z#JXhXROu^ec`EuUia|Lw+a@lps@8q!s?s5__LS(~?CJofh$LHSCpTn`t@wMst(`EDul8-@)TqPA`*xudc?#1zGcsh{ML%Mfj@JK51Q2s!IJIU2aOo-h8~S)}*mcPo zT165!?Kmi!Bd6~R`%qAOz)fk9xA;_#q1c#6>pKTWq}IRrbmL+-96r0L`4hL#y9E`~ zls>*pT^^;sl#TB+%F20H&zJx8rnO%^W9Ijnv{WBLw9WH}W2s>3Y}V)UqTpiG*W+dd zfyK!QxwSTrH>jVwu+s5 zw`+#!tlAq9Uo-VLd8EE6YDvVJm8T#*<$mOfQWDDiSn49(0CcsU?e3x+lO|Vue8TYa zuvgUV77JYQ%gl*3 z0||6o=VsCpT=?n5qkjvIode;XKV8byeJEWDL>WZY*In-mlbht>l1&)96_&&iY?geiEpvHux9)n!V)1 z@brw&(g2{>iwbO6`jMBsj>|13j~vZ4{eN@L0j*nF`vON*uC&bV>U}GNWQG-fKb}!> z$1yEKdfR!_Gs@lM_5LC*9{Kk~cB{#ItqPj2^Q3Bvl9F`yG8>OvRwLM46l7PH%!YaV z4jL@Ykf<)rv^Vx?I4xU}sApnuIJ=qV-E|Ob14@(ds7`&gqv*=<>ZpG>TKR)r6_qpn zyBeJ#Z-Vl8!qf$VOQUL7=0N# zCkLwV`h5hbHXwJyl9l3=`R3iz3b%^6Kqs8GY$bWgZcPu#2=Dn=&fnqL)vs{9qBe+~ z?pxuW9v9N8u)db$7kXQ&=WL4MVhzj0Xm)zqdgYUylUarz-rxYHKe_}a%^8}b-1`;#?aHPy`uc=d)6__pyt^9nQsDy z?&PjeU9YuW8ymA3xgLOW{}^;Z2ro>{-|@b{;}f&6^_VWFYh^$O8_}`XLf&TJX1(Qq zaQU#}3}bZak$k0-jkol7s940&UM{s*_VjG`j*d4+ov&EsHx^;y;45&l_!+6c@(tsf z zOHUSekAAz*UYcF`M!(SJzw1v>M#n1*E-2Qu-&Re=`TaXwPWN4=KT=-<(aF zQyR81h~f?8#>tkLcX>|F0=r&Ks2IV?Du%*Ng(-2r&59;Ww{h-O@UHMB1|P2_?7i#c zLZr*SNDLhE(m4mg=9B+7Eh{g2tHfZhIP5bGlxz z!!;TIkpK3VA_Qt|gFY?&1U8H~E}iT^e1CUJ0&bUIG?sMA2E zd%{jxL)eKMt`;1AZvru0+DGfU&4@dS`43e2oOQ*|dposwso}3rm)qE|uUjr9D>Y zMagFp3_vP-P|I@I?k1npupLdTpL4ud#Obvxe|Va%oJ|8o878Nwe@xayOLJ=wCcH6x z&{$lv=JC}~)1$)oPpZ8oM>7kyxh)MTd^)Umwd>lBy3uDLde9}s560eB7k?T_USjZ$ z{gbMIhQ}zL(Lqp?t!B7i{zZohl>B>U;Qes4EWGD^YVOQnyM03I;ImT2Casoyt%-nP z>WSIKtBA!pB}1Dlf)jqs;&6Dk$*mHn-JT3~jbkyc{ms)8u42qVw7zu9*Y`IDb0?>) zJnj8u`p!E&o#eeJh4;!TTeZl)KlsMtXvkmkn;3@5H4v=!>0eJs?~}+Wakf)yx6^dG zQ~}AgK6N|76Z|bgTv%(#w#oR?sH+z;2E9Lx)1E2JW|MuLRP&vr@w|b_nJ41zRG_Ft z&6iVm>(n}E{z@D~Uy(hO?Yge)FM}yY zU*D&Dch9fozw+9R{xx``h$J}XNGnBKW)ndicp>Ldt|npJ7r9j9NNw>ctv~)i_PBSo ztRviV=AEkVh#uMrxRqJvqrCVh1=BQTzXRNC$a+VJ6Bfa2fE8fzVzLd4IgKAj{CW=L zvekTrUsc3M@&2*?62uuz9!>|1jIC8A|Kn5XQ;RI# zC2n@f>w-W=qoTuYd3tfwHyL~Vu&$+1#_o&&)Ud05Lt)^kt;+wTo>y-R2{i!*)Jy+l zzdcL4`6ky}If7J^Sp1~*IP-7EvMW>i4wrrirv6TXYWtSTO4$mhokwInl2yW;Co6pgidE_17WF|jZPUomAZ9DX)nIXT z3GTD>YJ5{jwP;*=%$ABO^ol(L4~UPVK*Wn=6;lRZ10WIjzvtF+tM*o#=TsW9c0ZMx;&Mem^1Z6prl#k`A7Yw0fwLanx}L%4F=5q z|4TLk{Ph2KuQrQ1Xq(BaKfB*x4YZ&5CFj~+G0u_i3EE!R-p*03f8HHR69IrV4$CExx4`xwB0!Qcxas8!Q^=v#xHtQ-X|bi{@_gwo}rFDV2M|ts7)~ z@9x0uZBBnQv5mg|w&9Gh$>*a+7-z+w055B}epwOYgHqba2D(=qb)khlJYQV0x%eNt z0bWKpDPogU`A&J8sDg~}DQt-kcstLp@|q06Awm0KBo~M%WAAIu_p*!@zqadJiJh?0g6v&>n23ca+qY*W1MIYb?^!46j;s{d-9OfaVv!!*R~2jIb>vhWf@ zX@J%$RNtC`(^l{nMX3UpnWm$?ccqW=XM@TJWS*W+`aJK^zn@{uWgBk~8=M zZAGezcG}!82mUT0!$_j_7zsZ}3w%Adv2e6upUrzw{La{>Y5smd!$2G0GB0a4IS4tf zrzMhjga%7cj3XX)0mj|8E?bPBUgQMdU`LltE}Rw}eqr7aR4mg>r4N-f=_8jn{B;G? z;>mC%tmQNTjL9UnlifiE91`E9$>-bYtuU3S)gV$zx%bR1traHDIiA= zE$a z0`v0|7shZCcGitMq_2Ww0t#|3=pC_<^;qQ&_LW_1a}1tB-}D8V zkN6Z*-xdXJ-j{ovJmSdJxkXi8e2f8<3Zj|dMvDY`8}Sf;w2qN52F zSxMR$=fV5+@c0(;AxW*xPZgksLbjS#>?-3OK)Yd$Gw5(NzF14)5EQ5>E(DKG59FiP z+iru=)Y84+)1?T>I0hGaJ}KAW0}xgn&=Fbo4Ts^R-OacpLd2zzE>h zXEbVzmSQnbW~a8@G_50uO2dfzHiE`F2Fq{&+wF0^bTtdw;axQ;$I+~GRqFwIwXDtr zQ!!k`=)AVBCbh%|YE8~;_mI@xI958ha$;&l+i;vKwZw5ulZj)^AyL&da+pB1QHb>r zMGXR2AqunvqF?6Lc6^h~xkn{N|&oG8pO zBKs%|3=07G47-3dhUxQaEl8As*>n@>Sv;8UaUzx!keoMV0sc~o$s2WYz{UDPEG9B zL)mI|c-23`fz`>f+k>`fKR~Q?&gWxKo$iXy;~r~8j0O7}e1QGw!j96}9aZ6N_E>ybD7G?MvFYn6GRK4%^~)bDNp) zIvB#$z%34};N?Xq%FM~u63ccO1+@`YCJxk;=RZQ30jTaBiR#mC`3<&yYSQRwB>HNU z(xE0jXYq7#_Ivayqctp4F?>(`PJ^uPdlV)BPNo^ETD@7-RH%E)Zi{^6FRbhI(#sac zFj8Ao%Uj!%f8tl_(Jj`H<9?voxCwt8eC5?lf#=};9F{fC!mL?Nlu6T-%-=*q3 z9@D5=ZQWMaQrqBp(*C%Pm2#_%Ql; zeoY|u&1H**#$DJbY3?y4=j_vWrJb?<_Z_;_#6y3o3aBFG3lc{c2mD?KVob zYlu^)fHH%s$1+ntESS7fQ{Y-ZQqffONJ|)@3Wj??>n-N+j_b3m=Nu&@`kB0>9d|Hi zqUw`>#D^7~soY6Yp_G;K=x4uzdV|+dg$Ej0w{kW;bN$P^CeOCp`7W);g%q%U7r$J8 z+M^OeBE)DXMUZ#g@9g396EYc+1Yl9jp$H6DR)MK7eGr|j#(VO{X*Y6MPocAv?uh;a zSecgRpmYNdnMmePcm9G~QgI3A0J^6K*3unsNcV}xHg4Is>s&f~-DPPcJ~?rnIxMq8 z=%9diRp;%5rKEojxcP$fvTXc_Ci>ZKJxg{8S z=c!GM!ByVUJzITEC4{Jix=qDXmb3ptb!tAuUxJ0Aut2RME4f;p$84vRT7h&TIkBi{ zMc$0yR<1{^tvWPT6%XLOsffx>D(l)s)GGQyw8zQ(y%o}DVkt+EUq1+Bk3fzuey30D zcsTb5@i35~$=wapCCgSvAIK|*XJB_?2j1pR89dk9%yvbXeYMq=Kehw@Y2y8FuhEJ5 z-`DI3XHQh%6CKgmRt4$q=C|FoJ+^ZuQr7*yEiAM1k~7ai^o88EHF2<@wGTqiB1-d+ zZZ{@NyUo*?DhXY zXnOZ}rvLx{-yzAl97Z|JVGiXK3OQ`fET@jnha5tYQ{J3i2!+lDEeOFJ>PyyaZgycryE!A zR_8BpAR5SB^u5ktxd$oMp?&7GXv2{A8QzCW+&p|UuO)lB2=SFYwgms$0Ym8nvm}fU z+vZ!`i|9`L`?*hRfOk4`F0@g$F^hh5@3;Eie{9vGhwF#wok#JL3$v?J)V z$9y*19dtY(iHX!W&G07Ogj(41My)@{hs}pSU3=rYUA}UCu>}K?^cvak1FtJm#-UpsXSCC16^F!Q5Mp~u+xCK39+hRmc%$3KDysO#F1a;?o_)pg}o~Ot} z0qnfOw#j^pAKpmy9xVKp<8f=bDKGK4z59n|ts2uW+cW&bUDhdE{ex;zNXH!mlq$s7 zVw|_0h+DLjKmOC0cwKw|gi z8|GBL1N`^pvjEWs+GFP!Gv5cn<}txzmH#t6sn-~A=Q%6;No?Ix!rnrF&i%sWFJp#s zwI3j6nHz84uI*3^*bgI{6Rh(M+ui&lF-qyB<}Rya%ye&F&%fkBhzOId`4T_&O>9kQ zOZzE0)Cqi@2zrk*CPmN#}j*|Ys{*gRj86z=`I7j`Lo0#GEB@91IW z!90yDxNe|2bOp+t5caZ|Ms3af8#T`mk^OW|vI{u&R5-f^%p#;q_TtCR0ds^P^eV3g%JLV3zPni6%vi75~4$0t^ z9ZQG}X~cwDFMYfoAcovf{?xO(QOk{7l_Rj;l;@Wntn8dEMIL^x$@Zlf9)z=17FXe6 z$y8Jpn4NO6At5bsMG1ICrDb7PnjM9v&E%s#&8xd)mjqJ(=Agt?H?sjv zMMF2a6fBb;&c77VEWnL^(=Ihc7ON3qZx*;nn-Pfz2@viO-p9pOO4YbRnXFxJcJ|fI zN%YKuxC&Me{>yX8h_Q&+8CP1jzb_%d_uAi4b&pjwc`rHML_)bsBMTtsE#c6029mQr z`o+l;{nScAZIa$r@@S`Q$%MatC@$<;&@~G2eeK@E#|-X$YUPR7lML!>vWM*-dcASw zc6lwFd}22Efd0qc86b+R7;5;R5lQA)uGltQVnpXJy%$o7ZIYRD4kB)v2=?3RZZA`JYuUzy- zkmgSYu)_OoI!BpTUOIN<&#W(m|563k4Rd*y5b&JxQDt&}|J0BSo9oigooIs9>%yxJ zYse+2I74#mqp*pszyF#Re%uMJY5V9Rm9Y48)YamBk>07Nl9F)QUsf2KBJ_YL9aLV8%aRo`IN9?L*;8N z;z+0z1l;_%ut`Gr=>O7_Fz>+S%{sFImq@hjN#@_`H2bxGgsU|`PW1dmFf4<=G4OT% zI9R(q)#j5+`s2jBJRV8bEN1t8YGw*TlD3SwFihxUDb;wS|g125?t>L4!Y6J zEJ2d`8$6l;mBTk=KmmW>fdH6jTHSoO`9O<((GbXrZ)Cz+;psKy^J8Wy&GG$1Y3=;6 zC;mNkfoskI#&>=Dwu#IVA(?I4!aUOQv)_k_!RY83uD3#O>uL+|*NOI+6f=y4Icflk z@&4%bWqH~>`X4IDZVz@*v|dr|LyK(F>w|2SQdWR#-RRVHf2?auZBE3LM~LCpKk}O; zZ0F6iu$|%w*nRZB-VMmH;ygMi=kv<_nUP+GIs>g^%*;f^5FrAm+CowT1VL+PQv$k) zCtWGn+C4c?8et-Sz3ZYXXCNb^i>vGQo6S*8khr?e&J>%N642boHvRX))g0Iqi#g)l z*$Y31ze!F1naW4f4b89LG2(ZX$L3?*JE>w2sn8aU0gb0afTeA7q~o6DA=6bbD>lGZ z66+v%Wf5SxGV`g#;{>~*T=t>bc}i?)6G6CV{!tZkEu=rlFR1yxgNBJFVzY0o-SGCt zRI7L4iotGHf=-R0vFr^BR?|CyH~BdCitm8I)0nR+`s2#LS*gV68iPuWaD1?ahTxFl zAv38Q5XYFrc(O~@C#kgfZ|Kx9%}0M76d*v>ODpyMt5V<@^l6z0k974m(c%-zet01Q zr(FgED$k#xsCgaQDVhc19SJ5;-k<-5PCKFWs4BBo{)&H0+D|o!w*&IaS6u2vuJ|0> zYd4S0y4|nf8GYN1cKfr$c{<8lLc2}fhyw_H4i0>H`Y5L9bK6isW7oX!p=bJeQH7eITy9sN5`Ds(HUHDIrSP<49Cm8xaBEKZhh6|HxL&?e`wy)olVzP!_-0d3*$QjzUqr;&JwpqYd)%^fTCw*+KP%5m z-2C~fTp0Z(Mf3VHC*DD;@}JM|38q)S0E9#@LKuRlH5ViVkEU!Ilp=WQYWzn=^s&z? zVD0oOu}7Zr$rsGnke(s`F}}zCAqxF#P8S%%Zf-J#Q2oTkM{DJl`U{&)8b%vt65J-@ zoNa`3LNo0{O)-SZx#fB7%S7++Nyr0Kk%VuKekZ9vKc>y>TFj1YT;dk*9QXZoJ=LJ4|GRqk!wotlF#dP2 z5hEJa`!YACx2?tbd@JKSRJ!>zr~FbfYu>sUsSMlqu3T8Y`V3|yn(UoCc?3E$QZ8Ww zeHI3Fo$kLmRbZy^OIoxg|TO*Fgqvky>@;J^-Np&Ay4UB{!2#I=2O-6>D{Be;6hT`8JCsUPaE`^BleMb_^2MWOkuV1IHLLj1Qk* zP;a0zmr|a3(+#%9ZhVn=xa!0KF%{h&W$Z63TPc+gLfDH3R*H7#%g(NOw>%H{xt3IMlO4QQE zuL)V^x>G*eTBY_aFlCo*n93ZjJyd?s=>%RA8pK$xepR5^Z(ooN@fdR-xECzXsh&iS zin*_ogaJ9AusrVc!9i5=#Qx}uMy_9S53;^WRJ>M9t6Z^ty7DT-@MEm_ge(6QZzk@{ zOKi4P@S5GpF6NN%ISgsb@R{cR)YZpH-DmHQqzZ`|7>!I|-hNV@TmKlbaW^Mjz;~L^ zS`JtcS5_5>sTJuf%Y%ak@mDI=0{DO;`%MyZJ`#6`1XN=)Nx9BUTLkU}zHg)iSG+a61UK&Sdq{gN)m&adU4Ja++x$c*GTT0e zz9tQ>llB6imZVGS?dS2x=4PhzKjLqtrRSg$LhveDcukc&PVc`p4e`^-J~@H&hxC_{ ziy_NdYb5VPaKEH>jv#nuGBNB-FQ5ltvZ}R!pYR>_bXeD`$J_5dSDQ#7#i0D?h}2`9 zX9wKyCM68rUo4)G@VE2)`V36se6n`)RiuiQwbww{jS|qN3kWnBxqK-LS7tYt1Qi(2 zVI~EeI9j+GHtdUsbi{;C&+z(gE>BycFJ^fw+reX~pS5fcM9+Vx&vcRf`KB6XgFj+U z2gZik-V0uFpDMgX^Y`4Hfc-P{{;qM)yARV}6ELscaK3&`Gs^iJXW#wr(mB%}g89j~ z%?8GWX;#&%mjVlnE1v7*QBMdaW-3DP-EzM#+SDuOJ&V-py{|UFA`yfu5br3I)%(G} zI-VYnz2JphdK&Z4**AegaAgOIh5-+#cn_1aBKy_N@-dpL^D{sU={K39vT`lJRn@kE zU+W5k#_2wMvT_(zIXcTr`M9(ZRHhhV8-}9P^2*|pm=zBYY1)rgf)bm>Ol2?NS;>j? z;Q|)G8a6&`Bg3uAJ#fr;XfXQx#{#un4`qwEkmalfIwxA^oWePF&j(Qq)h#2`#XpM?hlo-&GBD?bQE1QZ1DHO z_O%6QCX+lyRiO^k+=;t5ku-Al#2<0upbdh7Y!g}fD^5{|Gmlu}zY%f&-&P(D{-#n& zEPj;~xB$AOii#Fj-ST9R#$w$I#b{sH@9GMlg`kU4ebh)zNvZ|eNf|>0kWrIsXyoFMD z1V10wXNmxGQcPxQVTLiQiAE`r=e{$lYzO5MV1w+GmeI`M#L^bphvH2*nLmNZuzf(8 zXQ!Icj_VvtikT7gdl7{#Dnc*k+FrNO-h&sscK)t#beImOCgzyyn&~vN9g0cilX{M) zvTChrEvLVQ4|G18SII?o%sG~bxIJp-CCDVwkv1|B{e)CNpp_(q5Ysg8d>(@AV-dF zQ7=JOzz47dG+#O129*VtoKk^!z~7T^ZjXFV09U0VIe@4(cwkZdW&<48KLtWSUwNBW zjR>-FTUuqfE){khyM+OibsrXl&$wc)j)aBIQ)gdNt{!bIzX%|60&h8xiiDQyluXTx z{#6;{{Z>{w5?0s1hrB8vF(A26swNo5HfLS?uP{oq!<@Xn%4NCm04 z!#XsVnf8Xwh67*PIJu7-IS?nB`yy!fyr#(i%UwN6qJ5TYp;Y|NPGzTqxaRjP?RVIUp)_x#MM>{RJjIN+K@RiAvp4D5zTXk@SVmYf&JFhu$YEO>Yt5@ z2?Q3x&S*p28{mVgBfZaQt?5r;dwJ*M9#BW4Dk0RGO!ZP4Pt1^NX-vt3dXWmkCO;5D z8>~lg+Co?{Bhr@)I4a(c0DHi?gegRS5vBniZqD+axx2fT%9#V)zsq~bEQg?$wcR4$ z4>Y7*7yT10xKwqS3Bsb&Ppl9EXJt>vnmk2v-(I7GG@Cz6tTBX|xf|A!b0 z%o&i7lVO3#8;%+A0e5)^^CL}XQcb$AqGCofDM5*(Ulo|G9UULcqs`;AL+wWG7x&ub z-x&%58#jJk@eS-!$Iz!lT)WyLvC{IfZFM`{!at=ocu0`%KEr3U33g0i=%|3d*j82XnSq!{qP?7y6{!+z4&N!mdB&K03+PM;8 zds1!=H*o~v!T3cu92g2gx^dHMQsal5$4)^`OpB`d72ol9Gf{F&>?<*gFp@y&An`-vP@K z&9Wlo8&d2sBIvv!#t><0^deD6BMn*w~8TH|tjt+PV``E13Jzk69Q?SjjEt1Hl#_`4LbJx}iE z4SAn#3vq1@N3LlzB5}B0^|RQUoAim3tY>-^?~Cp!tS${P`Z{o&>|?6VHyVeYjvkCfmBc;M05bfTK(z!X>{jzFk?qrmR3v$L0ys8 zE-{mwSXJe|v_H`z5slk64JhY4=7!i_NK!o688!3~((@0u>{4Gf#N-l^^JDMF{%Y4O z_uk?J+_;ne*}1XwNvEh310de-tg+63^Bm)L7yM2tt!D5%(NdQo_*h%O0;U^KF?M=qM%qq5# zYV+HeKvs^ktb_vZZgFd!Nx2U0ZD1%-MGp z-pmelqOtyZ?9#wzMv>oh)7Hv-tZJOmcCtbDBT24fH1PlaK~mb*I*)o5KB8~}O5&1G ztQFd=`}RkBEt&jy&eXc__Iow<`$v;A`4S}^*_XjCgXsD+^9l_m9c`Qyz|Gn@vrumpBL0w zf}`FRblNsnj8# zeQ&K$&b0CB+VzRmWtHUVME=*0jH4FeTcnyEZ#%S!oilV&9f~(-nsn{7$)mTn`e=>kW874$_f#VU!CuI7NM?0b-(gJUahe|A$9t30(*_i+WiM zGlN8Yw#;di(gzHuO)g(@qU2saejI$b=ANs`K6v^XpuhV6BUlxjcCg7ZYk5b~Cpdy2 z(|*ctOXkj3-99a$!e?9azgr>2Rd)7aKE-Nh46ptJSC+T7MZ0V`T46uYS^`OSPh~1O zJx$gB%NAl%HH3+T@lq;UPR{4we@ogutGc|CKo|GoMx-qC8_()-DG)kkBXo6=Mt{$cv%~aF#u<`rv1tb zj-g~4f^I>dEoo@%_X}^5Qt~%nQbIKt0_8yKsL9!wOBIm}ujb$!?2B}n15FJO{3vpO z=uOS;d%iKrWkS7#+8F*MwXJ6?VZNX3r_<>Dd0YJ;uggD75Fgdg$yM zw_gTYq&_zf@k!c*?TRO;q#f{O1+D#beKK=cFaq1n!<|4RSq68;twQ!oi~)uu7qCtv z^Km#}fbu!~KtSi6{;#LlfeW$0z+xGYeV2fkeHm2KuLOtAu(}(2UZJc? z)RJ!i)JoRt2a&Ur19_HiPZxEtu05^^4i35T>=pmBG_$tJK5^;8>`w4lUoZw{fV^ft z{nXA85w~pa%=ZM$Uk=*Jv@}w@eNkM|ceKU$W&y?S;EhKFhBZWxWm;RogPMJvjqM#=)& zh+O0s+k`K6qv)!If78?n7vum&FbbTIcl8y$wTdD+Mh#f|%fMct*&2--O$)vCmZ~Iu zFFCIQP!R>6Wlvu?K5Qwo`edugwUN8wz`UuT+ZLj6j!|T~;i`taps`Y8sXgH}c4?Pn z!D{mEH+I&QG$u{17jiW+=DgXg9yx>>43GW2VKeBwn$!#kuF$+XWW;1EGNjBzaameG z|ES8&;JpI>7dW!Lk1n<%-g>+{`IoJ;Mq7U+x`HLDE)( zALdjZuDpJfJdB#hbCUaJSKIx6E=pBhf5X{zXz}c((2>|LW=X|xZ*b>_b9w;}Vkh=i z-^TBJ?P1>SPpxMvP7E1Uo{N15sbFi=n@wdoPx$1SZa>QEDwO5Zoh+inLrB#+_dqs$ z7P?O_Z6L(s_eAsfG#;rPi6$)+mnT2DQeX%YEOOEs%H5Aq5xlQGoU{4801pZ5dbxVw6y}NA-(P&yiJ6p<|F*V`f_aKa@ z?nX-b{qC%E_h#U_zd5I~Mzuu5um$U^F;8DZxzoDY(;0aIiKAOMY)QEshWT6E4Mcs* z!+n^`9;6~3+RU4&A)pSvB*|DXL`V3ok|kO^=A}Y&Tsm`-;Vm;g>HiJf3wwS7SN1ln za^&m4n7`ed98ZLV9<~C!n%8W}?fYg*(sV)N;%DBN;ZeoB2yD+l1ZxPY>ad!t*wC@_ zK`HLx8Au%2uX@wn_%QdfZ;o>F`9xfyFRfnMi?zP`UpW%Ixc?W&*il=3@{jokO;8qPt9b`71sUZV`e zC)kDYtCWfJ=;BjtnqOv~Fms0XHzW&oqU{azZ@)3Mw-C(T`>Cc(Yv10NeRRZ}>ZmnlEA^k62D}Gyh zK8JlWFrdG!eDCNIa`<+aVO3Yn{rZq(bD**A2!&4SrGo_!;7z5I*1p}kabL zH={1`4oMvkDm&}krmQPDvHN+R@9qcWeDK%dUh?O`)C4d4C1*93U#VC*tJ;<&iChur za@(gCTT51o8zY8BD0z@Baf6*cljZ`l-UF)mmCg$pF%p$wR^Q<*V#3}UhT_nuyiDsX zx51h2cSLHru*pz0_Qj(&nmwcbVrS{tk$c>})DOV{qjGI6vKZK8^yDD$i0TJP%+@^2 zB!6JPa{0-}ZyeQ%UU|QhM11rL=j z*?Rpu{ul6D67pm9PrCR*(a#D*pM(7B@6T$wdrp1VG&WLd54?L>yAUcTDg=&cRxi|0 zt^zmioGr)l92yP`Y5U!NL!)nWELaSntVC~|puIFO>Oy%&^!!ged~96Nj8nNR57tI^ z#W6~dP6~_{Y4*I^e|`R=#Z~w|pGh_fSe9SQT~ya&Y;jU{U?g>Xcw!(U47{Ni^p2HN zS)3aJ z7WezVlInSC!1bqA&YNYQ{a#L@KI*LC+NaA3F`T@HAPFYY0ddprVeVht;DKe$w;U3_ zMevU1`?p#{eKl&;Wi?F>L?z>LIChKFT^K$xIZ80~3>X@rw6%d}o{`;0ELRBX^xJNl zjN9&f9N=^g7#;~BW=r#U&NJN7ksGe^H1flGE-;3epACLQ8nHkl%LnjxJxkh7&kl>Q z)Q*NCq&Wq|F}95*gSC=}L{IU@zT2a)|I7^nzQK$BPdKCT=oL+$D7XcZ;~Qv&g8bA( zUHbSdph1cRp%T1GtyOT#1$v0GTKct=!S6$Va);Nx!PTFMDk_6cLnlyn$@Z!VFdYC7 z3?jqBYF>N# z{Aqv?m3CWRynp5U2YV-mozEOzGitgV2r_QD%F_Fy^~m#t+9-g{+wEiB3(Mu{5kCXw zU^CfUJ1)Ky)iuRUd7Fnd57lRDo$I>5SCYtRvlcWa3^)gVapAn~AmPTY(FCM;EUH6Q zgCyVNSK^h-$^EhXGI0pT+}bae8A|7tnuHbj>q&}#>`Q#}Bp<3H`m=8{z@8D9$@Qbu zcYPHEJ;u9x%CniBx0jpxbdZ?tHJ>v&yxAhYh`=1{*8?P}=Z*k-#QkEy$>5d^ zvafNJ$+*uLV93C(kNQ25H zEE}T@w*1Gsb=ydm6$-%o)lY02gz?6S9%vw!U4{z|by68o1;4=0&)(JN?OIgOX@T_* z>J^w!ad1v*sOa2X=wrtBa`g$7&hmPR4yaf4jSd|25=Y+31x__Xdb9|zJUEAwr@xM^ zM%UdhR@Es~UB|y~;iC-vetQz$Q!2v9;#;iSs;Ur2hi4EZWT zw3y4{q}=|d6Hc8&RHWCV&u({2(Km%_D_9of17nypS(x*}heaZ~#K-<-nw$&&VXSM> zc5<-A`fdHibZU!Kt5P6$+4~*Gxbe9A^$;24og)7=yerpQFl(%y*CXJK9j)9t6W?+T z*YHZs4sdDsyVesCY>Il1_=BjI90sefB-Y!}EKTeHR8V@|<$CyXEgUDCK-S!4-fmuz zyt6!Fke%b!&CW|_l*6TMkG^aXxSsgtX`15B>FpLN1-&~kd8(m$dBfiTIB@1QW!>*N zRtQowS)W~^^FPu4SWC&4YIK}xx(Sypg$k=wjs=iP9aNq|e=n|>;jHe>h743|X8qEG4nE|eDhG9sJzNQD zDZCz~UpiIvb6g~Q6lwzUHcilLihSNIZzJh;(<`r*ecNmM`A~M?J>0pr+ zY5l^~cJMX-FKdfWgy!&(hks`Co9oJ8$gM@G0fkAv3^5LjovpwX47yt)W|ztvkGpUm zW)2YFU|;;})faN10cohl(R%3v#J^c`fTR%I&LgaV2+b-Hfe)6EkOc4MMI+vO8m>AA zgg%$BurBu&g?xawxaM}m4NDWPMa-NHS@|d*1hK@;xSUAl#8>6z6Kg_|Q;m#_9Mlr_ zB`qalV|nl^FHmHUO1NW^n@6LD=~Ou;uNhy019(}#JijBt6sjsU+5p_Fv5~E=pKFQq zeZmWGna;TIH~3&5T)zzIp-!OSbbbQ`Uvd~i$SBsqW%Q~uhl@2487R}pze{rwBjh8h z(a&Av*p+q9qD*7Xd-+~*+69|A&@GmO1@t6Xrdu=w{Z;$AJr4GnL4=CLsC1A0mW$A( zPFH@0-+%a3c)oT9#rr6X^3X8azD_iAAvXa0I=)NV*kq3%RU2-yJ`N0-pYarhg1eNZ zH`j|X``Z%0=1d=y;uu%p_%-9DE1ILi-RD%tTy)1J=l&jW8v5_1xJ{*Tv}71^S&Y%Z z=(@lUdxKKhgw2fn`&jm!cV{_D(b`~_aDMtzv&uOP@gbiZq?g9&4f1{vld>jPIh^Zr z^hB*ZCzVx|moT=f8f_BmA7Bt}8-!RFnm7J0IA=z}h*sPT5=$`gX1<`QiY&2y`BcY* zpKa%!aWI7Z$wLi?J7Ej9zG zicOx#h)8MwgbQyeeas=UNi$HeznYzn6q_;i5f${NRY|Lv*YzUVd0s_Z&bLyf^Yj-2 z3ChaRqZytSb``;%o>?%b89`NQk_jw@7lf%b~exEewUEPYgKR6%l995J`Y)cbT(2X#K_Gq{<4cs!>vLaNBq%w(CP*;~XJHq_V6S zVIv3LB0%LlCK0!!nAD{+V0>jC`3nl129N(p0L zys*Fif{pC5gj_;^oLc|))K=K^|8_sy<fa7K@dRW@O^89Y0|+{*XG3)` zDVmT#L2vu3a`*5(Ko_4LEq?BJtH`A+E322?oR}L^8UfWypF2!K?t864MT!Mm)|Ck% zssc+JSfKNRiuYZ`qg2i0kP&HTsHji{!(L+_WD*nBq!*bF@#aWau9_02mRG}&N|M@f zYEo#|bOG(%=_d(&37F+zc3*H!PIxgasmS;0GiJEc28ZwNv^JA@!q;`1cs3puS{rNB z1UaOw>BaS(XUHs264>#Je)DZEdm+k06b(vsCsvDs%TZG1E_yFxA! zgbjCzy@<@^Jf4;oaouEomg3r@%jd|L;Lh6byCM3ODt}WP8^A2;c>7AnGsxU>j=`m^ zJk^8IJ`t_bVLom0tG9+eO+>{$#;j)1=-0GMP=}LyDz#$)0|v|_aFI6oy_Be8lECi4mu;Xy2ow9H_m56) zt;-Oh7^`7lwhhB$FN~AmZowJzOu)UZ>g&nGjF=j2#F2SwuRe=7-WJNe6}qRP&{E0* z2={gLD`YzE=K_1iUY*LQ1kUfMCg28(M>Ss($+hJT)KL}7sO#Otz)Vs5tW5a!28NWG zuYY7s&elp$e-qh~y0u;-1U%HFP7w#Sq6F)k+YP6kwR+5U$&tU;e0uRTE!%C4PTck=0= zpDvo450)-nsn;_lQbr7nX=argvn=!aurkSTIQ(0_f!y4D(F1dGMdDO#t?f=X_yOsf z)0vy_q91aTtRGha((lN;+6nAN@~I}hGY;}1DyYN*n$W$hnL1qpz03@K(nPFh>^}PE z!-&iPi~izw^JV|I;2!!9)n{qYKIpsCbh3>7ZOCU)R_r;3d;6o*-zpf~if;ho;8sh4 zV6aEk#i{Gj79+y@b{sJ(`KBQhQmIemVcE09^{7AEwlQY)B6%sc2EHG+&%X4|TL2uz zY>x-V^^e@FzS^K~rb4+=J})i3OD)#lrAkO6X4(?(C9hrW<>$IGMly)2W+ySwFVtDX zj=E`;POaf{PT$RleryK(kE6dxh2cl<;ST=zCnZHo}_`}2WTiDVR>e(ZXlK2zRcw1y~M=dj84&Z zk5@=7M#KN*KV}@?h?`0c7yST~rbY`af%X=Ei)KV%_A|7OP`ncN^=FcwSDBZ7r{p$R zasPZc2{>L0t@hW*6FSCb3J;&w@|KZS%{+vM?m)VaCco-+fuv%VPmZl>x7f$*kIt?U zdYb!fbz7>c>ZSa0R)pCMImS8dDxv(1U58?DEq1mygr)$V!wo*jWvi9%>XT#xgNm&I zKG`RZ-A?WM`W|onu+{~HF8_3XS~8p&jt=jB*WTwZW<0+mkiaa^Am54(E`whVV)pBu z)5SkA*{@Z|*9x7Q&KS@?c<+Z>He?Fpe$wG)Qh ztsh(S11asNb~WQ8)^{{_5lOKo3p+Zjm^$9G!;Ugi!EuF|ywr29%#ZdF)Yv}}8DUrv zQ=q0B2aL;tSaK`7GK;*V#Sas^$?;PX&UIF}Q{`=-GOp+Bm~h<+d-YxiGel8i5d-%m zhs+?4xSq)vOX>2*C2)EBec=T*KzT;2Xo`Xn&O0}R5*Yjlj{LAJT(RFgnKxfZneVh? z(T!%8NXqXYsz-lD)PYO^k@Qi|;^%g53idxEap;*||I(x*@0`Z@$^CL3#3vxVPUQRO z6BB6>WP2!f@*z}Ku3S1mm8*||^8}vTXC(S%6(lxU~Nv<*)X{*OzSb$VRZczlF9ewOp^%$wz=P0WIO& zh|~juO@z+&1&H>$rq0&ECk_r$$JqfE`@J3!Dy`G>pXSN;(Z7COPUh-zh3qf$aHsUNF{hxhCB;$OL)=nm02YNP$)`@$f!&^G@?*uEJqn z9tKd!3Ypi?-)zt<`IA#kis?`B7PGxB-mQ|66);ftMzlzN8yvv5uyTfoig;K1$H=~iD=6pW(U7I+9Z4qOB5ZMMy%AVoD_IbRLp{bU{@T#9z&b?xm+@)x!F70L z@oBxJVd4F&b%?E3p1o;is&syy1IV3#3EMsMJz?C)%6Y=tl@ zPzD5P&Twkcg@q7Q6+8sDE4h^X3j3XhpLjEJIO}EkUs)^rPM68zMNJ=ajS) z=~FyDi*_nAsS05%LE9ll*}wDJH_TONd*zueDwv&S3UOgi10ZV@vtI)=#1e--}ROX3DS` zZV-(-L&+;PnDW-T%!w@S@9Q`HnwyIHG#L218dK_XTLin{qoR%}FSh8KY5)e@MC%vG z$lkQ?M%+=boxOR-f$-U;)BYR6(K+q_e*(qO(WZ=rGgj0u4xydk&=8<)V&_;W)HW2%dz*t1b0C+ox79~!(2 zRBKy}9Qhm;nLmMV$($H28wWg!Y4Hpr5SXW#hnL&XS?Bspgy!$Q+MKB6h%%9M_PF`ym%h=5g8RAH z>XsHo+_pa~vpR(T7Sw{M_AO=czOOtN)@)hVocPQn8!ejzy&ru_Uu^g)#`kt78!SC? z-?eW}VGuhwB`=fiMOC*+alclilsuPi$CdE3?lD>W-vVVCl$BjKHmJ`CQ8rNb$T_KB zTBVY}Ba~2-AK(CYg_?<8e=H8@)&Pq`VdT&spI-tl%_%GF6GQ#_T=wXNF^oyAt`!Ra zp%sxZoYY7yaL``p;#%WPU?~;iWub61&(irA^t0eL!WpOyVkxTi1ZVLB(TsG-D{M)K zyj~&4sq=&$$GW!8X@c@``Sru`UGSuV$nx9BtyqVt;t%$k4*y zh$Hr;xU-hvS$fS1*VV%T2LF$ybB|~GegC+#P?pn>Gn+$Bp%63YSWfBWY&D8DgMzZ>TL zFVzdlUfv$T*&z^0P{gy0Q!;+)*J)N^^c#A((7ujBb)#aVZMir~us2iXfYwz1yfr!* z2w>lh7NRDU=6>u@?}~&d1#F%2bKCLF8B%iT8y;QBJ*2Ji_e~{8H45qIPk%T9_Wr{I93F(J@(vXS5yLuf^L!_ zQ*-|7Siv+OUSH9h-C&~X%hd1kVP}y~@?!`?V(jKYemrHbpn{zp{cgI8PZ`g869BX3 zyc7lIYTteoLH8(@=x#2cfzD6wor`k+0AzX^2+1ULJGQm$?QggB;MB&JZI(Fyb`2m^BkAiX-nkeeP|ZA z5%ytkgk^M{fl#S%ucVp5P4y6Lb2?U6BIak5d6BU4w5_at4l}<@|yivso#OznL)^!#p;4^bm{sZpwkRbfG$v6pbPOTAxy#3g@ zeXcYsXh8K4b#ByWCO|$T8oKV1t#*I%c8y*Qe*#U;gL*D9tM~5#qijUWLatxn4AyD6 zxke<4%RbzTGz&gvW2tov9OcL(d-7?rFNY91E^kVLU%;XA?v$GQ^0i>63%n&d$!#cN zULaTt`$#q^zd~8qu9WLv``wb0(u^YSjeo;EkEwTxKAG2xb3!q)c;-P;Ze4Fj)4fMM z1S{pZ=bfCf4Klf3p%1fCPyw`CL#b4CB!GG*4-PeL}MQA_8jh02JmVD=xOA*5^J$H8; z0e)2DqL9R`EFmAyr_BPo%`ZD^p5?Ew^C#Z2adyknNSp`(0%p=bzM+fA;PH@a16sc+ zR?w1_nfzMyB{{De6*t%6MQ>dGd~j1e*xGU1!S9wU;`o{{^LujHxgM6IWDB8E({$p! zrn5ls$(F(D%hXf4n?S>RDJ&bcZSkN^s=tb7Pj1o`&br&zTfjB2A*TDwnWU1w!$bs!EzVs7N_$K{oXiHo$XD z>Z{Q0!PDUqXRwyd1KG#hR1||P=Ra%RXL{zVaxF*-x*hK!eKbw^^gfL3sU$jT=@1=R$!ke!e zlU;;oR3U7MvVsp;^UjR4I*_&OKfD6FS0uZ)K;~dOL?0A1_$C-<1l&26s9XF z;$Ed9P0s8#{6jqE1!a_v4Qn#O^fO&KWg5SW3w`K;_pu-Y>0%gUf>{!FR!3BXc zVBpy04|}J|i^UwMex>KvYLgrf@h%^lW>zYBpGkFaO9Aqg=Ea+|H?`E7x)X_cUf1SR1j7fKA zHAmZoHnV4Hr8M7d{hG6%7_5eSw^&oXmQKm+w_fXJqvc2HjPEp5N2Y0(j|h0h@e%pg zG6C^*DqdQ`6UCZH;IJV8@1tePx%Pg0oqhBSKsdy3U9L9Nka#3oAko8hH`y4kXUX$? z2rT06Dg=Se3trxC&3?$k)AhOL8bn^TFWHal;&+S#uVus;S6OUPFi&r?pQQ5Ge9+F@ zhamOkhi$8Vzg`j7Fg;H4T@&LCc8JR?kUZ9S-YK4t<;_a;Piq7bj6}0>$4o(-X%ECm zG~PK!XISZR2uQA5*8~=<+B2e|1WNA(n=bW5=q>LR`ykI$5%iq1O0Jz>5WSSbc9%eZ zdwiNG32wJH#HbuOl>2k8;)uYrc_DjgP|>$Rt5y#{&wL>EIx9)Of=T{AFQOQ7`p2UDwK(2ix5qZ)KPe87h9`Iv3_7GOMTqf%b(p_Tdn-j z8_J>dCNJ?I{|uST`A05P!)%$ZQx1B;mO)8YVXOY$^rod%c=O;cT2o%!2y)t+b#o!M zy*q6F^ZPbnv{{#}hE_A@AXX;t=C2&V@*I7BS&BHc*>;gx9!+M=wBHGX1mnMfA5JN3;X`y?G%?qFo7E{Bo|AU6x+_)Q&i2x+A5jln$6|Z>xsGH z3v|iv+Yui=M`h@u?ymZka;{z@J>GqK=&qh2mMs+GKi2X6^i0$$=_wm?$0~obq8SK2 zk)%v^is#fg29^{1!1Kb%91Y_Hh*=~KTK@E18p29B30F8&@vgz_DID^ujZie{Qd2U? zUvhv!x^7i#VCJZUP4q@09~Y3W882N7+<&8aRyAMXG|8QVJYUSn3zYEDZ^<-cTUiDN zxZxrG=Lo-Avz?IlZ5sg-g$Mqg|6pN&zhz{5yYLEM57{=)DowIav~7grt6H}1US7i9 zL+|~r(c!4KqeW(-!V?VzFnQ!fJLs~^E>L#wD&jfd5a-_oG<6p`(5om)lPf40=_exu4c#qmoR79r_V}M zFxsM&-TG}G_(Y&7_{auUqqfh?4dDUX_lEbDR$m5+ckH*6nbC3zr3UOuhwgf7L42|m z^g>2mpz{6!{0F(5aw~2Mkb_`9P0!T}y2k7nMPd+ox!cGvSHxs@CH2T>Z?V@_t%)O@ ztrufLplf5WS<2@qc5~eH@LpQ|iP!P>a9n-J8X>Qx=OF7j-KQ4MeL+uAY~uh789)Pf9VxstqhA4YJOh#-}AVY}a-!;j7 z6!^)OgT~x>6pRa*4tDcT|FVv_K7(2de1(}AgEOWtsG5!Gy`?$m zlszG1c;Qb9klYkgL}cpMk3xS>j9M`@dQeQ_A56gEK)2;T>~e6*4c+!l!6XS&rTp!5 z$zakC=1c?VfSDHGfHFm$%KJlkc(ga_JgSqV!%}+uHT#6y?}r6hx`)dS?4dF*(KH7& z2*t~hBoU^U`M|vGTO<*66Is=-_wh0Q`sFki$u{&SN|IHh$Ezc^S3v1M zXTAwO%|V*jNHUR5MZwDH$9MPJrT}@G3S65)z{E0(e^jEJE^}&h^1e)6@m&(SF{no4 zsZ33CE*1D!F3|dl{%HzNouZZ!chanXrt=aey)J%tzeZd77?K(8c~#wbe+E%~$AI97 zFsU)nAT4L6*HY|BMT6dQjeEfht-5G?dCJm`6U+iLT%q9T+pR*RjkRs76+wvp7ehre zV}Cy>W)tvEZKLrpD7&6lL~sOB1IMbkeG>Kj3>MzJWv}w$L~9aNG`LGf#Tb_ewFo%; zsJmgW7GklC2s^a1HaAr_h4^ug)ft@6t(!ORCvo~ftGVSH5P8DXiF8Bw(%=Q?%@n;V zZg0Pu`G0;t<3iA%8SmStLI6Rb)CgMS<9q+-3|6LovBvm?B4X#aNG3A z!@4@-PcAxhW zHZ-Qyx|GSYvEV)lH~0Kqm{LcNAo6u(vumhn8Rd&NxBqe`zMe?pq$R#iWNu6~?snxl`VqeVq|5I^@WuU9ef)n%C{kz$#waFmL?=mSW z!|r9ajV@d(nrHD75@njQhe>XT8}*uTobemSS|kCRO#5&O^RdFV+)Ut7XTFga({jZ? zhdD@pRhCO5X9MK7=;2^~sLyGAyl)OYy18!L;4NNW!K781Jswl=tz15w)b%`Ua}CQo z_RWpmS1^s9HN)0bXx;l2%}4*x5qvpV+i-cCQ+_L30=-miTjvz9l!6>iH$$*BvcHzy zSe3s%93mU%A06-d&i0Z~c3$;&;_Za(iNVOU^@Zd&D}Z!4XTO|oTYk?L8QpjgAl`&6 z^Yq^qJH&IEBat-@#w#UZjAbWy^M+v2i9k+|S#8L~Z6V0LZ;DZJu4>cnv~%!G*e2t0 zAmPFLpER}_RlbEyX+3PHWP(fk0{1azXf zdTJX_0ATN16(t_7NxT4`vh==zou~U`b9U0iEm=#%Bws`-H>PTFWQW)2_p*~q&+^pE zpxtn9&KcGG+9FvrK`rGq^Sgn`U<59|kwHpw6q9`&d+4vr?pfdA2Mfl{2)4D}!B3a} z448PHpO+i7I}3Krd=Of`ksbQD2>$Din$ZzGMYEq)2n`8rYn20R1`=)=u=N&C(TbL< z4t60?hN{dAu_)$`^m-@6v(_|mGq4eaIc9dAuBf1+FhE$qUo$tOjb?9A#y$u15d4Jt zzr{{Ror0U3R%K-in=SEo?r-o{$kJ09^l+MN(OgD8bU*sLo$W*~>i0;;YM@DLuAF}% zi8(MVc7%s`(eL9@8c9PD&s5?Ym_cfiE-|azfCO~gR7qb{A<+m)S~v%1rmU#XAK+w%WUjT^8(oW{R0&UUF19QoUStjZAg1m&Z* z=z}R*_b6!(WTTjqrrsv4_XoL}G*9wIVI39EFBBr5cyqP-lp7{3yje@G;t+e4JRt$M z%=Eo%l;rp|kaSjqN5f}gV@g$|2*ft2Ta)Lpp~}Oy30YfhyFSwRs$ZegBBx|j&8E4n6XJuEx z`0TvMatL!H(g?!}`3#8A#1j9+w=0*vV#Y5RvjTimg-$7$6u#f3WEW9I4e)ZgQb|RC ziM#jn;q1E@XTqw|b5dkA^22j!iUU9E^kw87=O2;!7=?{jxyPd#kT#R;yX9dGtEwp z0@sv>g#3&#WvOd3X5QN%IW&k%3|QO~XbOD9bJ~83G?4;Tg$_)AHZq7aXg|6FuJhq9 z1IukMuULj@GDJ->ra#Eohhwy2DxBzIrUZ4pW>;k_M;ywQZ~o2jPK)?a{YR)VdSl_A z$LHTa6RRi~?5Ax6b+EZfeM7|cVSI{rUzVh&KIK9JQL&Bn_=d01!GYmUrZUuq9HbOD54F@8mh~;qRbKc$~Jg~*^-Ehm%{bk zC&OUY=0t6K!YNfD<3JJxs@t4e#0a=~Ts<8!e%rb|N4UT%+QxUHr6K~AG??B1^GQNO21 zy7hIFGTx{up@bgFl@FA4{>9E+r{E*IA6_l{gu<`5%m7B<#>WO=rl4Zn2qyUh^eiHI zajMmpOMZXm0(&3=z;6wHe}Auk&oSXGPs07FBk@0BTqxiB7s9qz0xmm1D{Zp#VWIcbu(AiU z^oj3TjWC_6N9rJx5LAdSW%($9G>DUNZu4JqfSUcnrkTeRF1Q4kp3*g-x17*@ajCO6 zcf7yW-XxIP$*RvuxV0_HYhJwkO_QA&sTAMN5|d_=e{7shYDbS_jLgXPVM0o6!K6@c zt&=?z9^q121o8SoIf3S_M7q!yYl{~;MY}`4u#24Kis4|<|MTr}KeklY$t-%jApeXu znF|$^HkYzy(DuHV$)=TVme1f01-<=_O(0!#^@aa2OQjJkU4##*yILQAd7PYFBnVVA z>&~n=K-vRsS7iprIkT@AmKf1+%HB7UZa5bx{XTH04LDpe?@KLm*+}Q_zozKIIfJaZ zPq&AoDL>&adPY*i=rxVdcC0{!_kQ!Bfo}ueu|hY8R923=WfJo?uYD=8+96-=VJvPu zqKl9NI1KE4Nho|%6!h>Ri2o>gCE>c<`jZb?6*YF5X>764xdr>R5Gy8(PZX8;WosgN zu(>q##l-1QOj=o8^7n-F-m&Bp`{3iS^fK^SH)8N`f7s{QI}^mCj#-Vs(F&(5BTpi- zjz4ZjRf!Arr^2zz{$X%w_PMu70Rx6YLWdFeZWg`kU@0w2%VZ0*M@!VsN0^^V@*Ube z8ky}45tPzx0S7V`6mMDH+|}jl(Z6=@mP^c2UgWvFytl2S&`+i9l+YaS<>>L}ZSJCX=|hi&%?Eml)LKxy3Owmq zx0v+4sUc8^p}Z)Sts8URRj-}83~$d)=;P0-#tByJm>r_|(?bs3JhkZHn7AnEFm$fd zeH+*G`|OhN;nwe}H^+7#SVBcjfe=>I-cc`Semra7_WqmB!17k)gW^pjh144*>~l0pT!PC*|K<{F&FAcNzjRYiqx~zHoiscm3tb(-v9f!~>8t6UZf+ zylOv+5o{Y#(r{=H%t?I*>=rPU?G7sTS@nZhy7}Nh4oHCk#G`>A`9C67}>WT?^iCaO+&)ae5d^uA8cKpLM;gts7 zOoW3A5qNT~C07`@%W|>XS?C<&)vm^=!7F!WI`gq>LfhjrekOk{JPE@eYtO!PRK>n~ zH@{{uBd(179C}s1@WYac;8nD^DGpd!SSJ0Y7$e_ zv}-b;X}R(vA6CwQ_m-9DB-_D5-rXjA$rI{Zqs}lj9w0vzRm_~QQ|c&Cwo|@#mSq2KGmB=<%RC?+ zv55AwticPm;{i+zME18a?2>kr28_^E?iuEzm?65EytBctm&F$ zh_&U_=klLNFfT1yS4u9bLnzve3DXu^;v%grHnM~Fxn7OTk-PorFDvg|o9fe^q2h6K z#@&)aKp5TfXV!u;K8k6dIKDOW;0t=my8C9>t=1Q!t4L_u`bkgsf?Iu(}tJ z>@pq*A;*zmZOIK5ZSM+5x8-|FMUG@%zdQ`Lygnj#ehB+eR$!9oeBttlU2<(jSw`wd z{9AX2f>!8OnJT$AMpe=UNi87%!ZtFOZ>|3{*oL-#n{qbv20I<#(|_ik>(#EDkh;<{ zW|bf~lBi77@q2kAvdhY7e`1PU2+K1(L|&_cZS3^F zVtzp>l-jVVqv_754WoZlYuFpAhDAJ+k$2WzVvmO0Z~rEhp%CL4zVi}s_bD?sVJ7I+ z5+@4lr&md?epbq!18rlr-UyaAoe56{1IIDtV+MHp!2x6s`L2qqiWR!NMNdH-m0xHuLBPCE$~3 zT(60)+8or!Bp7lQoM6gjmn~YCeCxB0-m0xacR`kh8JPbb{jtSs#>{QWx{Qm8$d2xj zE8B(cE(amigk6=H5!(nTtab28ReQ zUe8h}%qz+EXNh;3ps&eXvnPno`S*!NnSG2u9lPhIROqhxJu6>M=FcgI_Ei9djT6Kj zKax@r0=2uJocJ8I)Oc*5h&Gd=TOz1(h)!QHcDEp<_0hopbm9ww?LL?9T`4UdAa-WD z)j`)Zj;*|tBAWMKTtv@?dK~}ZrX>;JXJfutgatt*ELyjRCY$= zUn=snmATMKy4qvhgX%Hiw6D%RLk_x-v5{8z-TQ69uFAKy?v8^aIQZqvByJks9VHgO zJyogP^>cs2fN?mVVz|bPAqjJsE_chZ~tRP9Fj%J6GvfY87IcSoE7U7M9gtV?X*4`S;f=OVrz11?V8j zxX~rxwcvsG4WFgvnqgzJdn&z?nbh*V@grwVR9^qDLc%Dj6Vppi3HVUL z!hMSaMo9hkEOE1(Y+gQDeOk3{ACgA5Hm_Yi<}r8)A^~gjpU8%fNSq=ztTgHhwLC(n zUFf0lp9fyYf9hmIHMIJomb48wksCi%gqs7X8@TwiMcCz-)}jRQb7-bZ@SiP?_;K+5 zY2?bskJIi!_qT7AyAM$647@0T4bmzFWeDdgJ3o<3^TkqKmXaYoQg=bicjQS#t%0|q zJX4agLw&g1J{Kw@1cFCReY|iVUp-z-v)pg%)azTx5%yfBH^*U{CjaD{!fHg-@ zFEKT1cMuvEvT9+0+p|vRV;){|x)g=Mj0Er}U5_a8pFL17h|>5C9mPn2d;~0%9)ZA; z`k9rX-b*<|=Y{^%xPgO^KOMQfm4r!&%9j3*o>!@AvYR#kJU>tHS@MvuJ`>Qy&3HvbWF4Wu z2c&NrI6|l_alYR((t9ryWBztD-5|_`P?$)w^;O5*v}9ak*2AB?OWFM+Iu^`icuqHaO2J?1$O=4?O?J9IA|RGUNJFgPW|kdzrQOK-fPz=#*H^*Ov6Lt#26Ju9^EI8wYfL-pc zt>mZ#Pq*5r4#FU!SXAbf?dqEOoRtPem>}jY$VnlMGfd!}}$}Jn(OQv`v=s^W8(a< z>q;H&iuvd+F7|ph4~FLWGFJWU@R(O=$KX?i3d_<76)!Ko%92S~vQ#jZXhMaq*opin zv(J9tVW(wXI4ca@SmzDqb9nm{Ud5A zQyyrNM{pFdA92nLjdE0@+pD$VuLsY)!B|J?gImPjjmTqPp2@}9XIbThS%e&)8IVN>`}#RA^`DM1352-IQ#C4YI0X#7V% zr~1E3bJ={OjVir3N3{eLxP8%B^od+@wc1d*-+yyMWp@jNCao3983A?v|BiPq zl{on?jUWBR@FVqvH-~-|j{BO(Xrk#U`Q^TW;vQXV*~rVtH|t@C)6Q&UVg>32Qmw+# znDJd9Y(c+apJH+S(6K#YNG3NngvE~TZM-bz=<<^NMdybO7<*ZK;U^EERxQkp8`c8t zT;N^w?AUn4DJesjvAXUn$8pAgHnJ4ZZPXRb9Zv18{iVV|Bg$m{7J@&|81>mMz+?&5 zju?ZUZ2-z|z3~Dq!Q2d+^M&!H<D8>uD}1rx^<`dN{dXyzXNunhLtV^M@)6P|MPsOwYM!I2`!|cb#9Z#;xjkhtbFw? ziTg}RotQ-3xoyB9i){RNdPCYP%D=F&Nka;G^(?)esds(v;UdK0Bg&R#rC*v@ zlc__!XQna-z?VSODG9S{EWSP5Oo`mxz?o>Hy zbZ!?s!!M|M=le_!mv(HU6v^f3Qcb@6%ILYpCE{&US2f+)nZyUq`^!@>*-DLe z`kF!e;FV7DxawJ|p6_?5zVKE+1!7#dL>twD%hw})=dpM?`SQF2-_q!JV-JE>-^SXA zayeeqrQ4tFli@In)h?!FKZdYDG0M_;vHIH;v4)htFnvQR$QH|2Yyp;r*>V{Wz}MIz zVC+|jgZ-?d^DZV4mi0VUS$d`rhK{PX6S5mBK!cR@m#`-o4m?Z;OgPPEHLKB(a6;I+ zZTc~^Z(dN6J*F=O=nUMHrHaZ%m|TzSp=3T&Y{@q+%g zW}sUG0FYTazQ%loL04>Y{;e)|Zm#(*kJhE7qx$|St1@)^E#n10#h}Vd0b+*kyVT)v zQsfitpfMAq@Jwy7YE(fEie{tl11hq3yneB7v7G_=ok}(IRU-%}emhseC$}PgAk-K+ zY7|4HaF*b$^r|%v;&@hH%oy)dPvc1$uB^DP1)*ybMh6lqt7Wo%YW#48I*R6(iPhoT zXo^i_NEWc0oQ{7)qzH}n^6K=&2N zY-u9p4PDxVUSLk2#_I;s^mI0lZ)5<4S;47lz&27+@GeJRfbrgp!IC6{HkS0BpS2~e zvpD?gc+rWdw`vL}6#VU0J!HKu4ZlyAW%svqydX7}^{=BJe2m*)XY0Yo*Rr_%lFiKs z)g5oCSpmjtErSOA+XknM+2dk=PgsEH;v1@Ege&(-)w*mD%B5db^-pD<%oFgo+73=$ zb-l+WktiBURMi4cJT?Z2uw$Vq&vTOjvoje;(o}kQ!veioP1RWbyZ+}?12-J_$~MT%05Q*~J&aTN#-^a1sfj+b4ObG-B^k6o z<|p&#jpp%8>6WV<*Gu%G`O$?9sWp-^lYq zvL_r)h7(5ZsteD6Y(towOxoAh+^x+mvU_qh_dG=5ohc85nI?=Rte3O36nE7Wn)1C5 z71PW8C++B~+3`P&PxZYE3#6bO>!g?LnT!aRIwncuFnpzczW8^vswZkvx|Z8lLK4Xc z{Yv)!uvBqAe`4Q*Q< z$6Ln;#8ChslzBf-$9Zl_Q=ml>U)J$L9&0tv9xW3_LTE-@C)c$;+Ws(*zKhQl5rB|C*^< z9ayou>OFxMpqpG>LlKMqMg)+t*l{-3bLby)HTmiAiNGMlRF%N%#nWFwufs_$L$nb0 z?tqHcWm{oytXGRA0HD3Ve2jGF^!oGFsroUMGVBcTrr!dT?h&{0<&Y}F9d!p49qqyE zMSk1DNn0pbApIG?jO;%vmhDIX{0{MtAFXiShwSji?hQS1W=yYpbu~n- z3r;ML18^mVZG@#(hQ1rK*~)4?@56?gPTcwI1w>L@)Q)D1J}rw_1x+7tq0nnwVx-|+ zF~4WtbV^o)&kXY=@;{wvoS_=enn7p1sL`l=XR5}3>>e*x*+**-mtBT4?TYrcg!0Wi zNRLW-pO4Q=So%-xy&0S|+A+0P4Bej?3HtjlU60p8J6gDS9q z+gZ`X)XzLS-(DRiNC}s#-r(g}dMO7ds-kvh9Yj^t7ido5EZS#b$#TMf?~M;{jdXM# z=++%Qy4FU2k@1)e`Ugg==5#q2eX7rG0)M-ZGTFPdKN8Osrvx_*D9&ZvGe-z+HMIYo3@DJk{!E`$XA~i99#gxhz z&H_Fals=EhaEjWlPyNWBzAtap?Dmu{U=pIO&g5h_Oi^46YNe^^-oVg^5i#!V38*}B zb0-{4IEh`MU#hSkkW_$hL^m+LDZqbkZ=#Q^H%qsiH7R;Km93gj@B#`Uxe{|`tw!cj zUi;k8@6#)`EE&LA20>xt`$7~lU*Rd64EwPWxgygtoF0@{>~JXgl|}ET`1%e?EaY zl+N2_pUKZ^(KRp0|D~u23_XH~JMzvsfAN3LZ<47zPmc@>cp~P^Sq8GSo%Nb#{mJh* zvnN@?Xs_Q$Q}O+^0r&19)u(3Qg*-t4CN$22fb#*IPejG$_wwdhr{BUp9`@q7lAZ8a z?*j_R<9F+@fv3Rbp&D-VAvFE@uq(2kBK8&j@HB7PKzldrmfG zRJKNZPLKccs6x}2+4Q=ZmvHk61ox=DoXCY9Q%b4W_Mr=?!P{%rj1Dc+@dhzOXJeLT zki)-H zF7XyE&0Icl{gBtD8Jqg1v{N)OVX^7Ywyw;<`(v_V4$a#Sw2yw?v5Gb*k?5a)1`Ap# z831w}O7Q4Ni>4AzTN<}B8ZCSeD=9?x+A}MwA&v~pnI2z~%u`mqnEC083m0tdpo}jX z@yq5%bMGT*lmy4`$I-7Wnuql&%O1?XR0)P8rlq=7Z|7IPPr$!k3s4&7k3TjfMdLIb z>mV-+>FVjlN6qz0Dg2h7y2F>|PQQu89hcclgR~cY*r;TyuQAiNS-&*H56_MD%W_5x z|742+eqO5y{&uB#;)neVK^{ly>>4FTWoG-C5HAfHppdN;k(w2eggC~siXJRak2D%; zl4W#uVMlxGz@??^A6_BdopkuG9bQkr7G^xvs#F~OL~$&7Pi&+#wG7x zRyrH+TsDy{0Lj7Xtwy3aLhxmWtoOHtj+M<^B;^fA)*N6kCrN347-r0cHN6S-sj0i7d|M1DJeZkL>1&=H@TdK z^1S0z{|odM-L~Qx4Yj~vEH)oIDz=ICsc1q#H|iq^?UAZ;z2M;yRWB>7I$_sPT^Fec zXb`A(sdl4{O>fzrz*MpQe5sEEWjmg*FcR}%&o)#?gJ7wj$LIsmPkMD96sy`_yf8Kf zx)p$9deK}J-RX(pUjWc@r>K_TBMOa=58L^!TX=j1C7H#(~` z`E|4TvIS$jf|p_Z5kE`9#9>{TL7UVczn(x#B>_M{Uc?6eCpxDbK#pWDTa24gIXd`N z%q~iZ&yV`3YM=bd=d1cxe{4NKp;^O_(x4vmT5ACc)o&!fq}6~c5@<`YieEmsWa~%V zSy+8<#8~C;Gibo~Cx<{RvX3>pJg_}^s%0+&O|O;ONf6>&4X*OvB43?&-%}CC=4^jH z-mO~jxqT=g5+uEkC@{3Y-o21cm3-R2B*VfkpZ11c!DLW_9d!s}{;hX^JBN1z z7^2O!4;1zUO?(%mb)?l5fm{ty4$n~^P`PX5oAzH&nyPI)IKIp)ldf&xGdJ8;GB zQU8yX?$Tn0_AQvRrBog5hvH(k?uBhZ?W=~uSpW~wYPsm{JEjJm3-jY)v($o~3a_DW z@Xf^eQREX#*KM5$*jyfAYkX*c>)HInHAhK98GgTSV+-U{)`zWRCF}{otm&xsVFWh0 z#(v2qp!w!#IzL=p7?J1lC-^HS)QmVK?1wIdF+(U5K-K;7dQWx0Pn4`G3q-mJbrQ_y}jFC!M7t++AI|*ibYFh#hz0Ex@ zagpG(o#x;IMW*HzAsT2JtTobLDE=dibHuA<6mDL=HAkTEqs;LGd6UY|YhYcT9|qD# z`x!uP3GEnquFVHY!Dn1~59BFy{X^DEj(zXPxs1{-v z!uuqQ(8L7oEv+HS#RudYHRO|57(Y}vvNiqgl)qB|0>?L3CLi_A?g7i9wRF~ag=DsW zcKvA3drnK5H&S4C{jdgIJFfR{{qLwP8jwjGIdjLU^Styvi2Lhc?NVhTh1WE-c6dRHoF+CC{76;^zN_C#O3Y2^>EX%^Vr!i^7PM z?ct0Fo2it$lHbY1kKM_RM<|IsA`k9xiz#@Pl}2yaz$&>1)*U ztQTb%t1XWt*Qew=U&%=o0bNo-`Z+2G+nLaP(xCAvA%etfdPG-s;G|q%HKIzX;i+(? z-FqOez#GOkaf~RI&h@_WdTweGUst53RHTjaVau6{*D{>$Q9@rWW#3v_=-2=>}po zU`qZ)|Np_6vCKq%!W)Hjqh?1#?8Rmjqt5>NC&yDT{<2y{y*mbPm+ggBU!) z2?5Gp--b2M&uG}+!=!?^TrMXDZC`X374gQA^Kd%3Xf#;6TN>un3{rSqt9tWvwZ-Kk z|II`R*EUht?uUEjn;65mrHfjE;qZbLev_FvHgRIUFi0{e!Wz()cM@#hE!AycmoI3e zCb8Kd{x7B~z%3*zg~v8be-Cfw!7%bgg+^%@i@xA`7oRQO@-+FX;^t-0)odUGKjZvf zN+TYRh0nam7cSqZ1t@eCra8Ars;prNql_eCyj$9svHR5wfqT96-mYRsdF#V|^~x~A zI9yo`yuCKv#+eN~>7;4LjXbEnHOQ5|<$o*1Fba5%agF2YHWTuxH6Ch+Ut0>JZUhI* z{_-rIXaOw56eq_sSe2LL+XKXV_-TDM&86 zJZGv*TYcgxRG^8d08J5tFb?l~xTpDTTFCLp-4zGD+HCS0j*Z@*K#R>+bcsm(CuKn1 z6`t&{xZsqq^^c7#AIOe*>DWzOdEoW6KjfsvjTiY^$QkP0o0W~WU^MivOEsIrl<+y# z$kH*!R9OITb7t95KXcHvWpys7u@?oBuTYxXC`M8o)lH9O!j|8tXnS02$?Ba?69{rs zdFudK3&h%76vYUdVBHi^j)kg4rSfL(7^o_`R=K^@4M_1195c&L_^Y2; zn|z!6{8FW4>B`VnUfAYG9FGibuv7I9^6Lcbny8uAeJlnqw9>V&}$^i8L9Ka6=OU&>^pIt;VUt3J7*uUnIN5 z`E1VIx7f&4#y2$~Pa+Vrc3x>{kswsUXsMhGdnIv$ext$b=|rv*YGlo;vp5WRW1l&0 zCDhAY1{^-iPUDEnIqyx3dNUA7^d0@V%>}1R_Xep=TjiMllDV?l{r72zZY_^`t6E0P zdi9Y#iV+~@wtY3&$pSa=-f(#R0+<}InC+jxJ<)AhdSU*T zhUw5tqB~k5C2MOlV2#Jn{#N}uu|sIhgQ>d}@|Z^>p>>)BkH7((n?9yfT*OqEH#;=S zK58Qw&`nVsBujW{P0UDs^WL+!>S(Gg0-e6|=bnVAxNWxqgq<4~Iblj>Cv)BXF}xt7 zkU)xScXhS8{bg2YU2vpYX7e1`J}Pj-FTw(7k`0UxbR;LU-A`kvvzYpyC#4en{F{@E zd?=r#u$F3Rw%vwy#Xw8{EF}}qGa4Ld#hW!E=IDss`AC4dG{1fhZ>h=FvlPT+@vQdL z4D(KnwW+S2olY4zK8o6=SY5%qnZnC0*Fum`m(4nR$}|{4X*8~JV~(_SE*r$`f2asP z2tH|t@KWLomjJfRY=KgIkUVAoM$K!MeW!nSTfOZq?wHL>&vB-@yJvtIEFr+b(aoQs zksyt{sNCsZcPm3Jt;cAX=HAeLwbpSyo?=|MSU|$Fol3~F|DJFvMBgrEp1g8xPc%$= zFaHB|>y(hLp-ce%R-r|Evr#_o)gj`lPc~PD#8mnM^}D$r==rY>DN2T%hg9YXwdO}R%V0OSMsfyap6J>#y=Yco!9YEe ziA@wNO*|Qw_z1cd2<;fIWz{s1?V$!X=pEeRi`XuPE$h{ZcT*2b+5;Hbk0e-}eJpYFN}I_C(Rb2x3sv+t#4 z&tk658gg#nRHrmSUI!`$)U9v zCPi`{lH?GglJogA%VA7qjydH_Ortr^%>4HG{{Di!Zr8Qz@VuUn$KyV_a<1b-m9xws z=bT0Oj8igUjSHg69Qo@%@Euh}Tk_P|R5%owd3_?}v*c5HoR)T%CAIpow^AnaL*gM5 zR;I(x&nFG#cW#P}fU`Bheap*Y1#jnV_j(hA55~U9HT&wlE)~-{q{k;RHiY+mb%Zz1 zgU%Eb;Clz1Lh*Mc6|YhI*?Qd0@Iab4Csms#_~fY&!J5nq%C2e%@ngr{-sQ9e}w3ZqQ6v3(U8o`!&t#LJJofcKkEJJDFkH3&PZF8yz`IM= z*xHwz?1X?gQN~!=SZdsKBVoGp!-S&$k(QxY8qx>EM;f={jbx{l^mS zO@z4wKFlpe4}Kq`2~KU?s}9_mZ{N^{8pHG#dF zynPj-Oc@sfwB0eCPrF_|Q_tD_U|6Vm=;Ih2xR(GjU>!Xr2Y&#${PbBsn#L|j2>1rs z+>ycT{?I4>2WrCIeKhy&4UtGswHK25X~0r>dVl47|Glc)PPX#OAKP(H?i79{`6`~_ zHC9eB1*VqN5zM8@$C9vQt`V&}e8$`GN9P~u;LAz}Y((O=84N{9RtFOm(GWhAwdxj{8_~+4#R`mQ*kS}6& zE9E)4bL!xIU#rp;omE>2>3tRX1cy>F=3JYVv^nSpzv?bg2v!b(ID$Hg05o$zg3bPd#c& zbM0SFY4G)8kaU``U@OlALjS*6uC`F|iN)$`+Q9VBoI-|Zo}$|Ga}SY$S-$J`XV&bE zVfjM+zlh+@YuURgdW`<%j~>su1EHlg@LgzqxyKFD9H4h zLp{A>wE94;_h_5Yp&Ls1@LrCdTI?zve%(=Ts^@blvSl!9Ex}?JoP_a47bgWMB>mec zXUcWyx=j65F&)Rv;GE|BFUx}7oE>ULYhB)i48{m2bH}1EWo=dT*)-5( zXz6v$_kUhP3I-#oNfC958{>!l{ry8jtR!PQ*Jd98_Y1o_(4V(bBH7mVJo+?#P&{{H)Ry^w(grZ>Lp0JZHhNCXuPdEw$ME^#nCeC_d-Dqf@F_Z zYeOQ#?_LX;R$|twD1q2YI08A zGE3V-iH;&}aj|q)(M-m`P&Es!WNhqHplJ}i9G6c1-;fMQoHSsp#+~`3)$q0fn5qW5 z#*=Kq3#h$TRvHMHtu`T}&v1(Lvhz*PHt=4}0ZN#nIRw0e2Q*E3g3|?RGcK&PGpORw zB}Q`ND)0NjfvppBQukMdFYLo2Ot&fl2H2BOKAi0K0^EDGr}KMQ%h(g;ppU4$_3{2z zFpOs$D;?oSvD9qy8S1NHG1vjCauX{q*+}Ef<|;K0-axVnh7ExR65?+N$^I_s$Zgx+_?ja-KOVI4 zygYEXqLekCmeWhSTK=OtFpLH+AkU2qBskJOCWV(w?|stllmwyXevUF+hF|4+yh>dB zR8POKDShfx$f=1LL7{VCvpgq{l&@~Uq(H!P>{n|c^>=KWsU+I!*56KeQ7aOAJv)>j z4gkj2X5;C&55lI24Zydk#R={KTWR>x>Oy2a$`{ND#nk@fgLf+X?QF$^a)C31H$q~C zs8yhz3s|bEX4y;+V2_nb1}({+o~huCFkWfbI~;G-#Bg{qDczF$F0BU`k`}R5%eJ;( zKFOpvksjR5>QhW1&_IYD1`_~2gajP?OLW~Q`zvfVa|F~k;_&3!|K%ziYH-H#N& z-zd`xXV|Wm2vMO!&mfia(%-|$e_h7$!O{Ayt|YTAT|DENa(Anm^TY!)xHpv~xt`s5 zE^##h4rg}qgiloSIzC~n#z+n#q-3iXx<&HtmuvUjya7>`%IoRiy#j?2i6wwj*ca3DD9(SWylAwTKO?kWEH2NeEXdS-&8 zC3-)q)BY*gDKs-m(vki-J_Cu4iz|om8U!!4#~CkOHCoyq{C_ueg;ZwJ)O2~wTTg} z4z=`}yv;yK{;Ld1bsdPkd=3A106unG`-+X4;)e100-v`1+Zp6&`>-u8CQ#$FuHQIa z<~1KmiOnsU<$r-af&a^|#*o#J!)9WCf5ZQzB8 z)#CTz!M}3cy{riC?SQX<*%Lq;e|Uku2ufg8pEzyBjY)UTLkAsa`EE(O6Z}V&Bb_^~ z=7aN~Mk~=!lX5HR@O-tY{gJ*L^{Nft2An)=wPpeS1bwT&|0UI3SqV6o>A%KY!|WhA z4Scn(tcxDu?tbk|^7^Qi1G%wKF36J5mT(~2%F5xC+{V0IY1I0)`A9jj{0p8jp`ISp zojq5(N+&2ug9Y~zpjaaLO*Z#={KNC>4R@XUPex$kUSd=wG&s^Le||@H*4!GAgFf+v zM{ieFJSOvKzhU)4oEONCg4)?R4czB^KTc-at8GM864>8vYYA`ZQHs$B*ZK2wKtrw% zEhH#-`0qjLv1EO7>$*e&L=M~#pLro&q^AZz#>1m0>jp=l-wY53~Z)?R?INYG)4E;w`KGfviuR=7*5W#m5s8N+d^WF6cz#;w3ZXi=`(j zI_4cQwAyQe{1#89uW4==-$SbEC6sp+1*EEH>sTj?z3bv{{=v6!xojp&TC#0YPk8LU z3~gT5`U=Rubt?q!IokdWz0v_CCTVphJ}WLY$ZtihQs$qMh<&yeHPtJWm**@)6TK9$ z5#hQHe@@}&U3^ozay+cxe-8cOfxLfzCBp0=Vv55~`Aaq@KEqU13cyf^Sk&@+>31BEmN^rt{A$=d0h~(y_vzLo8T6 z;P+Z?!Yr@A4)5(UvEwFdU_fc-L;dIFT(jt;X==*3NW*bozYMt@_39-APD_r9P9yxhbYT zy31+@#=U1I` zx49Y^R9jI6o4poi1oEzU*@t_DM-51v?oE(2qJ1bhxuqj&cEh3(w@r7bhlRSvaToP9O;WD)uWdp zg;&07ZdkxKX%#)~PuUYgdBCZtTo=pt*zWr5X})JXD8ezqtrXkmSRr{%3D~E$60Vij zeq}=u)y8oPz%f1!VX(H94uE?MFe+9n``;1=JABT0(vMq{ZcSUA907#p@jRZ?u5fg= zBoK~SjsLWM3sl7W-jQzR42+$qmX$f{^<94kQyo1IawCA}pJ5)nUn$5@XMzPu zg!VYcHNBCKaXwAfI%N~v(Ab2R1wO3267K(46A~^CCYV@0Xow<6^dyLH9Lexarb8|^ zdz$L6hY4eUi~U^<$$%_N~JLUa#c0h32yGOPNXPdE=cCXqpsa!*(Iff2B~XQ9=eaPK;Dv@Ksk2sjbdCS8g1!JB~DRY>AGJ z&dJ$5YVscBC7?=CCjo>Py!UP{q5i}2Vgbhh{AtF2OIiyH1qj0qjc%z0=lRU90t*4- z4o~gxz_?a8oMGi{1+Fl*A=QyF=FD-zI%OSZTJ-~zK5CZf=PrE-yG4FU8>&u(&Er7>6NT& zva$)a8}jTuqU%&x&A;6Dv^L~|$NJmQKQDGM^1G0Gd!|JqCBbj*>zLh!kb(Tla|E-U|amLE}dE7ZTp*#Q%>&mf;mV%9$ zILAJ{KK_E23;W-#+0QcjUqx>L&9U5IusY#+ZV5LKHptVX5Juu{L2aTr5Y1vnVwTSV z+}NR+KC`R!TSby*(+Vm7y^!5>60%k%ZTHCt2SN3|&KUFiPN&Q0 za2M;eb>@=pz1>(P{+oucRJ8lwR%9pArTI}O&5Xw_m1oA5q(k|^Veuy6%!};UHHFa; z%bOC?!RP#k%kOBPJGUKNGtT{v0B8sEgyU*SnhI8$iCtg&fgkt;&w>4$vDo&-jB{Wo zzJBwkRNgCqj9silsQj5&tFeg(3$KJ=%^YVKX)-c?9Cond$rCSmrzaLp$NC_P%@U8! zfwfUBeBj74hmSz0J2=(6GtMexUD~|-?CBKiV^r>tL`l-fuWIxA%a#&HT(c;>;H{)n zbh1;WryawZP3SYz1ks=op~{nNwt*br%-v7A?vbZ+Z=Ix7Ev0f9b0<-d?&v8w;xqbi5O0L)caeSAHM-A8&kZg{)(zjQ5?@WxdNtGokj0Q^r6ad zwTm&JT-rwqQA8yvR%ptm2bERE_C)7--V01K+Nr46(zZ0Uix|FDAf{;QpxPPhrrt`K zw~gDb4eCZ1H6ykNw!*|_M;@ZdR4mO_*|LRudqVb$zHUGQC zhD^xpWd2^e$I$x}3WI!W4c&XhdrEw=kjK?Di2FLu8a5#L4Iut_$3T_9E5MF5cFoRy zk)2U+|4vklTY0u5fin#SBpjO^i{ucw!~GchS~hCxQJjERx4)z?mBjmk@Gk}wK6U`O zf>r-E5mq%~Vt_Mh7LkfHJ_PT8BA5Ytv7saj1iuhpekw0al>$MV2=YYz=jtU`YSpSHrzMeeN4if_^K5)U6!hqz=?ajQtY08Hj&w-j}aiGk3W-& z@a+EAOCdWT?B@L$11g6#Pd?@bGUmRkNT`ZQ%Hi%C`MeO$rM10`Ve7g4Fb_Angf_k< zVa~wDm3S!rb8}J%=CBKfxePrT-%s(MlkZbE+{fX!gSE=Q&A4}!q6ZS(=+%E-mjzsY zINRM;9gLZYmz_aN{KXYUH_( zU`|7YC#VY&vgl2|*0nES^YA>QMyjW7UUl;i5a9Pf{$hcvm}eXKVlgTpSYG@>C{cH& zpA$NxnQ=V+rCT$%po`4Zga#!lsj$cnVLawnOcG)oJVzKg`*DOX+(#xr-5}bG*|^^e z%kGGfjdHKMm9vXL|0-~(=jomm%9q?uAAz1d^#>a%I)`*J+V=YPyvl-_-r8;_S7z{C zBaq>9eK}&x8fsSKxHKZo6N<_@_F8c_9T?qrOnx9eF^#<{CtktkX*!0ruHYH6`^j)n(fiw-sN9swfL)u5E z0Vb85n75!pMoW19(TmuOYWncuLve8_--G-nULF|mJ}@7o1F zXjdKIm?DppZ+z=r7p(w3CU93!%rbBiCN;K6JMP)$iz@@7s+;?AXZK!ecK<@nLQI)G zJ}K>%Fx`k!*eABw-Njfns60L#JC@j6sh8Q)_utM}&D^G(oY=_dFh;E5ll@W;vf zmUY^yjjBEvY*Xk`dZP_H31B5n6EnXc7CXilX@1g?DFV9RkwNUbgiQjU4S!sojocyi zLVLnOXeG$7F^e~WD0rWP_p0rm?Z?}8$VE>e>Qy!}xA_NpcC4t?RHgTYmH564YIbsT(gtFf}`>_$p#5|;iB zQFB6=kvUV6vp@R$wCvdE`(F;Akk`(7rMtzGChaP1gD?FUsU`2-(Q$6%jXHw-QT%d$ zzfYmy6_+`-dEuBy!1>H`X9HaA6;nU+-Eh0}5&*fnY*69HQ6^vL`w;*ZiIr0V&7Rp3 zxRo3N1E|kiXHc&eIe_4>mmHFCQztf@2(gJhCh}xN0=m>ocet7_+*+e>&1440`@Sku zrqB+$h~J#}SdCoFgi^Z55HqZeO5hISaO6TG{HBrNUnF%f;or(X1G#kwme5?O&|LY8 zY{`*0{nuYIQ~03^X7;CM%OJV6YBA(;&H%&C-;ZNYENw9rVbZ*r6lz+nR`hojz872= zgE7Pp|I-wLJ5( zO}jA0>Uo=C-k6aAgK5UYf?TyQ%0JV|9j6G3{ntW_MN3T2mFW5*nZS{`@ApveH)KwQ zB-9*1eZ)JXNJ!B%Ww6AG z^wzVeJG=t-H3~p3w!REpd08m7$lXZCEfPB0X$gg6saA+=mQ|<@pbg1Pdy;EEQJ8zs zTP^+o(X8apNa3dq4{1y91o_(~hkCEZi<)i(w|tMGL!g`Q*Y-=eIUaNG_9pPQK8ymv zgyJDK_@Sg9H@a`=FE(~MHL59cvK^Q@@y{08Z<2dQs!wPQw}ahl$p>&zG)p9q( zoE>;kqVV=e_l-+8$SSM**M9elJ}6JvB;rgoJ`HwtTTK0pk<6l#f;>IdJGJB{npX>^ zt4)K4BHU``$mN*p&Fq0A8?p&1I~Jya5RhY>)E@QxO|M$o?J(nW+Y=9TGwmOyc8qud z$CQh#{XNdl-TdMTP30HinWwAjj$l`z3QBea%!SE?oE^g z`7wu6Pxyz-Y(@C76RmbAMQk0~n&`8QCuEiRu9GW{;Z?&1o08J#u^mSE^MH1<&=8-P z-)h(D2Ol<)`!*h`NKj|TBy_Aoc`KH4vpGZ)-yF1t0D!gE9pP>7FWy5^}JF(L@;~`N|6kN zQ}`gSW6M}OivK@yutOU&Z$_%^!-r9uEYd_@Pw%9oIp)Df|Cx7Q%2~06vj1U+DgITb zbt_FW2zDWU$8><4#{v23k3R|KOh9Z8Vip&ci;dVlg{NQe7Z&%(=!KW_aiH7Zanf^* z&r88PXT#Qe^uyPePG+>#q+qZ@lZQWkI(~7D6n5L7UDJYQTbmL%T}dblI;6g-HoP`c zIBlca-}``M|3pG#`-5kmrDV7z<)cHy;<)912?=`G;Pj-y*c?WN{JveQDW&@|YvZMf z=fY%f_^FS^Aa=grE@j!2H6HuBAoy`oOekLa4|Cl)6!pMNf5+pc+r<5nbybAe08f%w zVdxV^_0MY4k<=&THjm;9qdD*Ag`up#wS`oo{lWJ69Q=xET}>t6YWLpu&wG_$96*69 zv*sO+Z9hb{sVX=x+(n7dclF^c^OIX90xhR8L-p+N9_-V{+gi zKR35GrNcp|`tScgFMf9FQS42vyY=l_A9rkIle`AY0a3r<(*y51sVYk0jN>94Nr3;3 zPOP|^bhDq>3u{?+c&+aJH>F;xr|BAMG;6to910jFK(F6 zMXP9ik;(Pi>Ig92zodAF*F*&I8JQ6h(%-yTzuB&obw(vssCT5Kqg!{H-taJ~=Az}) z$Ut0Dn*O70h}rY&WdHDAOMB$SP$$8u?8o%{9RJWzsW|`i1M8bjbGFeeVyOLgZ|zp| zlYi=x)rhd25jnN+GOM~qHG|t$b4RShgRlXl>k9INh1Np!_D(4(_J)bUc7r0LB9^?Z zZCd6*@E>YT?uzqmQST;C{tzc+2{E$&|B(X}CM}P&Cw|ofh$a9U{p;`S z@T({58}E}61N|8JcI`ElQ5ElQ3Vq_JEszPD97m9fwGJULtyEf(F2l#NC?s&Bq>X)q zaG36G6s87poyC5X^!)U<_S5w4NExYbT)MaA6(`_X)VtilvCp_=ZUu>pfbZWm$GUjP zzLvoRP-D5w(KfIGwSzfE<+u(V*-(^Ti~nG_Tl1ZRN#$PYY1Mgx(>0hL-szG=P#I?m zLIWySKY;=rRs6;-6$RWVD@TT{xO!CgSE}Zz7?iD!eKm1mpJ+P^oB@~14uXdhg;wb= z{70Vsa){Vre2ic%8kq*(xLmg3>RE?kzN~jUlgW&(XT&gVHK#F`kj$+F*2K_M#Ke3S z75+%!q0`vpoVs~J_1^y0dD))RqD8vXOiMg>js6=crOF3SOUuKVg>n(lyXT(%P&gbX zfFx$ZlgirabDljZ%{8og=}&6O5B6$%_8H`szVIN@ml31doh!6Bq+R8qzX9Rm`@UQtz*VK(ws)2D6sD(s z=#K7VPSnJ_nI!8@hK@W(OYIy#VE*MP_o<$6ERPk1O9m1&dtY+>mN2MU!CS1(yu5Vg z>;WcQ-TaLjz?{uvb-h|SIV&6zx&zK3IBx#&;fFM$JcufIA>QbhQ>ic zR(xFJOF~2DbG2-2O57>;nDMe%@6P}tLU4SveTTsm)s^*nGUhc%=MnK@M5n}px4OC> z-AyLeR*OZuDxm@pi|_pNQYrl3PtCU6d%SJcMzTXsM~s@2!G+L6TAop^3*a>*;PiTD zatLESidTB=a%gsOw!-0tx3sB5&?@!LNcBY%6S|F^>QfFShxi+y+KR4$+85C=NygMq zBhK4hDq+UWuZ{e`H(6&kYGKsiZcXRSd#M&h2A%(y<Gv|3{PSvv*MiK! z0*i!j;?D+Jd1Zb*y_3^XXT`6qdH^%%h?)Oi(Wc;Rds4ZG&j)#o3XHK47diX3=Ozm% zbtS;p+av2S;OF1tYcv@tBaS!mt+z#m#fL;sRRn?0j2|A%98E{|1Y}r0+Ie)zWr|am zpVP7#F#cB-0wphUURVR$GHO53#^1jXAVl)uO=GG(w{-;MS9%2L99DenR2RM=E$=iv*N%vRwRGb9d7t>EpV}dhS=kLaLA(Oq5xn12T1wYQq zj(K(~+@&>6oq+PbVXnU&RQ&$^?CrEqp8UMnuH^QbwrJtX6bO z6Pr_Ao!!>;N2`rlr6pe#F#==*xU$v$puD72w40LFQ|ZYcGuOovu4)qVdWsQC%DLs9}v zh*M_*-+DndE;Oaxf}AjhT*6lx1-=-EYJ7{EUQBt}^WXjSt#U6lXK9sY!EkR$5ndFk zLrmc@XN8zU_x1)40Rx$11GP?W56FSSGhVG6j3aZ`mi86%T|(G-A`&1RBx^er19>E` zp}egGZ?CPwS=)2)<=zt+XYnuS-sj&puhvt$7_pN>JB6Q#M{2VSN>| z#V`Gybzwx+={8y-0v+q==`X5WM7Nfjg{uqbeeYNN(ByF_zLwL)%@mV{F3G1c{ z3bvvq?CiujXETFu5^m1HF3H}}j+7-^qs5x6A0q!dR-aQU6_HpsiL-z23s?bfSsTy3>6FdjxV#3IwFc5BNH)r_%Y&R^ z?wk*b`y3Jhmtp)`$6-LYApl`$^8@7|rqH^Rp$f6f({KiyjuYR*raDr?_c`ty{7yCj zkeiNhrcB1|ZL9vA)`Q=dUKod8A);c(C|tQ)qWwbZ`+b+9 z93k9!uX_fdx1XH5%=CfZ|2kA?n2#0wtz<|cNJhy`6GQhTm<4wJPQ-vR;td5hwZ2J zjW6KA|D@*3B#X^fS1!SWjzxsg^y|A~8gpiTJ_vdD?@yezh{~#B3n{Of4t9yJvSnt8 z6QgE2EA~5tC76q^ze$WpIAH!R$m|Ye_^~x4Aojz(M?3qbT_FpY)t$4uEdE*Pq0u!G ziHqA+`2=BThKn~a@vZ%BSY*tmX~2$+f_l)FRPvZW~&hMyOdW)tf@e-Q`D zoI!k}Z-LKPXFg1P-r}6xSWuJynr#|<7PVOV?YaI{M_&9q{LT;Z;zAcl;u4YT$$xjc zR~v4(QR^y_za~gYt&S;9(^9?So6)-X#f6XMb$IV}Pa)Hc$2I8!)L%EDP5(02UkOP_ zU~C;1euOuS*M8_Vx?)ga2ZOkWq)13w3I9KM62-GWHoiU`goj$8VL|oWoNbz&S|KBt1 z_4Jj$mT)OPc(=F;5R!ir50(=D-I?ag;CmHYQeFt8Qw`IzIsqgwuZS|_4yQTR$tWx` z&dcxVT#%(a=d9i1O`t;Z5CUPDG_h(1nzcwAF*HaN-vBs>H7=Zo0R}=!8=@! zfZ6z|>KlVyqsYGCBI!nrU>Pk#x!|vMP$U25>wb|}y9WWJKFP;yuze3l75)AsT7HSD z0?+5Hn4m=IA6aP8$%3rMP=}}}W~Oo6IcxYlAdkpSx7=10 zRW)PKgr&i!^kNm7FO!Z%?Dq3&ZNM}U71o&3`q8Ls4%XC~_*B_1WG&KyryfmGI=(jC zYe;G4jBd1qmxq}L=3sa2sNmos|Ka{XK;tg)ZA52-7q#JLsP=RApQ!rUV6e=Z`Ev~- zTm75m^)O~4zpk)Te|@c`3s>pW(xr63_VsikJ?z*l9_>d=kAO>({B1b7*0F+87N#I+ z?0n9I%l6wKj~l+XgVDb%5kbV?BA&gpE?d{J*r5c|>~j>Kx%U``UW^Fh6?a%yks;%Z ziW$^fq7P$*IHXUszbC)0WY`y~Z8@Kyh)nC$pgY{kBq*V5LKKbFc$;xz}_DgWR)Fe$4xa z>c70Y;&iDhYP(CdZcB8s=a{ck({-L6de#w}BJ#Lp?bwwAme?Ux2%^X@Z91Dp4Eo3xC8qL{ zCdO_p_M27R)O=RmF%~NsaL^$PrJ4qk+fYfqlH!TmYiz}{zDeyhE$ix}HD4#BLOV}L zKf-RIK)CIl3));^;KjN%h#hE89SUFK~Z#Hag44kj@f1U^qu4nG5An% zW%O73;3c@PK`-i*QeyV0hPpfUrV)RxRX$(wOgzZ0=T>iie?O&5lV436>F~;aX$G_P zljZyEN{gVNV3^e}Tsj|8$L1UgOaSHqv{G*dvOlPQCQgK8M&0#Y8 zqOG$_2nJkSOT;P@%omBmSFCirI4n&oUAT!@_PWz9Q&UHyJ}H?|976%x;+-_7nIWCF~i}g_z~3HQ|PI!n6t6%8{bpW ze;oeDq?O{KPNCMoTKa8GOw`53??#fNu@CRB)DE#8Jx*=+3Q9-YNe~_ma%QV>e8S$! zRW9S>|1`p>G)m9v6g!r8ew>`f(0BpQb12K!G$0jb1bVBTzNR7y5bw?sdz9;E`?!og zRJ|*P4Mok7-IuaCtn7mGq-8}8InJS;y2kQ8L#2p)?Gg?wx0BsRe>6Kxn~NFlN|p0^ zhWhEa_ev}Nd^Q{*70MUoKS;`tO`@*v6H~Ou8I3mT^D48vEBi45b;Y_BrbEm1Vn>5; zfhMgw4ET=dTyR%=Jl=QXke^@H+Eyn&E}Yp_PJE5GGH9lCz^S+!pfwYplH8Ev!cV$c z%q;RLUDKd)*@)9YGcs5IoY|i%Z8N2csz^K}_B5On4^aAc`@Td8n$1O+{4Fi19Ys&= zgGB5kWVo4{(8sImJQT-0q8!7#=D0dNPKS~_g!jkaFk_g_i977xL(!qGk9be#*#Hjo zo^q0Pki~?LOXx5c;@N#=!`0^aIyqcs#Ty19!@NE)w!ii{^p^Dme2{%P z(put%3*@r`HC1u@Z~jhw2@s_H$eUskTuHOiXsXQ)RWnsJABf`+ugWA5w8OytBar<|+l%ZlLo0^OV*?ec)yYiTuIpG=updgSymM~2$9(Oc{s&ONHT z^iEG})kN7LJQw}w_ezPZ3w^kD-}47$@X~cCNYVhPE!2}ZCR(5LVY5xUlXC`RuVPpT z3fJg|1c$w@4A#T<(k=y8_nhEGb(J|ldUgUX%`oq|RIOlnd!hRtJLG}3V7dP*eC$u^ z1Ej6qo>k_X<&;^Yn-O_Kl8?sMLD{g0-k5B-GHf(<5>LClOH>fH^C{gJMV z>`Ja_{vwL?H#6QB*gzHDrtG}U<};mGjY=~8iyrI}%7U&${Wh}Uo=4MO)@@V|Rb@R% zDn{SY#j8$^ls7Tu@>OytEvne{cqhO__L}rHcacHz}QEVL)Y3NO9PVx{bshSYl&zsQ$1pN1)Wasaa+5T zv(ZHkip~1x8h69fJHB?wC*+Hgt#AKD>B{ytkA@_U%`THKKTVFx{9>Zrb^TaxlY3rh zQ*Mfc3Q$UfE6%0Z`=)BrhVEsfk=|_?;ES6Zg}Sf}J7ESFM|XJdaA_D&Bs|B7?`C$W ze6JqacZ*w&jERP$PN()562WmYWDW2c&Z06j$LU3UQ*gqdhBMVmcWRrx@UXIO3v1t9 z8TZtrHyrhsR9R&cH0iLh_$2=`TdiE}Lf*`RBvzv9#*?e)f7C564a=&jSC z3AO=6n(da*o%9FGnXVyUw94Xyn?o2UMv1QK<%T|FIj!ywF)ttQ{)ze&XwK_R3A(BG zzuwG|WacBgG87Ek@ep)D#z=+)9+gAC{b~hGJ$XzflFa4${ib_c3=MY$D8Sm@!1zj9 znWz7S&-B92dfJ9;iW-SlysjBw_u}?N2J8_S2p?e?ueI}elzb@l@tR-AukygAWT^&R zfe;pYj|n~x@STfH3ScAhBK-{i2)9r!<&16EC88K34j^yL=l7TN#Y-m6%*?oFCW4jcvsSoY~zMdr+djkJjH^9As-_K+q?YbU`$l$l2(a zF(T>n%$s8Hf8+7vRHkZ~@<~|o6+4O4<=5N%@^&Z^r)S>3FTbDowY_O%>3ekvU+CHW z8PwFwdw&tUH|9U0QjyC(AcmQb~QdDRsj z0pFeJPw{V2+E@zPKoxtmvmM-?bxXDZkL*_Zlt-U@18bjBGakQz*sOIb%2qQdW4`Wq?~ojaCN->5pPukFUiA!PEmz&E?$NO1pBftPET|dpI3HH5j#W1i z^K|x1eE12Z9T#^<$KMeE;Aq?0{Ni;c@Ld0ONi@Q#*^U1ks?Ku=-l!K@b8rKs^D89G zkdh}E*7-a)a9^;kawE&zKS11nZGt7O7^k_IN|8f^G+FxQR|guFd?%xa`@(h`5tHx7 zr>YNf{>J^PV-)l{t&Pvtel2#CJx+sAFp# zWp=!_QG@5F6sGkRafBTe$NWCl9p&$~FIq09Z#tf@adgUmtK7h9`UK^#4X6%Xmb+ZL z_P^VJU;{(qbBVS8^4Pyn`%~h?N9Nfj)}Mc;WZbB+_VLL20a!vc9~wHbbJ0AEDhQtn zpxzSzz#XjNyDkKD4e$;HxY$^t17Dixm!73N$Fd^D40X2mf)qAIkCMqZn_Qh3=Y`hC6SSaGD$wGp9vx+3 zds%mEj2;8<7#_YH!Mau~=tisjyYt78F_7gNmWZWDZKR-r@7fx9AEpESj71O=mHXC7 zGaS4>g4v#&S3sk%mh`y{fdxDKrq^mNVjHP4`P!Z-H<+u5ztt^F>EbbR+d)@<(=XqO zjc~DcELIE7bE#YL7tKJVFBG>}9G_7wE;l7Ewa1g+#05+#mV@&9Znn5y9^9?gTY#9}oMG1*CbE98V>E;L+Aq5( zWot*sm9v$HuHCkmT0{k&8NJoNkS=2v=x?)$(tI-Q4*8r(gI#?74RLj=*{&G|)!_RL zc&&dLsJsN2`geIv75k3+g`wr=#KtvOm&20LT)}B$hyp+k%bV9jtJ7rH-f6PoE(u9f z<#>ph-;`QVIh2Kq($SijmDGBl94||;X`ohG%?hJJmOh5~|K>>aI!13R>Q|=U$%&Pd|AR{A4|J<4k+`P**LDlc&Xf5zT?1!IsISM zUlAkSL7qhDL_>(rTl$A6iv+d96$Ogb3wMpru68H27}jUQL%?@w{D(}cWqa!H&fJ%P z!>(ux3;(V8P-a3i(tj+!xuIiEo3XIA_IQ5!!eEDW0#{5MV;Z1>YW-$wT%|EhjQ(FM z$unY;a+gZm`=!aR7xLN%wNFWX=7GN;Tlq;mBX}0Hq4DSNcpp<_lKwv!G;C+A=5_;<-oOpb$O?5kY*<*MT5moUBuBfRO{$@GazWhR;QyQBt4i8Xt-{51R9*#zUs)H;wd$zF*jSsjX~Ay>*8s zI5})fEb&*rL-K-}3^%`q)=lojLEF5QyO{&n*Nf0bw%(LKek!JRY} zIG>VWI#r=57eYr0!|_)-Bp467AE7EU`zUKRl234gfNgJ0lKG{-w)bFZ38q15SE$&? zrmiSFs*H&g{gx~CCgKr6xEp97M&R89NYW-u28I-)A2EH^TTE;Mc_wiGkEU~vXTp8| z|K=>R;@yy#!%#UaDq?Iag*jF#BqmmpQ=}2YR6@=hA?HI>%K3a;#h8?HjN}~C$QW%4 z{nqFE`2D?qwtM$|-Pe6x*X#Mpe3CEEk!;ra>Jm`flCCJfSS@AS%B-B+{^Eu2K|HGW zc)}A)5Z5>Rk-y-2?zacKuEpu=da3jB0G&5CzTNTb_W8Z+2=A8^`#bcRJ!CCe&`|}} z2it(t7`LNCxekFc(~`8bJ>tv8ljT@WVeXR$EmOF#^|wh=B|3GA)u@;0*uB+;>AhyB z`r!ZW2TGN(-z;G^MP)&_<|TJAG5`6n>D&al(B{&Hsh05vg)g%~UFFSlBWXNQ-c@d_ z3ALk3-_F@S>{I%uB8O6h%V0bBw^eY(&1uE9mvu%o}Ka$gY+mLxH#5V@ns_ zAq@b1{&~*gm8stAz$Z8tHcupWK7tC40cz?2eOn2^`RUHRj2Ei<@Br?TFkBL@6DMwH zSn{&Pj!&HrHOzb!CAuzD%$m_4(@@`3^yYo^S7~RMT4BqY54W6w+~H4+4ly!v{e;{$ zVg|IQf5+CA>LQ1>B&t?iAU?T#W@3M$N5I*C#<1}!7pZ{IBH z$Wbw7HHf|Rs<&8XEjo#2=U|m|S&Nvk?3v1>4ldtJ+8$VsrK?RW)mik@t37(J*R?<~ zg;^Fw>gvMmZKNB2?X0!0nmDu>o$q+lmy;<{KdBp1J&+ZQ~%R) z-!9BzqlTajar`*K@ERb)a!5_*;)p^%P#vW)c%1(&>g#!7MS{>p{sUyK_cZ76my*;XBnlg=;L7nvFPB9m@h?}DT-wS3b5YY7V3CaJJ(iGm-y3t+h3Dg; zdU?@vDH!HWeq(C710&I>W^zvGOpSGQt3T9}ba zh`G6ByZ}A*Pm(+iQvw~|Z#bd>`+zNF%;}AQKvKL~| zVg}(=8C$ZAMGq1G!NE1{aqn?he0FQ&QqliE8KRt!d zfjf1A0jh?iBLjS)yX#~-x5^Lc3z4bk0Z$^6u}KhF^4lN_-lnuw{4qI(+FxmY1!e1` z7!_SlHg{W5KM@Sjgg1o8?QdlXTksI3%aHY1vkHK7)3#*YHvR$_4p6S#bgaV8#XZFJ zgMsAqcCZ-vGG7gxyP5a5mA_&tv+JWjDiN!GjJbg%l%)F?Xvnj#yUhp1zL+A`=@d5z zEIDLqBGO%#H40>G^Q}D4F~0z35RBW%hh>P|&HWr35cDQQhmC%&Ct24OwJ@96!G6!z z-wkEy>$!C*f2?|2<*pIR?p^y@?l_6i(4n6SMM5YS#x={6Yhm)(ur?uz!<9e-KTG!z6M88%~F$3F{e|1b21 zsNB>~k8e8%K+8MRZ9uMfg@LU= zupF0>v)7*XOkOZ(}IZid+%0&5)KCpEL5W5 z=w}$tz6vsOBi;gs_pO?_a-na)a)TtGnnTR+zow?+w7}#KCqCJxoKvoSymeBoyOwbf z)2^bFNt3sT4`!BiN#;2<(&$5u%0BuWnO*vz@A#uZ8FW3?ksS;kreyun5=bt78eMf_ z5C0?d;7(r$-Zlc!aAE;d&8X~pBzT;&>e_{vqOH1%;fBX#=B=L!R_qa*FT6Sr!_^(~ z+KH5=Y1M1qW}O_zDBJ`dx4uEna9tB2~&7&|S)%VH$2USs*m)QG{S~io#*?d9Ok;;mf{Dj|%1C_#5 zU7CT&8NVPgRHV8}ZIQGSL3yC25s*!c42?UOcZg&i(X!txoh%8$N6N2j(0Qd^&Ky-e zxG8-cdTcCb#wm|{OrI}qtq$mvZAswY$uYO>Zf`kJinuh zaQ;q%Y9{(Au{7#wG36Tddj^_K9zQ1X-5Y9mxsp&NGW=CK8G0dnQOZyz4u1tOIDF>W zp?asI%*W7)@+pan7=I|uJQ07_yXVAh$+vsnMHTYp7qXvVJytib#Xd!V9l#mhr19(G zvl{408r-uoxlkpC?y320ljOlYR@3-C&yQI-{-2#lM7yLuI0Sst#&En36lV0ngK{;Z zYHfkwEe4n`xgmZ>B^SPU=hE@L95or0IEbD`Lk~9Tp-FjJ)6tuoK>1GNIXOc)`|x?l zPS?H;WgI*EJN`fe<ds)}}|N}!XMax_9KSs z4O%{lBX^ zy-FDSyaAkkmgiE!Z5$dslRV$69pW^j*j|uc=F$8B`vnxpbC77kivH)<{CXbLOuFz? z*RZKnN`Z1Ev|sR*?z~pw_|dbTDzc}+6Ef3@NzBpb2#Wuf4sT9xUK^ZHrlXX1BZU5Q z*>HO1bJ9emNmKnoP2Q3Ajko*T5`baLWgT{E57xG>`ZCxrBmyZ7GPk9}86*849=Ujz zlA7mgnfFes;rhTd7TL@ZSC!V$LncWq9CsIXTv<-jf@N9^>^wUT1BWUc4q2;>xSc?V zLf;)~7CtIiLzOsD$8Rwa9IZ1m@U?hMTQQ~e2EPjRtntNr??CH-E2y)wGjj-n(qywbT%@NO%J9^ zOx%{f{KbRP$FAZL{I7K&YS6L@*i`YH6EgO2jNU+|ugwL9OIYz)SlHIt1lV-3Tm=hakOq2C(b$WnnHwomi)vV6>%$g?q#-7y(42nFbMDKz0;l( zW+R#^mo)eIOUx0yp~!EH&wqQ`5ZHSc!{p?Lo90%uC}M9pvB#mRb>UfsDfufP@Y`MFfa3JD0 zS70xgUY3}$!dl-Waj$tcwT86Q#MRA9-P_bl&;8i#@=oFRRY?jwXL0Y#B{1Uz zV25W>ywAiSEp7iqvZv0iC3Jt_w!Dzofq6y^)@(IFG@PChLA5tsVqINwF`gP>s&Imv zh6Wu5Z2yAOSR2`SUAM#5hZOw6?JI0IJKO5nluv7!&U2j}U*<+L8V!5m0UVoo{s{GY;ikQJX`!(}@ab8W#@W}yh{~&pwPW=v zmaR0hP1phBRQj*ny`7?tB?8fyA(3IMvSD0yzds^v{&9l`V(`o6aZppmjSjr!a}7k` zOF5@h%PZL9CtbL6N$e&a8|hu+hvV&@h^*KGBbb0_(NG$fjw@~ za^AXRY2t_1DvuNJfb&?~XWR!r6{oa1avIDXzToJOYVUj#-`-0NssI_&FM#GLerwLm z1W?Di9F1FcQfOuUqG`L%7tq9y=+SBJ-E_?jx?PU$D(A`GO6q*65BF|A5?_+4&FSQUy#|tZ7N?!NkAGhu>P-d{cy+cB+;3ilcK& zO`xlED6JD&j!M6QuPcJ*F=4d8PD>udNau$$Ju%2|xxz;;vRdXMQ=NJ>En)dQP{ffm%;8L2^g6`&XLL#3bXFjDm|j9U6JXAEe)?4<7r zFxrI5VxT$l!43+1cW0~UaY*~+bj%b9{k)z%Gi9Xnlsn{%xz+Wc>WxcNxc3Jsq)+Ng z_;-d{1*~y4DruY6?ZF+gZQ6TPeKZWC%e*?z3kn?4YWKE@Nq?Fi0N4n~)JQ(qSH2?9 z*dGSW7S&vy%3`6;@}?gJ40+(M3A;c-Jy9beAb`9*E8NJ@?v-{Q|41w5$3C zwRT3wSf#s$n|z6{RA08vzGFL~XRM+gkMfOuU&v=`ID9roZzpoOq@zCYQn$_aE6Z;0 z_~T}AWRp|>Jmgzj?gjygt+ zh1+H$@V9TOMw(A>*Ix^~Ow8V?NzBs=eiigGh+KNdxzjDVcmX(`3ik`;QqEw|8H6HZTc(rfH1&Lla zFj!gtDtzoy2fasVH_fX;9-`sVq1%ely#)(3s%c>Fs*LNiLhkTGfeC=^u0wfCG@a8l zU?OGWUH%~vpmD#NAVN*(qCL2B1!T?|{nCabi#oivcbPj;Kqy$^{*)s(5`X39B0{$x zR`}ifS!84o$a72swlotC-fIE@MlbYg-55a!-_iP*RusY#&XnR+*=3<$VQR+`8`9h>4 zN5hGuw!1ze49k=Hqd6J`WS`57l9pc|Q)uc=YTY4wOh^ZQ!CDM>$DgGL>^&Y|-C9Km@>r-0Ygk{Y|>xY+5GCFydC?nesjw) zub^Pb{LinqKt901o^Z_1phhyeSTFM(H)|YsVFDPSC;;UT%b&G`sYU9k?VA~{xQaZG zJWjAse7ZbX&fg|LVYw`^J(vGH2D;(&wf*y|<%P&2eCNFa6id%Ps-2Awbd)d7 zNjGKxc;_eeXSX_{i7sZ$@=$SfAHtlvckg&+PeeuR+ z^P%m9(V<&Ami3{nJ665OtITh1k^S>8VUBBc_Wd0!owW(Bq)SJreJ+eOTCv2k@Y7{q zgtvYhGtEKl{E(xCLt5M6PR^nNbuA;dM#nyq5N@VB!Oz#*x-6$zW4RsFACT>p=&?hy zz|O9^(2%C;$2$|VultPUyRK9lk!(8x%Z)KX6*h9Wa8tpZe-+-%TRrt?3ES5AEr{x9 z+y3LzQJ^o)Hu<0y=bTHskQ*BArjkoRzvW&&+;O}VW-#F>@FIdsisRM4YDlX;lnvOY zT@vyhmRiY$rNthy_gUAKK8)Gv`3mmXLBn|1yE6H|n~QJK19tHRBht#B(H-0CP7i)v zJ(12l@gumrotJifsTI8^^#-t(V5wGwR+4=ou2xAEyu*J)ia*mzEj!&Xc=$4@ADf)L z-Zc$X6%$#WF1}K(wHM!G+Rx<|*qHh~`I9ImuWAJwtNcXC@@2C#W#QJi9p-0n z0NuoNd*O({H|QPe#AMz2?*Q@ojmO0^S^eJ&7d=ig(oTB{ktK806Z6)lXsS`6 zFpd33*a%$q<80LhA$WD!_)Nqu^pxHi=80{aJ0m1jG|9`GrScfBchnZN(4H|LQ5_aY zi3p^wP0(#2AfwUr*18#hL5B!<~7QU{LbxIpDInDtsM#yxa1ES_s zB;hd*w}#_=d9@r-q2P5~sz>)5zrTSWu&H?J@2{#F?mO~h!?M8tq`vn%KrgpiyGS|D zk?qfI-3P-XjK(J>hxn3D3Rfj51gZ*)1ka}lh>CE!%W1!oXuttR06_ik!24e*kx$bD zDyN_2eV>>My+APM%g@WRefYaJ$5?>{{1QGap3MHTHZC(5wYQ^Pb!KZuU+nOnhyabO z|Glp(2;YgsIbxqfH=vSBj^oW=u23H zWg_J&e*ImQ&Jw%thNM)moCf?ptcnTuX^s=T75u{wa`R3<1m9&#YzjT&>U&+Y(sn1) zmNoCxTsDR=z*syFv{%E8o7azDDdqY8&AuNiCn6_DHX}WZx{TX61O%mg|5Jxb_C3j) zYfk1~rGEEa?<}hh>|Op(UoAFW z2Y@|*%jdgY1Y?7`7jYk0w;}RY_rgWav%7Xf1P`k<%Imq-9!(x$pFj89we`o4mqwc* z3Bl#_uU|qwZ~;>F_n)sObx6uGy3(^+~Em4Fl&aD z{1A5ySsDB0IkdjsGhn{gpps5?I!69}HIHr=dD_5UV1#39l>(z=KZ%K8e$-Eqz4bsoa(Lq=j2Xtus+B z#8VM+u)RZ}_(B*b7#)w}f`=1h>FGY;T(B?kwABfP;CWRSsENC#L3L!s;h_89ydt%} zCA3BDYqGIpUw-RwhwJbpqBdoQV=vngEdM47lvR5(FZ{DzSZAxo90uXh^6(}@OE0^G z9?ceY#I7TE733hi1T1RX?{Ss@s*MVL4N#_`|jHy zPqsQL^=0Mz8wFd^_u^s9hZC`?D2+SRvwXFomBjRWtElDK%~LasJjsF4Vv={{={?lP zwc$d(6OPn|jjxalbN0gUM~fqsXAXOfY9G62j*4EkRUp5Tp8{O;`&Iq1@+6ReI#->F zCmgRN1ws$H-cAQXY40P*nvPgf^f&vp&2uw+os3@gi#G7N38J4zLPQ)SPHDSJez43w zVf*W;IKeR5;_+iumT*Pi9X2eiFc2Eu&$u?O`5JIvQQP0*sANG#b$);n=Hg)6GCK<-Tbl>hsgH(`;P)7- zmXPR%s(PndMHF6fHujjiJ7T?~$;&rwq4Ozo7Vhp-Fe!5w&LnqeK|7x>XsPuub&{Uk zN%6pIGU9w%JDbP5Atf>=H~WkhLG#D=Scg7=#fa}bRujqs;*2(4q{sOFP)4qw-sNRP z7xdzEbo!=)GegUF-Lt@#19^Q}2uXauvGl~WtJ*zl-oNt-oG%YVvR7r&(rL7^Aas?nfV0Nn#a zlzm6;g*@+6^^!_2$K?g47elqAXq_eeippX!1N^XEBQKTAnRhqZurpY~D)E_a^SBP* zS-2G1NjVJwKtQil!f-h*43KRE5@Sw=!gMs1H-n_Ryz~FWi>CeKN=}wA~s_&nx@y6uNP<2??c-UXy7T3 zIh*V{hf^-BHB8h{f5u_Cy#){d+f_;_L#HF;f{dVTe(jvwwye3{Z-?Yqbv>#WT|GU# z*ID1Uvjq8fSWWHtD2|ts@1THPpI9|>4kQ*7tT@YaJ(>G*Au z^Pgvz4I;nNB)OKck%|UO*7oy+4*7g**CvVCf4KKWkilwsyk5x+@RY0ithqN+pU#Ox z5X5>M{{x)Pv*SC0ehLDBAw#i$8861qgK0ZSJT`zCL{wz?*jQdfa_5I@h_okZbQ1-@ zNgGtZahRqqI}--HCz_`zrYxG`OOrT7jbASLW^BL+`sUlMSwIw4RJDf04fIn1f0-x$ zuIG%;%oD|(0m$j9v2usj<%)`~bdUV9JSZSOp$+SoVkWE;g@mix>e}!2$JpTGAP*^a zg=ylnNv7`P@@J%5b^SHxF4yn6V^N9i;u-OvIf|z3L{}NM>?u%x?Wqn9fS_ej)~zku2bp zxiHYrvC=IQJgn{Plc*$z!ivyaEU5|{1N`Mjd$CXMKzFM;vYjy(!MuRn(cHn~&*{%= z`*wnul~kblI%`42DIrp}$ZFNgQeU4W>ndjozN-DSg%dSfr_&A7(M1sqbqJp}L1 zWhzG7(gd-~W5@W~cn^<&3e9AtEI-xnfe%0@XlR%yB{)U670}xGQT;D>tRpd-+7&f?GcvDfp&pnZp;@&Y?~*7 z!?{E=TOW2!#(*@Y-rRJ~wAJxS>{aUU=9|B=u|ZrpcQkLpK{Zm&qkEiU5wNA1JAPBg zHNKXFpXjQRo!Z0GJ<)ic|HR$6Kto1GVrDHkIiP~yLX#d%CI`AIox>Ud#PNBnEQ^x;ocZCJWY zZp1hlyz2^dajU_iOCDmCJaxzos<+(Dujyb1&poeFEUTJzsxrff(ZS{HpC)<{vDR^* z2MMDC1D5%pv3KmYHZ+_S^D2NrWe49UOSW3Cmth#Drg;n)q$guynEGV=gM^MdQ*d3?2j5j2^?ZEDen>hL z=gtnTmsv-?rm3Ot`jvk2a~uBhVw%qDfO!aF!9skUT&b*vc2ns=g>nO9) zlytCX5w>@l!rp8Xd}?sJZ#GhJ-{fZyZnN}^8V0jv^J?6owW_G;_5L~gX7o^SobjgI z)23(g?DyR^F0OIE2G{rRQT9dP*$@90g?;Zu{*)2#p^cuoPQ3B1chyA@4!|9ekRf0I zLY0IV>dhthjT!!nfETeP#wSuyfTT|K$m5%;vKx^vrbw{mj832t8J8+@lpqrZRB*xZ zsc8);nmEnSGm`M4Xt(vKBczNyHH|$0FotgbNT9x)a9(zbx**j|7mFEp4SK9EuPU2= zp~TRKfql0Z`Mm3~E=tw2=E9s>bgKs63$S3~VL26d_inya<_SH3Sf%psRRv8M=!w0r zW6E(Df*!e^|EBs(jm#|Ekn0=iFFLZ$mrA#S?dd8=s!Rh`y|MR2V|YFnA$4#m4Bj<; zU%cv#0M*lm*IB@zfS$mLFfoZ(Wez3R2Yix}`Od~3YQVghUlFH+{yuv0KoGXS6w#oi z6zf^tb)t=(8-_j8`%-^eR&KW|I!9}AN-jbdDpKV(tE>P$$BhlT|5V;BhX)8#&#%hE)T zm0#&QTB@Iwn&OEF-`yH(iO8-W_<^E_Zgx`tZdGD2W)f7i*KLf zOHhMdJUj8~uC=H=kA2-I0l3(RAw?FKi2H3M8!mGBR9YidlB;Se z;g%4e7X|M6?8gisPwUT52C8H3+6?OwtpVp`MGjJi&&nl>5ge!f*zUMx79+ zNBe>a)cu;vEQ|}`-uVQ}#!DE}yT@dgXy+@6p+_(#=)TwsZmrUbpF8U@l=yEosQf6nOnj zA~}cqYRMy{x+|k>$-{@;i2mXDcDh$@6Eop47+)Jtp8kW5{-gfC`sb{a=beYv0AaUV1|Gu@lF59-UaCY+Qn|C?HP}Jyo;ZtkY8%YT6@|e5H-}U@X z)AA`O+5eQs)n6+PV=LdN=kmLA0TfRF2JKCb2}3DPr3*f60;{+2 z&;N0gN^SECA-Sw=My`C|#nQL9-jNhDa2xxg0l7Fy_xFU?r|4ehX!nOl5<4lj%O2_U z++XYe!P!G;?+_nZB!vfoiyGDO$MzWh6>WOhmr`K~nanceRHu+z-jbVo#9@`)y6z-} zL>7lw&Y^j{rKB0-K4X_{rHhfdl6h5|nRQe3hIr1?wF#b2%XI3Yh>2s}PE7`;9-C+5 z2M$Gu9c~^!$aOp9+?DUF8K%|9<;&e;--1VMYG7umF4ZHdS>oZJgC^(|J_vmz&yoTH z*$CUb`e-xdsnkiagZQ}nXySL9v`&I9UQT)%sK`G%nlY4O)P5xwLHSx^7;7&c+hFsU zhb`&51j!nZ_S;(kg&h0%DfqP6MZ+?EoUy(KZ=w*+)15e|8J;*e9+@oatDHH&H(C5# zChZVIO;JIuiKh+A$jC-%UQFw>0&l6w$}$TcuAj;133OBs1^iOL7%B!( zYkuBJ_o%k=-5ITV|K|H()BHKOt$lyucX{JsF=R7+DHk%%$Yn5Q^|xm~YYx3vD70g~&fsn|T7~!ci6w#Arzw zBJiGOJl@3;8Sek zc20my)?TW}#;_l+t))#`4~{wfa5pPL)C4lT^j{fIF$<+QZrT`*)zwF(>hK;Pqs~Kr zc=8?$DGnsBj1m7B7e2u&`yj+hvYs$DvHoKXFX%D)7)vYmsjq=AJ>a3Y@aZ?&k6%k` zIX;~DT?7BYjt9j_o~<4_)FW+@-m6k`p@ zo|>q6fBLem2jcfzm;rTE;hkZnW2i3eqVd3c-lEKn-Rm#`T;oN4o`9 z#QW71RLtMlSiaHP=%LbtH}lwgkRL7S#nzejqWbxQpC$3M!UmW$p|Ewnk2d1&rG4$10BN?A@w^UOT0 z4qI>oY3R^4&x=y)#bVC%kG9+rKPqx&G#x^dIdjx368A*-`X|;)eZs!v@pJVaA&dID z|JZxWrm%S_zc3~+*_#46^YddvU~z-)?$%)LFK6SL{&AUzer#pz4zIBtF_!TPxyKy- ze!u;tvkNR!C(v4vYBb^<~%lurTQ-OGA5@Q@U%SmwF!;z z&E7_>E!jUMgZ;<~f48OnKE$?p@_on`?Oo1fS~>BEb6r6xf<2$+vckGr?i0SGAKTT| zKB_)lqtU|Lv_kqYM?1XS8Hm3tDi51VAmP|MV>Rt%81|U4@zj$2YTW5PMU%dn(K)n} z56d>4dpK0=Dm5lA^(P5A)iO7miw|k(uBfLyj%Xe<%RcQ=204(GkoKfFcYpc9F?BIn zP#j>(Eo+y4MYC-9sW$Z{TZN)TA-bL*7_)!0L!&jBwdsT*j2oB4t6Eo2(t<%O+2Ak=4^+VOkCxOc~9v~ zd6_*Ar_q~jCdhAeefTc7jtm}zEiy~(@*qa>-v-*`%qZ6Q`36WL)Niex(E0^X&V!8Cx*1*8FLi}p3!UCxv-urjp zFY}Q`;#vLriV%8I&(%a>r)5*y9Sa`&YhFG4UY-rtvVLo@BUmXtEKsQk@jFI>cW(!^ zf0PE{UP;|wsMRPgYEn!5pToy~dC$LQ3S_}E=y4a{8U2x7fC8Y}V*gwD`)JeNNH;Wp zB}b^#FXs3dIJqf&kF(Ul2YE=Ab(j_G1Z0H}mSkNGmF-Luz0lte0X-K1gXx|4vahz@ zc&94?BTuav`TVk|A)8Ebflm7Qhy@p?RA=v-Bp8=Hlmu&7KPWdcTac6YlC2vL6Xk4( zO{yM8zi$ZNa^?)d{~q;1{eu^JD}7L3OY3fVGACvcKK(g7< zd6en4+x?IQwQqX^O{I4_QRqL&1i}Uu%w0_6%&idJ;xyzZ2>#D{` zzve05mN0KO(BIsD45Y(`Lu!%0<77S*esV}31$^U?KzI?7FEDW24wRAV`OD)-`{{iE zeog!QF&lp1xoJe2;yUm;K^DYQEZ}%Mxk4Zggc9gcu>mVSordyY`gJKbtF;4(WNsVCJz-V&i)>( zxN+@Gc2XqV#oNz6`8(rgMe$6jwj^c`D~wEuPWSKCYh5N_(1}PYGd{XXN!^)#PE7%< z(VG+kc|C4kisu!NB}2m%7J{n7n-{v&CsxXwbA1qC^0XYBl~>XdTi|< z$8caEMbC9#aAZL-58M?Jc>uuwhzPux22~a0iEmH1<*x0K^XABS_nmo*|oXu1jDbBq`51$>S61ZAGf#F%-$^UT|^}`NS|dp zYdN=~9*0lNB(au~0b@Keo=bgX^frF}!PDn2R061VTe9jx zM0Xo&$!Skz>`P+%_Z41TC#Eqs1H>Lkwr?l;aq1$%T^X(UAI9r~4Oj5c`RO=hJPg53 zITkswT5WQ~!cDR~*!8iYU&m1HcNeVN4qef6b3gA`7UhZ?ZX|4gNt8(IHXI2-seH2f zQk|<&npf3&I6ZA#{RgLiEpwWENnW07{`4K?gH6`{ABh_(Jc?;S!O01z6u~cDgs^%T zsE{l~A&it?2;g@kcYjiCjiXuWjPUE3rJ{P|GHO#gS^TdMrJH-0UnceZDJbK~lohcN z=yfwH>MFeXj77a2y@MH?5*3j5*K=~sp*moJF8@PPlF*<+>RT;=iuz3|gHFJ;f3JDr zp-V(Jz`MSynR}9=`CAdGku3}FZG1G<*rpp-mv%n~^ZVvG|5T6U4>Vf}B(cgYrugW>2?F39EL3Akq&Ro@8L=%?L}k5SocrkB?cX3%_LWDQ z-2U%Uz6|;d9EksT4bgB>@+4Od87H=I{-eV)4cJ6wqZ?`AOFHnrfbSLYjdS@PmPViT6qe}0OPIq5vab9nWLDM3 zw70-FIj1?eORSU_s78z014+a7M4akjvv+}l)i@LHVwgOee0r(z_XU0K6$-eS^~*r@ z2>kZ1d$=bW#|A7P)iz%IRRlyV>W4uQVXZfR9zAIRi8~~ANR(t8n6|T=2!U(8Whq79 zK&)SI8Qh80_oQ0)*~YWsY+09$>Cd9;_QS|c;+g1 zmd!i%0>us}yLv1MjYpi8;?dw7C?3#ns!N^wCHX}6 z0jvK0Z|hKX5y{uZsN7DwP_7I}EFX-){`9zsjZ{R_5)1{CT{Q)u7r5r%8Jm6AaKq{G ziA+^=+!3>lwbdh=!^U%%*iVl>(jV!h*D|y@j}imZ2jrFDxnGmK4IR8=jnyS7m<{)i zdG9?}{wdDKa~3;;Nk^(~URrcyTo-WoZ)Q+t@=}~CH`ca(BOP}A8GZEmN!@ZVzoapo zlk5%u4Su-e`Hk(un4dO-nuYU(ZYCbJKqwlx%#Z0Nkga7={9J;>nPxtCz6x-X>dJS% zu4XbNKJvf(D@&U$idtx*k`BOgOGMFYDfr5{deVnH7uF!9>gB>CUJeRqaSs-il2MK& zuB~hdvJI)rfT}fvq`L%&$qtpH~ISNf}z4B3?C{VFbO% z?+_FU)B3<*^ppxadZ(^4vYDkPbHNt)+XokGuyOM0`zg7QIu(7no&~u3?fA6GLDH}P zA}hw#!RsfsxdZl1b_WBFcUvN3&tPU(?>~$atarF!_`Crn8BOUz-u7J5R@01!hOP4A z!C{U#%-^Gr{Xt^Nfj4FDie;=CXD&5!q!u-L}u?H zN`-ofq@1_T2MD#pq#FzdL4kvtW*g}4H=?Gj%QuibF6G0>J8Lb!a5+cJ_;Ag@huxIG zV!Qm_wO59DQj=4({d}S5k9AQ`oexc^g7;X0#)#TRK#%-8L!!`vWPbk+P+yLD)IjOq z${q*HN$P|_9bzrqNLYHGjnArhU7Z{yS{t`VjNQY}^^DEE_XIezNx8Y4C)1ol{}gD) z-@QL!Z=nWy6X@&9l^tgaE+_Kcx^?!BO11zu;1VRfH32tlQEGU`PB? zo}>B5&U>D%g*W_`E58eFFZ`gZ6&od2rL0Fwtmt~-7ZGPtdKT9ls9)|jvDBLrQYkjO zno2;@Z{FZ^o0))P!2FDZFt7+k@2{izjBQYyvAP)J?iz1>_Zy#=L-C!H6erh<5o14F1wg5iK~zIK_N#~k4nX)$EP>%=3K@DtftQLW8sH@)A!Wm z*h7#;B8UZqPmlXdc&-f3MczP9JbFK8!o%-8vV~p_uXnw7WZyXTd7yKhnU`#+{A&wE zqE3ru_Ie6{PO}+tc%3dz|6m)u3@aGSl#mSTkm{c1BTN6u)-(6*Rn<0hSTO&BCrgA& zLx_+LFOB4$vy7Kgkj*@Id_BpNK_{n&f50-$g2FUUFy7RuB!%&4x$Rd?>qFYtWgD?x z(JPK}aJQDb?%3J0u#DlRp~=wJ!w#$%#6v#j2hHVT8Q9#8(4Eri`=<93Glg|um`JaY3zLFU2&~f|e^pAM(r*z3w!E8P62D$E}zedARR{l}xRknWN z)nYI6sz@R^#do^F?rMXv5dWF`5!CMM<^T(VKs=jINl=y5Yl4ju`L6 zV4sP0Z&6b5?XD_qJm(Gn88QF&z9BVZZGsxcVZtBS!_G&l(V8-T)uW#3YP7^s9hv{7 z26_ZxZ$Q@ABV6rDjpcr*9Y8!4P}F=Vb@db=SH<)<7jDySOB80~T)D?d4nIMC0Oc7C z17c}XJ&Guy3Ns>bFiU1=%BxMZWnch1}8-AJHI*j#dZpcZ(<5zE2VbscGnK{7`qKzfTRdb3Hk%uCGCFFnDyKh&wM_ouOY&eSRVeO7{7p4IP_@t?908}Y_8#;rWww4{j%Xz<6;gDBu- z*UOJCNmvnXlMnas+J7R;&^w|7HO1E+4I~0kPop(t*=5~g%X}B$C|y0#-XL0f*`TWLX+JJ%kS@Bm-iVI`WhSd|UVe%tL$>$p=p z%nMp~H5KSkrorcX-mBPiPQ{77>}Gw5;A3TZ8PNW=09{%)SjPB#J<;coA3cx6Qm2};Ua#kBlNPo1!_00rFZ?g zVy${nJ@o;v@rFsyH{uV@|8+Fe`_=+8_D|r9+$!5d_D|YuKdhYLYh_%MV6T0tH6FUw_NKT`yCDSXuR%nY=s`{RLRPQ9H%SAV|6^LN5wL9TN<{~^M8kM z8sY?w@{QripPaBfNgpJNdn)k)^$^|HRKleq0qC)rcS{D!aLot zZ(gPvaOKZ|MzHr_yb;f zquM^=u31S=Re11V_tn2_ucT_T92`646JpQ(@zmiaV8pKFUAzgeFj{x%`CHbrk@+r( z-`LO}>ful)o}R46_S~BY^pzts?`%R1Q)k$p$32(cfF7>g{S-ZSR@O~LzS>rK5oDBR z@c(E!_jo4%|Nn2!ath_}c9sir?L{r-}&{&XMUd2{`;?-0{x2F&s51s{yF0u zi%HNiI_Q2lDDe+`#=sCHTz;}-dU54HI>#N<>EW@KZ5$+Hem;}8Ux9l&vLs9cEHl8C z-@6J=_yZD-X&Ngpq#jR>A6rw}rw<^)Nl{xY8ON#xq3@~|Ry7y(1yEsZO~Tx(wT(I0=W_BZu)t@nEBMItO=!k}GLpm8-9LKYJ+ zw0Ma|y?b=kJ+kOlW`rs&>4;8^Rd&Q4{&w9@f3Gt?SgsYLQYZ6pVp@mr=G%XIG!k@@ zni=Bl0+c}m13$$^B%hf19UQOQ2hbb!0p7x0%}T3aVW&@Z)IdJTpG_>RZ7)W=S6*=D z&_CTvgn?o?TR?a%aB|(+M$#Iq8%6F*wH8fDIq%qdN|-4Md4DPC8%HSn0DXvW?q)?& zWX&5<$UWiXL)1g{?;#D{524mMoJkf7 zTJ%dUnE8IiT>(n$t@Yy_KWjLiRJLyx7S0->JEY(${uD#T;}&9WX$(2(RrPdp+C+H5 zatBOJ;n;1cQ@bSvSN*{u%u?2$F>ir3b^`c()(%dG;T=&36k`q z+6k1f5a8C?duu7>uQ9s!R=f-%X4lw7iA#lQ;=W(f)q>e@Ac@3L!F?{M%r7462%b$I zn~2aa_P(Rf<56^UMecb9$3^Ge;V#jS7~~mPRcDKq8TOz;;*)^yM6nIA?3SLrCvkAI zz9m9wOJaP|r#pRfqD+c-K#A4RA0N~K)DhZf?}8k^wY0%6_idm2F1~FqPcjb;5fiRb z<>;x(Qrz0Zy25^I4=_t}1FY{;O|`;lZ>p*LDw`Dd0(!5_61f=g6fRc_eG0AY{k2BP z^U`un-aGKdQ$}YOx<$FtF0}rvj=ZIHW(A=yAL6%KsrH2V^K1IE- z?Tt+b=j6M^N9ykkT!K&LMqDPZ#4Kce@9h(AEb9J;#2AX;O~A2%R=qBrO=CUL#(Kgs zl+A2ZS+kP$cHZx-UUWX3``q08F&!2Wlb5ByGEa0Bq}sM74LG*WvIh1}53_=OTK_0c z@th9jQ^Lun^TrmlbKoA`$dTJjM!SF(iX@3?>$55c(@;0Lryq&xn?EN+C;_!`*_alwVu$!G`apZ`>R<{saZfVVc@iJMOeN!c z-f|vws_U(`6?Y}vKN!fiUZ;MLf>H2M8DW7pW7ZN|H8${4`ynT6CWk87g(rYbUB^f5 z?pQzS?RvXA61*n!lG9^>}ofT%bkzE5FBXqpt>?IJpa)jHRe5c2ytf@HjC$#@8 zTVb6A{W5=8Y~4^}@BFuGJ`3moCA9N?cXjBTIdSQiV|XaYScdC$^G5Gf$@+Z&Cz&0l zOY600Bmj01@xd=FUHz%!zn#Vj_1ck0kZ-Lm<%e>UFgna4-I=(DJ{!@!QUA$z$5PaA zAU8hpw|UxdcKP@ve|`B=O*bDdRbR`@4SoDoESIA6zz&)`Zwm43YImsmHZEa&bUi_| zWwk`rAdMPTX`v_uVf{sK9C}xo9x@)8?$zk+@n-o%KD7wyybaDut6jA3p506fqsBT2 zDy{eS3&EUvdX(I!^1=S$iHKnJHv*$co^|AYDf8TPe_u5YyaBnN7cV) zg(ZUB)4l9r%R6ch7oid4wVClxP#3#wV8T_Eq0VW5e{6qLXC^aclsFyoI1(QfIewx3 zrWx=5&QrK_lFqMP-OI{;{1Qo)%gthv`33>Mo$~gU$AS3*Mq2TY1|&RvLvcCi4eD)W9< z5^t3h`%boKAw65OC0@@Uv`8ttGp@d99>^Fv8Rimnwu?%&ajTiv##>Sq(YLZ+oriw+ zy@_n!3GPma zx<33gzUzAauc zi5H8-leU4CG90f1i=iG;=C&t)Du`&Z|A8alCe#B|E=tR%k*uq zAuicKNYmEt4#L#Gyq)d4Q2sM8ZUU}NI@zvVtHL+@xUSu@p1>q?^aEN5;mzd-zI8hs*@6(a~@GUcj^RXPbvV z%GSPP>V%|JZZ*6A@Q$zCO*CjG46~TEyOldjPArs8t6}k^+=v73G5coZb*2Tvqae2- z1=sPWa#t-R;IiQi)AdQ+>6#Miq?4X?x!1{bYmXiwCBiFbU()&u${)r`?ml}Q+iz4` zKoxtL$xIl@zkbTl5G5W)nl!qBk+_DTo8*toV3F0ULIvv=Rxo{E5M5sY5#5~voxDVc zWzog=Ik&dnYrjM}s5pqlh%ee#tvsThdHLt`lZ4Wb|5r}8K3JhkL+03cH}Wilh3(oa zjO*k$=6Z2;QUqjttTUG_M=JU!PQ>;Ua@g7kOB&J3QV0U6k^W-ogOxKEG`lv!E%0% z|AfLhx6^0L%&ghQp@SgD2-df>q;nIdkF?ktdcx6+*FTJ+wkDoNFZt~MHcN9!h}tFJ z$Ox|5k^Smar(!1`>K7+05f{)s*M;9w03TF+m5s@*(I)0lD~=QNd$5)oUlOGWc=k;8 z*HMwCQO}G-{+cfl%Gf2R$o-;(l0erdRXSI_PRU2y?3>##hpFGzmzQok>!v{gPVcJN(irj;_aen}}JUO7Cx{BzjAXmxjjgKTk={Q88uk*~PN z&ND0nkuSPpeUheaCxV!44gZ67rHv~%l~hFvjJE-RYA&pV9(DfulfROWvRFmh)~i<) z>|J-dWPj+-+Z*Ny9R2@G(%Qqehx@{o{@}wV*bUicQoq1)2i`GQUdRPfK+1s6<6cVP zy~3%WRYD+QNvP2|pKZagjU_OI<(NKLCmfe(8i`{0z>3yWXe1bOxPdchsd>9arNdzE zn}ljjk1XdDQ?LQ8Q~2&+x>}4&?|9K`>w|Qz5mr+ffu+}6AXD9n&(?NfM?p8|#nKa) zR!VzQ@r#3QNl~G82>ZW@jtl&Q6A^Uyc0?DdKE^BTIoVF^4n0j| zq`J@tI$Io06ID$*nmakAD3y3GsK?RVq|yD!r>WH14Fc=SUek0$#5NAtnD8 zDLu<~KN_3_x~&IZhJPs=1Fn757mnkKbyDod@0$wHL6K5Xp-d2`A)KWx$pbOaYXBI)lEH6=$E;Fujsb;Ds?DMtlhkZybEcFz;^JzIf5w=^Mkpv&N6!`x=%}v-#JI?nq3>U2qc2PMcp2 ze%{X*c+#FhaXbRje-PWN9$tQfM$mqd)JZ4X`9=A;6dS{d#j77EDbxZy0}g;#pM4om zxz=v|Hq72nb*)2zA@U(6p$nn$%Q#{*+EAox;nvUd+R=a(F=wy;gMuVn@eJ|@K_ZF8 zR#Dw8*$n&)$-fSIE|qX}Q1=zoa4-r1TjRKYrrAf^fCPdSz>Of2-CnS5?(m);ip14s z?grv40V%;(dj^u3`QS~|9*HBTw_1_prYX^@iESEpU7|!OWr;yJ^vV`LW z4YlmL;>zXS^(TH?SO~=&O-`tq+gh7r67Zsd{pp69b*#G|y|}-r`|?N~45g?n<@`-T zc~I}%c9$eG_FMmk*H3eUJ{_D+U+>^@C1)K8>Ca9*-o|S**&q0H-$B%`(GgYk_!_yQ z+@+Pf6R|k?sXr5=v5q{dq$H`Mi?M|t!}WYfahA-^SLg!?&VaLm=JyxuG?q0N%lHBh z7Hbf%=e}SGwNbA_)#oQL8q%dUjJ}LH|MiZXttUF(6?4}vCoXVe4=Kl+=y+j|-zOC(1jPV9S>IF8d?9KfYrbWz*AGh--^Vr>hu#d zaf1*suyh{hPkGihz6Rpq-jo!8m~qb6$YWcz5Tk)^UVN^Cp%yEHzCsgj0Vj#Vn2|Ao zjoIdukLEp_X^|k5)c=W;a(fl{|c?9p^d5S1($Kc}?4-&cvx?NQpT}NHe^) z_Um8U4CTda>3jj^tGganuc3FQi58wy@^^98Dg=$C-mX)wG0)^4#xF8(A@ zeUG5x>VPXjte=1h>A@`2M4t3Yx#FdG)QH8=*>zFrI?258^?~S{X5*ylD8G=3G(I7; z>$t{|h_GSP$te+#s>-TYWUu04zjQz!6fn*9r&(a!U%*sA$)?%;{fy4>iRl*}M>QcM zGYiS(;qugfbWxAR9dGJq>(HGyQEJ!}q^lAe^HQ0H#_DC!Sf`&u-%eKAgjII`6_Hzi zH1w<^E##M|;koiY*DAAZ^Sl;B8gtK2AOgU(sj z6JlVVSniNlOhw`zh#xm~(&4z727wz+;OgN(;hys9aqzIf9c7bvBh{sskXPyZO*aoC z4Ji4_Z75E+s`0k5`#;@{tF9>~vtDJ=JVXt1lEX+MprMluf8IVoG|>-WFg5{3ZWlolPC2rF2ziq;T4`}L-Av^;Z6z!;>GPHdANnDEf;%NGBE+FX zXJ$!L|7SIR%R;y9RSq+0Hkq0treGVMEp2uV)25}NAV>_fNfZ(9ny!sX76zlo732cr zgVfy~ZN$usBb$S3LQ-(yo6uzB0kgCv!ri(V3HRMx*71EKd`R|aCe@o!K3&W@*r?MP zm~C(XnZH^i4UA>T+dQca)8bt1Zk^obl=>z|^-6A!I1+-X53;f`d|SUJz(_G-C{bWSO{?=X*75FO^hQ_L_)zxW(aH(^ zGyMMpweF3@vy5}$GUsq39gqAM&}=*(K#|X0fRBUCH%Av&8cxhvoX43|oz7&H(Wvn+ zmVKAJERJnEt^V8irAF??L|Owv;l?i70cVQcpjA6vw+4`apay~}AUvZlgE2eqm z9z-0T(K*P-2dsY+J!<_T`XX0o@+q53i~fD2F9^vBQUB0w&OaTBnY14XYMpO2FjVh# zWoUBMEb`c2yuI#4S<&v`l;B!r4$8SrV5bGMv-Ya0?VN3)o=Qyk*X!Cy44iYca<|XB z&BFOy@th2&dl`Iyzo+^@u_j^@EPMPMIZ_CBjxqX%fG4hPMAQsIL1Uuevz|D10o=!I z9}JnZXSI*RK2_>q(z{`e^&Htobnc$0NAYa>+n;iJI(mYLO?b6Qey+SYtUvfhe|iqN z(uEPNc9631zOU?iK!XQjTdL?^!3O&=S+QDEpBR#3^`99r{dADGR~&68QN1TWx^g)E zkX|VTvu^~p4v`4^#ex=gkuXwf;SsGEw$Ws(bPnx_oyL49ekrWF-#-vA2U*5vek`4A5@IICzRFK3y!_KW>Cs` z8OWw^Z6TI{xK4vkfWWp^5pD|PGo1X+3Sg$W7Ea(nZ59`*XUtms6a2aFHicy*_}Cn+ zzy^08f#5t$dxKtFy7-DMBBz!;jwzG5P{fx>0})ZnJX)ZA)R2YvY;p=8Djl^Nm*~YK zK&(uu=7Iw;=5h$x9_jvs3mfk#JzHHLyb7fxMk=%UnSC7llfZ!TuemNN)y%?Za{i0U z(RnngGL3lP^o)}AtlOU`m-ku{6Zdr`7fbwe8K&nHPFay_u08X1`=l$qp(yH=?#60l zI{IMIcx#h7Y$rjqO@JK5x9D7ZnVo%ha4JJoVEr}_9y39sRK`1ur2ErjnjbQ$wq<+_ z=AC&n#eBU_YgZ1a21C-+G~H&(sYDgegs&t`enY#3M;icWYkN4lWvOI^b+JfV+@=!O z!F|LC`@g!%p};0Ajss=3*%T<&#HxVra)Ma8aBVHz{AS?F&_l4&ML0Yh!+Ozkja9@m znDR3pByh;OgkuW_Jc(=z(W9&-A|a>Q{YPjNaq7e zxz^-@g&j#*Z!@_r*b=MnoVFwWcQ8xR?-rhQck-tE08;7`{k_eKJF=xTbZ@yy`JVoC zN^bmUa@O}vWoQ@K*flWC8Y&Z-a{eh4_o!BR#KqufDXXW~*~-Xsa@=|DT`rQ_cewnSV8fK- zYWdd5K~VvHs|WhjFZeCWa6&WCsl^R_)BHodav6c4mh>Cs%e8X494xNPq^UBW&=Vo6 z@1%0cV-B6eEgEP_fyN=dq(i~6fiN#!dBxQ;#(>(4pq+b*eoK?p7H7yxkZqKx(Xhwy zdeVefd%bCcW7W?F^Hqa-e)j7 zZ^OAk%0nEKctvXk|AIX9b=*+6hV{S#M3Z1S==4F!a~NsPhuITHJB0|-Z6x$#*N0|X z>f+yNl?9vIg!dHr6x)O}5#mLq$WL6ABrvzt?6Iax=bz_v280e@GjLa$eczv+C_W3I zn~eS`zb~;hEW%Paz_GoSS}3Co_!=9LM80?RF21I;Joa{eMh5u3#x~6nd`%*7SM#w| z3EVQj4dJxp*n$pj#{)NjK4q8#x}kgDvlPjDPO|*{*xwgDohj16N}T=?U`x6;LUFq1 z%6B_l5|$POF!91CCC6@#;|MC!q*!T@ZaxUJtoF|5=EV8~>W?~;tpq~%T*8;6n?Gvf@6 zfUocSGGufR&@(OFdm63W(xE)#4sLZ{I`v*k8a0GuKD*#+CCc-pD{Wn_9Qdovo#1B% ztXzR|i);E6vVS~T4gXR*Y;~|1?F;RaleE3xlcRhBiRUuC{}PBbd@?B zwrC|}1p-F#=AN-cn_AD=D`RpWn^(;RTrtCtyF;B@JBPu2Q$!3$sem5o{L6#ECXI0C zE6wr6^c%l;9M)qK!z$bDFcc5GnCjysIV~X3>q9_zOixFmWO;{XeaI13H8LnXTcC!x_qui&qECBR{?lQu__Z_x4;)vs&0_*EkLS5m zQ3-c>BJKLt`x&vh^u#{7?X$wUA!HBUA5k)g?JvVpiHzcqC`XJXv46Y8nLlFgqfMg} z11NCzlWgVO9`0PBtrvEOIN(>$Wx*9A4?t~8Rhs8A(=t!D*|qz2#%pU#SY1sq(PJi| z74I=u2frh+Zt46u=TAs)p|i?orZyNG@BD4T=3}5N^V5Zo%AMGgGH1>DmF^Cl6yWs zmGrpFJN{+=V3GW2kT|-&EG6O;e77&I)+_v`WKutWV+`lUsxklL$?aBve@z}sxM>iE zcj}*v@h{+cJuzs zz_-m=u|LR#Ol#%Jl!RR+QEY!O0D_$`lU*ME74L&|!BC1cLI<+?J7pXdoG|*o6La@f z>3q5ucfYVgFjf$`lL3j86=SWzEGxPMXDhOM43B9x^czt1X66i(NOo0U!_)^!R%mPeRWqck-I<|(j?N2!I{JM6~!+qe&l|p zX|Usixi6PHcwx)Ijg!3j$e zy}Of=`*p%|_;U!sD#2^+6=XF*MTA9xkNVs;CzX{@^Nx&k}! zj>H^#H6LUTNNS9w0Wp(9=`EA!?T-6e4m}RcSf{;;r@Y&%5kLV@y*XagUz{7!n0uXi z@e}j8m)3|iZ)I)*6M+1ED(BNnOD>R}C)r^bZKEvff3{j@yN$y9DD$j!j&6T0zW(GB zp}jeo6l98`2cCia{<4DU)n<|(ZKFpc4purZxKu3GlRIa``~N}xB<3D0X8g#?)-|sS z)Fy$Sac^y0nUP%He>>B&R8Le)L8>9oq_i==4@(f%2c*QcPyL)a43&B}?dl(*0YElk zi0weWCKDuLK}k5~4>>^&Anm2;sB*1xpJ2J%X!c66b@UUGhgXHGxz9*wC(E%h)G2kA zrJBlhAJH!HU}7G8MrN*OVskS2V--4Ta?%te4c(^fD0?P^keUFg3x7*XJm7gN>rlgy z_A%~)Zu4`?qCzMC)XGJ>j&ioONuOq|jL@_cD9<|&1Xj~`(ys~rRr&JuJoECT5A2Ya z3kqeqT~4i~oU`l7#wH#}BPBeFT+8)GXB&oZ@0MQU4lOAVJ!~$r&MY+L-pj86qN3J@NNaW=)PI~^l&|BV}B3x` zFGKwG#a?Tkb3{$_gUC4L1sGIw`;N&WRYdqfbi(=xWm@E=$;`wDQJY@+0KHbu4`dA2 zGv^Qjb*~AFaou&}jAPok2@8q6N}4I={b_ajufUi|YE0xww`9o=cdbHFAYvI6iZ8i& zGCrcgRg3y_85-V z5(j0uf^v^gPN^V0TuKDowf#P)@gq`C2qnEz(>h_BjE7~#ojP6+w1x3cSDt7}pNnH1 z==$n@s*NanG#GtL??2LIEcE)|>^Sw^^a&|>k%QoT8FflF`|(x@y`vrVXW6f}xG3>a z*-;#SsG?bG6W!7f!59g@xad8)&kDPyP~AAeHj*e$$w0kn-RpX3qf!zVKVBzRVN1O# zYM3fN{$|GiS!SgXaz@rB%WvwWKNOoBhz8W9wya@hAxGuv*h7mFojN*NjK+KrwdbQ)Ns>s$B%jYxhILU~1R|&(H zX4JP?QO^Q-P>Vr#hRsEYhINY)i@fQp3v5VV#}f_hYg&71#F ztSNL0{0QF+kr-#u^xFXZfAF%LO}j-QoQb02Bcva&Hyjr5`%U!0CLK|u5W1s0_(K1r#oaDrNS-2jAFXD{?v7b7$8x8;0+c6i z2&+GFzLmD3sS%faG_io;WnAY~wi@0cZ?n8O$?bKL>y`s1Q_)HfSUkInkI+3^p~0WbMC<4;caneJ6|HXny}jWrBr3B;c{vgV9~ zNOz?R{O?WZiF9U$V#0JHNhQxpE5(Gs*!~KAGn2-R7El#n}P|+Wmor9Z{|1n$0X@u5l z8+5+O^UuxonA0SV_hudRZ za4!#O#d4Vnr~ggULs>J0TCZ_6iF@YMzLER;$kI}g@)Gy@{y;zfahp1a>tX`9_a958 zlx>Hf=U@_*W*2UsdTY}pzxd%Jb(v?s3uoP?!8M z?!Jhf^+S1$fOZ!TCA%R(haG6{_`{p$7!9lfjS`w#_#3)Ir6&2UbRqnDesOjQ%1T;% zeX%~_+C-NN@_Re!)@n_cSW>?$%Ivzk^(`kc#}9Q$UyLP+jn=+FFmV?%F-qiNNC(FAkYYUrm^6 zvlcg3>DxlNlSKfC(MI($ND4cLP=gn8I&YZcYM*%(3mjK)ZW8gMRDUAh%pqZG$$E(AsbnA+6VwuA-oThlf^* zLzo>er!(0LQAW~-udm*X<_x3vyw0l*t0JFql;eT&$m;2P{L+(|yosTt6A1~rB-3^C z8Rj=FK#Z<(q|%d`l}Eekb;%NY1oQ$UxxAqnL7R*#mW|p(-+5@=&0D9dOXdZ3aQAbv zgT;JyW{rkgG8UkXH+f@&)YTYO2&o(J~;|*O`!p#EgJAK?*NZzC`Wc&tR_|dyK3RE=iSw!0mW7Jn!l+E z4dM6w9)9dIIqz-hi~D`A=vX1UK3p@|lC2LHe^M(?U3}7U$`d3ee8N>f5^wTTp3M-g zE#;S0fjU)szlj^?aa9)Q?oQxiixijnvsPM;J_kMz=f#;<36(^FDn4^^4OvL&da^pN zMzfq?dp3Eh(h&me1oJvTY?8}6a&4@#gflRmSJlUpeZlHsAo--*N|03fWPm?_tFOax zJ5+x~vQuh)FDZwzYTF0_S}}>IeWdEdQQmW zzhnf|r5>!N9b#v%S_7P3ExVJMSD!0L|>u-!-aA2*>f^n>k zzRrPNHAfwNMK9ohU6a0aJA{+J)0Q_GT`omsfHYUw^QRtUPOs4fGV zq$5)aPf2$P$clv0QPz8hmbw_JpjSPLqPAxu!Pl$6wRN-ty}9aPuv*)0x@*M5)c8fD zzG4+L%dAS#P^L@Ujmw0jIk6E(zO&C^8!2(Th|@Mr2J{*YBq-S$@tQGASptIliiJK# zaf6cEcunRafd^aZHZ|=TTge8FZWNdnGhQr^yUQ+X58|M#C;cbdWQ$rMi7XoN>#4ZQ z+iEZ(56j@Ge#A#^KVO@H%(#s;hM!~9J4Cw*mg1uW(ta{bv9ZX&6nM`Ck%id)i8IL( z{vP;Z9U;Bm&f)+~k*@TgBCI0t;1-~p*XKdX_}wOLtp~}z;e!m}{U`bi`+tEBp12#SaC$no6tut*rMEq(an%~qDS|6XSfUH+?kqT0Hg{VeTxIo&Ca zqV0knT0m%|eqf9-H934YGCvr;T7Xu5u_4ku=iRkc%f5*ct9t4dx2ip{D+{2B=p;cd^H~>{%W1|Ej$@Y3G(*^zjH1RV1K*L8q;>wY0)RS zKp^P@^e{dih4lAmM=!GKFcMn2;Mmw3LxIQSyep#la>z;?(@t?>N{x<5U|+2r0T@|1 za&9&~TXGS9YEh2iSTiupVvU8I6uY*qpiHE%79^rCt_uq=p3kmc_G)x8sr;6%s4Bnu z-csLOY~fXzJEz!QP9mEPhg5trRkNE>O21b|dAy9O5O^7b_isH!*N;{QR91XWbj=P<_Ivsnx=S5C5WX?#~4=JvKPsF(w1bM?WixdzdUQxENq zd~dsk${k8cY~vR%HiE@s1zZn?a$R>vb7m5xCwOehdv6#tx0Rgw3~7wl8FgsWec zeei<6?siM5*xULjjf?J)3GNr%wZ%hZ0-pJM6uH1cefqVC5B=8Dnu_bgD!sL>?Sj$| zgGc#om^s>JX_P1rgrO-x@m8k z3eW*Yk2K=z0S<=vCOHNY-t$YZtrWtrHh;}wM(A>IcAFAwES8(SlND%RMfnCtY zQ!-pgw+y7bac#X>F>LJK@jW#h-IkC*ZI^?kAUPh>ygcys9US%tZ}k`lK<(=qYiV!? z@_=2XraKd^fz-{RhzX3^eP{CB`*ZJLQoBVEmvzm}-tEXb+NIu}!31fVu%0S!XVhLN zi&M{)Xei`tvF7Z;Ed5M(cl8nDk`!i>1Jc$iy8-YWm#T)nUM0NUI7?Yjw%1LIkk)^B+j*y;!GcrQ zCvoVH^!!8y`L_#pAD!ECMJs#N4CeZF>91x)e?0v;gno=_AfbBs#ToTqHC<{`nog>F zwR(#{nmnRV)lK6z4&G*~5p+Xj4lIyzY!yiW=M#H@oQUjc<6R;CHkKnQ*!Q5JD_unw z+y>{qkW3wN$u!Iv7Ce&(1@Jr{S4O47Ndbxb=D?3euOYDgWaEUwCs1>19zLz9WENko zYJ}0K;$Ou@>5u3EfM_QdpnbWlD_+H~X3SnnueMkqFn9KN#N?0@7A>Z^=?3pH`F` zXd*f$*Sd0<{FQ&v%zyEV7eIG}Xo=`CyVHM%@bVoFdZ+k;p0sH@o_KWvZmPlc(@IFV z!$kdY>TjM3%d>g*Q=rQRxX%`jB!hFNsEiE7(^4au6}=;ii3oT}oU~%4hsEKjlh^<& zWEr(sJbSF`K$|*RDL(({>hkU*J_kGJ2@?dO86~qX^wjy2SA^qdGjYR>v*l)g)`t** za#`^r0Fij*@8nKwt^&CL8b-dy3oyQ@&ccLk!V`IbhQzcZ%tQKnSp^La< z?{1=v#yD=(Mqs1n(q@{tTwtna_1-#uEhzEDN#ZgOq5)H4jSbztMD(nuD!F1L83x+! z5-{zE^*Jxkcpr~8mmo##%G8@TWALnJEL@iSDN=2pIC~Xvpvk36y)1$Dxcol0q3_RF z|I5j`9+_JQPO5^NK{k4>i@=jVCRBywA9!0}=lo>#%DPx#ZFm~%gOH?B2>fk5Kz25Q zgLXeyW4Bp^mV*P?%yYDuwp9WCW5ud&r<7bvl!mJVL*;j*J?oExfgrhqQr4bHaqZkQ zDO+607~RMG$H}i+dPn9jxiaa;p}+zOfPgU~)f66v-xAEZ5-58}c@JxM#YUvwY6il` z_U?Y|?g`IRWmLxU>Yh+0cya55Q}6FvJz73UmBHJG4p`{<^}Od}lv>g3w%&h?SQ-H5 zqK2Ou9;77mQ96hmM9x7vUt?>&0Ts$~CJU=9<&g**HEzq{b~pmCEx2+o_wGSy@A-cY7Pua)_n z?BiFdOKauQ0)CWO7RWwuJALeszf?Lb;C66^ca86E?`ZnZg`)3iz7KN*!*Q&~dXl~D z^<>+Ou!pPJ;p=z&i387hb=RP$80$BrW_)cEy)?E2TLdd)@zB*pqVs<<5obHlvxMcu zwlKfhye5F<$I>^pHg2Zf__D@Ue?*kCj7%yso8p=k;(38Z&(CXD^mq}7b44H27nQde zsn)6{BgJ2PEwTt2Qpo}N>80o;FHz~TTB;<>GbhcfplY%-$jZ98M|+P}NvAN-%n>TS zakO>+bZg3%cy&H+DWEF{4Z_-4`x#oZ%RwmKTIa`ne22;2 zniE+|im|hhKO%2QAdqFqvSN($2NS2OSBtZWYX{r$QXi4y@~na21h3@~#V^&|rG}0n zTI#!%jfzdvfg7L{=m`C7$?TPbJ1Tis6Co{@A^p2)w;~lLdPxY{C4*8R1T)L2_2iz_ z_10yY(>0km#1S>@+Agu>eM@0G0(Fq>+iLM$nxy2`D62txqv;Gthw^N+rkdBE_`(9V zRUIP$HQgy=tj9oJdg_Sx*J!di!mwv{aTIG^8y;t2$jmea3V;zlI;o zuMmmoBL#>(bb!kD*fnM-0YV*nDLv^dctpM=-9$IZK8hIoSw9-CJX=lmOo>4Js{FvJm#qb7%h(tK#m?Si5nF~|x;ki^twp#Dx|5%IU5HqkZV+-N zYWkI&j;G>DjZ=})N4Sm-Hs3W+MX1a#=?9^E!u(a#E5F43Jr(ca#LwvoQmXm2*yuPO zn~jOZRo%9cbjgR49}6v|2wW{O9rYE5zP;{UL9rb^)`!=-@P+_aN*dNmBBj;A?YF=`^*^;3SXW~W!QA5LDl(*rQ7tgljzjWeRlNrA50 zYM;FkqD*oi%`x?e7C749prq%tUPxWxF{BZW@4B12Hj>LB&M)+|ws{;Uhsz5~`Eoil zR(9D=Nl@hM^_F|LlQj-L$?7JV`g;(*t)&jfw*Dh1HtU!%laL6{&Ec&6^3yX6X#uS@ z3m6nj?LW`lbLo3*oSrLtv*I51-!mO{ivjqS6u-q^IAYA3{o|uxuTNTr!0#xXo(S=i z(QpJk>-bf4JRxJ_b;~8v+H`g7o%RsZ{AsBqN|+63S@oLB9nd*k?sP)I%{kfm$DhD6 z3O=wD^6Bf_DIpa0#sonH_uZM0XZ5*3N&Z5tC@me1m#3*LfpDv#JtKCWWAax^pLmpoU*w|4krbgNJbxwv9=kJ*mhoEZClHgliL z7SIe`^bIDoLE0=O8mZN@abZudAvr-^Uo0$W2ta2w+%HB)#s%1S8~R@iI{R6mtM|9w z;jOs86Ublhv4&s$lhMpspEI3_M@teAs@!*ZKY!A;<{5R;*uqm-%gR*4V;&L179{lC zezo+nd)IHpa1}S^1OOan#HMJu|I9C~6kQ3yBU?-Dywp(F48Ke7`x>ofn~U4%z6d)! z)Vk#x)tL1tf5G1l_@acN=d zUtRi7w>JI9N&Rpuw{~`5z$fpUe1#m?fuOoA#3EyxpN3M9;qLa48Vx(c=Eiv<0oO7% zq5gVNhx?25RTj|uHv5axy&HM!mXXJg6y&<2&>vmClGhX@;5JVv?~Rw2*0xSYwUszm zm74rY%V?8KT2LLVMh5P>vxnEdQFhauXN|zw3;7g5-ypvN0Rub9Y}i{eAJGT(zL8&VF)nKq6;p%O=5Hh?q>@#xlz3&C zbYL;}uUvYBSJj}C9KyuosJk~WBgnMJVL~6=#`pW7i7&15Uq7k>lumkx@`wH_7;>{+C+W86Po8 zg*nTk16CdZ#FdDLT`|P)Zk%*{VyV}XI2JkneWJ_`v*7U=kPZ~3ymVO`?3V8ubpOn3 zM@XhS;GBJvq%fC+ zTaUx>B?UEa1bIXI>n&JlIMb_O0$~154Urer6Oeh|BInjULLhnsb!X!yVL38iy!r{M z6KG>xkF^7#QcrPq(-hkj2e-OfRWO*KmP4xl%F!i6Trw8WbKy=cJD8mC-pXl#rylm+ zBBj>o|HeZeyw#osU(5Bd_`W8ufFsvjlC82x^BvjIhOj!L&AI5Z``uo3pb*lu7*du{ zRwB{=(o6=LGdD;4m3L%vIf;}-R4ZXe+ zh8z`JE@c8Hn(ka7QKt!6hIwz-btg}{juh4U-qv@K48jNY42J?y?BW?kmDA&2U<=0U zVqS;xcktqiRz&q(m!McN8>(y$b()dHu%uS8uTwa)B`RpDaVMPOs zdg)dYaL#*#7#5j(E8OE*6p)CUnIVXUGN}OK^@p*ZH4_3Yz&UYX1nFmj0DS7u>~w-p z3w;(AHPHY4UzNI1t_ z*VGkaRHS^eCIz&)VV61&MRtCD@+`Y8XM-S?SMxjhw3Mb^Y|^<^eDoej->sMv%M$3h zRGH%YZw+*CNckcVHbqD*xW!zR1J9jFR$lylU@;=XC2|h!Of5(^HSHb*LJ$UAjoeB# zF!W1L_FTK-vYmCORNyo($i!rF=2q&vf-L76k6YY7WRaM8uQ+qtO$DU-^XMZHIiZ#S zp{Jc`e;+6??#W5l3O*8XHEXYV@C6ZPwmC`RY*Jwvk4^XLW)jZKiYxz(dpb)&FotV2 z`qvAZyqZ-56)a|NpmWNLZotLlQg{xmEJj)54wx*SeaPcW9I;-L>Ec<_L-s1V$+DSp?OeHPcS} zMrbZ>IQrXw*uQCBKc_8LxM!c9l^IrA?XoUr22o41^-{U} zF0c<&Q8hqq72FEViXD8g)nwBY_j^JH_r#>q^`zKL5FN3*QNa_5pXvGC*D;mj&o0 zmS>uK8kAUsCY&|^t^>p^3b-FE6C$Oh+s;2T79?B?<=@!EntGlQvFAksjzyBctNiz#%Q z()bgBvA2r9B;YYMbh)%Ilv%fj5Ro`xMLa<7kTX1>xaT79(C)rhH@Bk&E-MzNG&b}$ zn=N~0agv9Gy~nl92{;s%j(5f9DQo&`@mWpb|E}ef6Nzz3_}#w5gZ=r8-|^m#%N%za ze`)ZTu^$`khyAKJUm$@v{6&)?jeX3u4*SqBb8B6^|E_xD3YZ}Hq9^Wu8j$>Sr zgo!iDUP<=ESpEqoZ-0z>b~aGKF6fUmwP(yypP5QKoRG5}H#ht9@#Dt^wyV9Vx)z1& z5kY9WQ_#%;EI5`5pgfU~24F+~4d;5np(HJ10lwR-&3Lm1P@~4I3VPQ5YAwHM2|LH3 zCoMw(+DfD3yxL^Y5?O#-PJHn}>k(3WqyrgoM41oj!nzHoA=63Puj4{^V|QN*4p-0Hj7)m*uQ#5EhsdYJg$FU{(0SZR!~ z6xjV>(fMvuiVw#xRqNg%PNPkXUyBL3E1N|!*hu=h`BIuKKTD{$m$RU?--rT5iLO=IOxHWOODH7UGU$jqX$2AF5y=l5l5`-#ju)b8`)36 z+OqrehKML2&3U1zC$t_^2YAxYHe%{h>aBD8cWkc=Vm~ZDc1m>aRR0*WZC^>K{fZjh z>CYQYMfr3n=u3ceqtkvDYOMyv-f-rdwRgI!DGXXf$x|=W$IcPo>&}RJ;4g_P#deIR zynTDfTB3))eauH9!z4nZrui{IL_D_ansUY1B%ZNg1?7xjSaPraH`iS zas@Uh(A}*e^)z7oE-1Sux~t@ zn?mIs#ko2gdTx^|0ETiR&#}OkM@?UO;=@kW+CntKoa>vS6z6Qxw8Rvq5?qBNxzUTg zQ>q4fWP72$rQJbOgoIlXZ#c#(gHcqbf}&z`ZalNzrWXe&lqS&jYM+)Zs!YOoLJqgG zp@>u5z_?hD_!y(Pb)>I6mdRw`z zXP7NxzV$!QLgbNLb*WjyaQki#*y-(mC-Jymey*8)CUC&A| zv+ti0)|g4b`MLDM>N;)@6&iqI)ne_~04#K`BO}ou>&vMP?WzLG<A1m9c(PxbIjTHBTtg=R9h}qIpCkGIg zt2wpEyM9HJsR1ZJ9O({Tb0vt(4b|fLLDJRx#Ra9Yr-2d}strtb&B?M7;-zdqSa;Fu z6FFjg#^nZFh)iqUA2>Oke_MOY2ELiR73W2}rf18H4B2ou(QvY6%@|y)-Ix~*9O!?a zh{xT4l26H?blUna9`^j4$;raiXwRNTCeGMs4#ZB9e=lJhvDkFciN*gH&cX4NlN)WM zP-40c(d;O4TfqW=Kus%xxlX>2S135W&@p7o*uTXC^;)`60JK{G34R+oCs*r)5KG0H z_?>Ym<6K_U{IvE6$>XEznpa+r^*r9UaatLV_3rUI$Z*YPyP%sN04@ipUZ%=aw^gh9 zjwbz_`K|e-$i-5v)Ld{*qB1wdK`ZAEqd^UuQ+}!0oN{+z{wixzqyuJ|=VjfoWRj=1 z*H>AVs@1dUGan+BYkyMN4`Kw$Vf;dc$HuAALm3{cck2cnI{wWovXyBxuP!5f9M>sz zco;#6CD`&=)~%-1-E_9j95mFF8W^sdM#X`mEB7L@tL7aKbjhU~E{xY~O>aj*`QBLn zbn6akSab>=23pD;$K5T)vW#?>1Ak4(=*+IYvo)GxGCs+m`#fg9&sA1b_+-aUS=Lg= zDejW$e(G?5C+<4oNB2VbYNRREvW~}WQsDEKnm?y?goJ!z5T#r6&dlj?!g7OCyzLJDOncgiU634^;?jdXT z>cMKaOYcKROC_F-%i$m~3Acv|>Ewo}qdj3MRAAza3)V5mryD(~zmZ2OdZ=8+OCKFT zq}^rpo&JnlzTj}Y50gl0V_B%Upi1^T)jOC3k3FZ3_uO8^w%oBfO`FNyq7C2f{JD|#8Rx^4V47>_!1$#e z9}k<2E;YR~!)5lpsHM*WcIJA&*(;Yj+Eq`DeW%{DG@D@@yRQ?Vq@*;FpPtTJoi>hq zK+8H&TLuh+uL@hPxthP_;3qtX_wQlH1avwlQ`(Y*c})oM7kMD-wAn?`jO=k#*BvFv|;NRyc#XE>QGnFf`hy>p^4m`1XgyK;VlQpMTkt!Mcu!fsa}rq=H6TCDmvP8F2~H>Am8W zZci`o-To}DjEWk<=>(7YpEUPI2I1B4l_=^f*^q;!&mM;^c3)c;N6K9T%d>6pKhWrT ztV6ylxw6!=sD$F`eEVqoimc>9fvNHW>+v8?bF6RYOD!rU#e4IPPErtdXxv`8+ULQP zj-{1VpozMATzZ~!>Vpjchdj8T&?K?K*Bc}<+{5rbex+CaNK9NS#Qcm*RxIok7AUmz zVB)OfG9bbaTVgA{c#2XgU=I?vH@63T1+Yb^M3E&@06#^MYdt$MqDxX5iRw4gwEX(? ztpiUfhpO5NQCp(w+CWZWSKg6xEuXQGIMI?Y-uF-m=09+)!NmH}<-w~1^nWIGCGv_v zB9e1Yei!s4WHX=ZXl)?AacFPSyyLce1!*qpeB;Z}C&X~YF)~?m=hd^8Zk1p&cW2oG zTMJFwPgXa6njq9tQH--Fso`Y~v|~$3cL(Fajc0X?_u89!fZ+DN*yvHliM>Itp`9;5 z*GGSNLV_2{k<+eJ3mUlk#IF2sxC%S@L1^L|=!jm+k9nh72>f75R znSXwV8K9>B-A&0*xU(egIeUU|W`PhR;m_sC7GhE-nuQ?ck@4+N)=Z87VW7p=Yb!bM ze!%^JK+Odjz{FG5%wAZ7^U8kGN=a9zLr*1Y`R;J}x@5wwSUk1^@pCXjaV%Wa=H{z=RJ~3p2LM; zs3}>lH0kp8n{tA_Bn50ik=F)XV*}cfv3rzCyuTktisA?lp}JSBP)x(fs;EuiIonxC zJhLDEJyb0dC=ck24Z6;aH=ZJ={jAg|^^bpACV^gSm-g6v-KrRL1M7s)<Q=xk(p=x1Wi)`1A4akp+X=RyJ6l;c0@t4$~WDB^yFO zUi<$@>zR4r?)+~@l4Ff5bw-@KY!ZK34A^GU{(tnXY6P-HL3Z)z<*M`tO_N%_O?qc; z^9@aobMjL@NiXDm$y{;AIR5+w?Vm8Usxw|u!Zft*z?3%l`rb$^no3+Ktn;e``s3Z_ zyPX=`c7+9$Lx2c9@MnDCYCb{_HY;<&&dMRZ-e>7D(SI`;Pe_e5qwCrV*(x}Qo`EZ8 zGq(R)H7Nb5yrN3LHwLl*2j>pu#zwSyv;8$@!Nfr*0;pf@y=z=ey*h9DdSTT-HfTs& zHe3AAut(|CzR9@tkk6U)N$0foI}dCfaW^EhmXppIXaid{4~sKRZSQ(57D`NPyXuFw z5v^5Y60^x=rcw~#!3Z)AhMWAy*`a2p&?dy&1mVl94RP$P_nlT>!RM|i`31Mllmz`R z^2!7*=N8Fi%R6vu+VyOyen9gvErf$B%5^6fZ}zHD^a!=fYIqk z!qp58fnZKmU?-neUlR(hu0psrF}+;ue|YW%H+(;qYCRBEIkhz)r#afsd580B#{jTz z4qTTcvw#I(!LKL?fhDE-`~w0s{WlU!13}jj=9{Ns*$u~upbPF5QU`WrORV9P!cHt^u-E!0?EdnWGwF@UxhR_&tyUS`5lR)#)ajt&W@~KX z>?b9O#l=$yS}`J^omg15)oXyOYnd(dA}2pqxLl8S^^mkwoGld4#81-yOwPS|JbB?y zi`M32JMUC%9qBUSwBu6NVdhlssP>y%A*{{xm)Fr_<-}FJW0cC;Qz`74%(bSvjPOR? z-LV;z>85IbClAQ~^KtHE#D$7}(>@^o@`3En<%#MwBkP7yfTVhHmo*Hl4^RQX&y82i z?FGaZ>8T&XN|CT|3l$6-ssCd@Lwzm zwqLQTRwXg=Ahp3cUB5}8(vpWVZ=y}KcR=M+JtW+FPGz9lY$+_v}fcP6-VZYxe}?La)rW6@H`Y`xHeq>fPc z%FJSI=?Bua9hbKkzz3^(soL9}PWq`*F`5A_o$otmAE_ zXTG}VqfVdOF#E$c?Y&amv%?;o?1_Qs`Q+A?h?6bu_25yoE_E2mFD=?&%b9)DH6_q0 z-h+Va*;d<*Y~fh=5JY=<;)UK&AGbK}pP{!I>89~Q(pZDP*j$gZo$f$zA5h-?cEjBh zKd@zgZ9XajJ-@yJa!FT!s#vn<5TKwxQ|>qnR1X&z!U_Foz0D!UT2fwQKfr)5j7kBX zksZb>6V@I!H&@A_!SN>=t!ICkU`DUw2f73^nne-lvDZnwykVXGdGyN7?-|EGQf0y~+Q>3z?7!xvmyyOEVrzugg(q<0FOL@8 zP2M;biy>I%%C2*WDHmn?v_JIX`u*Ze!+-z0^sc{}PyMm0cP<^#?K{7&+3;#cx-csCKDWBPWVy0iv_l;3>bnjMrpAmr z;|z)e9U32K4W=m49v=3cn`BogaZ7DqCOq903m-|%dk%us2|yo0PKcnr!mS6(PB0D3 zWLmf}&1MdqiV$K=HdRyyzoyYq4)* z2|_=X_@!gA>+9d1+j36l1QJi&j>%Sh)m!=TIk8B2%yDG@v0{v-?w%3=f!@k(e!JQi z)(83&68H$WXi~50Aal|(W6|sv{qJZDyj0YOgI(~31g7R@4O`zS5Fw7V{Mk1QVacmM zOWLCDg=-`#SzC9pd&+YT4%k1TF{$p zH_s$@nWo)t>E=DlDFtj7fMBq-yjiTpm6r1F++h?-H=Ev@1q4yvNB|v_%YauX%Pp;g zyIuS<;esHRQm*|j?#H!vu(Bsa63&4cn|h_ zUOY{80~YUCyZ@!=5>W;L!GLtCM^~UY&V-f@bCTlQk)8(ZWtghge)Qk%(B?RMm)d{h zKh|;*ke@TFk1^jD|4hh7SjXfZ?zeKWhyDY_9$J>EM{;_SXTjrZ6{ST46TySZ!PdG` zBa%I~HvJH0M$bB`_?X!Y+5?%@=|_{TID3Qcf2G!9tQLId;lh15k? zg%X@&YsfqM^$geD8X&SkkmK94d|>M<@JUnG|Pk)6a*QefZKgAUpmri8Aiv|EDN~u>-mMm$qnS22G~=@2m@Ripld|g0>CN2 z!{ibhw0fca8KjjE&y$1UizLoR`p7#%A3%yg^E+Je%xbRnxlVUN`t2-npruesv!y&B zFqn{U540Hqdujom*|$kv&vO7qJ|DS-n47xD=LIlBxN#Wh3%USvtB#Uww-SlK4~w#J z1Ee{*ZGj|aIZ$qI>zay+Wm^ z129icw?9BCozVQ~Q0T*&{YfyZ+}!V=!-$N#k(_Se+< zE28UNw^)CmapvFrJxqPMt?tx2G>dn$<=gKhNDaL@Q>kv}BVxk9!;M+f&~DzG|C&hFed^O$8p^<$u+S3SUZO& zRxT=wa39bT)y+)2nZ@phKl8eN_VwLJ@zJk`yaAY#Xz1 zT6_eO$-cGxz;idhv#iJO%C1Q5Wr@4B&vHk}LoVwmF19&yPw{?kdASa|SwaP&d`>KO zpF1kP|5h29=HRm`_J#7~Vp%U)=Y2!9>z9nd;eE2jr8s8!%eR1wl$o2wq%axnigJ0+ zUIukMKn1$JfZBbRy}Xl~vMXt5c?FWyA#BaD*D^7FcIqHBPV>5`Ta1L>sOIPLQl|!h zu^>t4W1+X(-v#78$hA#%INH>qs-j{$!<}3{P9e-}^&$`;AX4P`cs#P3oP2awz$FQI zL;bwx@#CDf>iNmq(gSvs()WJlqkfzfBw@CodW^fPkkHpOM@~R8|Le!O8F+xy^vowg z>9$9qaNTxpRZg6808qgfbcO9v5J)T$jO^e5UG*yqb)!Uz+Z*IX_x_si?Cbx1U*OQ(rn{7P4<3~ zZUY;=ErFe&7MT+@1Ga=xV!6LCmg6CftBrB#7fiZktolo@&2g9Qe1&@Kr7T>p>^!bD z0>+6MXnNEw?u!4orTeI%+IcBXc|#C~v=FkD z&|u@&cThW(%dy*PRYNDP#N;-Vg(PZUYIcGXtxIkIF2vXviC049YF2= ztz@om94^xbkf+F&dnZ=+Pv8KQm<8D#GZFQ3$fpLimnI^YIZi6$9z#b61xlX8vqZ40 zWmvi-RJs^y>Ces{IgvUm$E6qfx_~Juc+71KWHB0e1yo7l&2Xy*9j^gDQ(fe$Bj^Q> zToVLMhjFAa`=8@s!c5*5IIt&16Ckz-lmsZ!j%`;6GYJXOXH=G4PbY)`6bLdAMVt#5 zu4vBN_Fc}nR#VJLs9RD4N*QyHD}J zUREZkYPa3_;r0==k@IOPsT>*wPgR!aL%8;i4Ha0Xf*e{{0uuq%15b4wvT*j z930^#;yTo7+EvTIO*c3Yj;fzmu#~r)OBcm#RsK0K z;w1XKo1PKyq-S6-A)6s|#W7=Dv%c&k?U^sRv)up|-I7&O#}h6m7M2s>5&On1Yr5Ng zxBNN3PV_f5SRqVw|8umhKiuK>7oL&*-&rbh+UidG;Z=X%X8KuJw<%5xX)w%A+1X*PcLR3a-l0S{GeoR&3NlzM&MamCLrpD(g#e+3E>V~d|+yCnQ zXQ!|rtN#% zE!m*Efzp9xp}Jx9(yn7C3d)lw{CW3BJD4#NM^z5r5ug+TAw$8e74OFr7A70q`2gYq zf_;n0RBMTigK#Vr7ro5hQoW`})UKw-*Tam%g#Tjtdy=)6JF~GlGMbTk9bE|4Ni(&r zm@iYQC#~n6zL1e%wq5q{Zc)=XVEl|b0NJK}^>*x0;uv|!eJrW%3OOtM>+>ePh!{&QxItq8=-0flBKFH_^k_PY%IHqL7^I}gGdRR7p*#>8Fn zi58v2Y&zRxqN9s{hT7i$LC4}Hkxzo;lvKWHbk0m z-(IXY3@lmvvmcroIQdaf8AW&vJ*e3WeN)fuzhzz1_wR#Tam4Pl{(>FXn@>F9pd9|e ztH-8y1|#a3Z}js?=o+r^RlgV#q+q}lj;dL4Zk%pDyD79+;OdKQdVU*I2HM8R6S5`z z6Fv%_r#T;%jv-|y#22cyYUWK@46z1{Cl31~uS;CLDIU0(qUL|KI&Jo%CVM0}jRQHE z{(!*ErD$#{+aXIP%|_vwJEQTUSdPrZ(4h5ETjgd8QoH_gc(FwL@#~9N*Rg&z zEo;o{*cM5s{;2pdB4$T*nvU~^Pt9qw?Y_I|mx3D(OR6KK(1ZG#PxwccBtIw|B(3BN zqV+tlw33virXOR)S4*vl<7k1TR z{e6DZUM-GWtSl^!>imbPvVmqYVZq7wIp?~&7ZP-(@~Ok)1uh?lCo8f(K3fmfJS>L4 zVRGyJ+%a|IbCe%3l7Rlxo_D3<{0Cm*N2?#0$l`(K3W58J`FeZ)wGW^b8_Nr7gi|hH zIix^RXrj`i{YqzqP+%n$jMi;jQ zG>V~jH8&Hy4zJ$eL>*FcpL!H8nwr)x<59MS3nA3fl-4@${){=9Kd*Ahb03rs{o^|Y z$z=)Hz%x5OMaFv8{~@-B5ceSg^~N4ePfrmoZXQC5K!Kz*0OFPelv2-zU+U|>C@rm+ z#mP^iEm&2n`D<|Bf$<@ME(6|V-yfn!VyTS2xAjPrMD5}SH?=1Q5g4u6h!U;gz2>XI z+Yrx+e2_O)J}5WlN`!eid3;bt=Tmr<=v(J@^RF@o&#$ia)cXcT+cv!urE z0=$3*N3$vFHw7n27QhF8Ck3QY#DTXlOP^!3STo5zOy2e73bW!aVW=11gJQ>2Tv3Jq z^Au{nV=>Rx`^QxTTb~j~%&6;N-0baXzb%J4*mzW~hY93A+Xk7$kS2=5)iB1B3{z;J z_JE;g2;*ut{PJ2Gn_jy6Nv1VnYBQJpeLSwfc=yfP=-r@J%mRd@b7**_&UQG*E1^QuX5gL@x3Adg11&7HJ=-j$|7*h>$y z-H?-#Lb)xWJd%D7JbwVCj>~>JyxEi-~rcX;wMEL*{%HlKX*edkix~Gj}^iR&d z6kN6)^kvy)dI!>Svzz7g{L>-H+R7@mH&z>;L#a7Z?{il$i%l?{H=;9x!U(^Om)>~K z7||>$(IjX%Cc)3g(5LOsGThpsM1p-V;uJRrEv1H+va=_l&4rlP4Xh5WSy8C;9l|}jk=#7vv>96MgQ-|3 z37}rP-Kvnj@j6b8`rhVSJr;1CI$xl4j}2Go+>ss%y8+iB{Oh%pr-a}tNW3uY&Jyy_ znhizh3fmGsu#L>Mt69q^R1$u9<7}&DmVaR@s#;b5RWT>KM6Go7Z4qfkg{X4;;|B6w z*h@d;lnAaEj$Pj#(hDA1apjk&EOTj$n7|tLKs1==2hoThN37YXjeFU@+sx@UXt#~K zz0m!P-o;`QYn=_lJ+`Z2c~r>8XI&{$qvph70ra3f#0kA+7eX`0r%q|2=^<`E%NoCZ zjJ`NGC&OBP-mn?FcY!UJCf=vK=kID7yUWtff40>W5Q_UBgm~0DDgcq+FXvMT5leIq zcGpq=5RU9Lwg{gMhnyX%<+UyJ<~UCAFaA<_&Q!BLmf>XvhN`x`Pb9Ozg2C-P8Ea*3?C#t(HP@O~IH+vAW!q~Lnn|jT zdA)s0^n+l?hhY0|CyG(H*ADBGO#Y>R^8}@WfeK!d9tV)K)JCoy#*IA$e6v=M!MB*4 z$d<7yH`ffg&;*@%86m?K*39-ksC+EfSocLxYIyFd6rUQ#RARGy)vWsIk3{Is<=#ER zYFF0zL6qiLg(0(y`(Kn`=4Qzj?)S*ozQIZvJjAd&O|BWzBcTW zXx2W*%{x!K^G0WuMw#-R#Ta$D^eNUA^W_wDrFvCe*TSDxJDpYd6l+N;gv4Ie<&nNK z*AVkeKfRs%Fex{t%(wWht(~NoOo85gHd5=hf$D&Zc+{mM^dwgE1L(z<;u`RGX%7W8 z%=0o;Sv7vETJXx7a$b9)^G*K?jawqe8X~xGZDZN>PdIF@cs{Q#!<+%#uzv4e;ogO8 z9(zAoOny=vb4Z#&Hpg5vT7uvv+KkfD$BYFOXFr9EWvard2ua|DKB3!6s)SEavu*f2 zRqAQ@m$>E^E66~u1d3w((s?U9A+!B^hLwJ;~HN^WnH%d+qN`#V=;@=Biip`O=_ zz+=_A(q?zPj+Xt@Rm#P`n-UGudJj{y9O%z#@p3CNYQfl-HuceR)>Jn|j(Ra4ZPJM& zOn*W#OUqQW75BPomq%)-Qmf{|pjyz95>Qp`lYVwVrn_#aZr z_Yti=)u^pup-4eiLWH^=%w>|GMy9{@gI&k{x_I2K+ksUcXT0BRhawl6qhvMbuGaTZ z3&v-AEoMp@yu8|fMA*&ETeC3Q_zt+kLB+qZ`Fs8S){}@sCatV*M_*K`o1wk7e<_$v z@z|bOgduA`aZ21TU2)>h;E`tn!ny|FB;-8+ryeLz`E2zb@YNvz3SASDL^h{aya0bd z-qK!M3d@H&%Y)@dnbm@OsuENIp<5{69fZ{Pcw5%Zy8shWoZ|tBt1)X`?;fb2GM#wb z$dLJ0nkOBY1vLYxHKvs;UU2n0Fg@BfjmX-U9(2xU;Ts^gm-4cuAsJLkE8$97sGD!> z>PN6Ppgx){vQE-Z1JDOEFd+Yf_&{8ACLY6cc6sEwGOp6w*aJ^zC&ta{tj*K5+cWUG zO$jj<7Rig&H)5^QudchXAaZzFih3VGPL-mk8h&Kk7nCUbEk#Hnrj6AdTzldp2IeK% zMy+$KY2F}P+Dw}XzHw}P^O7WcT!;BdydN% za^RF?+c7%l4f6i}jbFw}QCy0k^fku@)UM?{u?#iBed2NA0hsfE6VhOq?6{jOSLh!) z9eJ zZ0_f=Q<=dsBtZV|e(i%+HHSv7z^&78=IbL4xP4cv-h)O{5U3iN>ajHApd6O*bn~xe z=u6|(c?TV~(Bz+`n`%rZpTzdgt6L7vtCcd^*>hFfS@`1`NtS&l!JEN)L(IoAL?$S0 zg1b(l8(335@xBFC1h~eHpGIiI_nq;hEyn7HJ8@c@t~KK_`a@q&Dtkxa;#A+IY(G2R zcF<#0dQoH9qlY0%-Rr&>p*PAXzjVpZ$6)=cwg_fg#%Q2%gzv4S0q;o5OB=sJZ|La! z(-I4zL0Eq60slR{KEJs zvqHOFuKLeo_YJs0cAzqC$pS!!snWNG{e_eZo?yd9n^LatFg@(?|NI#z)Z=r<>ltM7Iqze91ggge|@_r6@tF`q(yDjxbA#jr8%2Xx^h#kuar+ zz5c4)oe(#tHOq$P6ar>uo?4)Kpk&2tIuqK!j4XNMX7Vm*IYt*fSWa-!W2;QUB0%4E z>9-x2ksDP!KYBGK7|+}EU%}1;WEIJ!tFW09(g|1 z*YTDhy65w!mxJS!SEw*CH<7^3!HjDFeFRDLSbUh2B?UUNV`EAeL?%OoRHg91`Yx8gK#G^>y(!^VN{ zy*-J98>S8|5v$+PLRaG2u9DXU4%MWFwzv;rC-$Ao&ZQ3iyq2mnyu9@OTdvlhkJZL+ zU-C@VBF3XUjuadgTIrwsx*zI{8^8kTuNa$)ZP%JYaOHjUXKvfi(CJMruVO|SO4|7) z?CeHQd;$QZaCf-dNuQhMQKhs9D8#ed8O=}NDkGbTAAu*V0|7UFNkaete~^V6Fx(#S zg45FaD-Qtz!hoS-!j{E5xzFA1P+v}S)nPy+5J1TuS1!upvm6aA5p?Khzo7@jAf1`0(@59EU-maOt9N1YTC0Q`XTS=IH0 za3zJYxvCtHqc_49g*4Gnf^pbY{L%%5v#8Qv*+<*CDYlU$r6?Xeh`v3TbqIUHJR1?? zcU+NziDg*`@i<{gCyGN@%TYBC}UES@(#e8JQLQB?lqrkM!4Yp8-(x#%-K)1%$ z`QW{5J9^!S1u+FTxkp}p%Tp_6hj98(xZ2Xg4@x^$Vlb@>& zZpkeGICwg5)P1~#Aml;;$2mBig4^G8gYc-a0>XVYex%Yr07YA%C~=T`Waht-WhbO; zU+3INveYP-Xelt~B^TjDU!Abv9bgq;;NlHs1z@0B0*YHTfjwwI(Df8$GTwHBto%6g zR);0y6AjcYD^#gxD6k4fZd@jxqoXs7139`Yw?~jNZM@$i?{As<*!j|c;OnQipZT2l z5+i5JaH>_$PtbgXw`9gEF*g*Xcz@CPB|*uDtaphm-%k!k=)xje%;{s-B75^B=R%Hd(k573othVaozh!zhn?9$(H2Rd<=gzv7ABug`i9t*oqADn8z3U`@&yk@%;4SKRFzfu18I@H(J#Y=}){;J5}N(ZvnM?v?HF14AH zK0=BW=inZJ))qXHVe$Z4WTCz79ayR213><5+iKP*NlYGuY@E1;EEPsBp8K2IApPAu z?4x22h!E@F2Q;12IZ)EU=5`*o<>pR*Y%t_*7`!Xxl~kUrOBkt+9`ttJ-)_A{nB#UE z!7!u&B&ELzMZvv$L1nLR>)#T(P{#D4!(lA48HjyvJTK2ZZB!i?Ngl1AtRw zMH|t;f%ipZe@suCc-6_AI7(D66tVBwHZa9pUU3nGB*6k%WhD#Wd=?KI z4d`7VEuH1|-r;zE+@FbO?9Se$a8`d#P|u^=-xyUpYr=0B?{ojQ*d#uNtLrfDSVK-g zKvAdl(U~Yo|FIlOx<~YLPK~J<6jwu9!&J!8K~7D)^-=oQDbN_~dRWYw zZRp(_Jj4tz7quYzh7*r8;0eXay3ZI|`eizltM5dqpP78p3ybRp5?k9MV_u7NM zAf>&qbgi){maXE zd#Cl&3+}2?m8BtO6@Tn-Q7>axh*;DN7qiDAK}fTOEe@tbf0~w z^Gx&*}M>WT%3$myE&#*0Sy_)VoV6vM-K*P4!X{5%>mv{44Jrz^@o6$B<|rNOy>M@8t*crc5 zLY8b$Ej(-cV$iWgD}IL3-^%lSA-h!Ph>MsD`RVn0hVYv64iT;kKHqPNX zi$E{lL=Uev7ViBM-YU1vrYUQwlR>qn6sxuw*TaFhZVau{!$&1W!kRyrO@>CrpH1O+ zIBikRt-PD2usmAXpY7hU8L-vAuX?eVaVP(qYG6M%v`)z`x-j56Laj7vYH$2Z)Av5{ z^-CZrQjE=^w|hcPgDd+)25QBBl+sR8X0Nxn&%O*)Iy3`p4CK)Oo&@k+A#f7BI8;V! zK1qO|gW!^*oGk!kDNx9fe>6xiGK3wDfENyIX~H9qf1gY(a3;t|QVcciSk4hL6mLlt zK7bMjhN-G6mjC5O_>5IJou`j+F4r&&Pc>ceKkscvp_#>TFSaP}C#l?ug9`B(g91H6xK%W(_~Fr_izWb z$E0Q^ziw~Ui0s!xoy`y!WhAcnof_DgpPx@vR&}z}{mYyZEXz$7pO$tTrxYzuFbOvs04Q53ka+&i%0hvXim$*v zwy{>QD}(!OPv|i`MrL8#kOhEIbmu>rt=Gv|ZV$FzJ)C=7*dQ9f!JdJZ<|cPw_36-H zAw3ZS#0B$}i%u1=p`N020$d|fv{Z$t07=b~jNZ2QV0g^SwP(FoVnp?D2Fi!Rl*Lvu z=yk5vCi6HC4g7)eD@8nTQ~O}2$v_HdE-_$Uy*tW~%H~yBZ61V?zGO=>OU0mT3>w6% z?S$guHAKxP83U<eojHd78E8cl_87wso zGy=qE1#f`lM**m5qOli;qHm}?9%-ztv+)5upRr$QDwU@GNx{OO$$F)E@I@GD~KdT#EuSvOPHI_>oK(^qJdB1vPnqad-J0*IKq{C zQUwG0+FEibII6LZasRC?wTa7d^%eKujKTh|uC0<@8+TD23yi*OorN9qlJQFjzQwsM zh@}zP1U5lUEFPVCl{9F%an3B$uVW;?L9Im}UUOz`@x4GM!x+W(X*RHQxM6yKy8CF9 zhPvUcj|d$3=fV2;*LY|5^5K(n)>}5(suSkS8U5n=cHaq5f{ojzs2ywNmU7@%r$kjX z_Vg5fuUWGm_P&L4>G!EA*ja3D)RqssQO4Tv@h)eJG?Jjh?sg~&zz3kOUYxE0@bp<5 z?~WZ`brjC}4HUo$sWckE=fi-+MlcXc$^`RIp8_mH?YA?hU&ie+pU4UIWh&0c`Y#qr z1*q}{C-)Bq)SO~udPuDg)W1e|8v;A|w zF&=4WSGv5bd9q@K4jzaSm~%C7_NALRptyD3P-ov{te#1+r90KgnxS>xsc#QuqZ#?N zHIH+>YFtXPbbBguM2}_cMf1Du{F@~nIP+0ix6-#ru-flK6s1IYjB4l{XR-0VRx8kD z>Z-OC<_gqyMa09gO*4J*9a|*qDZ9RD8Wf29+Ad54z6L_$JriAXi_@(FC?YP^?U~%} zgfjfZHtT{n+kf~t<-U~58&S`MoVZ<9x8JhUH$1W>0dFKR?RDEOurI23$G2E7otB%C z$r{cFgvV)lE#-glV`QKLTNC3Je`g5Fr`J44iA&OM1&3U(SM{~)y4Ql}*vS{s96jDQ zG^j6@X)~-g$*OXY{wf9mUaKV;d@$Xmd4q|B+x)ouG6 zcqt`o&bdT&m}KO|;WkhA4$Q%9yb8qk^^QEgRpmc$9`PW&ifugpQg4|}s1IgccqaA1 zq2|*dOlkr9Q!ZQDmsPm(k-{|5W_bMhQ5|@&^lCuCu7~lkmQ1B(NWFuzs$+Zqmq^j1 z0=`lwGDxz$2H#G*{S`zOJmbH^_nr(7JwNT4n@a%4yA;~$UkkxifZz9Y%0IdFfSTgA zNml;(7^0KGO$P8FtY71g(Yh@>+D1pC^8K(P{2K#V`0aaAkx%kXwY*|owN6{J@Mq@! zeA1N};<9JmiSCLx(oy#@c^g<)=eXXag1r~ZrenW1-mEn2N&e(*BBxdbc%m~@-sJIy zY8tCv8Y6&SQYi4xrE1&lY)-dBF~y3FHH`r zV;jqn&Dq^Rw>Fhx{Hb}zi&6!`XDdZ)mb$rWW=h7drZG1RRo^{h($TbOqk8AwNtj3D zN2NXH>_^kx_y~1N>}M#N8g2sJ-+~0$_Fif+6$^?Hu%p+cG$YYQqJ0OR7hg2p)3(ah+P|l&qX;M_mVVFv0Iyj#~F^V}KqBe$E!*6}Qx8I-Oa$V28 zUXSPFaeuT(JsG*bII-6|WVenM`SB{>?M{y>bzG&QsBERx6fX#Rneu>-j5CX=Kd}HU z2Ob&_3w}^~{Z|W^bfeUBH!S&A(njl2*%;XD`V@=-=gHiYwuE_(uW}edc&1ik|IoA7txIpwr z<8lJ-vqZ4qTBNVl-xy@{yKqPw(B3JZ7;XNkM24)*mh%C0LV)}s(C%m+^f*UWRnH#mx@1d8!xZ2tDA(Cy?trPo5wcpCwXYJ1-TyEmNg5^LvFE-n3 zm3`DSkK=Nlm_ze|Sr4U)?%g3?efJ!vn&P{+)$c+O27k`{XM6ZCTDX3fxNzl_T5G=p zmezJ`{l!t4Xqs!x4R|D8n-k(?^t2)JMLn@8^*3is70>ssO-XrPQp#AT7)Cf_{k3uy zJ2?IcT1R5>MD$`n6#jijAo|fVS#!;GIYu-F`$|+#JoeKVN$+Yvmr+$kGDKd z8|4e46czUAaY5pslhgY?D&`8kSxS|_ejl36!pYO%cWj;6(*SjBtki|iKb&sh(x7rf z>>?)B8C)!L4w=CMyNFd=`_?2$9rPdi%8FWTloPBQ9J1xD?L2^oJ^@`3n4g#6kSz;R z_f~N?E;Bx2r#r7La(R(wvZ<)+V@K(jBK4&ela1Mu6jNOrk$9%t^Z8Mg@ZrN>^g07+ zF-;Hz(b%Z7cRe;4d|Y%fd>AaMFHyEyoh|XUnrJJDSWW^ojU=xLuWj>L`(Q{uu${T& zl725=WLol*B-nmy#Ba>8^{&<|uUL9~CmeCuq8>%ufQFc^JJVerJ-%5s*Xf*HlP6kP zhjm!D6bLU~t8~XQX0%|26EE^oO0ue^Yu{c1kUy6mCH%j-w&wzt4Em^&&Weo3%l+Tbk94N~#Ka4jPf zb_bAQJ{TJ{0vnPqgiw_@a3JWYp3-qYn(;P|IWPiKqO*|+v3hTVUA?<+I0ra~wiC@O z5Q5WRU_VRA)su(^5G0Q`<`N5(Ll(5aMhR4qn3iSFK$YL7R!YMx@I5-vgWZd`+^4DF z&;^MEkx_H6<&A2QmA8?@4+`Pc934HXS=s#TF$7WRxX^X4?~&x|m-I%LN{_}KFimE3 zJwr1DyWL9o_HgmeUaJEhtI)#UYdt77{0-ljY11l^xC zP~6%Pv~Q!WEsy{4d$sQFk2P;wO)Vvf!r%_*6`0b5UmA5JSqia&GEJ(awrowyV{_^l zU6(e~`kZBL79UHF!~bPGxTJY;#7*H)a#${FN+f10uYvQM?rcs!47$E1hwiI$*f;d1 zd@xuuw_Fspunn@LH-c=Cpxv}%Ovq(F)Gm;f4@}pyeHY2f2OJM(Xr+oxGvz>91b+#@ zp=W0gkVb-h=RiDZ=KeHzqY?(TBN+~+yqOux*OXoWKM9TYS0|n1NVG*rfk~(H*t$Nv z(T{$*#z?z|i*sx@>Qk%joOO_SA5;N`2MQdg_>fz5P@3uR*kegnzh;X1R;B77>;hqT&-_X3C<&ewq*>)*Wu;<# zCdICL;?~4J^4X>9%#!(bqpw$TMtJrjcZC68vPIzG`QjwqqR~~@Rscs+wA9!0P}O~p zMr$SLcqre*8(+UWw=S^5E;z6BRRxaDseFd?}iL);Q zUgY97);nz`T5g7a5!Hs&|GD2Ga=86|obm$&Z??I)CfWAntMlz!EuO|DgT8VVUoYOj z#%mc6`DhAEe*j`VA)rLDK(<^zbUz!+0mZW=`$?j`h<^lLT!CAWWC+Vx1O}KFfNg3x zyEX;?-M~L@@qVyy;2eEomvXBD=!Fl;yrxE1RdnYmlFcI(gt{X%D7%d$UM_&%G5iv3xM-5lM~UA1G+? zWH~s4qVh`>Q`etufsZP|AmkFZODvnI0YeTnIRmvwwiQe*h;^lO;G$iO^_-qt`+lyg zc8~IzP0lPP&u1Sb0}4YD*7V)l!5afQbtu|7QIzP`i4Jqg=^@s$|LSD6SAKNUwDZL9 z99h;=IdI+Zu``UF>;;Uj;+_>zp6sKrr~A#$h5DcD@8hvsiK26E+Q)L*)jfK(J-wsv z&jdSLnyunxc@tKl^`Dv$oqPR7gr8*jobNC=8g2lWnKrHCP1qB)+v~4>U*B3Bu0=0< zi7p4cIsW&{jiC4zIh@3KLxuJW;5Fu%if`xZnbZaYYs?D`wgq^HkKfNe6I}3#_WmG* zz~Ud3H!~fWcGmuCAu;eFO1hy_}(u zDrKs14hTWGArc6)_Rlazk?mA5@*z<11hL^axQDV*O&bZPKp4D}IC21c3w>g{b#=B~ zmxyS=qcbbA{!@$rg*Fx-sy{v|5JiS`T9%~h#B|9`hi_w(GS#<%)Yw1uB53U<9)h%X zIoq$X29z4;?T!mQw4M(I!WV1R_Ib6hpuV=-__M(>un0ftr$cG2qxA2csQ0sngA**R z%);Yq-%)Z77+=DTK`dX^W*rnAlME|*Sx@e2OmeR@Dxfy{b8ZPr?QPDOJ?ab-u+vq7a7CmgMeGHIVGu_+M7e|JY1xnd+Dn(@Y@iniqTmnjN}udt zh7CA0`%uU)cU>xg1i&GXF!mmxlzq@!psLi^f1a^*UH|yjylaCc z<#^+T28vbmdP3sD>9TzN#(e#WWHH<#6w6rIo<*Eo+IwqV9gWwWsUp%pU7`Z#hdfqc4!zXS$$D)M|uIol5e z$|9*n<||1nV^rTro74OLsK`fG*G$P~1c}<`8zobv*^_Pm3~IXp=Pe~8aKM8I;NQ^M za~!4%rc$}EWYL*rU^^szXC8WGB^)9U-bY}5J=0gA1tuV1kd0QI9P3Gf_`bTGf|l<> z)D_bK^1GYX(GzMG4+qZ%;7 zuuoxUhL_+7aQyWdJ=&7`22^EL6^&QDt+7q=4g4R9;)Zox4Zosg$@|XF5eH_eP*5c(#H2n^KEFrIBoWIylX^d++T@ zS4J4ZO*yLsXW|MKNr$4Ax5SK`wdo@6Q;FU<8%o5aZDp1*wnLV-{;j^HwribIKmF=Y zeE#&^$kC+t|9jsTgEyyx<)}NYf&CTWUo=gY32FNzX`2tkk#yz~^dJb!lzDICvSOUI zXakf8e{cT!Emu*Qqka zV+{wxw=XoN$TczF0=f~Aw}#v@zIu>25~I>QJRuQg(*l2$REN3DsL1x_`6BX#yA@Q6 z;FltJEfnkQdg$%Ss+I$5T(hmgp0Mb(ZSF+$Yf+zbf~&Fr0$e5hKyzpGgnikc%%+g$n{0R8dRjRC{@Xat|u0!ZU&6lq6fm48_%j*&%VrK7s{gd^`+z!>>YxJh&4HOO1?k+ zt){^LBv`;S1#L&xdu!f)Mu-0gvG9`?(U7e)gfE>??+;yTtM;wZf21DHQxA_SEg1+X zh{kv9wUQN#JIJYWG;=h%R?G@`H=b(cEFTcrJS1i#Xbo8*~_J&?|M{N zod+KAo2{#S4mAw!F8Z~3S^u$B+gvQlc0Hl1MdVZsSpB=45QIZ;B=O_GL15=)P}EE^ z8051(q6VfwHUJ>A05n26gp>eKZ%d?t2mnIzt+**^8=oze!C8pRwG{ir{e(q;QVcQ4 zBYZ8wtuCo*SUy|@cSP{B)JBE2-=i51_e<*XPc8F*j)9lclr2*~5@#57ubmi&!=Iqu zg2hJXx{pOmZxW7r4-ZXhiQ*(X&F8ve1nuKRt9jLAP?@ulxnU}e^+VoN`&)GLY8Wwib|gGO70i#>Qs$jt*u|I#B>I z_b($yft+HDS3c`x^RG;JVqp*!1$KCbO)If&JIFGUpXMN^KKDwF^b#_HJM++Ra;bcE z^6D9C4>oTh%hR~^q)1!C73+;iqTFi@0)10$p^ux=>qY2s!*P4TOS6%os}tryA&%Nx zTvS0?QT!6IzhZ+|O1!;-=EimfTUUeb0J+~OfOn0H!y<3z!NE97 z7uP5ehi_x?Iy&>GZ}PriGF5)d zyg5e%AKpKEwLOmCw-deC`YAmx{Ie@|F>_*X#i2*3`0&2ijd@4f(@9lU#PS=9h37$`)d8iJ?>L~mq(dr6vL1u<|LJB13errn z8xj!@lEXaddb^5|(4Cuz&kl7!ZXaYr+<2c+z)fem<-lZV-$3NRq~$wt5};>v-kFZX zn0ik_PK#JD9%6v|!@!NX!^N9zyi(MN*Tg*~k7_0BjIk3jL0rs`NL8mtRE{1}UlG+n zkY1~A%{%A>{RLQ(qN8VzT#KUR!~mj=&xF=Srl==;y;aeV*Det;w$B4ULI_E8nV7wB zUT;|oF=kiJpL0Eha~>OetP$p^BkwQx^7(L&ulV9bQMB)q`p?-+#{k+&JGw0M=fq?A z45#q{yyOFH-YV2}W%@zrdrz~qDi0O)^>1z~$0fT3J$IdX-?}1F?PGr~gnzQXwUXol zgM_7A8=5O6{!gr#!1{sjF#!y6_#;!H0-}d3azctH^1@!LG0mHIyb&u)CMBsg${9)N z^2Lt=Ne8kjwt)SvMv?;)@r3(CU4XS=97NDzC=ee&OD@Af7*`IUaOw+Jo6fz8}0 zj8IEpa^alzgiQE4B-pq`@A8NS?v$r{Mw|3 zjLXMqLR_L1BH@Aa+zEN|(Dx7aG10Rn4S0bWBjq^4A#_*F>SHb5-!kvdCSEmG%c4!k zg?CR>+1u}s&;WOL>P&JQkVw)|06k{zVDFPS45m;EqnTpI$`riM{0M zH2>~xeR`8zO<$Non~Di1qqensG*8xDa-kKZAu$qm{TA;09i+Lj^^i{zA`49-$X!tV z{JO2bDun)d;7zes-TJ*P=}l2ZQCEY&X1CC$WC{{|?-ss2hO#%GpJOHTC;M)ik9YrS zYWS?Ko>^HyFm3&0Q*_BUAzr|RdUvY$&U%Us~dZ9D%``loa0FKV%uqpNkJirT?gxjY`2zVX`-Db;oZq zBlbgv7IN)OvQJOxo*L*r6baqVSi!#;9T#j=j*gAD#|V$3HD4+B#PL_?(j2>*i z$um^gH_)uMFQ;Uye@!E8qG&fU28Sc??NghSQAF5lg9wqAX}pqh z7`ygL{t129ac)&c7j`lHSwT7GibMw#Alqr< zngQ1M+Gqtw$w=B0*!4yfGwiomGuclQ+Zih6&w7yJkvf*(%^*Oj2FiY?iKw8Hk7dZ- zsxVClte=)dw}rCb6Zcp&ntNbag!14N8hC*yGQ?F6Z@)rcA@5l^Fs(XDi^0nEH88am zq!S5ye9gq029%Xeh!+J=%EUgL~ga^HDxQ{@&Wpq^(dP3K;pfS6|KFzA;gC~Cx- ztWchdCqGj?ys)+?so#Qe)lQ<)yy#D-czv0#ybJ%4)Q^T z9cq426n%BSUEt>=&~bmP@tJJ8{BiyWjSZ@Ru8wZ}x{3Y`w8*t`Q;?*xCE7plU=Jv; zVKEya)Jc$kds!xTo}<9y+vh>WHGphSffO-3{rb`m5kZ10!&-eq^aEXY*RrX3)*w@X zJfcysb1>sYx&_Qgc(oE4ww7{qu=Us?jL_7)8$zuK5~n$0jg9%}tg)rzoCmKB5l zkI(vMEb4a-yOX@2m>a$JX*a@yv+n9oKKxxEW`!A6omSMImull3|0iV-C7=M+mL=%)y2Wn&fK z)oXkk*@E5g?DJpx!sx2?5C6*)2Az4qC#=lCiuJ!dKbo(F%3Rk`rtDIo)N~XW@}-7^ z0Ui%EHXFr=#*rRtplVx6y$IC8*%#^em$xgW5e}~qbMXBvD!#4OuWm7t%TI4FgZ}r9 zTL`^#_aQX-wfiCz26Dw*D*e1u9eUkze^HzTMkB@}t8!RGXIS|1+q$sp2+Ejc;8Rnd zTfPW(t8R(%|77gKI%L5!!FKEe{kWLy66BsE55I`}8i(d51;PJmYWrSMV~BZtYdYs> z><<;&N^@#KCC}wZ2V%K1H|_dzqv-P&G$W=T`~czItliYoy3dmfe!wAw0PeBa_5TqC zMN`&{?0PC>?0p9$9_&t<%HEs0ZvvW1sZqKF820peQvsT>$njZmO70H1)UhwXnEX26 zmS38IZrcOW+nH$E2bw#fdZ#40Hju4z@=O^zS`F&UN?5!?{sg-&7!1AHDF*}NF91NK zkL)Q>G+}V@@#Z`y#QWIQ1C+QR$LuoFMLXs(Rw-u8Q@a~Zw2P3G5&C<$KWvTh z@$g>jrIp4roT3SFs&ffa z#$@y1++`?J{L{!cxkj9JS!XkAJzX0;3U^B7)R2~S!!16 zk}jL@r((97HGvk>47tQsw9Pr$Jkny0N4P3{3rvO3QfCvSA837=fw1s2}){7#LufZjslnFjz40n>RWvzPt61P75u>7$5Fa z_4&RRJZe`MjpcXX>*2##VW&jYLzU&4D2K+;_cie!(-}?eCxfS-5W5!r+>rZ=&@q_!2QU!J)+lLp8Pco1L&Irt|TY31ld^N)ccGvm*gN1=HmJ* zrY;8vr|uuFd81$rEm1p+pW%Z7-?!KkCR?x(FC~`f9tL9ia4~xr{02YLlZm%IV|^B(@fCI;`2IMkAmmUkCi;-#2ik+PRV;~O{OeLGMI`=`46 zzeS7%EwKE5u{y5@8A{_tAjsXZ*WjiCsi&fx_S>T|c3;iSYiHRpe%BtGz#+mEogbZE zzNEyx7V|5u=;`<$x|S18X3I=G!;&8PUzhLpwYwG=S6F{^_J)Vu;P!R87~1db3hQ;ZyZGu^rZ}n(0B|)Pzt*3F6k0 zMT~`Z0%ID|>tZtkmx24P16)0uDlIg(!PhrY=|_K#tMRJf%V`UbRJ>q$uUGZQxR}$T zN|qv359p;jIJgjcAK4Ya8yGztOBA&ag>vu9Tg{$8MR&k9xZl3rScW2I<_1jB7Vyh> znb{Qiy1@Yb3=gEme0K>R$`=U{SLRfH0OF^%Q%NaBi)hfP+Za{kJ8>MT>ktNViR91& zoOnIw| zlK*^lfMPaZQkOpE-xg7osbTEa4{k9(Xt+?E!$szx=I)g+z^M#EnWqg+xzPpdM;?2w zZcA&X)7#(pr{dMEb!t~$c||W&RDh)Letzkuogm{R6)XM&_3)ztU0+1r`YHNicFpL! zs^+W-R}Z^0x9o=9D%%HBkD`vq6GQV+@4q+MGEBAezgD&XN_0@)c$$cPTq`iW#9w~P zcC^h7zf7!XR{ndyw<%IZLL4y?Sz`AAQSFP_6cd^X(F$6D94FzymPjyR-m_g2WcptO z>)YzTIhLVqmw2GEAt+4*2`*b1IG?@g2h4yIeK0NugZBFbmdXQPWA!~IXvQAT=;!NO ze-4?h`WHmY|jWcn*|v`0@~@zWZv6zLm+Kvj-aZ+p%H z?d$+;mH#!_5Lcpveq;D2NM_ysEwM{$BN67ce%5^=U6zuZcp$o-*%TbUypWHwDQo!+ zC2kmG^`_xA`(x4T!-v#oUnX(GoEVkGbr#P?;0<>v&0t<(&gSIqXimSwsicyh3zt+k zn_6$!^3E8Fni#9D1gG92G&(Qe@s3C>N?}Ycqw+hYf@bZ+5pT|S!Ds&OCq?{-bQDQ! z5OAW3_W)iPb&P1o-~~ufd9HG)>Zk2Y6!xBtW@_hvE)J#cl zE|^YO{=f0RERkvnR$xO;OIsld>es*5_4fr%LZ_T_}W}`7AYHoTC zxhw#TqxSWQyIpl)gbt9ZF&IPDOU$n>e}Ec;$f!#$$!{EZd*VdRqp128@edemPuL#$ zxe|5t*-%E;L%rKk4mUE0>H zo;OctZ2rO1t3LA|YemprAfL-%LFvx(D+iP^0)4-)=P@FBojmY8C{;et(3L)_=1{hB zy10N_R2n8Kz;g=ta1y=2eVVf*^h%}c(oUwk%ndxr!tw^1HV&5zh=mE3byNuH4Xur% z7NRm@?cT0K*{;@qT|2gx4B21PHAj_O-n7>5nTQn+CEtr;N}dI>Eu-6y@gPS)Wr^oK zFwfL`#0=B$OiLB=N#vsBducb|L_Iw`>=WX*py#y5`^*U^oeeQ4vshofOU~j96{Y<1 zCpzHsqwZAG@FH0K`0FI&jhaG)4aw*SR#Ar6*q-K+dB_lY@TsFss&;y3Ql{IhOyy8)r^g0A(>6jSFtk%%SoLxI z@LOV%7WU0IxylLs-;NPu_Xgcko6-q0{L69GV@kBy|J^0#CW>-Yhmw9x%c=n|;D(&= zJ0J6@^Vj#&MiQZb4O09RMgahe0h4d{Z$?1uHXx5AQv~3OjE_o#U_;}t5Y>0=DL2yG z;^av0xf$h{0p5Qo6@l1fN__6-R^=*h2XnC5Y!WsJ-A(JiQl9K+xgKrOaM@nuwFuoC z_Fyx9vy3&XmUh&TRIHSpJP8wr>m;|eepM<@=K0=Um8{TOP5r!;ygoWO<`Qft^_%zJ zVS2m!`cbTJRvCXh7?*eRwZTTOlf{qR3B8_F7uWZEdq5{{Bz#I~v43A+*~HZ2YfZGb z$t~0bVr$f~g?kN^hqQ5B4)sOkg6l@|)qPE;)zz0J)&=hv56n(@_&#sA3(Co?TU}D$ zHS!KpUspFpaA$8tk8`X9 z0b=xCt!6+8be{C2J`k9YJgcxdDKXwgDzhEwU#;35ydZe}s^GWezeBKiTyOIs7O)Hb zPETifTkEg)m-}l!)n8wjdco@xN26g&x2`rwt%W{DelVm*-5L(gnuEE4Dg}hC_}*;m z#k`qY4#q-lR`9LprU&`!Dql`F2vc%@HtQrqbscQsd-6(u%3ig+m5AAz_lB&t4m`y9 z{(Ow;g~Z%J<*5aJ6n7veTod}p?eCM@$3+|#(+p0ni{m_lS>Trc#9%v@8+R>v$Yj+G{W(V&E&Jo*I~{u~ zKFHNrr-q|h;>fZP32JL%oHcb|dEk2uCQ|nI-v=3&95V@WBW2|b|0a=RX_%qYselX= zOrjcw>_o0ChpGFB?p3dt2$v~=$hyt#Ip$8akEK#Q3n;2UuR}H-b1v5BKcomT0pEqO z@DA6^@npxBSSCnXcgtBQM%qS<>6`$*c0bUUB*dwrjD_@p=3|7fodX|))e@M8T;1g> zea7b0{aF=1MIQuB(>gIF5MSY-vPl|9LlE|LdW_>CORDOu&JuxMbAtSmh+(B0m|Oi{ zoq!M^8rM#-^fLo`#>a*xSi6(U1nDP_k+EL3#s$50SV1L7-a0MHA*|J0=~GQ-tsgs3 zhES8FzdUeF!ke#p#uw)qeOzZm;N(%(BH^t6pd&gOc0c?)s%|As4RMisKo!gVSbLXL zaA$p2ZsqccbBOB7*=2ApH;Y#Gocoipd*A>{DR-|EF5MI|NGITdFV% zyiiq`(tZWOmv7_u_FD)yrFtMVxI=?Fk z@~NxWrO;_*iA8mFZ zS@ZIr{h49beqF>Fy^3C}&rPRbhT4CWC6A~x#LMx?o-i@v)@+fIS|Fu6IgyZ< z5*n5uhttBcC$xlfNoX6^W#Mf1&1sEWHHC3e8%d>a$3E&b*|3QDGiK}!t?fbUnM5A< zR#bvs!}Uj+RoULSYl)39CKAuiUb+t0$Fr&X1gu9$WhS^_p&ae^XU=jUas)P}~(^LI(6XUpS0 zu673dQ!=@QC>DX4VoSbabw1U%fO-u_;Aw63K8oR)(Rs!8c*zRk^=Hd_qNMIL{Tt&u zW;HUcgk3_!C@Z};peGuP2rlfI8x{UUL`ja!i*1T(#b&SMXXQ+KSU(a58Yl zdmKCQ^YYK(i%s7#ewC+5bmcKc@^CKW@3Mu*{lcYW=fHg+Jq+K)>^xO9w%f*^GUHP_ z`l08^@~1$zsQW@dmShbM?}O5&v2phEm|nosze{wCyY9y#Dz!khm=cNpcHs(cEfPa* zHd;Gy{-e>EKS!>a^3O%M+D$oc4>|nJ%tJ< zQpHy(1^-atQ$~!jW@`I=|7l8kcbs=?&L`p$|2#=^bU6~#A8|!%7QlzjO?g)6W=Row z2k=ZU3_MG0n?MC(JS#TadQe=5YH1ntD+TKn#0~1QZ%*yUEhefa)F??=Z8-@CPpfXIL+ zsF)$mo{>Wqzbsb2G!CxI5kWsTd=2}!|NrI2OljZrwUT&3^JOZtMQn-}!T-jH3KS$} z+m{HfFEG=Rm#xzwN9dfPtJOAoJ}*U;cn@QSsGd~leM-%%_R2*kkZTVYk>uydqozA5 za@_O*TlUM8ptEE#^Rz%s(4E%p%23M$8P+@YKUff1A8*+lhZ0fuEuSXhK&LqhVl~&r zl4+`-R+u;3%)c05g%MbTVug;gX8q0-y7^}n2jkib$b_RJ5lCUg_gFJ3I`40+v{(* z=#YErq=qC{DH*o$Kf=u#)S{0x^V95ug{&`bex<7-PBk=ox$g-Dhi9!Di3@t|Js9vi z2D>u3_6ho%(=eFaa?{06Rey%EB<7QnLLJ^^4Nu2bE`K$@BN3yFnz%%KgVjIJr{3z| z_oU>BE;R`Bk9SxVuat`KLeLZ~rD?dQb!^QyEoaFGu$5#r_CAFR85~*mCx?fh5nvS~ z?Uc>rWzRf1MV%4;v=rAxuVG^XjCqxxrC&j%@jzsEzCQtO6mhjX7_JQWYO@{|n?J;Kuzi^48tWh;;*B9z}hW0jFf6~y=77~-e`~sfB*F@ z-dTx0mZ96#2mt?Ooj785Hb}1W3*l3r=M;>5`e9JwcgWXS z8+l%le0`@0t>v>r1>Ol|iBnNR_ z<_aZ|7y;3D*TmH3y(oC?2^xI3o89M4|7sEl>iTARYDFy#N50TRk>4Oc)|Yncm3ju_ zd`fo;Klcrtz($DNN-$NZVWSJOs0t~YHP_loJ580Yn45B^uZEB72~S6bzfMLA1CM&l zhZoiijWb2ytqIKDBl|U$80~8g_&~i?t3U z|60rJO8xg3hZ*6shPOvdv64@5i`lO>DaGtW^yuJX1+&rKiukQ5LRHc9@y%(;t*SU# z-b@TZ?2yMSTw?Oez+i8;X|+L!=>t3Y8x-Z}n(LkA@YG4Ehr9s|l|cN`$$^EZuC`|k zZ_^FBuSIb!B5`A8%kc#nI~UfOgvu6CE-cJdMB+q7&6g${`gth34eFZFr_1PsK5MGU zhvC&XF<-7KfzeTa4R}IPT0Mo-A{(4=78$;HOyW3chsb@ixjy5-3<+8(Lm#_F@VT5R zpGCqFYSPugryA{g9zY?Nm=K@$&u}mgahbC`$fYi*zsFnPY(>?IGO}02B}%%ZE$A6I zm;i|Zd1~)J-s7(7F3yC|hQzOy`5SlnBWX6EqfLh;EK98R>s?f2W=yqc&r$0W9WJ%W zk-y^gJy;z#!T)9}hI(IWendNr2__>k7y5hh5Y;t4g{2+4W?>hE^3~8=bqW-{m?azU z`uJnwTT+`%`G`43+fmpOrC% z^pJ}>&c^B^ml6Qq)6`t`{Ptx%9oR!kt*LOl#1;>0fwsxUE-xR_08hD~H^Mo4?K#y| zn#eDivf-Jn>7VgINfIi_3*R1T2z@>By2UU=6AirTp#8Pg<(zj5mu`nOVvWAY$@?A; zAnrNCW;&26C)gG*uLq!Qp{ISXj2#XTXb!-&L_N|h*~+Y*f?w0m8KUwg%WT)7%07$e z3!mKC*;s+9{UY?Bfc9hju5-)b7B|?{k^XNDk*Qv|J;QHbhgo-S6Sl75M&DcsuseeF zZCbo?R|SWCQYUZRWF?YEh}>2AC#$tEWlSqcIpmYQ^m`nmqD& zKoFqr4Yi_MG}~K-PWD%1^C)AzMa4$6hkHFmf4Zj+yiaC76>j4Rn1c|&i#Tb4ldl2QG2ro~`} z#YLRKV@^*w-A@_zZhwj52-j>CuAA&16#;YOPZ-3ryTunTm`8Y$^yOH4O@dxkbF+@s z8(ea*dl`8GVch|-oEUWx1cW$_ zKgEw=6Mt(8uJ>^}c8Q#rs0Bco+?3?W4xdmuOU?+z9D+bGXUgkedjq?XR}`r&ZR9Mx zAbmouC4DCQ6;NnHJuRNWsi0EhsK*0@)zIgZcVSDjE(rgjz63Ak3AC|j5WJ-!-5VY; z{Yd#9mTRNUYD>L+andWC&RKU{tQjtF1*^NUBH z>JCmOoFw)Wo)nQz7BgLv4-}(WJY<--*2ek=wJ#c|<=eJ%pW)q+th+9Cm_Ah(W_&qohIriz zO-rhU0@?M{!YizL>XzkwsH!sgx)Pe`58P7ocV1cXqNb zO*EwCFL2?jr1{!>t$^g}`;{Dz;!_-pkav-UTqlH0gDDrTRc zsR8Lkzb`puL;F6)6{xS&`c&26O2{d*`$3 z?o#w+xy^(P_&qE%o5?73Ek@U;XXgz?IQn@%=xo@wu5nvg!g}^s{wD|bHIUcfM6Pr4 zWF5BpZ=UOCp{mh!d&n=+M{M5^c(W1#4pAvH6C}>-R#RENE z;B*k{X=3nFpxr-z96rhWU4jq+chU_fQ!llzD)Or{uB&=3YbV;OQPeR9*BJq4U%l$b zg?xoQ!d2IXk1IqE^9}?j%44O9=M6Ao zPAh_*l=lHg3>iaJAncR~5e(PxQ_-`mY&4(#-^SA+9O4XyaU?8_Py6gVWdTNGAU*TS zK47gC!4pa({uWM*U5Ps7WQO5id*iqj|34x|wgqJN))5 zs(GfL+tAwWfemU6^TvNOnE*FLVPsS1J}B|dJO7e-N+Ga*i|~i6$*DR51-(1PiFL1m zO-;fS+IX)Iz9r7j6=`rqTwQ`ABh2CbvIjYMJ}PCr5V7A!taD@NX`jvRl)SDvCk^cG_uO+Sd>GdEh_hhkH!pAENs>&tv5=#A5)qwe zb@jK}UK5+&+q_z+rOeBTG%F9WW5T&txoS6t_M5r1d?*PO&gRDS8n{cMmXCRLm*;t; zzBGBHR%MS^{2`IN&e>M^OlzcT;)Hi_MhP}(X!`*Ee+xu)R8}O*AypKz*wG`Qje$i3 z$|&2oi06|W^1_f3cjn7qzl)XeU_3VJyVk~FIm(+`YUq{mqFrbG z)!Q-4AIqKa=cj zugQp}-^2Vbq92#%zz$$y#)N1Odj+^VB#|G{K}lhaCK_PnkPpqL>2fW+bFrj=Xzq=( z;u+*(Vi{NL&E(JjN7K9bGyVVn|J!U%6M3nj#Ymx$Op)WJ)ASD5@EF9^K1VVsX}b^X_aQ=%z_5Fo{FsqA&X7hKM3@04E@&2 zo_X-GrQ_O|pbr&PR_=Rak83Hrz7BR(J;3CLtHT~e=kAzv#ijFNMdm@zjaf@rcC`Vy zsX;5XfYv!&3sE4$|D$v8n~RJlTvevNv9te!e`^>6pI{+@1tRvzhhtCIa%3m=8VX+4 z5kJ=^3Q-Ftdn#DlZ9UoBb8z(xep8#PQpkSrOP~MhQAFgBP)sogKV7|r*IPrr+jzy;8R9fi>m5H`r5~y^>nro0h zF}jiCHuR~cp*{GQwUB3K)J-0|YJIFq+xKhJuE@m05S=i7rl~q(q9Q|RZ|^PT$5U7# z@XF%ktBucfwb*;z&7%E`i5ePL9qzeO|21pebV?Bb*X^~*P<|O36{h*s#&{?>xYke#a^9+*JlCefgu*KF3t(*|e)l6PDy*0r*F_!zc?}&ZH zSTXjCUdal-+6TQtdt=U!mZh}EXy>Gv-%qI6Y9p@J?@w$5TAejn1=+E{3a{rN=1DCaB@|74!+c54)n!LbqYH#wg)w5Pg`nC zjOL``8KlDS*Q9*Rq341zZE1ywPz~g@J&X-i)>yEpJfr@bZ&K6ldnoJH%cy8T-UbGG z+Y0_@F=U8g{?F}&yu@)8+mw9`d}5 z%-Q#uzrt>lPB<{#<9JTC8Q3bqbSTTYdcddE2^FD!0dXuk%dJQ(#zbK(q35dE98l*s zPhL!R?U@$l#M+hzpihX=HU=VX(nZ`QRZEIrz$|UMG&7dWrtNdXJ6rTwN@j@e(7Kl| zIBMRu`Pmwc?a$l`UgYQcPMT284bU6dc$cR38}m)ph(42nz8*+>+F*h81G*!KQVx5T zWtklpcTG;Wf#TsttT~U;x|g3KipePi1xcMBVNtMEnKY?n{CsefzYx-+W#h+Ab}6Yz z)T8BRRz{V05!d#7sHMP;4H5|UgN-tG?<0h$6bnuG0bcL|?N|%rD1>EW+mAsl&gE`9;oQ3e?S~fV~L( z4o%`Jdn+R#s~)xUi+6hTPrU8*^d0a+?0HUZ_LB3Y^=eni6?p@y(ysg&{|7wNvA`%g zeQk-Y40hu;%oV%n5etc>=&(~pP>cH(7rrr5CC8yKXP7=%?;BR00KXOjCfJ5jKJr;< zi%epTrfC8!*)t$TP{Nn3u$%u^XuW;@HgjL!VD;oI6sx60ijC-tTZIe^;?g>!Cz)HX zH$Lv`>p=L9`gQzEzBxwsjK0_FMa;_TF-$UNb%N70R^R3iyyl^`M0t|6AJ&MC*(*e( z9esbHUp@0IH7+;xFtX&yR1M+=%rZ>aIu8?6s!uQP{r%<628==WI?{YACwFG4iG7O= zkCweGdsdd6PM;)Ae?jd>2-XV=sG3|ZX{`KQI4$e*uD)3tGdEj`SM#$I$l&@hHhs{@ zhdI6Lv)*;IS}xSv%=(dX)M-7%U*XWmhx)tN2Cj?ZW4xD1vD4F4qHg!N^4$D}0L5RWsN@isM&e_W8i_7;JQ)cU@FeUy9_{LGWj#$P0 ze~n4HsDMRhEyDPSQl;D-EelMotx3p9B$N$%fmCehCg3J@T+O?iw*_(~ja2d?^d=is z6wb-2n>+`aY16Btmn0q{1WQzQ8Lty{TZ!z;jlfn(2);w4Nvkp`6vJFu<}pG~ErV%^6km z%3335NL||_lMiu{kGn_rC{r=|FvGf12ZEq*^I*t1-+B0ykTT6)ebgp=(Ln5mli~V` zH6qMPdlp&qk5gG|G2x?f%4&#oi!p|L8N>Lh^2@Bo+ey}9FZA2mhv^61qsb+i(RcT8 z^795%wf|>VY|RVi>xBS5BML-2IL;4DUT|vnglZq2hl#O0#_~|O&o0Aw2wa&kNOIch zEs{&k0J0w>WYS&@O3uq(2ms-a$Da4q3cW}fP}BqK9v_L61q_%wvC(2@L7?lw6EoK{ z?LyZa0rPi>0--?OK#pE?GxN!;fVXtTw>FpHV9{lp3d9+-p;GLFKCy8GarBzzR8iB` zJuM@1`7d+&tTufP+vU}NK)%8%$*a!eLyBhVFqpfO?YLZTq6;KCJTj1F9^}1UiNzc& z>Epb!5PXr%Z8M!AZKKq*qEUXzUTdZ2tPDEU{B%*D2@(l5RXO_g;AiXS3X%(0eE-Vu zSduxT-5cg+bJ14z4R~18vmCzz+>Ge(lUx`P#{@oi0j?l!N@A#yNHgEKgx$I4MAMK%auK7g8WE zL(0jZ;o(pD|A9etaDZu=EV?MM0rU~APq-sWf2;7AW4kN{46&Xoh^NUcw%>y-l$@o= z)8W`fT&G0WvXe=4nt*Ty+K=|=m$-rd>+aDlE`O?xXs^I0e@z-Pu*9Dt z=;WeFeZ)V#9T&q)d_T7NO=)`$@I4S*On;bO7Sb7?^}bBE&muU4r5=W$ebXOhCn^l< z2dT=?!ko^=byJ%-_E5>$t9@2S&2Ivmn``H;oBuu-wzBN`v@sM?wEibBlp_39S+^)Zoq?Le8;$s-?NEltjH9ZbaLi+R>WUm8+?gcHEOkib;{Qc(ap5Z_j*9hW-k6&IxC{Y&F zuXP-K5f~ap-z=FBitW%}>NH|rZ5a?MiNUve{b>2#yv{ZyEFhoS*A)pyjn5>);Da`t z>!RjKQO&aBRHwuy$W4uhY9c$QucTj&^;kQ?0ot6b!+cQL|T9n4%%gHjM1i~Gn{Rm(8~=R zScnM)R%zP;HW7}`bj&r`l@e&dqqHg)euShI`hDSe$uv9egMd@iR~i8dFR^UE%A93$ zfjn({KRh#P_t5o909etqM6jCeE{+MY1K*5}ZZg%47RQPM{iATKjtgo4@-Vd8*`z$SZkaUs<*MAVX+ zYk~bu#P^a@rjrW^Ur|B*&+f2pPKBJ_D}deD3f8SFG9>ghxHz|F$_J^8C?9n3nfEu7 zU%ab|J|MTi)EmZ>>cns__gY1R`-uEJU9buM$SM5@kMx4Fp|KZo z6Kp|u2uZ{M(g*K?rO^7i5O6;(ZTdsOnt_+kN?6oFT)XYHZ3JmFtDZ8KTnPe~*(OFJ zI3~xObp*6&Ur@eFQD(B7+^e@2s*Y>hGaWa6_RUE90_#JOnlhRWne!AR4tH|({w?Le zmK2K-rw%^m)vq4+3N+H2Z)k|@jq{`2%ZGR|?u!qsE*r^x=ug~W@Nk)+1JpOA;^h6d z-&=^C4a2Mv9I`w6u5L;lFs05f;ZP0AsLyzhn8{|dD$TLQ&`!(_bKg>Z58!YOKCCg6XSE09vaiGnzaz$Z;1m-so~ zf|GF1xx^sPnKitrAi;k}SDzIuA16iF?VSXhVW(6m?C&Tk&h4Ao0@FO|ap%KIG*)~+ zuNj&bl?09FqtBVILrA+Y2d$`eCR~#8t`_pf+fzIj@L5Y8FpSe~#!m2@l{t%4DFm#i zJHWTwq3V3@&-Zk~jdb#MW|X_1`qq)+_r_7x7V{w19`#J_G>jL5*G{N+vLMxwP z0op5KbFc+y6^P&3|48k=E1cfCm*;nVe8v4a?FMg-cebnqWhuj|#xw%1yZW zy{da!cD5?9pF=+RO1+pf$)JJk=qv)uT@FTID(4L~y(3!1lvTQ=fO=dJjOr;qReG_4 zb%w-5n@0gkr8_rE;?2{M(sj{aDHjWU2@MTw`S_WUNu44DDkFUdNw=SA5|2cZ|4&S{L zQ_y~D05>RPwKr7$LeIMKmNV7vV(tF|d@GCdQOK?c4#k<^{Ta}g`XqkcPs|p@3cYQFIlNvrY9Qfbdw(pIxd5Ih8 zz8@krbI9ETTk4UP866oz`0|LsbNd#?d$YbbJtFDK2O<&vT0fJduKRBVXOw&7TLjUj zg*Lj&M~0K66*cE^Yod3(e`e)s8ea~0RxoC9_fX+;xhLj}e~Rlf=Z4UCgFmzDEw-S>}u`yKSQEGqT)m8(*IQx*>nE?W;fd z-)OcsrOqJb4$vb?NTLT>Y=LpFz&SWY9b6&jUh+6g)OA;l!)6S;5>oG{zWg*HY_Lz+ zt;blq2H56Fj8OWk6apfSGWe}L3AlizXM^^N0dMEvxE*_{y-4@S!fzk?eQ#A`qcqyd zrWO9;d<8PByPNp6`{04qd28ba?WrZaZTw2;*MXkXwtSfK=+v-x{+HLPKICe~E&kH> zKJ1tp(m3P1NM#u!P`|0xENUxmb&frGit#Dnhjz&wiI7TS2uCRUgWsTcqO_4% zV}Fuu`LS?Nl@ga>RJD;{>w6y~dY?SZLoIfMR9(MR}<_Ecld9rcR) zPuGz{Rw=k2>`E&366P>bt@Z$Mldb%!Ib*hFb5yNJoM54L(8n}p`UX<)PiWR=TD1kg znrPqsjN1c(UHMC;xtjK0^&8SA3-;Oqrf*(Hy?=u8GuBe0_3+tS0f+v^EoJ2o3wkaV z%At}^#03RW)9Q;V+3gV*dy0v z=DW9osdUK>ewdy#{Th=k(K8IB{E#Dqk@TW4YcKVSayo1}{mEn68UfF})xht1Z2w*I zD#EqidAF%zwJ$2FyCjb4HJuX$z|q=mW%q>S!Dg2>wN7Y8FD**FDp9~RDQgVgsmI5V z?=ly0DD}7Zqm)5C>|SF(TD;cczl6>3-`Cv9ILJ-W%C6fqT43?_-A8RD;df}5!y)`P z<%WQtKSCeLjshFOpzy>L;-Tjkz5I;~ZTUjX?_XDVLDuXo!iQ zP>|Qi7}Vi!_i`ln+49%jzq_A@@^JFGYO_TI9{tNM3ej#jrXru?a9#gk6aFLGV-1Ey zbo2n?9~i(MXa!IUy&8g;EX zKkLxC?G#m2yxEdfsLthCx3Xr(@n+dpwl2vo_pTc2=XT%)8pggYb;$fULqtAsDW{&4 z-+2K~*^W(A1rKxRL-k9R*8Wfe4JW*-O;_8+h6hZdf_w8*wk^>wq7=E4kNO(2DdH2&iTNF zJjoia7ILc0Py|C#fRy`Z?g~6CP^S~o@S=8a+?Cd=RCj12;c+v0i?uMe&o`e?Y^`R{ zV(jnHnteCmeO^xt)8JT9PoUblc}ND0rf_U8L{cQ6p_4;r(M8;rx39rxS--_IBHQs$ zfj3Yf(!Rd*kAh&JBAKXT?2&xbHNeWR?-|{-y;@ECq^nV1?P@a@@Le!ytEKjGVtDRN zt1v5cfJT?a6FHqG%t3fi#^dtiy~EdHH9VDG`c%6zIQVuMv*!Um`@^3H4H#lbIE)&B zoLm*iJkT+>#?`gxHV;%*Eku*+d|g8$Pye~7$x5gP^zvlXU#I%LpFiucb84Ls9p(Cb zi=N_xQW)VpouO2knR8mYDmj=->{^Hf{iHfLBxQWKIz=cNk{WdMCkPW_&;tX%!ERtK z?Ab^d2wH$i3lA^{+XG-fQmc~3_{27p8;m@F-6iNNO>bL1AzWAX2Hm5;p*wJ*eGx)7 zts`%;*4JY(Cx3PH;g67;6p-2WFG1cpHS%x1Z^1=`Gh23im?e1S&L@mY>)xJO@0$Ni zi0l-d-yiy*8e+;U>9Chu`eH$D<2iJ;i znA6&+4_8E@OOu^W(Bm?ALt@36rx4I)N=5C?!cz}u(9|$ulrh}>e1Q&$-TcGQ3Q`kd z<<?7W6PwO~~)O=0>of|D47h?W{tbe!QA!BUr@$=6jOjT1+iRDsE z$OG!c@_io>TL*fs;V#)pOzo)P4}b<@s^lf^%!BJlYiA;Kq^|3tG!hpuxa9hv>FM?! z@Vtp4$Pvt>tK}De;I~UT`_uWlybkuB6-1cUHRvP%Y(`-YePsJ(OU#^*$hGjA{c#r~ zMsSdaHQ-Jx^Lfg-P2(eYfv#)O+~mibOMw zDi3WQtt5*JF9%28yq*~vr3t<-)~vkUr{`9jlNm;V6v?uaWHLF*C}VohNSqeI!lW{T z&3u>oo}F(Fhh;S+d(E?gz_HaG(p>7Gm1jRqLW;qMJvqXO&Lh_^arE12ptV%NLA6wI zA9yzczFjKD4+1Hm_IRYItJatRy0Qx^Crv@FG+RKE6)(5snsVCwpZ zivTIa$CPJG{5VDS0>e03-~?10&g&6z7*f7@#T6)V5Jq{FR{avH(!eL(6-?@jx+jydFTjZe@_a0FHPHL%do;od+RmajPAS|c0q7L~&p&NxGaB7~(iNNa&0LDzUm@556)$KZk z-r6Ax)Lhu2!4EB2@d$Mx2d#I2{$V z8Sno>KB8hjMqaj(UX)X`_$gOqX|K4-_O7ktSn5-Je@B2r3#GCo?3kxQvy=PTQs2+{ zRRcj1io4wr$7Fli<^M$C{)MQF%Uvn~T7Lfb>$;pd_kG!Pn1j=DpF@Z;bis0d?&S&f zAuy-;7!wj5QWCB>%~@7{Gaab21wm&0)P|4oT@Fq|XTo1?3x+!*m!qV(i~Oi9z$nY0R;;n4aS+Xm@okv6v)o}{8AdIU8Qgd$N0G(zB|iBfkX#}$l;6l z_;!o*Dg0MQC4}JDfSF2}NvYcz+-Er-A&#|({OPkq|s#L+aF@J$T`{nTDd4-?# z!#oD8J{`XGe*cGFLh*o=os0QYH|ZvTG5V(xFqms2F7}qji!6(DiQ~XOYrUsTL8h$! zmY-YhXOWv^w_(u?;_PDGnP=$?X*{6ugH!{nVJCj3azh=*qXCBchZI4Bb{lYo)3r;U z0v+$TUB)^%okq+)v2hb#XFDM|e@S&v1|oPbl?#Zq9;bugX&_sQcpQ`jBBi5o=1)M$ zPE3%ZmO&NeIpz}EB?dP;f@}NuRVcp}0@NRKk#yNWYFtHgmg_1x1Ey_DNxO*EOE^F7 z1Q6}OMF?e|HufDs1I;7WmbKt}C%_MIVs*YsHJFP5_Jm7$v1GU6gyVYfEO|w;G$@aF z!G!x_i3Ig=un7qCGo&m$;%JnevDyEbU?+nYF&~vP;bxy*kjEWzmkr>LM3GnfGp3;a znghJ_QvF`VitS%AJ=#m+1}3tc?W+nEGi%bB4E!&m7Keu}{h>~EpNxB2AOk);ADV?b zL3}7Kp2ImO}8?1CL1XKsCaGS64NSr{&gsgVrYuL$z*#JiW?MGBwS*vt;QnWwp} zBn7+1>U>1A+tjM#LnOCsE4FMF(fdcfJy`$sptkFZM?8qMm-+Frt^k2gmw}=?X z9l%k5UkufNI99=_$dlTjv%zKtCx5^KsCRIDTzXw>Msa5Y{IBCD*P z$?+!SGl=IE=tLUqxHAdX%XZHb6b=CgmKX$^X=FmqV(%MBkBTdu$O9*!$q>rlzfg^& zx62l7a{&SIMnNsjryZ~(J+ zf&+qk_i8`a7fX$grr;6WwjUUOT1k47ucxoW3ntx$@fsor7NgjQXS<@6* zJTT%Bq*QcwT4^^T#k%f+V1IKGgDM;}_KCl8FXa$n0I)E;YN^_S9&pS7?Qd2o(39l} zCsYQ*gwIO1v7k_boC(|sq+=vT;sQZFq@e#vA|(P*rctzjwo}E71XAECn0L}8u)(<3 zO^*W@7J`aXCaMT>mGD5&2~KVjM4i%SQ_DbcHbtI`(}MFm~m%jgz`(+fAV;>50DtZ}XZNPU1P_&aO!QaU7JPy7{^WJnT0 zZe=zoV3YG_`2u{wDYG6OrnvRyaQhzznDk*evLRday%2H@s!9IUfJ3|{x`=;&>f>M? zJWu`N*zoLNyS(zB%0<8^ulm$8!Xgeo-+fW@(=$pVUo$1uJ&QAM{&-=@$Y z<$JSFUT<!yP}M|)Zfx&X{ubU3Wd@WZi59)!D9ao?;oc; zygq^rSI3b~3k@RxSX8UIbnBbbKm`Lqi&9Q$QfBm3P5)>P0Zl^!i3wA&xsemIs)8o4 zx3e9G&IfR_xVK*hlnhQr?^I-oi?zLiDLT_{%{oM3G~!kI#Sc=A6XnaongLS z%^+9nN2ihcVbWnjnq`&Sfx(u@z~UmsVP;$$3U#-7u?JVsrZi=V-$}j^nfX{;VpJ*8 z=c}vK^9WX>T>yP#J(;-Ge|k6+6M?cKI)Q%)o?tx~X>%btnI1>Xj(dFwt%~A!49<$w zwDBimdF$34(N@-fd%afvIy=TAV5`;Ow5NueXGkyYDAE+Dcl*y;#*8qYg7*Ce|MenB zwNwhkCfn`^*ESegw(&%tGmYQ@6WR&tg3ws1pT|S zByQ6BsueezRWMY1jB^I&1AgCmi+t|cqtw>p4rSL@I~IH@Kf8k7_55zqXy>hs4z%gN zO^-VXzx-+);BjBTj2+A2vzk3;n5-(C8EzVF44l!TM^|GDMUt1{^DMwE6cI*xAF(o@ zmG8;iksbBvH+1`)od%tKr!im^I6uX5i|TI@`Y51r8c)Nksh1c<-DQ;CJZ>KGCC^gB zpPm8NvhA6D8kB_GWc==s4+>0thPUY?KI>EolS+0EyLZq=6P&d$_40XV99a;T5%G7d zq~C)1?PgdL1Ay~994J0Rk782>kLAf}{_Oz{c3Mkgd(Q>gxDJ98#fI7k4_rxsDE%-R zELWv|)xBmXC2+lj=OeHl{ut;(TS=9raQ9j`wzxXkWjOZyX*+My5l+hYAhX&2ZjI^F z{qHj`=J0H&WhB}(_?6}!04P?4ERqs}7N3f;*)CtG!HqRP6WKg-UGiN4Ye722yE_O1 z5#4#OPXkT~rAbt;esW&gw=RBnGfv?JC!-dt0EV_oMrpl5$$|Vfu`S^N zyq39j<*-YCO*WHg63UaTsL7z6k5(C})721JzZ=+=-M!_DM)9XCO)$Lgpbi@ZQ42mR zajxb5l9-Iek)Nfl-y3&p0&R-T)mSW>o-0QVQBr|p>2uS$7}MpqchdeRvJV!08ag9j zNu(Fn@*>~Z^B`x{Nh0o6mdZ7b$|_$2l=t_KW5ove9Y7k`=gNC+w+uD^lVW624C=dg z_%6q9as0;%1)G_c?8Xm8g|Ci8r7tgL>(!TP0;MhxkHAl%?(W++%NsLRJ;gIpZ8Dji zD>f4nL`I8mvOoBrD=*tq7x+eOYz8#YM`Q2Ba6#S)H)+2t0N<;@XJ@}@nweUln_lSl zuqeJHw$JDBh)?f(`^hoR)OJ)~*(dbx57gZ^c5Y-b1xzb>+D#AdQQc$$Bs~s$W*x&u zZ{HeW)=X_WT0OoV8Axo*FdXr}>~(cTVf?QQQWHtOvfRv`>fCVBO*AIuR4eFe=Cjm9 zt|p|=k3!_BtGZSj*L*-o^d`q8Mvde?kEj54aOqjU>oCm{xnt|xy~Qs)_LVKKK&1Rh zBuDxtdvy2G7ZKE>6qe2V5H6MNX>)b+a0eZwefS{7$k*=|EhlJqA#ORH|Bwmx4luv$ z`9o?F0@qmjpkbNnnC)5;|3${&l>7m;&u6&%O3;@=d|fUN%5O2_BJmEcmiu3gBiz{6 zMtD!iXZN+Xpj$Qz0yy_gHzyuZ{-C86!~tEx9PhUyn-(xu+@~RI?(X>eiA1!;fP%HkTK?o(9{g5TQvTUDz}W&Yu8t-Ko? zi97*J4D^t-ADCW^PY(*7^NDS3U36tJCuHfIth65TfTS0H=6eqShjLORjV9&bcV1V+ zKt_o3C)4q|;2Hx>`Ar-|PJ-@=9MK~*+tPp67}@t-=Li^R;tz5L728KnF75~*drrmo zeF8=E92nFN&4u~j+b@XgVc&Xrnpma~O1EXhTz%}n>p!v#+<%8-xli@<8h(tH^ynwl zdgVotm&>!lG?#8mX&S6+7tX6#?hN2-=D&uI>34F!DQLUB;Q!W=ndy}4ME-V0HO1cZ zeJJ)eE?6L=xu@7$8xI_=5`n`B2i;xfyPG49wm^;#(_`5qu`y!-au9t?Q$ zV|xUf+UKLUD>};R2jmG?ivab;4R;_`T-tMWxkD02iBzxF;r96S(U#eTx_62`W;v2o z&a7?U-eCMFbw4NHev>l_bU-XBpSZCQNgiyeq9IG@K0efp3TzGN?% zxX^sZ|B&FnRq#ZjzIesLoR#I%T<=cYx!yf=XRrOQ(8+M2Xc72xCR$4_Cx;`8<(`1J zwSP`i2D;VF`U+@Bn$seS4^Tq!M%p z>`?ee4^G@B*&%<6!!fAe{f30sAc?AA(ZJ1npLvUe51I2a)hfU~9^``pxU5v`oH^wDCY#hH($t38o|qvotn+&`pvm=bm>}_U z3I_CZx1vXy+eef3D1}E1au>4_?aUB$FB`Y{bhTl5=lRh9yND&sEx#`ec|L4=zWF(exQ1_qIEGt^~CALLev2< zwol)dxXFc$E9~OA+AYkf$$ZxATjyIKjzlsQ;<~oe;+l9sxqAO zK|j0$ek)q`nG1RAd9dId__{jz&`bySK>$kJA8k>G8VZxA&#FPj$T7~= z7b?!JBEOd)v3YlnTCW%FJol!emQp7aCjOt}GpBB*c1kL?;Wu{%Lw z5NElwL{@`}NI-^}+ccEfl{s+bLyE}DSxzxeI{!(+#p9dEw7q_7s8aMfX>L%6;=z&_ z;mZhbeTd?}b|cHs|L_U@8GHeG*Dmo_%H}NUC|9?Bb*6EXJQZI0&{b-j&#h$FXX@V4 z5^>!jUd-vcOCbw9lx4tCUf#UK&gb~Wl&OAyW=uW(mwXh5?EE4jJe=<+i7!CS(sF!n zZ(PVEDM=A=p2~XHc`8UVF8<*AZ-`)Xwc5^;?g3Ndym37*{;y#;fU}y59Vilo z*ip*~><+=URQ94c5w1xziZH1h5-e)4wm$+y|B!&=^FK&DkMZX@TX7b&0Foek;uW_a z=$_K~B)B?SC5)2_L>UuF`Ftvn&jh(?|AN)HSWiM+lndu&vc8-us2D4*Q|7Gi>R0mY zIyA-iPDMzGyE-E@&8DLu0A<=N=_u#~JxeW@Eh3z!R1M?kh-fBGYF6kO`zH@CmV^nn zgC~FlaiN+TARHF8rAlB+hzE#!kaBmXqrHM{@cXpQIhh`o+$HFF)tUT!Ke%Lo9Irb1 z0Vc&lMt>uh5CQCCZkVo*SGe-kFh)&GpnfXrfA?omu72=#1PNwi?Ko+&YI?Rvrd~sW z)~{UCfSh6_kYv_K24^8AfYCLY-QS6tHAa(Ko%96kUY|emd=#o9z%p zK02|Od%2`BJz`*J9VC`;g^PQ&0HEX1i{ij^g%lw)8_B%L}ga#v*bc zH>gUNn)Jnf)NCOAFJACra7A_wd$=`d;l(bJ{57pI<)>SBg9BIh~MB8wNGuo3}s-K|aYMQC4WcEr-v%$Q1 z)r`~>svE`z=lpHs9wHZ16jck^RyVeP|HB(|Py)1ZDfjGDWPUeP3xM7X{3T&}))W8? z<{eVo_|O3j(S;&Z+g0dY*65sXfv#DRRL{(-HS%|uci2fkrQ}5t(C&9EU^FUJ1aTmD zt@R(ulJhSt-gY~_suYYm*b5g$yLgnSB+N7sd=P? z%cKJ$LZ|*RkSGH?ik&~+>Hsy$6is4N8t(;6aFFM+H^)H&m2A|ISZ|1=X2|Ji_Sq8Q zhLh7XmUi}9V$yAq;2dY|22(n;Y!+S%d8PXYe>jJabUHmfhUUm4kHDaFHlPQ>DRTC3 z9oK24+X=q|$!9L>B=GE% z_Gqekv&&wv+4ng?XM7H~N>G4Lfgf{03te8||5P+Xa)FN6 z<8YZk1s6z0XKGrrj4;A@K3KvM>QK%7kcpHbx0|%-KfS>*2;7@$tjDbI(tJD9JUNH) zNyhljv|3$rhKNs*AgW=^gr?c36|MBL0f~q6fSh7KZCo0tcs3nLuGru!UUMT_Y-&w#?c&K$#S;kq{%Hy zauFA!{jE(-$XPWgfm)q7C#y}bW;Jf5M&S z;VfQ{Mj8Zu;WzYt_0|6SpbG7VMi#mv)+=hU$7+14xp}7RdlO`k;kVbN2h-@}v%Z6Z z*CF)&etM{Pkv$RZ7eOUh_E*92od&`rw(tUHON4<_7WW7AKP2u^TQc_NmcbhMOi?r5 zT=+y$xt#Fgf7cKfIoozgeqcD3jp*eAtUxZ5u76T+F6Z|I@P4{MOs;=`yA2vbdpZ^H zM^T$Ch*>p^CxmBYVdWf5L8G@BU9N#1qXez*?7_yUFsN__40?!mu9K#fOHUh*e`5~F zO|+f7m!|*UXFbFQfAE^KX3_B?9dT*6I!lke-Xy80?K@WKyg{3h+?z$G&|p{S*|3O1 zkxzB)F#r0D3i$hQA{-JNS+Aj1(Mv!Dls%9Lh=|B4zU(~@#r)17EH!CXZ^b-?$sR8m zpZRWaoiSk8OXh4~`&)S2s>I8P)(=82z2o)lkHVjp>y<boB_9gIu06JuyA>bCyF* zf^nwguZ>mn@&r`oXlfWaMfSAq!s4;e91uSz#7zWxLo6pv0y`jTqRP=d#^$?bi-%OZ z_nd<%HQ?Fv(=@S2`5mmV>jCt_LOZidDF9$?Y(hK75Tn86?$sTcupsa&-RZ*cJoFP> zEwv+3d$&*&Lym61jLj5=clpdnT|J)#5NQVDoXO@(xRWwmMn1ga z(R433jR_tEU}NoMN<(8(zr@rg|9)9%QqfjF5nZtDpm`cW^_2`X;8-lyN>-$vIRI)gDtca+}IDX7orW>Ye|(`%j*6BDpHDmLYkDJ zIfjrXy(a)+FK&jKJR92^(g{AlX{k%UL`*uYhQKyEvuv)+=}&dPeJ)6#a`qpeJY@K? zzsU|{cGNlF?l5w$-!->OE_0L*TMEN`XIlzW_Kh!%Kz(pX)E*Q)8|lu@0h2Rk~rL*N^}f!f*btMi84I9STM17~-S zmYcjCKTRI{m9pZe1Gj2mQ`hAc`s}N1cIPeNU$CAO8gKeipEBzFaqmQzz z(&Vm_xCVi*Lfc;q4h3vAC|g(rBxM>D9uL3h2`V~o5`-h9i5Aen7QvNhbawjEhls7Q zuLD-mI#M?hN|=s(qas6U{dej8m}E~}+psq~*8=OyH%HAZ4%4=jdnyyurBuzOh(h<; zGhUuKBFSU@)N-f0B+q05ZJ-L9PU(eo(tCw|P+JWBbolg?xgMGODzmWmHJIdqV zNgW$6gHMPFXuk!kkYGY0;1n#Zwd^Lvu$K!+Py}FD8)8}Ljuom8rC24kD8Fs1HI4?S-|-Ld+v&SIL+sN7@#)K| z`tqueQ0F@mIHx=x3LX{V)LORtd5=7MjjNPa|B+t&6cjkjn^CHJuS%g8kKdhRQTsHBlfF~Y@YF7o<=HIkxpP|@^$wikJNYM-QJ^BcSxqw z;IErQIBai=ulr7e+JS|m{MDS}_J^TW=+QW7;FN2It)7bv6S)Z!e@Xhh9=4wM+ zB=eV|S1w-tf>iDV+XC~HJno?UB%@jn<2*KG&}~djK&8rbD5*9JEM=)9TYvfcEdgma zn+w*+psOQND2GH##-mW>z{piYJv?r$44}|=?}!V;@b@rQu1iwe-+45fnI0O43jT{z zqP>VBZyHCn{LK@Eenw&;dK3|d__V7W7N@{LnMS?$1TQ(tn0wvhJ3jP?O)Q3#D@va+ z)rc;{sC2XGIHz*t1b^{vU&@V8wOwv2unYz{IEFsPNdcpR5otoRImMu7eR=Pk#$wm- za%tRTxxiqnlwiG6SSWc`5IdSBud%qEq_^Cbt80#%TTT;%#wqX5ScY=Aj_Q|B{aX~pgro0xw+R^30sV@ zWl39~%etOJ?y*Bp1tU=yJqlei`fIF~(lSbWy=eHdP;_dnW$H@ZY}_aPgQ1#XC5&yB z1SaNny^^$W&+=wwsP{5br@FW5iGjYi^H!-U*-lVpeS&DsYArHvy0|+RgdU{5w^G|F zNGmneNcWT!(06b3jEGX`3i2GZ!v9Vmip$c~NQ*19s$s_57R^{(D29uSnrVnwt}HYG zG|i>eoO<79^@3(y3bm~f^)R4#wDiDKLxVrvQ!1`&Qt*TS)t8H;(P-k@qKzz7>&PZ% zD{qoF4fiTSMJ1B>e)8a&D7SLiFAt_;uE@bs`{Yb88s|-aP`U7q*XIkLeWM(!yhpiv z)2l$ke37Ou%A}*}q(v4-QU?+yobu}(Yt!QLzhyl!Fg_aV#U~2}v}FlQ&i;|sPXXw~ zK%-L4YM!en(d9CY>(`~o&v~jm?ojLM7`B@SZ~2ohsehh{T=uwpC|nqM`sK9i%w$d0%VSE~cD=359fo9(wW~qkA;L3)2b}VLp8h-Lj`YS~Jsz_jALsb%tKNBh^P_h4cjGp9>43j;{G8X{ z@&B}UFS%{yKoo|(yk1CvY$`wo8DyB{WI5gW1pJ-yZAqohg`oh>fFN0?-mLo&Wm9Nm z9>M7sH(PLa=;uQ(A086q=rNZMb9w9L$+vLpq^E~ocGR#~(b=b;4`kr#4jzV19wv|3 zAwwq~cxwO`2cKp=-^2OY8d-nwqlcF}w(=iu=QEh|FPv|5IupW!j4b{9NVnXPFGuLD z0bGOYH=J$pl@qbyb!Nd_8~>ha4e`N^`7BQU@P(b?=~{UN=ZE;Zmhh+rI6Gd%_&^?B zt&wrBa&H#{U3}&j9`f|4LAB<-!x#RGiyb{2zx?MbIz838o`1&V_0>C{*ykg@UK%v{ zr^gtN*!iu;tFNBb4;_4fMQ4Lg-B-&Yo#msoz;EsY41bO3q8p9x@zTRy?WN@CB|!2p z5g<$v1Cm^E!SSPWiXw%}VGg#qIUUZ<#08QLc!9x<$>Aqw!O6hQB^=IAyyoQ4%#G=V z^8?Pm{HMbhzj>ej(8!CAY&N<`_=6vBy7lHQGCTN<#YYY;e!R`u>r)ANbTZutG_lh~ zPkwu|Cxf0mSEv^#bGwq20sjL1RPQ{PsWH?9z=doILw-Z=C%ZpK<>27oGj=!CQOw;B4x% zm%s80OTT&XqLmM}=!W4()1yCv)5RAtvx|<&PK75 z!hZzLP3wm@IT*R>nSX4vWxV0}1(zfIeC#I9cMUB*zPa(bZukI4gQMZ~ z$w{5jPcNE0>G68-@IxHp3P<}tIQ{aB#t#4F)tg?_g4H~D%mALx9h6P@2==9nR-;evP!ty(+j5~NFJAsSHH>_@g5iPl z$G^|P@rs3A%@_^lBr*R3eZ=W>L3@LT^AT=bfYe~Pgk_(Lv zjc&cQop|#6(91nLeB%=uSuvnl+j7f(I>c^0TtwCgKe|>daJ5Y@d-2fITDoDG!{{W( zUO9AOne%JnT`T;D+ z%i3-@{qmtNM*hjI94E&%K6&Dg8>?8v$LDad;CEw1tD)of|NX{pz~<=|6FtsQpx=$! ze8Y`3I@xc%JVeNe7mZyxWE0LmI>jqSag`^v;l7D)!|CUfoYD>NG)O+F3%O;>8sj7H z+9~IB^A&FFltA}gGIZi&oB!5^e)k^sTf1=jopPu)>1sVR`taHH(CE%a7@caD4RrG8 z`qo+9!JCu8YmCo*RSfA%zg)zsymxENCDQ)f)FEKmY8qEn>js_)9hCKaj@xfW# z0!gM&nz0_MzdxIAibKKaQ} zXQ&$&|6B|5awPT{A6_xLiO3OLgUPXYtgqVggCcydrMSdNFHC;bh5982 zE6&ycuKv+nUvP423lGeh@Zr`W{dkqWk;z@0TAO@{l0A;ToK6WA_TRA%3|aFJAS>N44!2>l{|pbxd9_xA>jF z=rAR=$dVJYHBz7Mdur2t%le3m4mf#h>%Pesm^|R~Yku_kMMd{D*CC(zhRW|-b>EI^u;U|yIH#BP_N5#WFyLiprSJWo`a)|DJPZpoG@6-6J zhqX@!-VD4+_@v`)-&0-hlZ~-AiQaU*aeHI;=40&Ry0>I=xHlSawP@zHX7qI6htq40 zhdkVylHPYQ*@N3!@F{?dHzGJ&dUm`)dXw{}Oh^8G`0@7D)&iUiz3kJ2*7pMRdyByX zXZz#Fj~AT0+|W-RFPyv_!Tp*Pn|)fyKe?4;@?mbclfu_`IFM(b3q? z2QuOO5ih%%F&c~w8*sVcXV)7Xw&Co< z*$?Nl^?~tKe)&@V=prwF<%UjjtwFW9;c_Y$)tAODoNYG6-Wu!0-F+Xcpu{n*j5F8+W-~^4;sffZA_Axngk>?*8KJvyEm3|9}E`B}#=psv>807*E!=q?me4s~+ za>GA#c}61#htUJq%=w+Xyv45>qrv!LoFDX)MQd%0*@W@WytUKlP+WNB$AyCr#)f81 zV0ethDnI2hoDKOQUksZ3$gTLSwKe01Mjmb*#E^dW>A=e;de{_;w^uU7RWr|jvT~IV zY|E4SFs7eA@!>}!kB3j_;d}_!;4nJat?pY(bg>j4Je%YniDtsa5qUk9<7>CTeF_{hTe6~PIDN2`1!5A_2QzZ^=3zW z{Fr*=WW&+T@mWLq+3kJ?CoeYZ1UJWTuE_~mb)BB-V8iK$TNC$c`sKU)sE5`-&En@5 zK5}xv#-!oZv&V)w@sT&@KU();vgJ~~Ig;QaM7i;^Q2SX(Z7TMvF7(L&h*BBQ~~@!8I? z(Cp?v|KNICA(Bh?)Zg4sGulqVZ=P@T8QboG(<_&@Tr~06GO~?rJ85p!gp1Es65Liw zTP>O~8mw)0+q~gzukqb>AUyqZ+X!wu$(a9q7dQXugMa$;>EE2d#l;35xw9Qa-ulcO zTN7(<4e*E4rI}kh`mJ?&MQ@EOqE>}0z&rr$QSYp1Qyazqb#Td?An2Us~VmM^&cp%=HfS_^q~fp0i{ z)qnc=ptfygqKglmj@H69p%-^^YYoRI1~z;>V>>eY8ouIpHoUK3tSLEo@sqce==!K0 z)Fcd_+O-vEn;l+lsE{#&Tn}ByC=cbmhIlwtwsmhhaWfDZ{NPX^1q%gH(Xy2 z;??Ay9Xw>*ocTf@-_Yd0b@GrC^M<2q?4s-C(SxdMx*qOY=%;~=`NLm6^3Q$67OdKZ zZ8%%((;x1>tG3bEw%)}rx4r`L&|@E7O^VIfS0L8cSd3)YVb8VUp5rSlK82SXe)xK( zuZYO-gMAo1?rH9w=<>_9F z(58O$*3BGU?yUiSn6=q(V>mh@D?f2{n!Nga1ZNjUH(c$6v+-=)Ga^jSe;D8K zZTMOH=y+UP#xQivc*9}nY-seWE&dsAIG@ntv-W(W8*UEsa-(P0b+0cc==q0km)kb| ze?D3J^K(ye+fEt=e`)9s&+NVXIBskopMZUJbbREVf$Poj`0k6p#uKLl&xRN4E&DJ% z8a&ys4QHP&G&VHjd_SxIEWY`-;q-*hwLzEL_|e1h!^m&AF`kK=^IdI(rz79sblmbU z`Df$k<{AtS8r&b4pqs-qWBQVR@3?um9)Gy?-*EG6)Zo?)Pqbf^KjO*5wGE&2u-fl{ z%S-ck#a-+h9_^O?4cEh4A2ho4@!!MK9gnfP!jsHB++5#vJN4%$%)?i&W?a|RX7ZlB zcr@dwyY@msEn^fh$WV;%#`s`(-x@DbT6jD#eDO>?o?peywR^I#4WBW_-+aawt@fz? zv-sxUhTqdIw`Xzvk;goq#g3tDc`-zf&qHU!&)TOu41My@zu~ZW=tE}{j|b-?I9iywHtikpVuH~< zTNvJByZnJ!ifZQ3IOMPI;yd!bH4Z!Cv!T~+(I3IDVc9+6lV`(?i^1Y(&5wMuMSpAD z_?~|o-uRjg?V9~)v)#fced0&Evu488)}$Zhe+N8TJYhBSi67oxjoFP`RoZ0A%;J>AjKjC&(EKKb7o&-wV`i4QjQMAy(Z{D_64Z8&Vhjq{zEQ#Ocwd9^>@<4!B;MJYnTGY{vKp|Cu`t z&#`Uz)Nu_zE3btgdBw5e%_n`fXXDmK&sY9ytrPwYKenk`+wgMMeDY=U9)8O|4c~@0 t*3uuJmaXa*ZPs-3WM@PBsq3%5{{iXh0u1xZ4yphE002ovPDHLkV1i=RLx2DP literal 0 HcmV?d00001 diff --git a/xtuner/imgs/dataProcessed.png b/xtuner/imgs/dataProcessed.png new file mode 100644 index 0000000000000000000000000000000000000000..879a5141999e8db51544b62c90f6ca349fcb54e7 GIT binary patch literal 368489 zcmeFYcT|&IyEmv03M!C*fOHU0Y0?EkXhMR7-lRzr0qLE9bd}yhkSWbty7;ap;bctLE z0oT5C>3Z*_OIJy+5d-hg<`Ja<|1P_0E6QK0=x4$KFRob2smWcsR255lVty5Pecc6N z=zi(aO^@^6%X80JUtGF$mahbtd;G$5gW&5FZe|fgdlck(j3Z^;k26Nn%(cum1B1bNrLDfwSW<+3Re<6!O>p{g1GIb}rMuzYToU zJwXA(OB72bJpb+=J`s$TAZNy0a8UVcsU%WoJNDH+YR(H1@+(k}1dfYNZ^`oOQ>jW` zZlKQJpW5x!szCZZ+LAu`-Wkn=Go>>~y6BqGjr}`Qw~C$D^#dmmAvqQK8oecJ`7KRa zNtJf4MXvoFJr#}a85KIks9Xn~u6K_soW>l>87H~pxcpra<~yS(x46}35qf)w?H^fI z6R%>e?9CjXHp;(5xm|RP!JiLjqwZE0`Q_JoR3=xv`d)4B(NMeZgx>1l8y=M?!ZFar zoi1)RscsMI;Wp;)Y!Vpr9Tb8RT1@YfJK7_Sraf5`u%=HEMoHLel-zx@JSv&{=d?f| zx5~%(zK{Lj+Mt(XV_Mvpx3b18+qhus5f%I zPR(Sv#_2J`G|8QtCS1sJ|KU-gB9zzqj+HLHiFvg2$!y8`eFN>{jNdLS*b+vlr9#HY zT#2Z(_WV@kfbLkGQjA@DTe%sJE&)@=r>)ieh(}iv^4!wF#;EkTykZ;8aMxPp0A0IZ zmTbkFhG|T`)$=o7RNHj6Xc|tqF{WXnl2s9O=1R7+xGk((VDD1nL~C^$7Gg)T^o8y> zz1G3t)_UK1t?F|J6QVS{cX!wl9r(13a^$kj=IpzHWL?p2-b!7>W87s6dz@)ypYCW` zTr~~(6Vq$sn!I6;wS4_P93tGccMeOTQAAm_MfWq%Fj1Y|Fp}RQ>Mc=MIBE$Sud|VBr>D zU&)G-3F{Gzm3-5l**h`wQt!LjyM6lWKJP`oNjO|T)9>0K+qIlh@c%)xmZK5f)x8{o za{Gr>c89v%w+bErtVdzUP62WMQx{eHttXtb>-9FA_Y>BQ+SMe*v!$3?7MR9{+LgvZ zvAA8vM_wxKSm>q)Nmzw!YnA+wn8OIRzU8pufhQS4Wx!{Xi^PXm5t+8$ura)Od)UNx z{t=FeE^aQneC^B}H~-#bA}rp}et;Nf(ykjS)}C+a(Yp}X4e}lmSgV|c6ug=NRtf$E zblhneug1vO&{{tI#ru7MJwh^}gN@8TXZ!4E=~;srWKhl%5)>1?Ife?dq4IzB4PWm6 zgw=*h{V5$OQ`5@REp5=2>` z>8t6OVb*FHL2G|lkbbS>BqcSR_IoH7kK?9vfE$82&o64ed!4*Qq+C$s{t=a~s?%F9R2a)rxn&Y(lh0?*2KRs(#|VICfWidS-Lq zakw<6RadRwHIH4P8Hz8oBeAs{I;~#2H%rpX&dj5o#a_*_M&}>*>DB)*khE3V| zxK^1N#<(B$l`>+!=qIl}&M0tzHOH?|7Yi>wAW@XaKs_E4;(owu_qMK+akxCkBu`Eu zQUfx_R?f+^fDWbRmLn0{8nji?qE&Y}FBqWoZB1grr$us{ZX5#*%5k7wyJS5(U5PwW zY|ZExlOKYC)^V<}$CRkYmaJJwAxt6z&=u61YaY3f`6~6kNOy!qV5j7K3NEXyHF%tw#%B%{G+Fyc{@)&j+bsI$du zVb|QkSx62ueQo0s^vZ@Yu5<7)STM93L_ZjN*>U0lbZB*u_^7C2doYWQBYo!=JvQgA zb2m^Fp?1t3e{r^XijvUrPCW{iT&3TXbJ~k(LSGktS~f^zX}iumj;)RUK6?~c8xy1gJGD5`C6+ixHfiZn0412CGJ#R^7ZG(qE^%@*DF%zf z6Fa@(AtPEipD<(|B%PJXTSqYjMh~&*@OGZyu#jqhmnV*pSsYkMdRO}dYzwqd=ss)jw&jz=_mO)hX z9>Fq0vQs9KQUwD72HM<}`r|kmHt}93Z}%+Jm20!PWT($eFIk2mr411jW&)>&8$rNbP&g*Y z={Dz4kj&t{mFpq?E*_50~g6m$XM|OYieUI>fA^yFg!FoN#+!1bbMzl=5eqX4V>Y83RDS@!{<)%N= zPU>hi@46)O;bZ^6HQhW11!G+@k3U+L@y2FKMee5P~PPb zozbt3zO@{;nBFZg={>1ZW|%sf-7CtKJXn963azv0dMQ(=6I3#QKt>9?xU4;CHY_{| z&ZSCUT5!0^S$W=AH`A{w@<2YYg>bHY$-s0bZeAgm?}GMiTstKR;dx!>SqPz&`BBp~=N05-jsU*?DN!0rgb znT+&C$~fXWB*=#*7cBQ5>9$IpDHnVC2@fqVps#ib!@++eTeiRG*po%Q%11Uo9c~;5 zw6DPJ*BOSjJ`diSdX(h?wRbS%4fL@HNxH7pybjRel8pqV9Jom?72%QX$pB;JA~{3`OW|d6u;yegH-b5)RY?1g{(DiUnymf7 zE-5gH?l7U-40G#!8Qs2gtS@!wQ3Tf^?aj|&5`!q;64~^yZ*=168-ub_3KHK2`l6D1 z-e5}c67Y;5DH}#BLC!k0S(H;kv<>ai$3IEMho7zY$h$y_hYBKF6=)6+oduoIH?MY(E)#*^d~Rsx`;+oedg_ zIbz9U)@*E6sX*r8p`rEl+W{J}R|y|qk*k{`jw7$R8O=lAS#9bfhd@kq3*W{H_bz!0 z20-H3UNfWI5#_ zKPq|L#$QhH98&v?LpNB5mJ}1jYF~Lzeb{u=Z+8)dF+555yQKxdy!WnVECzlfT><+) zi!KT~U7(Agu7i+x4~eaPybSVr%_4*i|3T9Di#Bfiw)l^ zx=Je+e7f*U{DW;+Cg+dq>{oJFj)F6v1`f8;^P+4O+s9=#5#ipSU1dEI-2X`)2>zz9 zQvMI{6{u4@3Ou^-1NpZqc?0mb>UsTsj<)4SAfPJjez{t?&gB86DL!)0j($5@3PEu_ z8+s$2r_DTq(_WwQuoQ$#!06#IFe8Z5a0)vC8`A< zpzx$1GOnol%l&d;ePbyUYUIecN7UHcRKv}0#e@R*;)iJ;8Vz3kIu4N5!UP4w+K|ya z#AIYbMR)=U;kG~DaO<;{Ct-v3g;aMn3Pp6?Y-i7kRTJ$8H*@YEh2E!=?9KK+i4FHa zleo!=)5)^0n@gcd2=cOYl3ydvC{w|4*l#Dd$?vbNartc$`J4*!!%I7jbGNjSWIpgi zV|m4kXFGyRIq9*|e5fPTic346U6(t(a^Vg!rzk`=n@KzDXJ8&v$OzT2<)>6KZgDlB zA7SBZ>Hz3j?9E$&-_Xe8SFqE~!vXK@kqnZgcPyxe?0YCryrOI{%R7ZfPKcVofG(Tf zGswBN*us1K@%g4IF{hBVc?gR<8bBgsk5TIMk-G@m zl97QDH&HbcpBb0nPHz*%7!tRS6683Wp$gZz&Xl<4)HpR)rhb1&8|J$glHqYQtD}YL zAgxDKz3SBC(U4qvrXQ#4u~BuPg>YidhpX4zV6lT#mU2h>iq`gZu&20c-6qwEh43}^ ztS!cV2NU}-rXrsdvpl6Q9|WD5OJr-osd}OZHepiVgtUu3bqwXDDwsr*`-A}fd*$*{ zD2!za#$()l#Twc@`tIwcR86r7puk@wc~IQEmR?CAbbpnJ?aP&aP_)=y-L|72&LPg= z$V>Sj1hMZeZVA4*B{IKWR8d4EDG}Os-44esQoaAA%^V*F*FK^pPP%)M%=9@F5HRv{ zJk`!cmka;|DC9(85~tYcr+&A!AQvnq-51a;jZ12_#fA(9nLl)z4&KZJ2c-iX?4qOH zQG7h%g;2B5|JTtVy&XzUO7k+4`OM2FEdu_fw@Ai)$Ekhcja4HW%X6JwZd*(E>JP!7 ziw`E58JPc=VQQjx+w}f*DUEJp4o;NY0;WKSepZZKl%}$8JD2qCj&gn(gSVMv-zLLm zA{R%Nw5a63$-M(7_1;TJrHdr0%-6JLChR6bY5C5bV%}T%3a_lLrK&7{)8Y^B{v<>H z=y791XnyUb^yWzEoOI6wizeL*Tfw!epOcW@81mk~pkC56aW<(Nr?Zl9jIPrI%SlYg*y!&td09;32Iv=%*i|#BV=^p zLWq7cLh-EN?}Ob+)>rY}M(>e1eJjs3w$y4MYdx;o@NqXtYEkW~aIj_0it_~rj?83c zz5yTg{?&IO=-zp7ztS=8s6GJi74w*D?a5JIS&3w#eX5DX9m_>)IC?k8IgrbD&RfThmIl>9YXScU zq>r}l0G?_bAob?w`?h+JJ0y|kHs{xQ1$ls-;tKlZ)Bvt^uCZA805sS7?4IrRJeL(O zL*6o;#}*Lbrl;zU-$@+|=j6#;OXXYOvhI$^o!Ra?vh0*(wdZWq&5t7LqmX1Dx=~D@ zmcR=Rh)>d`H<`TCr(f5-mSk$E zHP7E?_cp)2SjA^NM%m){B|L{TzoJg#EtGidx06ZR{gw70AKg+TWX4q$o;neh{v~51 zEUc`^eafh=KoQV0@Qo!+V#QjU6AgHk{F3&TdIcW42}HgfNmq3AxwPCqhG*8!U3S2+ zycy5LS36kM01txQu%-49FlUfyMP}JY#rC)nnIao-GQnIJ9UOYryp zU7f-*zS<~HpAZu84z_yh%p(0yi;r66eE_HK@ZB%+B9Qz4s48f*;p zM7`FJ23e16Y|PfXOZTp55^wSwwmq2$$}sOYSNYQpeQuq?Il{lzS)obm|4i!9J%Mxc z;Kx6Jl~lEWgJ%&Z=d0gkS&ba%fhprNb?QwMjzj7OToVleX`W8<-jEj^5+%8T@ny^` zBUth1t)!KH8&l&`Fv2DJ{?*8EQ>z!g(@(S}w17zb$51 zLXf=`W;AxzIoxjETmj~+8P6miZVo6t7YBM)6FSb&%sV+|qh`&nszi;`$Kq?hJ<4YD z*3-nqoP3QMqIRF2Qzfn-7~K(k{tVys#i`xpUC@RLF(dtSDKp8?y`#@5>qf`50JBg3 zD0mCv*J0?Wb*PMEovT=Pm}=7}7MFlNYInIEOqC*1@O|nPxVlWsQJ%QgoT=-!h@}uT zwEr!XWbC)}+8>{CFa(##ZnXWdH!y4pU_9h_CcDxf`J1rW}Zet z(>;kM_jZ1g$>UFE{=}-%;rFE8J{8N=diQY@mB>OLY zieg=J_&xq~DX8FuWF=e^cyG1LrF;qZOlbC17yCy&R9>W#2@{#2R>;!V8m6(_`@2Ybr|a#>RYeTuIC|u2M{h0%`PWfCJ-w zi3`jx?CJv)@jf)R0*kf8K4FiLHwJgs9&P>#{Vy35C2J|vZ)rro@ATT! z4ChSI(ff8Ony9xad;n<>tq0p+MIntHa-b~ASD>LehN*EoEaW7%$Tgfl?C5-+ zLf07C2Nwh3!LY!)DkXVR#xAOc@1QB09(u@hgC`f4!}iTyAS3Prg441wM<30T zWaWVFQap*t1EhW9Hz`~jO?Xk5gy7N_p=dC{!Y`$H>W4&aY&H4-eAgM`U$VqI_GhTj z79g=7T+}6*O3sXY#a9t82j`x_KY%7-j(443`}s&!K+cSYC5S<~>JA)7`?a{jRvlf00RdF1Bkl%vk-Et@ab1=*7F$*IC0Hq&l0-YOm5$=z@hi z*~m88g<04q<@hft3e-l3QAnQ)qRgUTlnaWb!G(3?c!o804SdprV_nEITyR) zles#T`%Z)0f|R&#dHe7^A%N~Z4QCHseG2ecGsMs#V5Klike_k9rkj$#F}Q+~%ZQ}L zW&v{jG(UTDwsanqg0dz&3C5fb6dgDpY+0x_Y&6$~C~k02JSSn1i9Lz!CgYTxvU+U{ z!qrAa(bj%#xLEzSY)+!wIBjAyz;N@QS=Gez)Yh3P>cZv$Z^xtbUIp612gk z18DC_wA?zs={Ixc?~Mrzf6kF%Z(kH(&q@uq$0&pH92I)C_DCn$3e}ZLraJ%V@%m@C zD8)sdu}Ln=`Nk+8ph>!foK`Qp-R_+SyipIRL3a=rvQJM;!oolINujeslQ!HLwhTE5 zG0kSpvx!M+$;J$BmRS7ikS{U*9{EUojQi+*sofwl?neEip6GhD1i4j8$HlYBr@)|I zhtwP?bF1Lc*8HbUd1jeN)LvHbDc)V8o8+4Po$51}5}i0SKC$vlL@Ji<3} z9}TMaoxL>+r~zMiWP(IZ(8zL6J=m0X-Zos;<+0J&3`Yhb%_9p@9QmMNl@a8MCbv~? zMt?%ulqQiNg-jt$fCfj%@gJ3INAN{8aS?ICR!g#__)a&{4cde!mosgd)`uE_6ub@fF*U+D)7BErRR@ELdxQfak#6ma#wlq+9MtW>w`HXa7)N|D&o( z68g7XCwBoyLqEF<;PJR*UQ6$Zv}#NStQz~VtJ?aEM7aK(&z7U-MR*cLzif<72)SxV z(tb~uc_-@(#Tx`>zNJ&=QQ6VhK5Jvs@#+ur^bw)NRAkKTe>+iQK%1%y;`)PWC=8 zE;6Ay=K-8vC^t1{D9BCeKS;0lxM0pqO$UUY0Fj~olPYDDUgR(!12q<-j@*P0ZiV&# z`-q^8wM^#OL}N@|VXtv}x?#B{-YbZKJbKrok|0@T+{yXUzE)TuL^4r;%G)3{Ny}b@(O!B)&5_^w{KS110eg2*>``P)Pz!E zGRfmwlWW~azGytbV~1rma0ByOn<-u@+nJ2n$uL7UAFxOzW%XyF7pFc~y}HW0-9wpQ$!NRxbmca)DOQBTSw2-{yBSMZ z_TeY1uMhHONb}9+jj8+YG8kda%Sz}7nq zL_#{rzFq1D*Kux3&8V&T&CNI9vsX*)-6TkvuDblJZhA;P!9w27qF+1CCTK&7YOvth z%G7ln*Y9pdcd2F>3GVqhCH}zOG_SjB^+p^Pg+bGJ$x?;CSHnxUg?@=i>Ug#+l-prS zl!Fr5ca5~TFV2GTqB{eu|62ghje1PhH%`Rb$I>}BJN$St?-}0}I<1QL;gbH+arT9> zZz_6k`1{FW!Z-fxNO}(}aZMa!{5Q!&{c*t#PA&hP&OLNqZO82{L`bQ6;j+xm>p5t$%PoMgNXyTWR8rBw3rp>K>Nwt zGSd-8V3jr^0+=x$+r08)C^2QJV0HhvMWx2mU*e62gzUTrrKapdo5HTU;*DMh&cbUE zQ!D9=iNA4hMZu+XQU4V}u%}u=T`CW?K2MD79`x z7*+ZAf!Ca<`Go6yPoB${h<=GI8HyKw)DWtkIPhc9_4n4TZshh&w(vq z>2aK0p=xx63f(lS-3~U6kQlwHMTc^m98k!n{PE>kLuM|1_TBi!;kyt!6QI? zz_HA*196?V6|X4I>22R0$T6}1RBd>!U8`5`0itJJcNp+z8|oYnCcaj1k6hKa$>bh-Yj+D+s`i~zTK$j?Tg3*0 zsj)y+M7iRtxx_{ZZX&ky!fMxq-J5*#_p(ewMkWI-pF!rbmcsYp6-@KIqWLU` z&n#3nxoBfkk|Xwjr;-sR{|`E>dsK@=FQF|@-qe{se)Cv1NxE4vFB-(D_l=}bCjRH% zT&JR2fM4ZkVlr-NXa`@t)VICdYH-y5!e?~e^5_IRtc%OLqtF;MFFV@rIa0X)q2F^7 zVm-!^sfP`S1HYY1c1~24W!h5KT8S{0Bs7wVReoETp`Fv>A0~vTW=gY362G-_{dRa? z`w8cI+h<5-cd^Ou0H(r*F1Mor=IV#|ST_@2_3mZ78UDv>CJZs^Ofl>Dw`GpI3D2-( zFD8)R;U&@1kG!>m4wyt;1KWF5v5R`{HCF=wI|;Nj-T4LR=kR~!3zDQs{`zrHQOjq> zWPmm740j7rJe*SzCNC_z^L!ccO$!7snNN1!zLI#X_T0%NA!F=!HE?J2g{^0ef_Fv0 z0SR77_aqSt%AuI!UV)md!62m5BpcAeR7=S_hR2n*k5)f0eR473^|N@aGaB8 zh2gT+uE?1c*)EK}Ma#{MZqS%R7fY&N5f?C&>{Z~+^FH%(TRh@uWVT=5&+vU^5d~+o zwDD68Xkv`VZ^0U+4jcDkGJ&TphjJTqCCH4O%Cd4oCau=FNOmM>#a?jq67a3dTrVdt zG>h(}=&K~F7|p*gbJ$48=S{N&lw-r$VP4*~X)8muno%*N(m<1ztph6>aD+$e_LYEq zEOf5CFZqk#GtEjnWNAgsQ>A>*ubtlMrB1788l<{!>G&SP-@aW&Uw7i3XbAyOr;8us zlPBsC3Y!eYk2e=m;;OP8%eNYu+F*7G>3p-W;i($aq;iKOAoO|%@H7$L$Xq8XJnv&! zB%gm1=(J0yJFLC$acV`!_a>8sS7bCL%+a(KpRM7uu;xmE$`RqzDkQnXIF^kSWg+!v z9Zzcazh4&f9PfVl=;tcK5iG@gq2luT9QW-UC!580#EFZ#5C>U2ai4(VOdAv=&9jZ? zj~u5OuVWS$u40Q&r)t#z*Uy?4Y%&69zHOl-#Djo~p&4#4Pm^f?e6{>4i-%8q#_bg) z21Otx)5h&q$xbA3TT{nk%2+_V2RZ7VfmO~zH=AVAzdi94Lu?u<+}ub=|p<5cs0GqQ>^vlzwJ;l@9m{h5FO}6ft`e zneOUGb=Tzc>6fLdS$t>jQH#sDF@&|301aVY5PRL1%bCEXQ z7GI@j7$eB*52ne?=Xw+^e|j;51!RdPCQFfir}q(UKTe)*0TOVwW4CiUMK))GsQX&9 zLQJJEVj_r74$DO($nt||EnDVmMAP6RD=ptx*U8_S*lTtF;BPD!KALN(M!-iTpjnji zpPp)e{hAubG3)X6g8aJbnlAiE{=tL1X1JXuTm$x5fa)s9iqesc8yY7})rGdBifeZP zaf`=gQV+FLsHqn|C^zA#`#uYGW0+E07R}p*v-XWi!0CbbUZqrUuoXa%X{bEbI4t)s z^cQbNE44<}CL>61{Fj#K{d?>#RJV|uG)z2C^lIz+qx`lyvn-g8Iuop92=Eg#_VTI{ zN)W9#3LzP%wO&DKH)!zaCK_8v%zvD3=rH;sKNP(o1cdP9oPazxAa@U*bt*Y|J4T^+ zND3Ri?qA*<)SH+p%$Q%BJ~}Td{82@&E|H~x(~#wQQfF1SV-{$9|2&5p?)InMW0Gff z{yb#@mw@L5EitXNd{{vGvka|JM1bPfT+|f{bT-TFwuUx2)|h2-HM+s6Y)gRbkY}ls z_y7r7>-H)N+da?8?L6r(aGDiJKXM@hy+)G{{T9@N_rlug%nomKDgDBH=`;4G5Cs!{ z`t500Y3u1$u6Ksv&ePyiF%~|m;oV_Sbe$bCjYaZQ@qu*r4Z_D%3jb#ivRc1(Q{VtZa+!tMr;(1Av3fdvA60!d(9iazLk5 zHw9pleOTdE$M-1-kh-SJ4|xfAdXPI!Zzt|XKQjCVNmz+vGk9%xv$ZoaX37?%t~G~1 zy1ac&M9nm+%&XT(Aa|I_K7I{jNUuNlK!&iIKx|PDs1Z|DH>%la?z0bPt94&36oq`~ z=pj|tby`lWdW$fY)hfScu!0qlPm7J0zq&sc9uKghzg zm2TsmRy#s(`KrZ*ZUhye%o0uG-vLCg_R8mZGKe@(yHD-2JU?_A)VDNh^o6;HeXCo+^{&NVVV*)D2;yhp z<_DW}+~|vUM$uQTp2CVo%6dN?f_7gA07)bP{>mX4eXcNQz(p+JZ=>B({coFsTbYsL zLOBa9PZZZhu}M1g8U2Wwaum%&RjmJ;mU2OLO$AN@+Y>+IOjBD8@@opaYx27fqz*1I}7jdI}69MQv7fyz2J()nJ4T>*NACL&& zODBTr7AUnxdgR{w&aLeUq@;^A7RkaAa$Le;Z*}q(;A>+^TlnGe8aW?b6DGyhx=xGg zoC>v^K%NnGPlVYG^fM})eq7TonAB7Q9fejsFM^K}`dFi1UUYKdgNMsvkPlbS;}GXU zQE(myU^5)~V=+7BUBbHneLHt+WBAGLtNgpBLLtoh@WBV0|HNKDxoEw;6KmTKvo|Du zRsB>e=A*FYI6t*JTaGbqPQ{H1T*$ghVF6Ba<|s-0%7W#z&TEdoD%()v;&0Bjxn9WO=lL~?v@5VbI;(74gjUI z9_SZo?`cho7k=2Ke$i22CF_!T1y#J~=vQ5x88eemx*grq8&WrH`t*EYV3NH;vpoMU zwaKqs1_JCnzzz=#5Y@Yq$!S>;Cjx}x-Rc6{fq}^M&==6lA|22|QDSx!&)p_?pXI^9 zg*~hLWC6(6BPJG}K}nWp!*0Y&2aU+QjA zzF#pjv-8VyW3I(Htv4^YFACv8z|3dTuJCNZ|3{Qz141v9Gc(c=?lurQ{+qt>;FtLK zO&s^(yUP3TFOti)9{pUhb z!M1yD=d&{t(*8RCZqKXSbl32{&j3A5F$w#7Vt!!&SVRtuwul(FKFi5H5v**SHq`Ti zTd`!R2F!DyU5(9)YG)VO3OFZX^`Jyk6_-x4ul_&!fta%oYjUsv3tI}%#h zs%!6)caC97OYGwr#sd6}+8>u3oogF8o-vP0JYBwZ{{V>pfzi1ntK6To#b&!{C;+$< zeZbJY`J!T<2W$guh&ZAt$pS>dX!CgWuCwSt#{|(v3-@s94wC33x8tSwbIR`*G-;(xY*GFw9zSV|a z7&ZFy|I?5E59x=5{4gbRWAeFo)lTIL8l-%8`nh2ylw*9FLQ08Y9}+J1TW4(i zHP9styD*1@zVm;Nj^JB>?{>(_JHS{Z*)qa4q(7=>#OtQIxHY75?Z%@&O|?613@j+P>luUkWE z!>F^)cXo~VdhR)o_In{XA`>!+7`;~a-XZ2A_R z?O3JO5}lHg-Fx|5>4$>1@+1^|21HHPYinlg`|M1@WQE1gOL;U`vh0dH{K8nt8x{au zYt8# zjmU}-Q9x=W3-Cv4W1&S+yT}qhK&xcf8>+CBH`xnma%tf;)XwMVP6T#|s(ZPFi|m}I z6f#zUaHSoI)Tly&1U$(XQ+Ijuq?{eex02Qe&IzOOs|y98U_KgA)r zx@-8oux{t`$a_*0M`-D*39TIM1OAXlIcr=XZ6m65Sw9xjdJUAk%{;KB#gAOC^s;3o>^7K1rACDlsy8 zgelboNZVY5E`ZsFKJ5CBo+jsgQKWE%1z%3s`B|z0Ud34CyVFAfCx>C?I6QgS1dI6^G{3w*N;}MuFHIr8As0FNpYZnl>N$Eb;NIhnAKohf zF4lBiA$%OTlPW(*kByO10m6~CbAhJ(^FH@Q-q+C0Z}GLH%_H{w568Rz>_)t9m5cSr zLbFOYU6Dn}8WrBLo==J6xCO3rD>q}LzaeM6`|6n?tnnSv?_Moo5?$%3v=xz1+x_cL zg6izy*sMOp>kbWIAxe4v)C`}HzmpQYeyz{<9@Yo*W@9;uRbKlq>lzMOTI>_=w}e+O zR%E&kK!=@WXcg%3uxkL9^s@lG6b>4ckpeG=Vm=$Rc+6PknW8Q|M~FyKwp1 zjMQ#h!p>h=dD;8%W;dCZ$wF{k);Z?VZ+2O4ZFRo=iA?A#55RHhzo718=)LOxMT`HY zV`5e1*+tBK2Bzuf)dAp5!JMf|C$zJEC$z>e>f-v5-U46n9L$(-z$OS$Od*)dKzb*);(;;r)2=)AZS-5u z+OcIh^4vaL`7L8tYDT5ybTm99kz2Fc#*1P$K2~NJO99-NFNY@twupY6=G%Al|9igs zUpauopdA^>Z$yks4hv_-;otV7BIO4S>FC+jmfR=>?h`p}%!Dz3&s~ETt{U1@5l+bw zY3~z_goOa_?}bQ;doKwprxB{!E1rf)g0A(A`*rB zalT#w2|?1lhwnv5=(>*HwN7qKi|BXddxBP{S{`QS&YbTXtO+`P_Lj0O@~;D*V0){% zxJvsW<2ob60qU?#W5Hj}9H!X#iR0U;pa76e*q}F(InbWaa$=E$ORrl$2?@6+sXC@O zvj$e`op2_}-p%Cw$irhR)$W>)!SQ0^^8Fz$=JRyl|MUJR8Z8$7_#**(^VmJemnq@Q zn+Fr6D&O+!s_toOIf*s^U3WA5q)&Xu!8C{R_a#5XE@vWoJX2Hj>i;}d-q-JP6k@@> z*phN61g;%0*J_BiVUeW&>xEDF{jV4P@cjCLOpoP+0-@hh#w<|g?+c#?0kQ$Y^L#7V zgWAeOz}mX`A`{*C^}k9~7V`@G_D|08BX?X@;U4x~vP|5YTl6x1hWzt~V~v7-zYGGP zf%2jDOU2S0YE(N!{pb1f`R^RVjjir10zCy7mlOR3f-GQrZ8FavML z@OiXYH(GIJdPK*~^3G6b8J@xoHM_%Rra8GP{_U+-A91&@w{W9LO%gJd4!0qA?yVH9 zI3Bg>c&-4Rh@Yo?sFc9|s{o;+g`8+Pl#-6=CY5Xk_*~w zi8>q5&s5t9qzWISrZ}9}{4qF|)5%&!&v_xs;h;l)^{_KvXc?JUy+u$=`E>8o(s>V{ zyEtszAMr|ZoSe)QXH@nw87(Fhj#6BJDSE`RD{m*-zp`u9oz3fR8vjvM_OE70U*GR?^GkD=DI=>3E5u8<6SnVG z?@>tvHJzm(!ha+?NFHD|Uc4uSvMqkG!Gi|8q$?yf?o8*6$BW34jx#6rWU)vJFm1`A zYr@1i6?i}v;CdfHcgz=AXVd8Z8G9hG=VV8?JI&hr75Q$zI&cncaZHlQ^H)u|+S>ZS z&~@F@xSF{-rk(>b^S-GH@iYmLq*!5=$CbdY6(4?ws?;dK`YpeKQtzSwvs2;n3Xuf9 zQ^GGa{P-)zH&1d`%B=ffiY(VmKeQQZsWa?vTTS+{WY*qH$zJ|&Z!>iA_|q16a-%(E zsr^I!uToVFlO(XBQKq2>!;Jd@^N~8g@xhNJKI6^}gkKv?^L&wMu)gN2ntrj-n`ZE^ZnDVeO zXF6m0{uTi(E6LP7im#s4lbntRZGt{7ZBbc(tGfnuJ@Y;=6dKPzI8+=IDZS%2P=T+* z2IPkYeywn?CBtGiQIWxJrZWL<%M^+CiB^7Qs+wr1BJC@bP6jx&dzNY$Cz1m)T|C+U zO!{1t{;?)L7%;qX{k_sz^Gn9}Bxk-T^!`H9z%x|m(>?P{KE+T@Ow&<1?vRr0PTWP? zc+SN``4y_E$@M)Bto*pfCk3}sKNp%Vs*J_G#veqVfo&ik1W@t~jK408#2(1g#PND& zUU%|358Q;$K71QB$65g`&Pf+OSf05Ge(e4k zDn%tSS@CNN-&d^oVtVb++eHQSB3=4hjO%b;2emlTT*)_n%Y8${r}aF*V;7bHcM8~b zI(ZJwlm79HqmmpIaK@ouakaZ_<)==p^b;K0GE-QS#Qx05)T;Q#Td!VFPa*fR+Tp@& zHTnjJx?#hY6%V|A3G?t*?&fT@86V$$h{9FoPt;^mjW@-56t6^Y3>-b5ZrNygK;w&8 z{30vHNMIl_F*}6(CUN|`0EtW}v3;cH7v8J$92Y#!=EIE-)>fNs6V2MpD=AvbW<>{L zAG5w0LGumvKOcPywmI%spf_R=u;&OG8aYc(PvETz!E7LsBHlT9&%P$r|4 z^`78$4MxeD!~SY+qf5KbVNyOb{`9O*ie$WseTndsv{oSavHF$X>o+SVX4lI<5E!G? ztXfe-`!X=JMV67kbCn*HTa|D21A*)5b)^;9sf=B7D?x!+LO;lQA2 zd&vX!4CjLVxx&|Yb8w%G$xy0V!sjUVWPT~RmdNVaVV9em;>js{t#sa@c~UOP{3*rz zEu9$I;l1K?rMkJ3c^LNukSP(CNgwtUHn)g>(KF+^_k07B3(g`B<+E>|b6A0F{74TN zrrej@$E|!KPHVhozus>u#7A2d_EvbJaG5D!&s?T!svkQ=R%%vBmb}o7<=yrNCFnML zo$*b){<`8k@oby4S@y@4WHI(noSp2Xt1#=8nD2`b#wVX^6yN&(u+5*plu9^I8(MV! ztIu}W@4)I)!K~m>%(fNo*XBAKlK4$!XQxRN1h1W3SC!%SU7^i^bC{qTS@i|KIM?S} z(M4F@zIH;vD<;F3A#rqO*d`UAQaSy3r;QaEhMu^kZ!K$@_wKsB$tq0;h2p^WGUpM{Lf$Z0B zY75dAZPbsz^+)8jS=2si2XnWLdqfIEN+(vLP`-)^CTQxT)Pbzrddl|1m$Zu!=uXO^R+Zw?b||X;b@(?|kX&Rx2RW6}Ni% z@F(khPe;sbHDv!a>884kb@(4rS6SThch28c1fJx!8D3H4uHvsNcjH@hvrclR3AnVg z{OQk?$97+t3dzsr;sxlLj5JQ#F85as#4|T`{w!0&`@8y8+PAw-EBQTL@^`^6T`}Dk z?cUmEU3a7EjBvX#)U0yB~#y5;ol4Yh~~qS5`i8NOg>vq zY5bKsx^5r*^8aA(t>2<-+qd7_L?soa8!06Oq)QqE1_=?Qq(z1tI#rMm9J+*|Q@R@j zq&tThI)?^n1_stO+_9eLd7tlE+xu?Y`fdFM6W4W~=W!m#zJK;uH|CaXILSMd7;P8Z z*2nc40~gvB7Q;&s{=~&3HU1cn$9WP*w-VUZGQ}!`?deTf|!3gz1v6czTPTE+f z5w?os*~F+%6Bb@GBhK373rBMv;d#)Vrj%|p)vs?Mm;3Rk+6)I7XV23}&+uiw51yQK zlTFK`7l*ahGPVwdE*I&IixFmjte}Y(^QLxW-pD!P^ao!xd2klrJ zSE_XjuG-LxjN_x_u#NHc@df`Dl10EQc3~F^{ZtOyHy$jhFiJCn!NdCd?wlc1kJR~h zlR}b3zwg3`D)YD8aYZ_6^OxNrJCvSWVhu|WPVk+g*z+m870t?!({vjW3h}VNKk2RE^2%9)Zpk95f=h&k!apO&mdmEjTDAz| zkE!1n@YxcZK=Jx9gLgZ)nfpRNIVhUKGtMzfD4vN;JzUqFu6pfC8%SbjG1sKn)r&l48VHNaa9j)z^>ouc2V(nw zKb1c#SgK$e+poJtU9!^>piw%z4>L1~G+O4kDFR`%cW*3uV7fbHfk4J{7##)NB;THm zvKO;$=2_Yhp-Zkz?+KV;(0*q5VKOw+-5-mk`xw4pkB{ z-9K^K`uKe}gbr8CZ>Wg0D)gbpXSX-2UUKu%0=gcoenQNC8K{4?`R<`uQG2N&M+FhH z`%2I-i?3&S;>TIf4=F;T>YuWx@y{D+ZQg?J_z!03`|f`fKW%QfMtH+H$?XA^O3qSP zV*8gGw_Ph6{wx-=KLo5xg6$W3!?%qrx#zR$YZvP$4n-_w(k9IovWBI@`lkX;?O`GU z$~7)gO0t8Z)r5Did$TQ9+^6*De57h6AlC$ie6#3f`p}z812P}=ou=v-XhW+0{@ktA zq~)Q=?(nrSyz)+b()Kk~(=`hRg2lUm?F-`h`1$dyL}$jz#<^viCatFg2!h=06W3Tuqy$wcpqYr{KK9y4Wza2@WbxINU@J922WYPySOM1`DiMOiABM9ts1CW?E(3R6>0p-D zS*=<6lU^+OGGTOSTf-#b}CrfHj!xJ^)ww4?Ge{U6^t$aT%+CBEl zC=`3$RI;(@$5S%OG}BqNT{D4u3$iueO=|~Rn9y|I5Tpjxbz#Vd^*4k(J}xTX4<_IM`!rd?M)hOQ3k;RwAdB!86wZGbK;X2#sL*XwdHU$42_U z4x*?&asNgSx6^za@)f{O(;=3$t~ML)O{n9%QAm6aF)HlxMSoqVH88vMjn}-1@ZG=h zaY>9Xu-MERt~((FIQb4qvc4hWg6X6-;4R~Q6~lo3bfXlSv;gfeXjrzke!D8bDedr! zs%dK}PhVfWr-5tw;*XYXk(D|@)~{9_H@%g^(Kwo??PHn8$mZTt-(T$4B|Sb3Sq~qp zyr|=!C{Ot2&8xqk$=Evq-ewz)t{~TKTw!?h31Va<^7B*@wwN+b1*yI#Rb-W6r{&bg z%d~iN$>2@ASobgu6^3Ot;Wk16xR2X8Wl<*)Pd+a-L-)Vr>$qBqyvKEtJY)eByrh-R z=1Osx<`2o`w@+Tsqqfx`+b z3iU!%=T`L3J}CR{Y1 zZNk9FTQfK=x(GjnAqw>^A#PC-7Z<_OT3xKNH2iD_=wa&=zC9k3!>D|HdoAsT1Ni{So`k zyS31*UU~cE@zDlP+twQ8UhMDC46at(&=eek)c$x%@W91`gS}ff`|d9lP{G2waswQA z`5Ohhtg8=)JEK&=S4a3adD}I#MACCL9?>SfLz&TQrxElt(~^B=o6TSM!vuu7^|Yrd z!u%7mj~>H$*R;mme2`D2pNO5nlMC<=NG-IJF$;Dn5#HA*dgS{JuP|NhC(TM{SWOch z7^zY;uynPU)@WYVnz5U8jyv<*A0Iy~3FDc7_KC%&dTkt<|AsxP1gG}u0@_i=B;=#e zhpS1dkZ)VUY3*QP?}BjA&|L5n_7mubnM;^n^#v=PnX!Y9O@rg!1_bm=*^BVt-OGN= zTyL-lNl}4r=iEhgbJ+}xG+mO5hQjn9ikOd#Yry8>In$+=>wreXriuWm*c0h(OrR{e(NR*iR6&xQZCc;|oZqh^;6y2V)cHg4Q>&_(mVWMH zeOt*{d~ZPLYE&{@^rhgeh~*r8j5M1W&-&tR4Q4Ui5?(HwJmXn=yxC}iRO~YmYUF5O zuX!P#A%X3oxl@gN!P)WtFdmPJgNW+vwAZv1F;?XleJj3NH@@R9h>V<8I#!Yx^mP(S zmaRBnh=V&UU9`mmWo6_J#*?{{V;RrnoqpMC+!hpeV31w+I7uFJ8tr5GkRN!la$vbK zJWc~%d6HkxpD`RSPFjqEm@w6L!)@*#F7%x^yRkoQYh_XChoA+UcAAIYlNPs@k0q>8 zb?+MUHt$BCITt;W5``$rmfMPwWWKV${G=BrN^e_4NSZTmsp#TGmSIaNCJ2|X3>2bF z*sF9eMm&|Q6{8>VHY$xEJFBP&KqQ(-DLDT>6C%=v_*@D{oSux?M_I3vMRkw$H!J{z zh!4s0?kr!VXQ-B607@Ax>rd%ZS2BNM9!fg)y}4A|rKu>lYK)9cBIx{4DJSU}U-{`+ zJjm!f^OoX-^QYra#g|lpvpHEtNkZM998K(Pt2OHV>=JVpnvNW7;;z%gWK_rBRRR?M zi^?~2t}9fp4bYV}x6^!H&u#?@YxQ-3xfPyzn$4Aouv~*mbcN2o!eXt-dA;6Aw%gDB zJU!v>!o%u=Hv(RvLPkEZ9BK^qkPqrG7h zUGI21a;cm#6P-ksmoE$FwExR8il-4>=ZWDlwGxR3?vQA01#&R(w)6}(78Fo|8_Rg2 zIilQpNGuwCix4A*vF(Yn#!Y^qhE|WOqPw$NQm9Ex*h(>wjj$DOM%a0Y+fO0P=ie_33t|uDW!+o-0 zm@f^nr6o9!sUhE>DN;z-z^+(wWwJi$q3F#5+9r;K5@EaM>0?X~H1x^7_EfWKP}IsUb7KGIUcPD^UC72b@SgHOK)dm=#R zdhzVrZmLk_nXu$-hOc2yTrRUb*S`&C9?q@ak)W&f_6&$v3nH%JUXgKfPu7?LR?g04 zOQ)6e6WAK0q$EzLubsJd0}j`^ep*#lzVTD$#3_A!axxx&{wQFVX98)ey=Nmre=x`L z<}99VV`s8K%eC7=NTCf;iSj#N-t#(^@2kpgd>N<}LpY^5BQo>9=LW) zD$>{~D|uq8d``N!Qg)g8f;+;7eOvnU=Ry3W+4bW#pL2mee*3eJC5gVp40~)){XI5y{_veZ$94_g7D}oqe!M>R z7XGCYX#IH!X#HCXk0c@06l4XSD`~m;Ln0DVoq8mAl<9uDkeq&kTPp9cGU%?eIb@%O zgNMD28g;C&MAla%pEK~jB$NQf<2+PdT9L5rEb(ekoCVIYYjHV*NH@A8pI4eA#no%U zVjEnywM$kUP=`I&;EfN*$0fD@T8`fQRx_$`JM7Z0 z5K{3~VEYx3ljUf|<%e<3wyx@zbL~#9D!&=n)eDZC3(CN7`%UC(GeQfOk!#+wN>}%_Nxh{m=g))TsM(8zNCzaOfqG4ZO=I0)b(FJwQE+7S;czv4 z2tw{-V`@dn4_Ri329C9Hoy`ERnG&%tDxag!9Dj)L-p{yR)_?ByQe-SaJbApI=l%zu zVg$?n0d<(|1&K$ zLqh9!*CPPD(nDf5`zYzhHScxOpW6tt))9EJ*R|g^OWnbZC5kX)m^SQOLJ*glq#&IB z2#Ol-s^zkur@9;qAQixGn~z+V8V_=x+kzm`wp6UxSx#E-#W+Quyp|3jj5X0 z4oo;p``W55ji)^O5B?CMwtIZ#PF20%Ku?-MsdV0s7Kj(WtZ{rTYzesjm*$RNI#az7 z=-KXb$}dPDZFjmCsj&93-V2!_px79HHyCo`R2y`OaC5t^yNZNJF&Bw6T|e&L7JuAn z=XC3^thn$-VyI`KBb{N04VqrfZ@32lfB`SQsR2fn1UJP4wZRp*a#CDtHomIML zRe$h{tWU*S4(-_>j>X!;sWAO>hVZ+n5aObBTmq=ma(_?$Eqo6%&wKkZWQXiyJ*2$y z=1`yrH#hb4O~278?7Av)ddAVKyB<)owsd$MCsCDt(YIso`1$?AmIuyY@8J!Bqu{QM z*={?py8IA?&XYZQUs9I!)^bnxlL(}*hCCm>v?o3=TQ_V(6{c#gHe5dUZaY)>mQKG` zR+XO~;K5VUR^o(t<*_Nl?)BpQY~-zfnEPI&H+0LiINpT#+tG}#Pfsp}QJv%r3coK2 zO8zR}R~pv5@e94>y*W06d9Gdg?C&+NJ0r-Rx04Q`Wf5L)@6qlK%iJ<$$S?2(T1n8p zg8#dq-7Jf%QaDySrJ2<@rtLIz@Pw`Ry6pBm75D-h-ieon!lY5b9^$c0>pOk&z@UrQ zV6OZYCGDWF^!i!0VMmEoV%-~4Ltow|+$Zv;9Vcd|YT2Wzm<0}uQ^lgG+kS!~pPW2D zWHZ3_B5S3SSdt!>ym-awVS1fUBq7VF!FPtQZ#U+9c!UbURs7!8l_?I&?e+~1h|IY0 zes93?9G;CAUfjC82nN0Nnsu?B@L<#R7ZmraA*rfzHzA=W<%H^CNr%H;!qXr6q0(P6#U^@RU)@Rl zQA}C-qVl2#>5;IX5ETon$kaoi4{q*#GarWPb73y5YaBnDYry#cHSx$RfFT}S?L}qh z1f4R)TaKM8zc*B^MQTBJ#7?>p-Xv!ihqJAvm zY^dzc0`TFO)345=bq?hcxu8OBQ0j<<`0!5gE}r<#E*7fWl!hnX;OcrVxPYV-M^ z9eNmEYC?CROdkk7Ad+h`0PbzZs?Q{laW(vG2_`%E#D^ zQ|?9+8Q~eQhi&(<$DyUxho|b7B9%>o={Zo8@`C^690+zHL->PEzHz>4ph>wqX7{ zJ1Wl=vU%sC>FFP35&FD8N{QwAd4RHZY3-UDz3onTP+`Pa)U0xNr_{4~tIZs2wCrR! zgA-Nbav81+lc1NT5$OrQGYDxgA~27_4{)1^g*sYwN)SYTJzhBunBt?%6<-p~@wQVE zKa6rZAo>MNf09-oS~B`xif~f%qbtIj&7p_BnNgOA2ecn2J73jq81Ff?0-H>UhU-Zz zyRJ4ES%Gi?AH1_;5Mqu!UWdQDjXPP=+&#`=T1=imuY9Jp(YGMdlLc->aTsj{RL2xI z$M1}C6{%;ltAaYVg;O8zDimU_qgpn{xv30h>mHuNmOWiqx|5LJl6wBtj0G*k4GQuM z!y_T3-!%7OHim>~dl|9?uA9CJ&Nr)SutmJD38_R+4em=)w&4MP zn82X>^LIN95Pc}@6DKi>VH&AyalBSs5m2665n-_6&t+8xT!n#p0lL$wlKt5f6h)s< z^DNidDW090rhZ~oAiqGwN>E(uk}ujNv=2Menso%>dLtwofggPaKEjcX^I|!qda5o; z$;(FYNl_?{BYYJkMB)mVqikKx>~@YLk3vivI($w{kdV03Wf37Lt#t;OE;D$tVvLK5 zN}`&g{L;0M-|)Q|}WaD!4r-$=yCZ-L)Ou*)k$Z zkKLWTwL4FX@C*AtyJ82h8X0eUZxx5T9Br{rW44PNy7pUN>57ywO;Ph7T=k@ zCFs<$O0Rkr|0KZV!h-^0OX(O&VM!4iOcq?FVu&~p4i+(4iR@Ho@tT_=+R=}lMG2c%Wzf^&1k8iULO9zw$gRqv~!0P*4IK4NFE^%cq+p7C+ zENQOd;FbhB_;_*E1+dl7^=hY8*meb2Tr!QI-(c3wH@7iS5H)cJseX`1t!z!%qOBs+ z@JF`;3tXE6|Mu*qY@k3H>75R6aNC2dQOatz$RMUEDF^V?gNT2;yMGYN@Swkb4*Aqc*1?%Dni57|J$F`pS`gR z-2K_Je-bPkbwgV^I-QtDXt`{k&LdDCg2`_(QL}jo4XIo`P*$yg=DBo+@5@#7i=HnJ z=HRKm3w;?ShVX89+&!0py5yku3RkRIwS~*wu7U;)hcSPByH}xu-idj3vyskYSKCH8 z7o*x2;Nw$zwVtb>XNxeFAE9$QZV7I_ux~VV_shxv(NoWC*Y6pZVUf?N%j@ zXRB%272f}A!H2)k29rw^ZU4R?u97`ZdFI?O&qeFZ>8OK?ZHrBv=^rB+DGXD@CJ;LO zrbycS<1Y529OY^r*C0gyBsIuShzrm;`0Z(6K;|K&qywQa58#S#;mV$Iu5mQ*T< z*+3n2``<6=o755yI{Mawh=bMbsG>jbOdi%_9_kW*@a9ro&~amLDODxxg2U|Vx6Jbb zLePBsk@uSFOE!3qztb$@h5@apQgX_fk!8j-sz3r&VbHg)#qbHguy+O=`kdBYt)-ed?2=On~$|v&8E~!NwPLIFbcGXRNzcaT=1~+W7rL?sOUz zPVA^z_b1R%LzP#3Pzk-#vcGn+R!>J3*>1$XeC-2xXEjF)!(WaOK*`A|k>l&$d4OX~ zt_v|N_P9W7!weu6VJQ}+u9n}T-UzJot2Id-YQTrHH|Bh(d_7Ogq`y8$ZlpeJJQz#P*X zPBmY@^I^?KJ-9W=0Lm9;J65`0`DCM_kdAWY+VY^y*gF54n7v2e(1PgZ-~APg?s{A~ zm9LHfTdlFXb~@^w*((zCCxTSn^HBSReLxUUT3)NzQ&pUgq{i)+B#AQAGe{qh1dVRd zOr@CthNFTFX`j{fRIdWYqG93}t> zJwQGxBxB8DHEw(SG^HML<9L2wBddcmC?UaWiWI~)JpAZhzf!Fo;pSa7^Yno+FQh z;&Q(H*GRDUoZLOi3{QP=JG~32)AyAQuwR%R*6wwR0TdE|w4FlGx0$=3#tPVSR~jcNx{rMA)1WU;c!sZNk^+!5b0fJe|TRrLS^II}m8aB+aN z7>nZYk_Mzbku?w=Rnu6Zx^ct0HGbn`qV#koU~&BGXL{aB-vrKM9#2 z^QlkhdML)2Oe+N?5gh$7(f~kqBWv(VUGSlumHIe`Qz`6A zpQlnR-fJG?>Py<9Jwu06BXAdGld*9X4q<(QbGZ zgs*X%UZ1e?CM+HAr|UbyoB%W#%eqv6573yQ-N#yR@6hK4#T3P2(I`#tPwg4Fqed(4dpA-Dae&uIOacfsezVC$xUy#- zFY~`tFHGGhisu>}zw0Jk&MP~B+Iu5&P19;^mA8>5g_nTMIf9{dO09A;_(C_t&YFbl zB9MJ1X9R1aOG%%a0#w5g+IszP(kb!w#szv3dFv|M~B22H0k+l8@*OJs(4lPC_9%_!$ z!6kS;FS>3N@*X!?@i*3)Lk1WLU(GDE`N^+Hi%XRTKplPsyZz>)WV;RyVi%*!CQ|F) z7YplT6pBPW91S95^^RQQ-BEJ;B$1Nx*B{eGV}T(vM_m(z*(;Qo7(AbCgs5^R$_VGx z7ov@^T@&kF%hy1fidt6{k%!`!vS%>eNs&NM{4X2~k)n*5M_ z9h#QFl?-P%iNR~bO3A9Cl`bugydkW`;)+NZ!3}jlrkXfxi@Gu|=>R4g^&uQxR|q0)ActFUt6k3A#(fRGLX3n z@T|%kNdFR$3FN(xByuaTQ7O_auo=tM3}1OTv>b+Z1mFwx20AQ79C>5m>qJ}ls5he( z8+(Cs{*F2C3F(F@(b7+}GQj$PCAH^EBNpuYa`e#;yy0@KoLYrEMy}jM>Uk}0 z_{;NDaAcXJNHaZ#Z8))oyP(3N!TFulmO+t5X4*6m5m(zAL%p*em2H&|;cIi~vTU)pZEq zg^AmhRtT^pPrxCKv;5x(yzw5uaoiJJ#CccrFBIZ`_o&UUY1b(NNm*FG%9Wq}uPOA1 z`$^W6_lb;+GELa{u=-zKzGuGGl? z2j{X^^~%8n`2@279K?i=EM^GLH(4G~M=(lsbc+HUMO0vVVgbz_(BOXCVR7)=_L!t< zo6&=-FUWpE9c-0DwDe5|fF(IyeoaVGmz=DYd>cFNLC7LvT@1tI8<7xinSCK$I5#)7%|%`&mI&JL>0@~!KbSpn1a{?m|t zF~ll8+%FoixU>y`i&Bd>TAoerwWsr8O*z9tExY;DfQ?a${0wdAu($BxtLhX?e%XPpl8udwL>)RVw`Rv25)B zOAvwu0JfB!<~i8L0xgrx7GGr7H=a11dVOkm4B!LKCEb##u>t^6XxSQFjB1PU%}1YU zTDspsN7SIE*iG{G0P<51)L}o;!rI~&@YfNTWG6q?d-@-a_b(5J8){1oVXl~a1Hw5|PJB3&=a@r0VWWxaVWOUGmP6=+K(idVO#dv0~Uglblc zUX0ctCePCG_TMHEo1K45BEQScK;PkPh^FUluCdlU%ib^`9?`XeBJSKOIK({&2u-ZLOhp5?;SB$b_t+Y)LMbaw&mTp ze)N!Sntcb>z#%~U&a$)tz@PJBc0I*~_h2CpB0G zWq8?T1f`{;c^xNsTy$`s|CB4faVIa`J`o(!I$ZUkZ!^&|Wu#`N9{r^}2CoOlM;_V2 z;;?vdrcOgyrGi%868#PMO_(}Uk(X8{GRFVcL6{9sIroPVl(}KQQ)dh4e0IX@=f?qUafm;uQ#(l z6rG|!Mrk!Y?I>*J_l{PQ4Pg4 zg>RZke-_8e^)0I3)CebhHc?xsK1Y9x!s`jQ;tq(&D6LvjNZxm7T#qyyEg9uX>gzcK zq=GjFvKav~r^^6NuPxq=r++luvP$wFYk-35ydgl|)aVRrKYdEvPEe={>aKE$m~1@l zt1I+<@m^jivj~8C?qi{zLHqZ0&_RixZnQ`+XN+45ki>V)@>fGZ{A~wes`5geyOuxP zMg%L(Hdh1knq0xhNr`oK61n*{@NodV^@UfB=Zj0W-yx;75<`Lq8}kiBbCz=EtBzm z$eTu6e?HL)eOoOERphY`2-F?@@$_Wg?oEAuoA>ROUVDCzf3v-YE&LmBqbodJFE(EU z*wm+mBXiiAi;qHG8?aGsDuU3|z$l^e9Y0B7B$t zm^G!vV3@OyZ^?q}yDOt(gP`Y5=P}M1HQt^c>Ih{Z6F8A{1R-Lc(L$-VU9{6?$S#3f zFI@K5Z5CZXT*3lxn)O~NChOV0;ib0oNkw|3`EzTWpHHXHEa)Q`R> zRb2uc237iSa{yE-oXO>tUk<80^5mFJ7MzPIV`>hcyCR#WQrD+f&~~lWt&^qU+?p`R z;xlzLPs3%VIS#c}5Eu5)fo_tAmuhQrtj?!6gYc4gC!N9-4LS_GBNN_)DoSi}zh%Zw zl6dV}_JlWTKuka~!AUXugiG7dbZbYq4Q0mBZute(606aAmW$N2(53TgVnsHrDZk3`PL#GFJ$lZv7Y?(x_@Z*!3jqYk-$IW6fkPF#UZ+2Nrkwp}WENcfas_iMZ!Ey4E8 z1(>z^>E33OCP3E#j!4{uVyJ^+xbk%>q%wk*#WQ!|r6z5l@`9VCRX54!^eONIt)}o* z=lJT}b{~KNOX1PA74r?+ed4Gmu(DiZ-^wF6LLoX-7N?;u?RB?B`} zVHD8JkjLM|z-`g~07O=g%w3XSrTR5G!WHi{&Y zAK6qS!4Y0-Uz39zBM_&CGQJ@jMnC~g2NKHL0VRGfg@_ZK5qrYE{T&d@&s=_MP)@)MnS}q+h5?inOm|YOOz16gt#X4Qy}l&SPk<{#4FH8;1NwHE zKqwEGY?=e;>1BA>1p`3554E@DG61|H=Lpaf5vFB`tXmq0Sa7<>p z-piJC`Vmnfs09f9{LSo-{KaS7OlJYVrM%vXgWs-3HF&EFvmXYIT4(Qm76U3@aW^&b zN8<8AA0Jlu1~i64G(wjuIgha_!jN7IY36v1`&kB8z~E?ZwTr~^ye_uu>0T^LFC&Ph zshVJaU^m(s1xIbDf$Apw9fSUwgE-5#KOd2?-FLP(K*UU;=>yN34Mp;AHb#xZ*a<=WW_P*m9K1b#BmKrEl3MzC3i`lXsbqjUO0Uc6PT35&BSukkfC*kU1i-kIncmKItE)Aat z-G|8ltWUvfu9}54FSIeWxd+!rB5h*tX7DrsVK{6U28Z75oiP;PUd{V}llv^sn5%R? zC-ZPMKDfA=tJMVaD^wtdpOz`46*L2cU`cv40({~a9`dy1$)%Az*P2V(c(VS&Z(wSJ zmQjdPHi{v}nUAg^X)$H@FIMqy$Xa4Q7%t1~mOk0vRUR>qRK0XaM@~2H17oCmMsBg< z0Y%0x^O4R(k?eTws8;q(A?n|(;LxSs)WgyVlU68RQ0bRgfh>>YMT-nmZK$3GztMc+ zLR$tmzA{1^6QAh2pV>6CXrGAAo@4Lqm;K;bT zr+0>@PZ{S@T)a4+yve6?oY1gO|lwKo-ueqHaG@0E0^4aiQc#80BeOHq)5k6^%pzcs@OZT$WpT;D3rmn~F zAC&lx=Hk`@8A&T=PHhho17fv%esq3VWn5$rTnf#vVbbOmT^e?NwDW&Mz_R?%9Rte-M$fMV_r@H40nQOg@s}) zrhDk3x3Pb2hLQCq*<_B-=mt6 zH8&d4fja_Jvg53=!&7*O8RPWgulK}$afGaMK_H-){T-p~u9P$SIup-zwx@ zPV0u&y?_XTD(UBlc=HVPIrTPSsM(6kUKFI^nge7#fL$8hl?d9Ov{W20j1kw zIP`N5OF1Qk;La159UxR7YFWvhQeG&5Z)rRTaek>6rw-XouO}wr&RcKYC@gz_op7{1 zw+VRGM&n<;)dQADHR?!L?8p)pJ6!-Jj+s?#wJlpI3l{=xCiNy|_EL%#7LwL}X02V- zH*#Xh`A9FEt(Q2aow(f^Y0h<_u9$2m%`V_WebojpEo%qn}&GS$eJF3 zV^zcNiNI7C?qvz^Bz@bOnDAB6v4HxzGQ4RogUl&b$UTtgSS}8SxA*5CSQ!!WZ;`Zo zABe5@f3?xq?kz3ceJugQp1?0u12c#(epW&-NQ>Ge>t!wF9 zG)KJL3JKU3d^0^r|8za^NULBi96j#sRrsS&<%8zgp*2Q5cbyA}Sp=|;>bb~fZblRA z!D)-_C$S3Y)&^t%?MilC1p7ckxdI7SK{!CspJrZvlj9BKF*;J8hnj>D`o!k)0J)V; zb*wkYpJRMN_Dd1#hQUy44%g)M(`;1ZQfT zWkNS@0U7Fz^{zU~gjNT7sd(K|5`*-P!I#`1PXi!p3rNheJSB;FU1!oP)cJWYxW@`0 zD+Sd~`|6gn=Y6kp@>(VI0+=LDORwFpv-vKtm`H1|J46*HY1QkU`eMp}{{8okL0 z7U!m6jEn{1M?aCq9CiML9xoTf`A+pudt_E+${DbRk z?^RlG{F`NNc=}7OiSCN0&Y$#v*u4&`zK9;s?YIA`VJ4b8IOUjg4TE^qxJX$;lu$J} zBCs^kXb{wHFmX1C|CDP`?be@!^+|*JErtkenbn7%*0D6KS?qKnxMnpf1MHb9t(KQ=utX7Z_PplE zLo)i*veQDJ|2l|nsDCHfA@8uc=T$=viG!%G+}>$=F*ynJ!4Op|=V%oJ$jfb?_HpkR zxILBwBR5+WGM#nNSX@H=&V^JD}bO>jh5eg8N3YH_i2-`6q#T>E3TfNR;Z ziU{bNF5fbO>#hn_+C`Ni1{~db_-LKMl|P|4P)gL+CN<>Wc0WFnzNd1KF3kv5=a%V%`o29L{EDnhth2_!&m^ndZ(}bBAATcT0cvSktoU7h;312b2c#`#*#!#0QxuR0MSz3I;?aD5!p2H4OaVzpp^}wN#-w=wXs@ z-v_HE&?MU33|1JB^C57l@;aO9YuMPmDE%Mn3@<6uG8<0TA5f4u47$%dpte zN_P4%AkISlMBOQkX4t1?4gV*?1{?cG^T^4mdk`w=CfW50K8(u1f4v;m{%}o1jh4Wn z59TZE#7ebx@oLZiDOddDe?E=mD`EJazw$J|c59d1ZZ@gmcEUEC!frW6FzyrmFHB>< zR+%Vi%}OA-Ap@ZLUlOti38pry;X^G0M@fP>qiV;+E!PZ+(i@uT3GS~F@ezd26Wu2m zn%}(y5Qoc67uDJ#jq|)0hT2+yJT_+RxfQ^leNR5Oq*YO?Vqj3OEP_lWlu5l2_!bAJ z77H%V5blKMBW0R$f`L&o&x@??*9GdSNI6HLM34Dsb^YyV_!GzE_cy#G3$cjW{%(KJ zG-28pc|%-DTnW7c&CHwVeQH51G%@9lCy?NF^ zw4lMrVCJ&l4PzCPSm);<03k8-ks5}M5c#E1tqF)Y4owAc@Ac)ydOdg@vWfBub`SJU zVD(+Z426$K2pB6fMN|%d=5SF%H!xxtI z6BP`kcc-Bmn5z%uS1ZJ(LDJUxUChbc7IR|5ND~T%mb8!)^_u}Pbnr5p;E<4p^kskO z5XnJmIy$!&3tbn-4!=aIDkKfYY=ejILen|XZDfC-18j_NCS97c(=Uwj?OJZc;Uv;h zNouwfxF^kx;snUb(8?qa61M-CeC?I0DtOvFPqak{4Dm0eoI~z93BRVzL1D-6Sk7rm z{lC?MfA_A!q<|s%t$Wl1d;c{i49i-q1<9OCX>w(>$jIF#?MPU^Sc9kb+c{E5SM^_EL zl7Y}f-FL$Gv8S&QV3x&6}4&?)$enm7ydaG zf!qEibV$myDoN&p;HYA=*Z63vb))>j8^bXEN|9V8Zi3F6ZbXNmZ0pw;x=hygfKF?{ z00sB=CT3pQbl<5NDl3lhdw#6Y=pV_BaWS;4l{`Vv6C>NIiG~Q*6o3>7G@m&4An}VP zY)s1iqgON?b~J1H+yn=NgU%3C$~LJrM{p*0+Z4S!Wm-=v6~n@(x36yxZIyFs>XZiw z`5CN7+mJ>VjCQ2(j`HSOZ$uFc3M>UZ@uGi1(|%Kop_IBiO{Ls=g)01}k-*8N^a+l?)phB}EF38Z% zmB&&joRb)8BseqFqz0G2rSPwhBh{pb2u~2I>c#>Of`CEV_8=41B8|2W7@@-o(RHfsRKrzLr+LRa({$5M)pOERKSGM} z1s~eX{4NBg{ur76aWqJ;L2ms-G9#M24WP- z<*qsr*gn^MDj-P^Rl3*AT*KMvNe^fWLbJT1J%D6AL+7!ZF3z`~1EldVF` zh=`(^xhwa5#w*roCj%SN6BQd(FZu!@g)N|U54kHtA^o*C1?#x_M^)kF{IB_s5z6$d z;7YSVtR7(~IrgE~WE9g{&}Ku%;qjKi%&P(Zf<@jBoIt{p%LS@MXLcZ~$e7MZ_4M>t zqU+CJLYy|h7ey`9cHSCrC}JM)|5LnxX4h9G`Hc4^a9`h9(fRhKL|Ybbe~DP4NdyPr zH8qYmLA_;S&NlZpsCq@XPb^qYbE?zl5_8P8EjGwLbGfA9e_F|zG){BJjilOYW)Ioo z<vi+4+oAVS`nm2Y6JdcaP$gsXehk+nTZ~Ya zZ(OS$TsmVr7{(l=%5;BwI1g@GVx4v>jJ>YqO(1}r&mN4NQVWn z3V5xp=5M`$;JXa$Zb!<_vBp{@^!iKbkd}RM>xlV@k>_zb6%i7gAkq$4f&zPCW}36g z98h?{{?RG{NKuvJ(8YfI)XV)chUwsF3t4R}cD9mdNu!CMw582?Nbh~Gf4UxhexKAY z9mv26eI_rC<3T4&+3y$QO5!Nj$_}|w-~AZMq-6t@ucQXaEB;cA=1Wwh1c|{58AL1A z;u8c#x>PG^G|GOh7MT2sK{uoajf-Jin@5%fQ>*6$t@$ENoE2m{a-*Wv3el1gmz4Ub z#anz9E}N2`INw~L<7Avj_^&wBM8WP%h6noW(Udc>VmL=i9=8OZNI6I@4(Xz=)8)6m zZe;Z%eQIRJdJ~4|4pYS-_3rGO@2vp{<@sH9+Yd0IxJg18iv)x>_VH!4zP4|1>%qsq zuWh(Rst{>6F!z51Pfep+wQlH zCdF3t`)i(vKR1a1;FIirM`~eefRsTrB#aT1;rL=k+)diM_Dm+0d;YykRSZ)UgtI(i za@X)<#^F@xd;@Ec;ZMHK!IP+`9Y9or5Kjcz0|7%G*A2fRa=VdKF;~{?qZMXHTQc%e z3SGruJP$_^$X{t@vA09<|1Z|wIx5Qk>;JtK1(Z~j96&$`rBN7$l5UVtL`u4bo}n33 zT3~4DE)k@=MnJl|JB9{n1_sW>ec#XXeSYhl=lpTjS&Khm!Ejysv-fB3_kO)6bn(%f z8G=JE8N||(^Ox0EFGN2z&I^*910oCNFi}9@k9iLj29y7{IOBEIKjI9Q&^g|8^wPd5 z0Jkmac|8X>y06U|_?Qw1@=KPVaGdXNqf9WOQ}DI(?K5Jwunpc9)A!gU8)4)@-{fyp z6_i7Ns+ZjXOGcHBH*ljwjP$NgFfVRAODJ75!W%;WosX|FPY8L%u%#^0w{6Ed8{7G; zp;X9+P-W6!#V3b+60z-nnUqryO4oxUKA}NE0XctR$_!V`GkuRY#yd3M zREwJFMs>ZsUMu9!#~6>NN8Jn$3{R(eWN>e0OPc2wJUVYKFv;GX1}D$-_o&>G1?~5z z(_^0`)(gj1r^X+rAT>Qao`>@u`sDxE?UkpJb7-KZN{Qb3VN(`>Hbx%u@cRJ3y$Zf6 z&*oYf)bL?Iwxbp%1@%%R_6wLh@@xkQ?0%a70$+x^`z}3x0Yb4VXp3WlaxqCtmeq z@f=U~*X{^@DOCP)QtXSjGAbmz+yZY4@~yFlB_gG!@4fJ0aOioY+}Szwt8T zvGX6OB>Ne@Cc>gw6JU9)Q{V(Gn{!m&S+tzZt&#cj@NfOa_H|tN)P!)rX#BCRZ<4W& zPSu>^SCcvD3cMRL_QHORO_XBtCj7t zZ1c$RZc)?`Ey3RNKa9(Bfk zC^VU}Gt*kQ+&HVle0;&X)%4SRMgGw1p*xZT%}5APPbO;c71Ij{(7Lwc^&D+|k#lyf zuxOa)w^a_a|IM}6^<@n(k9l6lGqSTlLBe{xgH{3$E9I^30V> zA<6j$$|<7o98D6G$VFA!)bQqxhJlG@oSh42*MvH%p3l+pxijBdD_4;pT~F`)Kb%fHFM!jz?fc7ldoe|~ezT%8 zb#>-$*ft4gXWs;!ArlVkyoZ|YoufT(R|=S9s+D&ePNb^FL{=42dvBv-ZE+|^!*wAZ zvzVEwAq;cqyE#c-@qaW%8SW^>DwoA78mmnI$$F|L2sai1* zAG333+sl7L!$a3C*a2xXrXwnM>XS9(BeqFFd(T5&E?K)@x`^CQ#3-pdQ?^j)SYO(9rA6^7%s;_A#<_s*d`4ZnOWmF>{Dpn?nF+E$erlx zjqbtsf|)I_vqk~QJ{{3})+oc{kAcMAWbaj$%TUF?cec$IoC=>(N%Zm9Z||F*A53_lfo zohVzE&`yl7L9gUkF|7+)?8TnGoxZWvMF*JpmCLFUG*Rgi8RlT zN-WOZ-7dck=W zuea$4iO7L`TuIFH*#%s$e=KlQmsuRwKK`JI_)V|~n~3g}8VIKL(v=-o^u$l)x`4Oi z?CQoc8Pj57egCzvCLA;>EoR}XoYpYtUR#U7cyOtgs(+)eO?a9JXdeaE`>1&jLufwJ z8X#Eq?h4P`GZu2@U6D2aKiHhkhZSjtcH3rpvkT?z(;@RKfR4F@m1OY1hPM#zq>4Og z?S>e8FbXt=6$Jwp*@WJ3Roecm&+jt`J+gB&dmT1DIZ5UqQ!ku68(O=s0IVmhD<^VX zhGdRrCEkFuYgz>PljHqqh12Df*3frRnrQ)nC0a5{A<_QtjW3K)UqZK<75uZi=(zWI zL`Dn^v;@-rrEs#@GDVjK@BZUamjqKvwvyd)de6AaDm=x=dNUm9VpyuN^1p8PsE4T>+?=# zh4#JXKm4ZR?^-^3_UaL`{W$TAkxgyx=pu`#wLvTQ8$&7vpxhRp5V*OdG|gcF{3Z3E zwOmn9O4!Pyq*J;});(9+eWQ6C0KI8GcT~}$dLZ4iIL={h;<|4qSTSF&$6$)H*Ll{N zdG7>tjR-Q3e2whFY8|~|V~lp4J{c!)Kch#D@$eRm^D+%Z8Jk~61R19GXzQlt#2RY0 zRYW1p`|2@oosA0fqgLS=>VK0lIo(~Qo!eoyJ|6Q~-oQG_F4q6pj|H3r4glIeh zr)v+rOiwl~+{!?gI`zs$?EWywFxm#1dqEH{>>=SyIAZA~c!1ai@88u`Bp(JPB3cTn zJV{fRfr1hern^>c=e-|ki4+HNpHMr1a~YAH66CCOBjB>DhnDIm?Io@3^$r}8594%< zHrlfOfY)2AUm*^hs9v5PSaIc31q+tsR)4#L6fyUnU23)55<3`G>8Eb4*jq6@?-*{( z*P4H29-drn`WdZ{5SNA8xbM0^yD;*(cv_qlYbC2`3J6n# z>RB(GeNljW`MY%<=)V&8zYs9hoz{L%)!ffxk1`M*KV_Xi%yzo$8oV;0l9>4W96RtI z^9h3FpUR;zLgJ{D3pW}M`&FV6*;|LuX(}CPisCzk8~o-7Md!SDSq;CQ$P6|yP-3$}<+jw%vCcQhhN;fBy?raii3&bvqYp@0YNtKB za>5c96`6NlGwTA*B1RxeJ5{fk1;Ul~QSYzVK5rsFxwpl$S8K)!TWzb1T`Jeg zb0H!DE~)uvpg1V^9#eh)!+NKPGd+uK`NfLvq23ZSb!R_I3#liEHbZX!C^z4OLR8Uy z4ZdYMz=bc;PVN*zWC#V0yi!B{ap}f!Ps)0y?bWd(635~eZ4KMW+u>DlZda@0CdUbL z0FI_d`e2C_9m+he*8nai1g13A0v3%l0%+asoIa;0Q(NCl5~kj}as$1&hkw1mh9+2^ z%EEcR5&;s2&&Hst;TU>{o5Vg4VJim%_IVV9fB8jkS{Bt^Xu7X zt;SFrs=7o#Usy>qToknS;2nkds?wCjbz{msCXXKh@oVW3h_r>eCL+cjoX0evWI?u< z#i)eX%C_`Y2mX+0_r^8K6?f>bn`aw;4%*KjmYbK4SGRd8>{}9NOd~|_qNoZfn%cx{ z1Ir0B=ds%`31r7A_2oHz#=Ih#74ceaX12jEoiFBH@h&0;&=AMg#zKZWj@|RdV%9B|WV)UTo#H!FAD;nm4jkj$t1bAou4w2_8UU*>TU*@p zZm!s!`*cPe^NN_hu#bJaDP}x3@s}Wfzi&*+<>{@wxSfiPta|T^Mjhdkd{pW~?_%3* z1A^q$FPbMbW6nvAx2TLWc<|6KiL(q{6Dr6|=nD}JKgqgv!#m}PO+KL45}s}7i!%G1 zVpvMIjGB|`+9h>Wvl$x^U)Gv0!V@oy1-M4OPmWOjI#8?O@YC0 zG8DF>YtjNO4E8KK=Z+I3Hd-5N^>umY_r#9pusL5bE7My8=tHeBo;yVI4X#w4bavk@ zU;J0d<##HUsdMzz%Pxmn!rKUJ(`^(S1(S-FKZ)opm`jE21 z?V&v|e0Vy5BC*uap0VS%O@Dp;p(wZ`7rW*z{0lBjP+h{uOF0Q`H=`>!YyXDqsWfJh z6oug~glGyv7@{;tRphWWQ1?$Lvd6@+mwo%SH2cRDtsm2H{W^GxuERNuRO4h5j3 zP@nzjWRwAl6QE@4e`N{dAd5E%Af!$GjWErv7V(n2;=PJE%64^#-@%E|q&!#IYf+>G z|LN(dA-HzXxL6lFK8h(4bnZes{~Jtsi8oYG*RFunf5IqL=@<%I168F~!FaPo&^dfz zd&m6zmN!LWj3NKY=2NPJ?*=r}K((5qt9#n{6x;z=%L9ncXXIQ${~|h7hZHl;aAxht zhp+Zxi?i}6P&vxq7-A6WKU-i~F$_OFdD{B`#UzW}j~Wu6`4g;-U~00c&2|&`+nvd{ zD&=dzaDA?Cl|J8ZU!bB0#_8{7SrNruFeWS)Z*inni^(0#Tnlm;l4Uwy$mdc>{+lRm zr}(o{+m{jqXxz#sT_pN-@M-WFV=I@R?SOKVuXAcyO#- zXR#+~uvIW?nwWtom+VQ{CTr!r)sUMQ3Ke{-?bVm7nplb$+GrY44m~t}7JXdkeeF8a zZ-(TUsu+y-;M{)op~J141vp4#Nb*vo&(TdDoP_UAta;j>Y`d3N98b>CLsyBW?WW+? z83wH)}h%rbOHiVzS3r%1Id%KcuX+4bd`%EYr$e+yxX_+4WBf zK!LBX7H|A->g**HqMNLN=qQ?vR&>pAz*=wIGsKHO5h}Zi+sN$ZRvYLF4gX2&wI|MO7<&%<#@1&?G3*EmL|R_P)&TL+qC1%%Wzvy(1C%YmCOA6GvMj@+`PeNeqkP(PRt}O4 zk{yBh37e`(@{`3R8qQW>_&}5-Eh}wt%!9?`9EXZ(BM5l2&TfJvt_EPF(dY>5&=K@}r9;1mqsf8) zrHQ`%9EvTKS!(X<#wd%{K%7R*DB2TK&UTYslx9aBRb_(k`RvY{+kg^q!1d@`;a;lK zwXkcyUsD%?V~x^RFU)z%=;Rb{x`L{5zIM2sXxv~T=U+_dwFtK#wCR6Aex2BjT z(!V&%+?iY-moev`n6i66?QpXBQW!_JMy_HApvBUJjEm}GQ_h8R!WPgW2;LnRGwicj zK(PC&|CnUk?DX^+b%%-wFbj*ymx6*cFRaL-9L7c_=2s zJDF|Jj5KCWdMh5i0Sv1k*}9b$Z&s?vl=*C6NpkG}Kc`*BQ=}tv!VIwG#$Md}?~WV$ z3{7v^$k%58hcoZ72*sT~zjsSSMOS{u0Xx?&2-s6G06cw?A^%(r2LRR@cITY4>e=W`2=Q0mr0Ou6 z8|qxR>JnysWpNCk zA+M?8p04h^f|vXCnlng zqf|(kOY^Slgz@(Pq5zOvq;kYLa`S?ZEN_j&U}B;Om_K|tx+Z0sa*-&^I!m{p zEHEjKGbVKw`S3IN_5?k2+-w5TOXB2H__*s@I6GCkR;<3bI6(6NcTWv_u<;7M-4wlj znjNDo%}}6>ZtRn<*t|?lTIyFokptJMv74+Eb?eEwpkAT&nUU#VI%n zZ^obwBXZb?Sli!tgaAb(CCsYkz-`C;uJz|S7QB#jmg-LFV*sVeyGA9E&tGf?)5Q-kZ%+6F&K_o74oUJgQuhaO|-`Ayh=#cY&u1o5D4xfMt zV22_;8=d1OD@7Rd>F1+yo&*p>ne?UEWDWP`510gm>1%h>9{pxwi6vZeW9~^S=Sy3C z%JDpzzxRkOqx_$q-@XH;0Bz26HmFB2iUc{`I!*L+`L2!9_0t7b@FF!(3rhnv=`T%z z%*6leo()ueV}nZe*8W2?XkRyAb@wmNbFtU=R06zSe^c){4F5$dn#Vb`2dvy>%$%3c zdxqeF2g6c2VuEa@#vX`b18J7TuF~e+p(U}p)oOxbjar*V0)i06;n?|3k6R>MypzZZ zLbri<557x#nKl7%CCz`U;|;y#Jh`JbSHDdfFJVH3;GT8#TpRTsD)uyn4kpzsWICHi z-D22qn;Q)~S3KDcxW3-m9ly4OsJY3l*WZ_Sb%a> zYXq_pyq$EDuh_iB@=i*LWl>;U!4oeMolsdYteeK%up%}IklBA`p_w@;ROzC)cFlnK zJu2ucNt_234PHz(koXQa`7I^??2a0mbfn(o$xC-WlIxKK@XNKX#IIv5v8Il? zKf6De&)Gx8SK~sAMMX$RKRfB=Am?j1W!q{+#<&0J?~we&&T|>cYjN3{Yps4%nv?5P zu$=Z*D_o@Rpm3YWBXb&g>vWLa&&KlD(v+LzPmFSk;L5fjk{AGYTIqN{ZLbo9gmoug zHb0L^_H8Q3cGdIN=`+t&1%Pu9ZrahU3G1*w{5V@?aeKv;%le9Q4U88`KNzy)sZi`< zb0pu=3B>7oFe(Ohey|C$Z$N;x+~h)xSBJJ{;!0 zXOBACTo4P3_8j_ph*%5|m~65ES}9{7l; zvDp0G<8hfAacR8)b9#}^9q*+|o;pE+(*)kWme>t*HcA@Wn@x^96(MFuH1{ROTFh%X z%I}2oxm=%*sG*_TK#A*sm#BD9IWGS>QBej{a{bhI%IK4z?rVuT;?aT2U1M_>^HaRi{k`^$kK0{PSi~d5BZIp=i*JoJhJG(@h?=Nzs4a z&?l-7(jN6XitTf9oiIr*jW@owPqFscE1G@v$fI!Q>NQu32fd5FdV!Nu?-DB3<#^W( zxqC_Zs2_jI)YNMiW`=mr?_{IS-#$mQfnDr=4^fz*_>Jj$nF8f;kHc(oxTKymQv8wC zd1(^aZuNKF+&q!h`_HWsSocqfum#YYZC6sZ`d9@>w6OSU^TU_zuA-KW1PvGVji;4T{$2_C$Yk2nU_pvl`I8s4hQ6 zRGys0cm|XotdEBdB1w|2583X8G3?I@jf@dB+CopSXj?dq~q5#!Hp$jRP@tDf6H zfN*`#pVQ3W#Db0NTT}G#AP&MZG{%!XIxAzgqsRaQJebYeViQ z9_hI0W$PQ#CX_`RUCD-Kcu$biqj$LB7;L)zB?@sJreiZwg znJJzcWNHH=A9G#+UCce(rs`ZxYIv$0`*+Kx_hW|4mZR!<=~(b`{aIO39qHu|`NTS* zZ#+SwU}eQ|@d5dC{bbh`B!~G1@cCtH{CDY-ZR)OepkMn94hq_hHvT+bW<_h5syxxJ zRF@~W%f+5|9KK#p5@IZWdlRymfaIo(Wmug2mWl_^3*IP|u+jn`8 z3~CSa@wD-6b>;*tF!sGsSVYzaM#4o{&0+4cX*+RMPH)cvG#1 zab^39anJ$Zt`7Mzclm)Z48?xguZ$ASwvO|dhQ+O0%iDNtGnB5@Ei{Pt;=y)fn)D>+ zFl*Z1ynAWde`vZ+2kJ?lw{KN0ve9_b;vr%-wr-qR>*zmb>50kbO-G?*oy4ciy~b6Z z3TpvY9KC;cZG21RgKIkcwe={p3(kM<74}>xFb_>qrP#Ro$gg;WF%thDt5rQ}$iWqS zHsSw4!JOG#(hPuI$;r+h#B$IJGMMK+5N}~~alYipliJLCL_t!$m_L7-tb2xD_9gJL zn_LO#2V^5Zy*pP7N1cBa;U6$a@~`9l^*3a5Z^JI7jA45Mc2ph(5NME@0$g(evzA=U zkLR3iy3BCe%or2074f1;E{JOHbv#}b0*3WGRJN+~fETIzGwM2qLzHVV70uDxf15mJ z+y3h(v;~>8_xf_?4h(_2A>sLub{1gus@ise@pvf$dbs06n488% z&xAy)*|p%T9u??In6@a$GH?=pB4E}@GP%z!*?Wj!`61~z8Gi5qz|TnfX}9Fid!w!b z4ETB14+ihURVF8nWieU~ANsFDCOwBF`Ez@pJUkv?Yzg4%Ue#%{9riX@2Qb(!_;AmQ z)G9q1r9gK(ch=L`VNnrapfd{*{5Lp#CKYXe56S+P2PFdgs}=u8gyOvZ9S6AGT%25+ zB>z{4j!TLj0bSP0t=@>!6d`&CPp+iMLXzQWy912oYHpICJS+MFAun4>SN|JMb*BCY zkgb2df=l@=G?v@^;7J&Hb>$48ieMhQ$KUMw|7@_22J41*sWdN4sMi;wIM7Z;sp&i7 zJIa|iF1)ofMF)qgdnPW{+6DbU7(j+?0xFU>X&qPUwXOTEu45%Ld4(g`eROi=)+U@A zHXv3iCtHt%e|QobyleG-{pcow`*`sAC=AgPV`D8{I?zKi4z5C;wp^nv%1WVUvLkds zM>bcbw#nRw-vYd56-x@1Ew&iWgQuCHhBpjM8gcD@-S%l^X-98E`Pv+nL%r|E5I3R9 zx#GQ)*eaptMuV%%yiXgmLL2}%ao*moXjO~h9|g&DONZp%Ig3k!MSKD(de@-ZR6rl2 z3rvVTxA>Ej*AJ}>4n_GKyG|C;fzJw0bQ ziPF4KarMBjldV|=;Iu!msp>reoT<4LmOeB*ySwuyFIV|q&|s%F*x3ztDBe%142ir> zDn6~;V5R?q7;oQ)9DQ#{N6ep}l~EJ~9U62K!@Yfvmu^mhM(h}NF`_-F6JDU;r{zEK zD%!i=mS(Q>+19G}wJ-k&Xohg2Ut&`PzYH;B&5<44ZRJHg&Rm$9wl}Ez@o3?0f9UOb zo(X_Xf0J@`cqgCY3sFq+>TF5GR_Pv|e`Q6tmX!5pPgB4oV*3y2q$AxbU^V5(MBQC& zD%t?t>|2pl1h6Aen$f5SEGQ`2Xv7{B(8RQz+%lyn$S$lk%md159-M1=UJ`Ggv_ zZxf&cWSe%6j*>*ZYO8Y5J%Y-#n)CIa$=UO=#jcN)6ZlYH6uPuJAP$JUYL&No`NDYD z%R(IiC<3YYwiAw0{pinx*%@@@6gI!jrDi1??6?Xdc{eIwRoXJME6H3sfK--C)`OS@{jzA5U7^B>`KrO!!s zzpE*YX4hvxwZr$Z32?nqJ+9!|Hz%Wl1R#-uXfHorRs!tnfB}vxS)o5}lU?Kq2Kr2^ zi6TWaHUvlj>6xmb&JZT9k~BTi__nLGyiz`e1iMH*nm^9w=9ltUSK3?+L2T#YNAq>3 ziHBEQF586ItgY7b;ulH5))^unn7IUy(&-V2_L+AbX`fa|oO<$`vx_Uq}c!d6% z9|-y0@`$`KjFb4hGfp=~6~zG+ayD_7>*XGf&^EOxxBiPnG-3(slO$YhdO&hYqhaAI z_$I3R6#4ufV z%iqRGKZ&EerHPEZbO@ zg4oyowua3V;|;h|L5;=aHSN^j;Le`_xYJCz?hH|MhVU7|OFH^W!5-6R8s1RS5L~$< z%6fro%0RJ#+eN$VKk;$}6kf9gJZn}l2{`H7%`|Q^vUMT9M zxGxTBI9=lN_dkx3S*$n{)bdCa2tC|9k8ksqXMLo!JB7>aY)a6F((n;ClW<(wltG*j z^Lx+@&Sdb2-T-oVo3)*rZ~)*&o;FO8S1rJA+=+XbS>4BB5X86Q1tRNBBqR^zIdZjPke+gneUOQsOCSG?t*F;&pYI{j^) z^|1BTVnM*8LOH#!upf}@=SZ8$Keu999u(z7Z2H!Jr|3g~{i8F(iIA>C_X_hQv-RQX z(aw!^vDCf=XLLwM`y7vr3L}A0HooI{HKZd5V5Jt<6Si>wKYk6<)2gY+n)nP;UIj#f zK+_A~aamqT8Tl+zF&1+a8NA5sVlV<_)B#I4qM1s-nSbd$So+p>1!x_mb4tZ~)DMS3EroV=n0j*GOrJiS54URyv40j^)hOcIq~X z29FR3E~tK~eM644XFWut8s)bj9$Atg(E0%RND!|*r7zR`(3F`rvHK@c(naF&Z>9J3 z7VA-gl?!|s3ya{DU*?y7J>JQB5=DL5PcjeFcLr?E4{$#;TK&v|T8cbwXpn=T7ri^~ zvAm9Mt+A(;x`6u%>rx!NmR0;QJ`lNTos|UkcOMiO;F$WnC3(6|0{qT_yU0b4j@vc% zqMLqX%Q^(lvv&tvcrmH#Bu4}$KB8*m?eK>0WGbOA-W5ebe2Kq}z3g(tGsjcH3Gbpo9G0`?|epqz?FQn^t+{WWO*Dim&Gl7}ArA<+I z58Gr(sN$f!RW)=XLN71NUtZ_hq`vXQzcO8T(+_FwJ4d=ff@ysP%Mu$QKv!C&3sHsI zwbVu8I&e+}@v;W**@GgkNwZ1d%{-(?M+-5~)WRihfQ;0Pk0b*|OZKm5@4MjnQNQmb zwc)kors*^wACWZrkFsDq(*$Xu`RVH*VPZVNk)SMx zb&uD7tTq+irje`P$|F@Hsi2Xy_uDO;2;F3G=OEp-!!J5B5b3`hnC6cH8|2*mY4h!X zNtv~8)Nxri>#elAYB@dc#z_8|e%A+m$wTtD-IbQ{51NPvPe|p72M5D{ysMP%Akuqs zJ2_e_Dfp07glJr{0Zg&_*QSnc#fO~d()Ztb%G`M+UjSuEjgCuw(E5p!Wi9QIPN7RO-d+=U;NRgz;M-{MAoamw zVYyNE2wq_@K5U&LOWzOiS;_dt(dR&?br#^0!GyEa{Gi1o6F670PlZNsXeC?*#5P;t z3`I)V7c1>>!3@y<`e?Y9Z?h@Gzba)d`9>uw%}=He!J3;0EY%{AkJ@RbHM>;*LcaoA zG}LWL#zV+}Exv^hqory&G_$44I0DB2b{nFcTw7Mtpp&E0%9HiLFOy~{MuM*6)1lbe zS)fw?S6G2u*wjF+e2&kkrHX*f^b4^}VNlURpuc90+-%U{6Cvbsg4}Y=)OkpGCYT=B z1f=NGwI7nCev=hEnx{2L9$%`to{^n7t$hBYKgLr2u3Ykc?4m~&lV2HiQvHH&KqaHz z^A*VkdpaLJ>Xl!DA8%avghx=8)1n(DxNZw8xU`Z17B4`(3re{0PhP<8&`K29|MFRm zcXsxn3*UTnuo?Xw?EfeaOz+LW1-si|B`cWxh5R}brFLy?7o(6XR!%nlrHrOe64gWp z+kAWU;3^>V$&`=#f^QYnv`k5jfJJ6K$3v@VglLKwPkjCUL5A(DT{Z3$v20^T6@|RE zPY#wFv)abBH4B>xpTE9j*^W>-9W9u>t}}IGpv6WdH6lu z&bROct{!=66Cy`Tdl8Q?qJ8`{=$wA2>eOIhnS}{f9duDNz#1+1b%!0b@&Of;p@Lb$ z^ux;GDSyB%O8muxnUYMQ)U#}OB?h5XUn0#@f+Wf>v zXA;0f|B3GENFgHFmZVSo!em8&0f(`=sf3W&66{?PPTRhygf9zO$30%w1wYTQ19Cw? zwg1>%B!dFzN|t7y$~~eFnW5i-a^rqg%aIbVFqdi-Q%$oUIz;FUk`x_QT) z_SYTwxmBx69+T}7%i2Vo)RRP#`^s}r)(6Y(XBz~yV<gmXu5wTF z^OjeuHCDT*w?XQMZv$LV zhSCYp3_mDAnG4$^=eqz8ow4+BuijJIf(0c%chaAPa3;sN5S2>XU||ZRy1k~P6hw;B z2Zx%mc@gwifJg_D)moW%b5>@98;_+bCUo=WViyi)+N5S|YdR->&_i0IBAuZDXPEln zL-ve_H;ood@?iA|g^8c&f~LQ7n#gzh9hq7C`-!irLZpbJi0PhV7hz?BH ztVSHM^-=LJc(WUcmk&bvNN}BWCmI>}Ha`pT1gEd1f;4Zp0h>B7KbOQsi%xS{zcYUS zrog(nqo+#?8@t8p4jx?3W~T?ln$?%Z{-lFR)ggO9Jv% zSOcow2&6s`h`&YKBP=UOJGnunhY1nT;Ej+Q)980W4a{!M|DKWy%$(l_tvb%zRoZk@ zK%+DQJdazIHkX5(ql1NzlWLsTPa|iKPMg|a3cmp(ALYr(qlSWPoFgL5GBT5F=)+`D zYAZ!^GMJ;kE^3 z4AZ``$F{@V(o!KW+V}1(dRd6*Wz_Xh0-r5tbCDL)QB0n~Y-7C1iy> zh_vLq*OF}PnC7G8jLST&#_6_@P-~mkaAvbj185J;i+I)G;a90=L}wfCclXYh*T=s} z)lgm-DTT}lOA|?xjg!=Tp zj0eacc>kO)8mWIo@e??U>F!5KISL(z1vb*usbWQl1U+#0kRnQKvNh)hL((&(qV?i< ziLon39QKL5_vSiS*&S;feyACnAJD!#807bl-%zU0)U9_Ae!G^u5pod@PmlrKkLaUiaA+PI4|H!TT!aPc@6rR32xboOaH*c@x@80|!L5u>t;?>zyE zl{#mDT*!^MT)@O3Z|}sj5gWzFvAMHexym5}78MN!e?;c(ZO2<8hknN^HplgdLgR;$77OGwCiCuP#e(?+27l|{T6}1|A)f`OTbxEK<5~V(PrkwLyuS7=XgXAXg?EqQ;U#~bzCi}3!IwoS3G+QZmQ7Zb? zNU-(7`_3gRDlekrC(5hKWaXR_dCHg(g$$^`gjG82jKPlilyqa0vXNmfdq9}Yr5#T>W zEWDvdGX2omi2N|AlFaxREzu9utiwX4-S;eQ(s4#es0Qdpg4R6(f4r;9(UZ|_IsXfu z;SDob6zcFhwAU+tthPCTyZ)&C4K6kWRv2g$0L$&({E(&c;4QINf~Ro`ltumf62^jH zMfx{*gs4G+Im^D)T*|NIRhnw@0Xf?{c&cRVfZ))agnq{t{tRzJ64pbYM9;Q)JN7b9 zl=PUP6m%uQoD^*FDV(bG&VO#wN`-MNtyUUMS@$5*|gY+*awqNJ8 zpS5;N9=UGgHtacQ$~#5pZ)Uz2*lH1imFEVnfmKX8BblwlU_rRZtoe&t64zEQhw0Aw zp~44GhZ9(;Ps8QD4b}T&VMi=dugK9N5BaIoymd9puP9(w9~WgQVeKu1DEcHe_c+4# zfsoGksO1Nk6MTA(*&aGVJhg?FOq~<5zLB&*Ap|L-7+Y}=69$AnTu(M zJy*|Kxg+=NtNR-~P~L)lu11;!IoJ_s6m>lzVlk1Jtrj(r@RIZX8l7RECh4vUz7&@k zxpnS9G(zO|h7S4OLSVDG;)zzW2G>+IP)oZhXFZYD1_!1iz+UOJ($m5{1LPv^PcA+Uu$HJ~X23hb zaT_%2K$hnLkd8wDE`%I#291x$cwKGk*mmiHeCk`X6<2wV?yY=I8Dz1b-}F@(5GW;D z;sW8M<0U_L4h0wPjCSAjvf?&gXM9IO!U%^JTIN^VMwUy^u&trI@*~`)&=;X|CWoBc z$1-;t6(8B9hj9wq4+&hVRB;_^I6Z;;M5o&Y+KN03mUoz2&t!p}A1w|%B8ea1m3~nF zK>ktHVB@fh9u=LKn~bCn+CtUK*=}=#hR#=ePLP{%A?0t^cA_*&hQE|^OAJ4_7Q}H)5OgFhTMu5ibm8X;}*QJDu(^JWeoYX5n z_rlY`j9;O$67&1Qv^o7&rRBLCwsT%z^wtZtxIui z*=!O{Qq@-Yh6HN!x|?AwRVOyY8P_dL-+d`(;!o67IH3TV*KaWD0frIJ(t01)VbZ^7 z{mu}p>3UVQ%`i$!&DFcR;P~Q*&g+AQ?6m4k_VfcxMIJ@mT0qmSYsykv9VP6KbHixl z*Tev>LNN-I+R`bejwG-85(nadx8*axu~{;rQ+r-6pNCfk8sfxC;K(|w#WNg8f|Ad> zR5P$$2Ry5AdUcA5ffPbW*#?0gIe%oqcD6U6kr!j%18dY)u7?+-&z!#f8U3M;%xP=5 z{`Gwt`UosFM|JwGQyXxLjyDrbm?5?6l_zO~ofVuOT+Z3%6a1A2X^VI2j^K=3s*F zwBiVVNNKkjM@iFwUO(vXOJdrFx^|#;owge0WMi7(*w+|OGn^CW461pLe`iXBEfE^LZV>=j@n*#rsQi#G`N^mWxoE`Fx;OB`+WjmKR(d#T3qmA|nQBXb0KB~Y(N?Z!S+9QnP-FHaQ56bQL`jaCkp(PO&Nznotu2`U)##j*-1 z&QgdX7!hRy<0{?~MbBdxPI!ik@|lX ze2?xkC7BD4|CcQaMYmbO*<_7Y;d8m(Jv9$swTZ5esrLn2Os=yR)>lf+4TwD=xProRlH&;b>@f_oIRFVG zFrP2VNrL);fQ;e9l+Vzl9n7Y~EqGcnZJya0pnjrR5jAtw3FmL%!;|g_8k;~Id z0^Ll*am9G%?C4%*rnOE(o;k0+RUY`7DKD^7qHkk9uC$7?VO_A@!*=1Fi?>cq_xw)Z zp)DsmKg_11{qo5c$CS!7cTAMY^)IGfyH7jd%KwYKw+xE5N~B}yTv$+%5?DY$Vp)(*=}x6{sU;U!x*ZWBJa_EevKW!PlN@-MXvt7Z#GhJLJtfKt0;RMFFCp3G;brcNaEG4!G z(U44k%!mhF5Qee!{4c)o7LmiU;ks}!qxLbj@Alr{O!-UGp))=>@kJ-Rv(f5r|J=}k zKaWNtu~0j3C6%%0d{U-GsQu?e4%lV&+Yly@7)M#d8%Nys0XLuIwM#tQVKyj=godjb z(9t-YPx?1nGIlx2Jr6vLgcVS%$UO|MLOQH+!q0wxFq&U5Z7U-`l`f6?CE?JFom7}> z#F4&)QfND!Y!OFR*N~^Pjk-kBE+O0AMztwBUvLz_hM#nUJkzjvq%Y07&kfdC>@$=m z5h4M)MS`tJk7KIxsPr{K9VuImJD8>`k)y)hj=kaBH%Vw3c_W&cV~3&3D)rAxB)-qA zNqqT!72?&*k=GY6gow|8=61eUb-W0E$h+RV=5HP6HwD2urPMXYG42jMX`4LCX{p!< z*PS}=Ji#B`eCp#gx*wbKqVp2h@gN;@gn1a`)s*V9dl;4U=WIKPbIn7}Wm<@PRZ#Y9 zf08s*P|j>}&o8m&?zWp>%&4h1>+2|20^8kAAKGF)-WO>WCNOiRIt zZA>z-v{=JJ&8?rJqgtgDrzRoWF5CU0HM=;wyhET1{jwz*Go!+>@OMdsEV;M+iF<$K zLUxtztkA&+W0ZfZt~z~(V(I#!Zw6yUW-%4G0+OnHug$39vhXj#tjY*x23^thHjNPpKpcHb5M=q5jZ(JtABwW^((45g(u6~MF)!sWOA>aga~-MmsWzVA`NZBYyPTCGcHsf0O-khL4t2P+SPoYgjDx#b2K^E@%2 z32f!C?54sY{;YT*>+s{Rbn71*&Hl=w(wa+QnS{KKOc2NNrpa|~zz_Q){7V}Z!N&UB zb6}Ob^of{|ccJsyip6aQ3r#Y?5sbn!plgg9*!|5PT3C@sNbsCRSivRCoXi9^OA$QTzplGSx4FVqMKcy z(yS_(R>{&u1`LzStCxGK!S162XBu4pMj^^!P#%e0W^XeGjVBlA80&W*;{vqsJAoM= z7bFf(ZRoB%TNfgt`=#>LY|`x8Ki`!6l}xYB=^19?ln?O``D&Ccqz=;r0^rAqp(Plg z{@KTAJ822n2#gg*Vb0P_2K^{wb~&xki<`nP=TJF1vRCG7fwk<*jSdW}-Vy#xx9-7I0-~2Fzb^@u{wchlsvcxCM?+(8` z&TI1=jv2Z)T03aQgpMvblg2R?VuWz;pkt>s;nMSMMsJHlv4>vt=zcLh^X@~j!U^`t zJ3L!W>;a?XmNE&EfR+j+cJd72k`dNlaH&0uC*Gvso6_tq{GrM7d9hUP86P4B7Lk7( zsMb{8I9h#mK4LCrXipDNN0HW@~9(l~@Y3;ZdO z=O%FK5^YpHpyJ-r;bds{lTm$rPdd1|V~0qe;A}+W>CV}3U3J9Kyj+}%!vJ6cMO@rp z)>$^|Jqo!syfjJgLytK%p)7 zTc)0>gz2`!@%+1z^Bz04s*`G=hz2Z?!J&kriVTu?dt^kT~rh@_1p-}@# zrG%x<<$lhoUSqy9g}h205Hs$pTd3*&pH$*B>5_GOTo#k-MO%9*IRqL_LXSPkhBR_p zGEUxkl+4d^+?nHD9vy$VNy~DYVItvul4ku<#4XG^ts{rmVH1Bkm_PWa>BiBxpAj@* zXY$>f5|{wjS`0}+K(@bzD9k_q7_!O8oPrYZoW2pF4;G$-NbpW%RjGlxS39pOs(bAS zm6h~HqT=U-F zR=?Vk&?XWawWwd4Xs_}(^kG?=ETj2&Ov(DjY|d~CC5pl%dBQr4?d6M%7f0Oe64mK9 z_r=-lfAGL$f7BQY9c(HEXP%afN_#c2jmsMb{9xIKvO`163M(AYIpfXQy1whd?>LMu zN0$7G*3>^ujDM{W@qLspL5C~qXdruHx$ZX3^r>tEbU8n-+q=Zl{Z$0U$;!9z^KxzP_^69CBm5&6%ifNoV$1&%< z?@)b!9)R=`8q~SD=Z=_cRCn$LiC&7X@%ChacPG zypEqq=(@r(WZfx=%D5RveD+NS-Nj>O)NyPX5w8inmQa^geY4Drj6Z~C9*aOmkQ`XS zBilm4S*q1;=2du+D&)@MNxB)uw4U`;w-{q%{TODddp6lCA=KJMkd{j{&MMg5@n%IMAkn|#KOEkTYB z5?mX%PS$N0b1sLLm8~7&s^)pel{0cj;CX{h2Uh-#J_VC(!IigrIFl`qgZhAtHTL3t zdrBhQv5t{y>cfbWpP1Wtb1=qDr^%&f)r)gi1c|10?SxM6U5Jb`787gWoFI5(q=Su1 zSv11g?8ETN-8RN>h^0^68Ta(6!$;pfc<87V!%FL8C++6@O98LhiUG3mzMN^>i_RI* zu0O3&BLi|$9#G!8pAEzBp9roVqG@se26sf+s`?EXq}4Ea%gOc$JVf*LzDmrI4QGJP|BhlQ61Y7wzOeS zP1iZvCC%Dp$QTfUB6{5$#+>*eppmm7)Svt}+EJJ!qeAk|XqdA7de+{Gf-{=}%@j(fOp9nEh<*bUH`7I@R^BlKk-9wx9Z- zk(}P-%>jHfXrhMU1n2pkGu$ZTPSzscrug8D^%&Lu*0Dd8Q3>H*W@Tp1Q?)G5$NW=P zaikxcVfiLiEz3TypAS}NS`1v2>(124m23sJWSa@)o2Z^Ds*JcnbRkGp(8&iKA^mO) zZSGI+efy(}ryx(mrv9DH*0X`$PNcx>q5a}CB$^Ykfyu4}juj$RTh8rvV$v@8s(`=r zqmCE8UG03GKqop@9m7P1Ki&+BOfoUK*Z<@f8k3I^l09MEVYXjyQQkji1s@;To@vXJ z{(NQJrCUN_IlMH3AVLH!Y_bMtmQ~)3k}WMvb7^tDuS4btacGe(gQTM#J`yl#A~tXP z{G>|vUERoaTZ6c6YxqV#ePf`S{j)N8r@=cTt)7_7d90Nax}?l201dZ;jv~xHZ9G5F z6pC;OMj~s6;nI2@vgQF5j~b`$Y`zZAqf79-?mE@jC2og}g#SdA#|S^S6FlW7q0?6L zF0pI}E;Jm0F=looE`LJN)wS5;OZEk~ zQi)ABNP~2-`zq3l+#3U!^cYB%mYLG|w7GxZ5N63lSc)(zGuWk(IJ==@2c? z)G$tlARK82LzfSo>?fBrB5nK6N0^!SVj0DIpckO}vV47nsoJcyZo7$iH%;A3xhs)! z;iH?5DaYS;%}XQ$jm{b+-$>>FVHWKvzBzM8@kVyV4~g&E;62fLzqKS5%MbN)vxlxW ziY}I=RfN$4$sirHw(IS%RK<+*nP%{>Y9@gi9uw2sYXd(bObjcYh7VQ?(b&@~Zc0KM zr`E@yXFYDsuFS6kY9CV3A*TAZst*GbY#65HJ$kM)aNI;IV^KiJS75Tnk-^P+I?LE7 zr|8>Y*>1R3H+A2->45{>HA0hYQ*i1fYulcPq+AVfqmroJcYKetfbkDOMjq%KFp!n? zG1}r?KIN{>*fgkSti2rrcIng-I(_;s$60(h{J=(xx%fHIN0@0bx2?v@ zsY&68JiK>(RY{qp7kfz@dRK3qo{rfTx?j-wN@pU8`ih^Y_z2JepDbZ3^oddu{W*yV z8gV6fvAb3v^)0?(y@CkXq$xVjJeWA1kLM|F)Y{6}zoeYnbZ7(vji<*UHSxFnly|)F z&RX>vE+j*PhAA~xzvtnnE*ghMPfB?|K<94x$MR8j;2&;f21B+uaD}H2|?3)vO<`(AZ23)LI<6{N!myZi2n&A zf3#*x8K)ETEjke)AX&L|edBT2W+_Ipf1tOXeiaJZ1#wc3oOUnKY@R&uVIZP$Z^+`=T}8c$`|VTQD+zwz6+XCzhw^d*pIYY5vuMa+#QdcIeY&3 zz1@xb`qpQFcg;(eWs*^Y9LyJ0DES0w;Ih4u1uHOCgg5v7XyX(cl#7G4`iCsSmi!{q z=W7S?^IuA1Y1t-Wd0P#n_mFLja7a^s!ESmWN3hMGg}sA!N>lFa_wU|mH*ngJ9It;7 zBdk~#EnLMmI180W^0UKrK`I;Cpo5cqlvq8Ff9pg}2$cS@KA7mi?Ap{+ z{m-Idf%d)d`9_+!VS9Ta%Zjp|w@V`Bvl~kTdL^6EjY|>Ba`t@k;PCKxB=>d0&Z1OF zIsjW>KNtfN(@Iro$o4A2=SA)r8wli_;J86Js-dtRP8`!JkiNYryt${EU`XKr_rJk~ z(D*RzQGReAcVB6EZ4)2NZx$+0f^<8gDqp=@Y}>fLuK4@>qr-7w=Js@Ph+2Eh?<({w zw3^V$rf?^&P_0Sm7r)t>&(2?~U(ANh4#pHIL``2dq#0G{2!){JEhhJ$WF~Z1i;$}3 ztS=;OP6z}E4#Qk&Ryo7#bIK1II8X}-FJGzCY z)g+s&K#(-(M}yI9maf~v-e50q?1Go6yc)e}z~kPI+UOP^tHyF*lpbTGVmi})wqedy z+}u_=Z18-V;In;uDL?gN9Z`lP6kRsOFY@zswKZY+B6+OXXn;AB-`OwA2>+Y-G2acF@_6YN@XaxJ70{%0Gjs`%{*dOdv0 zd3qm%Dxjmiip-A~|05w3i1+X8(`*pi)h%x)?G+{YQ($6mE`@GX;VYd+qgqTy2CsJ; zg;B)T;85;QMpfud0ZjjwEfytRrs>V=ruRompUF^FEEnzf%eg{B9O5UjBeh*pvKo%b zv*JOB!w&cE+wvzciT1H6xrilIx;wjcF*)vTE5PzsL^oJuYwCYGTImqZuFi)?5p+87 z&+oz$HdjxPJv+^ynR8$bH2;NPsmL0V}6-V(}U%#p}E z3=tZlADq-Yz@p7Yh2|X}zwKWD(i0V(*eK8i@`57k7B=o56QsB=RSp10Lwy7%8Fd0| zT(bp*Kew*%R`~y*&#o{sw{Kx@1wt!Hee3(qMRX*?XTQjB&V!dywJn98FkevY4y*ox zF#~&=GooCk=G~Phw7iaRVluqXJ45jHoZ~m;Zm*h4=N)I>q3mTOf6aP-E`HBr^|s{8 zR8UC-MI@iY1%6neDIJi*>w_6(o_L0-?&wH~ z_KhXxGio;Ga!h%phoM2HWhjQ~_n8Q1CQ$uNIXDQ6i&WD)jYB*#Cg&}m9S3+@go?b~ z=>GsKPh$FPG4guQ;Np8SlNF>#A4p1-$9HiIT-jftS8*ON>z_pK@aO*90f`$OD96*4 zmZ&APM}_;PYW%>_N8!X>&81D=<(p24 z4@iG!sx$Q7e0;d)G9!6g$kOc-TA0PR?e~5XU`hOw()alRLA(8B$`K{&H4hJ^$C4Es^tJoRWsrR&Og z$X6`qVd@ylm&U$}k3k|+@LVcA_HCNvLn!@Uu&%Aw(#};RFvj|U1-+v@<|bN^xidxA zn`KWYabw+U?JQ2V%x|jePk(Q9q-svB8HID?W}Lz&`Ksm(SlKV#bbr&K zfeKSCU$7koyM7)%B6{#O54Cve^s=Tfaik^J4mWEvJpd;-U`lIWSH?f{t{}gTSBM)@ zfoyYiq%@4We4a4r=>FpZGO)+@$VL}UVdlY&?JhfWhH7-}=|hqkEiKu`i9Q8_@@M)P(n%m!`|Kx^Hy#aIJL)=pFlS(tVcrqNvoT zTa%CnEP!f}K@)`QTLCTiK??Wuj%T}1ud*r@X>$g&d>jdU+89x{&qrs!v>f7jJU3NS zp@;Y1c0`h8N{D*P&NK~E9h`u5J!83TGfrgJ)^pD{NT0c&b6k$OJNG+U&Kbb1-SPf` z7L^OLct@kQ{Qk5BGlW4y9XFG#emw*WxS@d(@5-Rw(EL zqt0dO7CrUizk<$(r`Q7|_;h!n`$;0Url9=blg{AN`o~NrAyKp{%Bd zffG0PLQIO7?%!PEL)3+U20YqX;F$DUH{H2T&G$2FpLJWZrSk4nx6L{vAft_6keyPM zOEqU)#X~P5)E#vomHAXCCYr2IlIelHsALO01G3|EQrRyC6Fr(JH}Uz>7_OzG{mByd zRm~`Lms$H5;J`70jI0fwxVw@_FFWURJIj5eSeVH;6K|~7(JJ0!7}hLZ&!V#zB<0(q9C{~@xjcIqKFe*@P8Ul2U z5OtE#yTfEJkxperH76>d@U0-ZyOH6Z7GEJTgD6J^iDlEP&L-c@x40OVdgqH$r^v5O z@w5}{+F%_rZyb2cMv);lHmI;Any}H#!?D!O#<`L*HRTvmB3CXp*pbn`O z$Z}Ae1bZRYD|~dv86@X)EtH2>ef4cj;cF(Z)|dJx^6zNwQr}yD(W|%gV*(fD6rgC| zA)YZkCQGP6Hfn4p^?Pdtm@oaV8wxKZ+_tx&DHZl!5B{pUlN18Rwi-F%fj1gr^>{8ZCuVD0o548|QZ!t4&C(Tp#2aJzo&t8>jwc9MeecxUAdYQTLttLLvpolLT! zi>J2^+Y08Mxl^3j*o2684HIrg*9(e#yd8!PVRoFd*b*)`Rb;}67vltLoMcXdXMJbH za`UCvfudlP^fZczWSE1IV~SY_a`3<-^>X0eu5j(4R(on~Lr$4>F$uGM`?(TR%c-qy>^xN793r`&61U7I!=Cf!EkOKrJgEk^)ud6;xfSci#7 zfKe%)-0LAW1m-o_i$WPs?Gm;w2nfw)HxjRgr4_+sUmF~{0{1! z)N=(PSIX09E|;PDv5C9SJCD~;3h(_S*6C7yIJQz=Fn?!EIc)2`o*&VL$fwP^IB`QG znxZjL`qo^n2{uuAyht@u_VO}8c$tMPy)RHTHFvoCDx6wg?s%6c-i|YTKd?14=3mlCm3FM zr2o?9&AgLf@}V|<*>`O~thW2Ccb)Uqrb^b^nNZ~IuR6gaiCxNKevdQ0nvp~*qF>EG zDs1UO&7JnIO9#86Y$VCQUIj4tLHmw5eE<7^cz(uY=y7A>v&D-!1+z>+zv`sSMI>4N z)|Z6|CyQx?K?x7Zb6}I^ha(N@yMK90-^eJp`%V{G?2b$Tc12>ZEDxjF?R(hndHl*y zj4OCMvX<;4V*T+`M9_Rbhcdya$?IyY2O^A^{3Ez5Mp~@p?7saVT%f!Xlf!zdCw?w- z=IW{Z*lXnO(mU+|dmwb%#s#Ngx!__()ri^L%$sXjwNNudC+B8Tyd^&IoufVXev1C=ZIGm9-fUu3OT@L%Mtv@ya-OE=zIqtr1{1AKqI z1%bKwvQd#LDNSZCDdXv)sE?=Yr@ZJ9bHeE*rtCn_^1vaIw(0v zSTjm}P`f38J^976tk!=Ojm#RzU#vMklHW*7+<7;w9Lzm!_2FpsDJC@--Nj-)q_XT} z$Y)tMH|p&kc_Pws_11JZhBvAChkcj$ft311SQJFbBySdT?DOCxmFbF=h72wJoQLQ>QX6b1_0S=>L~txcZ>f}fa=8F@Vx3% zdgJCp)#j#8_`s>(sEvb-HUT@MQoq*|PwV-%8;8%#s9=)aRsQYxtnmLMS zR*@xpGi%}?l&vU?%{xHB#7-0^-OQJuxgbL@62?+b2>iQW#;s4V@_2R&1cTIz{3 zC|v?Suqr1HtiNmcr_Y@K=)Q;G?ec%x=bPcjux6I}W2IS}NJ)rtAfBm~y)f&q6$NVu zn@^+g46UJ91%t}0TZq4Tfbqy-UIhPWdGlXTmrJ*OAZ`9wlNp!{i+;@)d=R7Qrmt zud*3=K_|pnowxl1pVMC{T?qX~UhI_G!WEDdiUhWN?-Qm@$|8w{j@iF%=25uTD>`rhb?lX~u*7>{DtzgZ3{9eSE-SFDB2AC4_wv7Hk zG`MHf@a&MN1JNy-@Y(Og#RzB+x(Nx>NJl(u%`=!BNk*)V$B-h_X~yk1lA(5*|4gyS zhmeI%5GVL zEdbd8arMcMu+gqFJ44_Va5NNG(7=m*8Sz?rWy-^3=fovRQltgaB(5HwGD^gN) zy35VZidlTb;MbD6$6kRdYfwvlt01cAte*lz;a75BwY zlY4i?yMFLqI1>5t{Y)<(D^V8x`x(j9pOPv-AtaFZatBYbg_-M;&EQ-UyjLAX5xyf%5qJZA7yxeJn>CcQ%BI2Vw!ydC$(@}yN~h9ze@tUWk0 z*5WueamK1mP978C4m#9DuL!0W#@Td=GbF5hzC5J{tXNW-7Uq+g z>BQRh1Uf4MNEVz7jSOo>N)F-i)q_O=6*AM2RjRxro~%Fris;C;?tW*gjjQKP;JqK9 zDArzouO3M8&z#DSIZ0-;aeUbInF>)nd&l<$ojS4Xeqq;+k78Hhq>lRk*!tisP_ zAW9aR$6`ww=pA`NhoKE{lf4kzO`oOB-{D*0jKd*QDEPy}#^ivV-OR*|9svK!4z7Yn zb^-d7?B@c}#yEsK5(V@6d5a{C+6uOe-23GMZ}hO!Wn*K!Y#x zSzF>AH+J*I-);{bY#0ZwnR#+!jY;idlV4Wac}n}2cg*|${__(t4sU+bDfo*ohigm3 zzOusvfjKrfE`nF*J6NnB<)!7Y?)|RM%98=n|uIXAOalrd+$RNoTU2g3Eld9l*S5NKo~oa zPez>+?SfHlfWoR@=w`FxKh)P!8~mt@Ue2n&liJ4@6v|uQJ*fk#z+8E5>H<3XYnCvl zG@7g(-jZ?E6vauM>CPSfJ<80LL@FYZ%;a-iejD*qL7L9nV!e@RN#ct5Y|{8TdIC#| zxoZ})tCXH`bWF8OHqkLLqil-*Q~$O zl#<$xVLrgeXO;a7ANO=juzUxa%YF&?0c=*mZRQs3xFEjdZ%W>AY)x0MG2_lkoN|l< z&Dg{L*-HR=ecsP3ooB)Dq~dkq&8CyxH5$ZKD8}0|hs;?r_GvwDN(Mu)yQt1x04xW7 zuf*2hYY~HFL5X)|BqMejG?bjYcOH+_mJKAm!v0?MU*Dj?@dcU2ndMLd*tx&e0X?9e z)>YpB#MTh;G%IQQHK1ZOR~kI~!?m-VS0Eb1u+mA!YR4D^h0W$(7AIBhM#Ef1m4I8% z#5&#o8>nW+jt74BBUjkaaZCWiR=12L36rgV$Z+-0?wK( z=*>@mYns50SysV4!oB1x*4PbdG3(%T_ZKqyQ=j6?J~FJh;tgu4N=Cz!WZCFhUXYb$ z8aYM_L2%aC&)_(-4;7WwNhZKS?tSXEhYtjMud(?50{JHXEwbClYI)dXF5bx()c&6# z^?xNxFB?r7qxGshN4`C>x4HaA`>wVU_I<2sXmO>`R$871(5Y)5VjbU=)ki+)nbLiO zQGQ9Xvv|&K;Geow@#&C~r!ZlyKiQBSvF}XZ)muns;}T!sw9#wz&ZI?;(NMSQE0-Lu zPyc7OfXiiTFNo`>(QC^LM!#IkB9kh0lNvuCyf=45w~|45%|3WMZ?#pfClxQO{qf`D zN}@d$FSK0{1@(G9q?cV@zzK1xP=UxDLyIQhgt)T2gbnZXKPSW?7?Zb8EJwih4rtaW zSxLXBllhVfr|kbDEkJ-ztNhc)1~>bz7w7+9UxK)Qf-emy#&(SNUe6N~bX87w9-}J# z3*B2~>c&aXS#A`)|JRD+|5q!H{}OsYNLn#o2j{gD-uHz65~5bv%>Qa=As!r;6iN$_ z+M$1g%$4d4c7fxm5=w1h4-4~3%Bx>1*tGfFIA$B6Man*WAxCz;wf!Ke;Ap3u%YXyO z?Y-2OtRJT7oOnGgt*Ec_2=M|gKymG&#USAXfxwFH@Qpe%T3%#iFyXX#25<>ULHhZH1!BqqV=tBlz# z=KF4z$ovEVXpbuZob21$kWA)Kr}&^&zg#q+Duw!9;Y;`n$b`VXP5NFInFhbM=87O< zg!jv7Hl9D2WjGIHB!;RT`|a`ZBq5>wCw;1x07{(IB==5pXk?g2=VL25a7}rwR~J#w zow7F1&7o6K?c}0U(Thq4gJx|LR9}8YB`HbrHxYl|rwWg>BY?TpW>M z&90VtJaa!2pRt;PRUS*FGs!jOp;sv{0`VotmRh>T+FE%T&`BMrU_)^n@V= zQi>a#P8r!{hvM$ZzO#>$)rUz+5JZkg@?sw&a--a&Ur*dHrUNPvC-q{s5sNLedYwFM zJaX{EEI;J%#Y?IRHB}C)gTxTQo?*02!&?o*O7tmRY>3B0!Q-+jgq$lQ&(&W75+XPa zrH~*+$_k2h(9uDSUF(2yIx%h6O*f-9@`MCHBACL?)n<{m%Bz^eaQYHEnh{=1zi{Be zrM-InUDZ*3Hn!l32yVhI5xLklepE$KaS)~c zPs$a&-g1$W#(HVc0B&dCOaM#YyKwQXV{GJ%bi%l@D3vnwAY0{j{H75q{NOrI=o;1Q z_TEzzW5AJGGC#|hembQ$@@?~Fxqo+Pd3kCwdvb#_O%uraQykgBydTY!x{;H=Ph9bBNu;h!1wg8(T+RFqP};3fB)`{-HW3ro^2m7&!G| zhcU__%2Cl2>M=u)kcv>7*zbgvyC)V_!84!>+9}28ra2*Ta3nzpF5`hG{Eu z$TgL6Fy!AC_+9;nruudOlTo3?{=F#-XC~X7R?!EpGVBaczJDBn5@kAl&G{i4Zd@lb znikV{K5W0Tpb~kb+S&HqPb|OcBEZXbeIdJhVArpYFKM|D+#IryOpmd7{B3M8c%4Rq zu|Y%85U1|ixpmz}$;uu@%?TyH3|b4)ZAVzUZwNLF@QtONwd{K^eWk&=7tFmafUnJL zb)J44Vi{#$^~Q?m$8EPLw`l-HVY9lj`iOVpJxC~E;-evf!O3`)1nBT>eU%w0>D;=Y zUr9;h1eP39uAMV0yiogBrggWrYy9}$9Pv#F-6hN@-}R@ZhA6XrFeWl!`61zZy&CAqb2Si&?wk=oRa4#hLCCW&#(5YOL&UZKc+iwa2skgR9oIoNc^y+%0ifJMO8*g#BgceUe|*6ykRoY*kA(OkNjU!uaeCj^Al0 zLqcj~9+$Qep19-yI(2!D7J8Fr%@-67vEu^}+`pQ3`Db zy3vhKDC`%t^p|O6ArU{9PcE`;4KU)$1Gu*h5yGygBGNyBk`Hh=J7|RQG-PE`)A!DM z6LeLL@xZg#D0^StGti_Aux!du7l8prD;Z-=k1b56YE2jo*(`pE=GD|?8uor!cNZb3 zyFW$h>M&ic4{}R?P9K6dQB-HS=$4BLlw^WA)s81uKlgdwtVn|j(Jgac{_IdcYXiTG zfGivl7*}~VZf(}cUqqSLUKXsX=dXbq$a=dWc}%u8`eF7Tu{n_=TKA6^FDSM2HtKXh zxzg4{QkRODAA8RJJIS7aky!k=*G?SnN6B4-Yfr5S6SnCpfUcW{&I=mo9rr0r?E>yx zeL{eLM$ny4L-_RPLyqgWz@JqAG77X#-ABTPcrB(!ecz6U+kA@7m+l_smSmG*#*!Sg z20Kd@PjMd+GAvHlS{+3CjHHtuw1tuV@1*5fSAaRcYT8&9rEHSWXKJzKw(tHkeLC_P4Bnxc(ssHdn(``}^6w3lNbnTMrxR6q&;=N+;CDYpTb4zn> zdHR;j4!I?H_$(5%^^y6^WGQ>s@LpF^*Y}mbXHJwlyYJ-XDr&tLbV@*2-jgl9qR)(r?n;cNo$tU54!mz80j*? zuO8rp1zv$^wp9ke*OQUgS??JxVei;A zbM5vAVXkK%Sf{^7(UHiBt!q;^}J@*#3fP&*PEwo9XvBe(n{OKc9BFpoBJwwLo0Xf!6Bav*+KTmX<`0Rb9{F z=1*FX8%gZWVE3hi=){CnO;g29$dUn5M3?6`^z+__MRVuN8+XKdS4jO|#j)zcEGTYf zV4x>XWx)?{dI$T_(P$~cr1y$-7cqcR-MT&5vmnCFgpiVQ`^N9dZ(Gp3{r;_3vzDL> zu@~frZs|KZ0!a&)u!~=((yGPMTGaxPi{Cb>=iHZv*0MK;_(xMd+ECk<(r%Pdm#fq{7}p#| zhg(>@s3akuwgA0xAwHg`y>Y;*%*5K4F6m>WSzT!|9^U*a4ulHtw#zHDDK4P0jQRG+ zqwis*%wC>hwwwID(a6mT5kjrQAuA|7F3|HvQikW)I|KDxG(ISjd-;>eAE}YjP4|Y- z_aT+Fp^rn3@aqQ`d- zy5p~7`R*qN+mSqJ#-PF0O|qn~?`$*(Bqk?mrcJ6Bo|y?pv7NsiB+>F-BQZ3LvbUaE z|NYFo(tmU8rRYt40Dz>@yGDV@R^K4g^>-p73^_k!FM`FejLd~ISF5}d%a*gHR zmC3pCA|755A|!HUS~f8GF@nC(wObQY=fhI@X!`{IE|;0J-+E+ct<&s0tIZ;{*lH!& zq|1hbw?%cN!>$^poVc$p2A6lCV%(jdN)ysx?waLQQT}qtj|bmPHVN0cCDZnLd2bV* z66KCe+zzfP$S*x#(tAPJ zOBd{bp%ARmrK?e)*xZ6^!x|>YxvbO@5RRs*UYgXKduwh(fAS+hcns(0IAXgcWQ9dU zj0*kO)PbZ_T~d?Gv_h0q4lN>{(@%Y*ozo$0Y$6c2_ivZPQ z6>rn_F@wp}w{g&3OoWM6%`?Fxt6Izp9083*DFeLvB$~{jGic!Ay{XW<;E2P@c1+iJ z_2Cjr@|yt8m#eI+9%}68_<+58^+9KuDbA4gdoO(@;zBLO7f`FYB4d`;v^QyxvDU6p zzs`v{LeWvdO60$&D5&S^*3b^(;fU`ma!>3lk4aJQ9F zb&&1gv25}1iFam6EG-Pj4c`C#CkiFll3cG*m{1G!%1eE&Y-y*rQ?Kxk-%snjZmW^3 z*j}O*=yr9*0eg$>lPzjD181hW@3l||w9tD<>PzZGrkT3-+%6x~ke6w%Amp&}JY@n< zo(kDIZSD68P>`h*N0U+@?Ua(jUL^fx`V~e@YM@jRRzBMRv7AOuD`bt#aO*%=J-A>j zP8N0Addh(2P~a2g^-X>B#mW^Yct54Hs#crk-krpqnC~3 zX-eIEH@>21mZAJReIqLH$3x0ZyQx3L4qcx#V9INP-GLBi62PIYzt(ZB!M9`DDc1eu zvmkA6@z!?CgnU!pR#lC1b|w}5O0@sOr?N3857*lGNiE%J-&9r=TDPcreXak&)cqx{ z*x6k+Svw{CMR7D9^1YHgQ3#(%FAE7*%HL?$M;_AbNvv<;66&Ru^;~%91N~!iC=W7B zvc3iB(59e=)YspG*F2LpA9f8{`H|KA2?!se!AhUr)XtTm^b5hJTN^}i5J4IoqeB0|}`8N0;9Lu8?~l$=rr zIKth@{vC;2^!ZpceR2&FSM3lq zF@0+$UZ;~El{JlQ$h$3Ts`KW(nN9d^_%nTyjq(v}MzUwB@RkFxDn4bGbGoOv(DccD z$80@cnxF-_y~Ax{+75=ZPhm-n$LKO8FX$-sz!jyYyg77{`{ifEDZbit52R=8X&vKc zLV_8MIVG~BIESh;c33jG7(1Xc z8Te=3#R+O=8Q-YUe(`=tUeiPc;qw|`?GZkz>Xfu4Gh_s$)P0lhOG32veI0BtfXmJj zBGX~J|J?A=`-fy$dc;N@%e}ouvnPQ;2+K@DrzBM@36kcwsMbJG)JCtz-rf+n-g}B| zFfm&6kKscqFP()$V4K7VjLtaEAi%y-Jaq|!(A3)j*<6`CCfH1-N^o^# zD}Os1-1ev4W+5lx)KDE}@pHplZQIqxAYYN(|;ADSq{NQcL8O)Xe z|Gf3j$H^BQomGTj>u70FzMS2G#xD1!@#|dhnHzhN%9*>WI_ffCRa2;#9AW9e7wI!l zS{v2hiL^LN=3V!jys%#%6q$@LkBdS(l@|qFrvdJ8LZL2&8Nwfuw@xKp&Rad{(cN^u z#8cC47i1f%q5c&(aQI=v21Az%njjA8pLr$f^F{%3lrVUa@#>*nO5wSVepK-Jd)|7o z$QGVmaa*guN9q~|{Oo^lJLF53vO{LPM%Ek1?G2pSr9{k$?;4}={&ZVQyU2+V;qXai z6S~hC4olM|dyQMkG!^>FI((!SO1yMFpz7(bAuQ`4U_;?@3?ST9!zH%QwHoiA=H?%V zbHh1k4&?WDp9Pog{;n`xls{IHGi^s*Kj?OTg#IC=Yu@9fymxMuf4@W1I=$NDRK@@o zI*I1}*PA}>D{dUDdRWPN_)eDGO3Z8h+k%(p-|diQj5%-8wlI_VsNS5&NugTuo!37sEF435?N9rBAAv<$SoYI4YOW5FSxTh%WDMkL89aD(uQU z=99Axq@c|3{w+-s(?S`(M}9_ZxsXNBRaVniVBsU8`+HbbY%D!he~sHYGn_@68VMLd zUdSBri^$7|6&tc;7P8c%#WMVPm^MvJCb%+F7idF?L-H*0bQBe3 zvnrk}QfH(#9bk=~QqY$=OTse6Q_7r)$=Cl#H0zL0Z|3W!gw#7XOA>TF@BVstf0ktU zkGq9%B?GAS<@`3j1PkB@hgvWaIbf-W!-5GU7K~B|t%cU_fB?Hus7w4ed{VbNltG6- z+)yNnK=)u{52|OvTE#@))mqS$LI!S&1fTSPh9y%B(cBD+?wB7}%y^P*XQVKDkTyec z`Z@8hGE&PSQxW~X;QEE_5H}OR)!l>wtJuO;&QN^UP`ZJIB4aAuq!MpOCT%O!HTn_c zMlCx`R%nt1DV^5#y;AkMcQ9g+Cttb)zII>5zl7iA_!fJ3W57N0(;lfQbylWtgH7rZ zE{%KY6(O$~OQ`S-?eGwk8sPQkbHewND@pNS;NDvB__;z%L+CBCy`kY$f-@oW@&i6Z zhg!Vb=$CSyP(O}d5>p9z!-9BgDT_%jJ)VL_c#C7x)n+c23-rv`<kwGQ_ByR_4Gp=vE1b;*9gPrF zi<>gv`7d?z(W95&@sI7*2XY*HFW`jIjRG?O%>6_*6xnHRtpzn3twxaq7U(DFZ*(As z6;pvZa`n_?Ny2<&r?(3_q?_;5^z_FwL@^_VcXaoOO0`xR{j<<_`Ms+Zm_`dO_%|xBP7J^5!7Vxj{_Fm$ zZ_gJ&yH-uL#_LXbZXG+H*?6r9yn!3BkC<-z{_FE?k*e`c#&v~I64dd>aa zk3RqLn0SM8$3=3~tz^#TNMH(=v%2X{_~^JPz+pPV9Da7QeXLFHz3{4F4G-zGe7gG?i*|hoXNPFuo>`UtVH^=0%bKZGZxeO$eDz{b=NR*H^U3JBAz3 z8CI~~RW%l@*^;1B1^SA&%=jh+;Ek=T`4k%f@kfvIYOJ3z+ng?Kh5xO_dmte1@i!4K zKh$+%Baj;*+4wlQIp-5mu8pE$d?npjbxGW4;@aF~CsMn*c-#e&s`?!@@;e~I;Rt6$ z?YT6WgDFoCw(IX(!V0Tws`hCqA5KeVG>>-q9s12QJNH@h!!p-6!}%>l_tv*AF$t+v zGa{q54JY@d?dZFl;M{xNL`S$6y$Qz!sQFB5oUgcxi>c5b5!FHug`;}zSOoqsDbAMc zUe&-y4mK3WY1uP&Xc*=J^Ni=pChKBT2|f_Y0i*!LAde2WI9R3=K@&NPH}+0%#(i8m-1Z0#p2$inH4R;S zQQyHUA?s1|53X`Ma9lKQ4Oh zhdrLDnT${~s0or#y}jRwKON`eU;1?GNh~q*C@#Kp+VkU@Xjc(|HSUjlD8QC)`hmw8l4lkQgJq~-MQ1oBPeo29zc}AwXSLmb53PE8%-v#@tix2rBsXA@$i<(gl z>gofrm;5mrG_H{ojM>1sc-#B{zvf}g>xz_qyn3l4L4rNWIDM1R+E77W?;aGOPQ5)* z5gHoY{C2C~QZ^&{D;4fgPLtgpM4C?ii6cOo*8N^o4L?OV|=HqY`fK;bmc}2(8FFVh`Dgo4Vh`uA_ZZPRl zWi7PRlVKNpMcr6mGnvO@Lz@nykU1#-VbMTrepU6s(N234!2ga1X`!4x3Qj|USsj?~;zjBhabO3DfsZ9qba<}3eF7P*ZL`L@= zll+-S9z|b?bQY*eACVaH&o#vkbiiv}N2l)`h(SlCdDxB|K<1)o>-?g9#_EWW-9 z;^T`h*);K#gpi94ui%rQrWPob*Qd)>XCRmPCoQJxyW00q3_pZg&$9%xQfAuF4aBJX@dW7@Np?tr1lF17ZB+nh#&t{#7#Dxw`kR zw@ZV1gE*Upf+GlqH1&KHFF3OMlQ0IZ!9$_q>hR%tX;NlHxU$t(PKlp7(zT1Gf<^?_A@=REi;d1FJ`3%s!mCq6H_!fwf*d1 zas{X{ID*&1p|^d|xz75RI@ES+e_X@#pgq*D%v}cVx@OPoDWVo9STUmg9`-b|+uOS) z>OFeB82!ooF~|V8C|nO&{www6(k39IN!<#T&H(pIoOaa+5?Vqk`0vz5HV8~3lOveb zd$O_c`T1uOE^8g5KTZ14q)|IK6n6AZHR*nGZILgw$DZe%izqI6s@eX)^vf1dy2 zu&{d`I~;C2aC6eme?qiwv)-u}ZZlA*Y(7p;;Mwxv)5bS9#3+&b7?+)!wUgi6bSX_E^XK!tioLCb z`}z25L2Vv$J)KP1$;@aUc+#xT_^vzFg9-D8|CSSj0Rg}6wgXX8S#CxACp3MMG z#251+38s=clZqX0KTB<$Y&?;lKgnG)j%~)}!ZC+;goe}=u$86c-h`w&k33ZJuJ>eC z6aaiMf%1`)fTNl@n%hRjeIoi^XeQK-_(x~}`i?;=fTA`3@L#+1TKa;Vij1cYd~{85 ztR%40^~1qsdS1>`@9^Ax15Gm)o<9AxRewLZzdK>-wUw-Tn;p%II`4Z?saL|6 z|Fg&)+P5b~V3#(z%E+}=)!i+#NzjLeGs%KxB3G~;#R-TzzjSD8 z+-#DfKEQOk?BfR98GCj`2F;^f_!_HTfNBWcUf;y5w_DAST63djBYXZ;#l!u~uk9K! z=qPpZkS{NoMMMvZNu(|c#&F^V+~m9VbPpl#SS-Fq9fjDmtT7{;8w+EW>Ib`-KM@ML zo4%HhMXnYA4Yia>;V@ZDC~_W<42J~ey+?E;N^oo)hdmOLpLzsLg(AT?FyoODDs?W* z&I!-{v`xR-H8vph+fxG`@`DQ(t0z7;kUDARy(A7bT$zYv zO;>J6PEG-5Pcoh@ZK$L>uj{9a*3l-^ngIGBD7^ZM_T(wG`4$-fC(A2I6kYGqqxy7+ zjFempFRwsHs^EJO(={<7uUr2n6jeR`S~?rlAO-C9bRPIXHA-D9wy8Z&h?;*Sr!U{C zl^!r>aWYq_I}xKkz4o$u-W9YOFOI3X4{^nBj{47k?V;F~)OIS@IDaY-O_Oo}cX#CE)2{!1x zI!wk$rX&6p11k5WuIHN_eyz-^4%9ho?mT$~yz@F7a@2n$vP$5uJN2j-&f-#{Ph%{| zMN|uKcycL=pqw&$;IMmnYiZw!LW2iyOl5XNAE_`$iF;s0Ts0U4H??a!VaJ0B1)%rZ ze#*5yVLlGmjIClgNe1uRmgFZ=oIqP~JSurrm8-Smdbds~ggf6Q->91C^xPrexP{|@ zCYL8(;2~`Pm%|6V(_Whu@lz#hoTYyHZhi_Hp;Yrmn6yscdY3*Ex!gd=3n>l?xvwj1 z<3GyVWJzwBL13L=3@nPmg7y`&|`^PUT;lE+yeM{ zm{wiQALaiBBQ4FS+F`EvE0K@e&BV6C)a!_5Z``99=W8&r-_VZyE6?2vWjaCkt-M!U z1B{KVU8q!l7hwj6fr6Sx-4plXm;yCSa)v5ddSZ@{;h9g?n4T6l1yQEm%W4m5`)S9z zyOR7|p~*h@ixlGUJxU;cI3Z5za}0A!hm=U3q^%#jRDXJRZSr@9&hd2I*Tv5gFBD3J zpv%u3jZUlC(@V*#AA)Pkv9nqup_k2+0$ zs?((a1u7hQr};iwWJ+Kqc8O?eqjeK!_MwGVfLB(>WO`%3)_zNjyF=+&%+aQGk!Foc zab|7B7T;Wmo_amK=Vj@Cib7u5A>}BLCn+>-6TsZfG5PX%*Q)EH}^X=6vbd7)1 zmDuLS1Xh-7Q)7Ds`2|5_;)_%9FSbuVW$*glc4IQ2$0U)SysSu_xt$*cT@~yt&)!uU zjQXmBh5{^bpjE@{f-}QGk4(zkELPaNVuD`K>C(xI2zHn`{HTr&aZOg)4be$*{Nw{z zr35C{aAm0-0DI}T-DJ(rnrxMy$obsYF>JY<(&g{wlps6>&y2%No%{alI3ASA3y6*^ zaNIsyx9J)0oS<{vU4a!HG+Qt>+g!D6x0!zL{My=!$@LT2!qeFZ5;NSu?l@IXDtQ>z zyiXXnB#t};VLgbqMzqvczYcFxLoA+OjKXy<$m34QK@kEEyY z?3p$FioEWy|EuBJ*?MY?LQH>KPFRE2O)qPf+L*;U9!K8!3TbZ|c-J8$p}GsYVQULt zj()EiVq+UccdD^=jMq8T1n&7!+PeS|HkUeJMA&BsS_m_H^kfb~983h^A zG--ZmX~-^ya%5=#R)4@PSJKoSSS)&52P!ALTfk)a=d>RCbCfZ2e6sKHeTQ0F$lLbA zDU_sVvq*18=pY!xxnSr8$K2f~)~B*F6IREavPO@h`Raqc`CuubaT{GVf#g|O(nm~8 ztHSr*=qu+8u0)e&tx#-dS77@TZW-1$p~Grt(^w{a^RU#Dbqb9QQE_~)b1siI2kNa0 zhGt7*LnfiPwbxwYc|K(5S=%b9M;Tx%BWT`Xf(}S<=**nC=V9T(!{4Z8#fIq?q`djr+pb{MMJ@U#mNU_3d!oHVaLAR?5-_^jT$awOfSB4``WqGmpAc zH_dcn{46wC@B_ip4q@kZ=~JGnQ2{MYwdWvi$+^^eZzchz<^zK%J+)!w%#`GrW=D|DhoS3WC>0$YsO zMZEug4V6sRft%Ll@F#4&C(8bidW&5A_79ZDG#%l?4Zg)B6WYqrPEW8vB=a+2i{#nr zW>{(XZ7cDABLrqiavb)o57-||GUWMPXKWg$=yVasS5o?zC`S0a9R1FOU90r)f5jvE zJHsW&c9qB#JGo>k?m`vT`M#g;_f^sGaf+`^H?5y&bLqtX8)?z_Sh002~v4w{|Me;XM0Q*qhNk1guAxPgwkC_t4U~9YUD!_noj` zYEXP(f8*lk(p^zlr1X*fI{*MX32XVm#4gMk^dnegg#z@jy1z*Q4;eL57O`^o>8?b~ z$NYo}7`?po*rrYt`VK71VM7}9N~ou9yX8qmPYxAlp%+98@urt3f>;rQOWx`xT=2fF z+4t?0V|l)v0STE!e6$7^G*;v!1xD({{+M^~e0%y{cO(P+x8fs>V{-+c=A0e%ai4Sc zsi6+X>>uF-RV!~md=?C}Fb}D=^3_TmpH`pJa3o*(=Xz^mECJ|afNOy{>&nIok=T$Q zoy#f-y$GFsaDGtFcw4RNV4>&zF_-?EJS;My*@&QvVvHDWQ+h|lXunX0 zc6f6MO&D@(b*{9is1^iCdG=uEd-T;Psz9B_HEdQY1+5~-)BW8Gq~Ysnq7BDi z+v!m}%hN@LJZ0H>->L1Z@EWPh;aVQ@b9a6XIsAJe&gfg+SB&;FlZK&|{vy<+>c9h{ z(! z{e?kvQQ8&k0rJ*$eHunT4ntHkz{<{Q4z1Yb+fQhRtYtD!!8CGKG^7+JK4W7fD7*Mm zEeCugZ!kU`dY%uAsVFBUKUI@@puV6ks$l<7trGP7fE4SADMtQ%IKr`-GV$IRpwasG z)fuf%`%&RjCaSi{d{9@mSamS|cbYLr=muSSA5|Hc^t@13HL;&-1f@=Kqk3dD06{ps zwtFC*6a}#|&M!ARsz>1^tjpLb|D%i|l5|f2Ch8xaf%X=2qu%uSrrBOgl!l45eGh-| zmnmCvy&(xKFx6+gJhv2IzKR}vyqzgMPJNp&6R1vjj}X?AmWR${Wc%KyFg!?d-ywJL z9+;KJ-kz*z2#V6j!}q>ToNf{}x74Q{(DUOEC&sMFuNO{RZDshGnBlj91>2E-R6V%? zcA=rKFOizNiLSI&UToCJXy?z3s`wvCiPTEoSuJ+4+!hvBi@468 z?!iuhl6<^P`J3tWXow>IQvL_0`2czO(d2R|KH06rgj|}s3yKcNtjBA=`CzZNW{5H7 zXN^0+jq=iX5xr}8dtK6_)$f@?x@XFQuSJP{Px93M`SVooW>W}$gyL?z%&l6aS`Hy{ zS>!$`$P2uqyN&HHyn>rbsxXL)M~C2l?U#qRhgL-%N5eikoo#v4bkfV5Nz=4Dy?;zY zH+8skZrZ3EM!>1#k@sWCLso(?*tX%(b`7vYdY?~B)P&jwpb@+ML~h8=ghp?l2~SWJ zXb*@yx+vX4pP%adijnm{9C5T)kp9WgDBY@JSSBSt{Cu{O?yLlrZ{o{v3CT=ZmvVGR zIx`*x?>qUiSo>?%Mq1r7e$@F?01IS)y$Sbf^508s3q}D>sGJDqDgep^PJKZ#y7WbHA4p%Tv-1BpBY6CBTCTTc^Gcdo znDn>hdB(GQKCEr04!5?tnnD(oOdYB3D(bx39L4Ke=dTY+d6-%(Eh-}I-}P<;(`RRC zn35^X)hz^CPhTAl(-+N`S-^fFJ*60+gbKgI1{i;5=)a2KaCAl~n&G6%neAN@B2v2w zr|Q6qHrEM&H9!Es47kAVX}QyqKx0k4$!;|)kEwWX?8LcbrZ4)m^=~JwOst=yS6TVj z2B^5QUmp^8zE_?RKRD3>7Py;)OE#{kKYSHtZsJSgkY&XsbmaF_4;@b=c3tw;QBszO0UbZcIT(?^me;~ zw<{S)0_BNJaaXv21#Xl89ZX6F$Jl@Xa^Xu60z_yU%9A!88T8qb4dE?bcO{5f2W`1D zlyeEvNXz6Uk!g7Pe*xutLtjF zWV(BSKLPqGG)krX-C5#{pp?>#&tfhToX?U-HgQ+_z1Hd~1S{8?F^&8T8gT?~KN0OC zoS&NPJC;Qei(`7ktZjm>^790XDp%4Gg)#{Wn;k=Cc9!8Evq4@z_#lQpH{i+`f06|$ zOEeuv2ZHtLR3&%EP5Kq*fzHEU*~M#>c`&o;`f8k6pb#1;a9NV<{@~5zR6*Z!##oOw zpQ8mXO}~0EHfd6S!CO@(m>~bz?aTjws7;d@3SXO&=2)tu02CqOshjg&p6M{dHp6)D zXqI~PE05usTcFq+TyM)h<=)Q#jMcbQ4jPudCLLWgC86m*V~Dzut(mXG zq`zO`U0cMwgz_U(ZoMtK>0VG<)Fny*sas<9beI^&20S@N3++CNh{J?G@A7>lp<+P< zv@!)Y@`VHUr!94W#&8cG@1UB0#g9d~EM5vf2dI7*EyD0h8^ zv9{QY@O3qg+s86Ff;Q0ePY!9VoJ<#0@vQo7Ts?AcCgrFMhLgeVUa%!@z+dosePvHC zfx9?cUU%x_uzqB3qsRj$pRBy7vLu*UGrOn`~?yVfoWv9ys@M3BWD zZira(s1C{}k{9j8fu4V^XJ3%ipEoqBNwr9+&;)L$KvrB&^D)ey3iotTUv^uf-&b;U z`k9D{`q?&;iq~wqTF>_yq-JdXpaKCTMOfLsane8I(95V^CHb7@CVq|NKWBaySQTd) zS)K_RZ27<=+6`b(L% ztLeK<+TEs+N8J*yH$#Rwy!fYjedb+jQ9>;5-At&~&d%{!pFJ_WFB1w}U5rM8GkGQ)}(JOO}p%SEZNulSy ziJFYohu9Egj)shkJ^4yD+P)vzZb_879|>)b% zh$r;F502wAdwH2x0xkU8N(~_@xg3a$8_A!z4mqmP&kF0`WtUR}aPT3j`;pAAEnM(E zrZQ{0NZLdNEhaZP5*s^JKXmTzR7&c>M@o{@?x2bG+s(V!WJ56-|E=08 zTU7Zz&3j?u5h~^k(1p{JrYKG|yjx%fTYnKG0H5==d4Fz3v(qlCJ@bnJI=k2FtOf_~ znp-QXnfSyB%caY6-OCJZE?s9mzFEE`Of5O!;AuzZvz zse}-1bu7w~aoc4H1FDFbav#Vaw(3};5C#-6-}N8&dH|{=vpis`bcZmu3ik&tAbS*M z>-wtrx2oGC?ypETi^Pw%rP8I2t2yBZyARu2_BBz7f~QuhR)tVfI`oB+FMad!GfzOX zDc|!H_w9v-9q#tX8jV;Kta=+zQ&}DK4CrT% zf9y+j2l;`Q_&~aCAu9|>B!JOG|KfRrjOL+I;NEF&!3p@2kLS>QC#GFVP5(OY3VOOq?0YfZ zXN^_Z| ztKc5Ydshwt8qD7sfRSe5;&N@bd)~f6chT~mo{V&c(I+dTMmlQUeit`9`)AF$*(t0GQ8R|A|+FFN3VxGvzJ~G2}=9uxHvGNklU>C z5=E~dW^IG=Qng}x-MmWV9;ZEUN9sOlH~)ZcRM{x=OL2(hhXpj5C7VhZ4u4R@2bB?o zuQvqKy-Co~PUyG(JMmgwicSnt zd1wcl+BqE)1v9&6xwhz+5bqTgXG(gv4!h&^|AyrJ!)1q2GUVuG4pbWE>F-U!icKDu9}!)wPfl(x!RDKZ$qS*N&sKfqzsF6r#6)&(VdN`a)6yQn*ualSeG;f8K7sU5S z0x@^N&R3MWkA>WxGWpfr0We|g{a&ZGP|0Rl7RNh@PXB%u)^v+iPJ&pcy2bQl^*WFX zer<-QwVi8-xHz8@iLd}jA(wOUy+D5L;7I4A%(drxEW$68b0ioyKPESQR~nve>JaXK z%KwplY$CJ6bNMUN>K#E1s*2I{GQUo(E5Mgq^_P|z}4(y7ZI4A z!?-fdpZaf}JE?HszY^#F4XVJ!XzY#U(XXrO0?^xe?El}u29b?b;KOtx2fNM41)2V* z0`UJG0MPj~U=RQ)T$a$Eefy$%{f%4cGsvj(V=fa}vcyTQ$K(8>GZSTce8XHc=xlop zd5L&{(BM|Ok9-lbvQuOCbin+duj&7iP7mZi&esjy82s{3XR78S1FCMMdrwLST@?eg z#lIf>>i)vafUb0RmiK3kYqOf&q(k0>oycf&*Mtt{gslibI!xArhh=fcCIF^{xKo|> ze@VlW2I1J*F$;ioPU3*|F5rd#mv5j>|9@u6lU470Z4Q^3?IG{{9P_{D$o)e8`+IYd z|3S(QJhU`ev7RzU%({ zO+={6?L7j5sEt~V#-+ZpJ6^Cti2d`YRX45rKd~Nv$N?T(?Ucgm_r$Yi2N6DES+ftm zM>-$A0BAoKrlV_>J{X$_J(Ku!bhcI|9bDs=-1{u1=ePU3w|?!>HTe+W^p!EgoX)0J z0p=1roQZ4>ZI#)Erm-r*WBF4pkvAEDib#7lrq$UEqs!`88kQFBn4P>fD(Sq%kDhiz zeF=$uGEVsEN%y49mt}rIq!U`aS~ZE9(wLuY$&``K!0*&4fr;t*T5^kV)gA|~!i!!; zV9_JmxXtO6ov;U?l%skxYj{l8){GoLgkzI2$(B+K05AXZiNn+1@T6iAvpm9k0G7?4 z)tsQVQ!02G0GeoZFuJj#NlpE#4-|tYujPTGHd@t0tKaM^#8Xg^+y7O`))=k9{kA^DZOOi< z2$K6X(ESh^`$T5=ro-p|zd}+(zH38&DtYsLTGWEg$+1X zk_Fc(RHR$3eMBmCB~G@*g^o9Ny?tn8z2f1y$sRz+dodMuY^p1I>38}c(=PWVCq<%m zk-{!8S-c`Ug(<{b2y3i#=hGvgCI#uJ`CwfO)%R!#zb==E;Pbu-l%mpHk?0>ZoYr!% zd^!_(MO}1t8=t(oZb>92+u$ze?>a8j3rl&BLn{-DFJW~ zNd6D+&09n%-wL~{1PO?KUi{i{;&%>?^f3}0k#!gKzpO=#^e>>9Qh+B;)vH1? zG(|sV@;IJ-sz$;es#ya`7_XtVU3?+5dW^q}j6_cKW1%oOhSE3MBDa7>AcJyOlsK6+ zY?9ygZFQcJZ=0@fo9q^mrgs-vg6g_J@BH+gp#D|SWX}F;kq%x)8>HT`J@5d^ z07GlOvYD1@-2{Jo<1m&s71an+~!w$Iz-2rJe?(QFm4@mp=>z&bq? zL>;9iAPFQv<%pwNf;M%RPfUM^MhXgJiMOcm#Ww5TlhivUoC$VCd|Np${k&DPmyYME z)6cpI=23$R2*5C~0n?dQ$Ys~fI#+ADccvLDohX&tPDU8l+T){J`|ATk5Le3}E%tOw zhB#9qHwn}1-4FBwsH-A@kaa3{~n9x|nF)+te^ zL@o74Q>7L*zS>ZHlGWC5VK`lUFA5D+=~`tO36U5<12D{Y`6y{oodoci>c)aoPV=9_ za3}kf0pn8%im_lU>-B?dzt=<$ z8%IPCkkiR!Q+Sk=Xmo3y+fV(-dQmJg+F?DaYyX^8pE(O{C{C=yOrPLp1axxjzWZ>o z?#e7c_=Y}(Gb$UO$~G>_7HxVU2~4-pgMUg-7wezL`3NY{McQZTeH35H=niOr{plR7 z;6IeWB4Q|2>rO_aR33?(#0>?z#hx<$7Ns>?TEAp64thetv3vS@<1%c!oKNRdFOF_c zcsQqR0jR}HtF6;F{igbegx5gZY1S;FxAhe+vSXa?LO|Q*OQdxsY;h^s9YIQfCo7`ln z?tZ@w887>8bEjfA&LSN`j+I(}f3MH0QH*YV81uGbJ)PLq@uKxed&#Ct?N;=53 zwCc@ux2z+ksKxiO0D-7%i-McwB7#}L1L<{9%5Wrlmz*c`=|bNWWr+q zgh}e4rk`Fpx$&$t`DT5CnYIKUVH+nkjAcP|{R|$;lgaNU#NC6xV3OLqo+|T>RR$tW zlzgtWW>f&^VT|gTvwZ>I3Q$r?1rOyZ|3gYvs1A%M!r~| z%?D#=3@M8kqACEz07dsG&dkv8=QH5E&LnIP2Q0K)`YP^0U?gwhRfoGzcz@L}87xhU zkC-P#FDs*5cWv1Azrpt3;!#FsBKc~Q$BP>{FcKmD8Un;buwd}{K!7i6ey z5Frxg4OXd36Bx?T?m@VQLg7J1dLR`6O+f+ zaMy+Wp!Zu?#_(dz6UN)Opj|T+PCqY- z(~DHcE$y=!LK#kB$}(xVky63*0*zOrb;bF>3|;}gAR!S3SGVUyRmZc&O63Sk#!KDD zy~t|#NO>MCQu;finnV)5+Ts4+oE6Q(>*5lgH#MK|Z4B&{wZ3lu;bt=u>P|LO1k-yaXfp|>QbUwRL?A#8rFJ`4Kd(akf|&x z!)NXVBm6$UN$-^wDymlo#kTTDe`b-T_p0@0Fkn|N?)^sWtygMl2XkvucjoCw#J>%Y z%_skjD@j)UP@EYeYr>lqp)=4x#tCm;4Tcw&=MQhZM#E-2JiiO)*8$EnsaRo=hBl&) zBzG?a5(HLct-N{1sc0B*nU8##b1&0F3OCBfe9ap2EYD8lPtuGTXYzk5RhBCT$fLu0z- zVcb^)Bs1SeI+wu+$E>aUEl;+vq70~BcoS8nQ=Inh$Tsh|(WH+?nZMF7vRuP3wJ#B* zYBL;FbkPH-TWLp1xE=Ia$%?#>M_LbLP*B`YrPL1!K5o|eGM3CBgLMD$u-5e;y->WR z$~r4We8q_Xx?B%#PB_Q?v$Mxk{*4%zdgi!zXV<#;i=E!Xeck?#!;WpyHiI^7s`EQL zvh^B@4asi^x%z%GccDwu$xrqTPk*;!1}2V}PiUdLjZ~HGO2&GyF|dFi4*R8#LzWSh zOo~f=e4I@2i{aP_YbSU*b50qdY~^JCn&!>q?(%msK?j8={_+-#uk8vPYa|^W$j`Ka zR($g&gY!4OxN1I|BU!+Ye_=sdzjAy3G-4m$AfUDR}AyjaC2q$VRHH`^fZuK@O0?(*UILUA`e(cyMI z%{)smdMVE`zEB?J+JxXuw!Kp*7-LB@fK@)p!6fqyh17F(;jz_HdYh*Cy=u~vgT@$JuoMSxg2epBPr!h`-0_IgD zJo5UV?xCpNivGpKjI^)bVZ|8%(cbyB4xmMdAeC@^XtE)rd-!Ge+ljx5ri z_NrJjTwtpWqisvBV&e#Co<2oGy`f2Hy5GNj9kSor6$=a6+7v&%C|ju3V6l>)bxNYb*RrM`=R|ToVDbXR5vAQk z)peCl5qp$61iNQv8#7Fi1Y)N>M{J6q+gi%|(vK9#yo?A8lcoI^S6ylmc^DPg;&zU@ zwNI;?^S3x%6d`_if($f&SU6>uSNCxBCrKflqM^al^T2C8zR~K?{FH_XHOjnYryH@X zAS0zdc&b#6@)SSPpXMehrF3e1KebcybY%UD`aa36DYcYe4>aNVpJ44eNyGNNQ%O<9 zz=S!h#_^3lYG`RXheKNrTQyDQBq|N`tx{tM=L0;0-pne0WJ* zEg;i)U8FW|6ft?^I;Q>7GFi4uqW z(7O==IMCK}F$EZ$Z%Ed>Vd=V>g_L8Synhw@+3-4v;B`i3%lzdS|kvd~2|+wP(+|egWjzyh>DiL(SBR zrc`De!868MEL#DFuXW|D$P&gwPYS#H@8_^-G9-Cw zCUcy;L`}=a2`lbC8<`x*2p8@e;iG^x5wZwRhQ5CJ03g@iD2PbJ3`(_Z($%qkv7ym} z^jjd`tAjr%IkrU6ZffxU9NfOlsJN16M=_6d(GbStvq{2}dmn7C3AS@8x&uXPz<)ls zeBQDBuKn9iQ*r*Yq(F*7pBA_2{$jRXPuD$3`)A-M-4AQPc^b&1Bg@BhHB2D-^PbLf zGeKd0P(eFPNJ=4TpmOu!#1P;heuwj=s})O8-GqDJpgB3{8dr7_Ndr5kijzZ&%nzp9 zEKuW}HJG}9n7#{hdNul^tm?m^#Q4V=kUpTt<=^ti%Edb{!otVT;k*JI$OX}pLK2A? z<;rVLy8}$i)Zr;Jb|#Y@LshISb!Pq%r3MjRWT?tQ51{G#=o={CP3NnQLSqj*(Rf}@ zlp=7ZQ(#2DDoj8}VlT6zK+4 zbzrC_-Fg<&nl|`Aqie!keXnp5zMK zuVkJ_i9kN274AwYC+pFz9iCPJ;NihwdJiT%e~{&#LNp{R1QZrW2Ah`X#l+! z3&fL}2lUAdxz+%GJS|uzFp8(=>)q~M0n#}@$ z!#3SMLrMt=eiFp#9(~j8yD6o`;u*2klko@@*Me^^l&XMZKjCO3n$o^$dwfE;)XpS{ zd&E+R9?6W8=q-#~w~`iZ1jH|-oR}f#h^>lg>l33WCCPIpC#s|Gg=ACy$5RZCJ~0pZ ztDl7zcyc0UM>SISi(1x8_nD%H%%T(da4`-q90a;pR$PFhR~uFRA0H#5-z7Nk&*Ag=!)3lpZ5INGihpP!{uc z{_!yBk2I<7S)ZRc&Ue%hJX9USI^(S>HLDCIZoWLO z=#eQ1^UwNbDK4Wb*8lr?ok&Nlz;i0;6*l=+SmhWW-F(@USrNpSCms6j&|dxnka3}C zdWNy7NUZ~tiCbH;#S;21CuT*fD|qsgH?JTMvzp!CzIbFL^Z0{*DB~3?y5xR0My)5Z zh7vA4p4arm`t_#ugjYJgJziD+&i#n`p#}b1rSd&#>_by3J%iHm z^D>iYx0wI9BiwD*;3Y)Z%#+rY2=@s9e8;05Qv!;rSDzmG5B*PL8;@h zEv(wmpCj1!7p6N+mv}Yf03bc+ z#5jGjAnaDe>dKV7(tNz-r(Hw`l0&WK82bADQaf!|G4uk1fqNYK@P-!<^K>K7-6AT_R!N^}T^KL%k+hj`-ml|r$3j%5&ffkm!zX|&Gl099!+EMC9KCGRi@C!_M z9nkXiz<8u9YFX-mJByB|y-;a*F1gpJ-gjyL!l2OMjq^;3XFY<_ojWQrcVekt zr2g)q>AL+{YK5$SPl@tIGEwt%d<4X5CYlOW+1@?5d>W9t`=gXj2L^jt(wH_Hk@-k7 zr-|;_(Xo-ZQ%2V*9&m)s+{#Bkm)@BQ^c{-juzd5IE;WG*5mYecG%&1)QpX}Q5DE0! z^KO*AbY$v7-cB$Ccy#-&C{@94M79Hv1zLL$!%62-F`kURI2z4cXrM&4;7V2yT9o_2 zcn$~?2WJ0$1?2W>M;S|A{fsV$yu=%Z^+z9=XbG=SM){YG1!=@zR~ysnjV@dUmU%-t zy@ZVYq_ zFU7st^qe3Q-175tZ9jakFXKJRSN?TR;&Q;oyBRD0P{*#4(*N>A%jBjim-=U|j5bk; zzi#3)@@887ktFwEGK?ikX09~Re!F(mB@d|Ld+^0>GYl>#V)kL~UD_|?efzNI z*u$Swy#gxm5S0%qwIM3DDt)2*F&%d{CASp`!N!3brYbF=&tKf-p6umx7Y#g)cDQrI z`U$z?(Qlz3W=Q15{ungo4TFQ-*QPb&HrRT5pA-H!1$s zZlWZchSYNu=}wH)tI_?m&d=SG$KLd^Bie=CddKrbS*Q;IbS()Xmq;x$>e9Hd>J@#- zcTT>2cRic2KLeIZe78`YwO*P7(L*ZroY|L({!r>d)vL?x77r!$HZ7Un{kCxZM`dKG z+pw<2=r{SV0w^;eDI#_b$>E$qH=xl(F*kB0J7BNqkP+e|`4#-*{&uv3Mh||6HKyEVfUyZ60R&`^zjbEa3%x=1!0`gT!#@p|^qR z>xC4p7!7kCxGr(+%tgu&tVDQm)asv%$=$(r17+c(q7BXAO-u~JwbKiQ*5T!C0q1#nXtF^UE+2pnOLKEqO)1M0uV@=CJ}-d(p8_e2 zegSXIds?88GMC(FvLU!PFB~A--~!*rUIc42@j0Z-Kh%zR!0j=rB|`DyJM4IgGts&G zS0kg&82rF0-HwZm+Kir4)Wat1BD94>jw>836{T~psFrfUWiB}|uQf@$31=G&Oa*W2B#KMI+%Xhm5sxhC4cA{~ z`Y&HmhCj^$B2gp;%4Ilq|7UJk2 zocUh_8?O*;zdG^i$_URBRO#5^1^yb;{X$V6cy8TdM99u2uI2b=@0pxi`YP*=Ld;G# zw4)HldAO?F_3@{vw+IHyC2lzp6R;On{KS$m%>D{}%dNc!KqCx|a5AU9T=Ab=1PRxH zc>m@h$4)b(oB`5~t71iYgE1+UQ9Kr}PIG{DV+(gpxkf2hu7*7>bjUX~l(%4XsN_$> z;@~1)b_U~gSa(ItFI*azoIM1f04_Bgo9~UJT$)n=@Y+T`hLMW*1jgk#2paWkK&G*T-rs@wp&QQy_qew5>4@MuyjPs05bsUm6O;P%dunq;C zzy3W4`n-pnjVl=;Vx(sE$&S|k+2pY7erl+f7`t`%w>9 zzNWDjlCq4FoyZo#Sd%Tn`_pyb&-2{RqxbXv`To=As>?Oab)M&UIljwr7-uH%*b+Xq zf>wEYfsKMMiuX1i$E+lF&F_m6`+f@K>yEltkR3SpEr-KLCbcJ!gMRlq0hPM=#rJa# zOOd~otb)2P#Jrb-^W@-_(us`r^VQGTSiA!=#Y#8a>=n!;Z){k7ed)R?l=fkGgOnK_ z`tz~tX?YQ@wQ!tgK{Ft)d2@RD?AV)pncR@AbWpwoAdsQ8`}NO`gw%zD?V7$KR7U|( zdx1_PEXFs*cDxuQ$}aH55S%6ZLQhU9Fv&*?%jH^Uc-thdhmRU(o>^* zWniv9_`H*Ib3p#VQ~S`sdlu8kGnKw1AhJM}SN5hpkMiMbRIyh zeeVk=)SUqqQ@19SM~cHO)KH%l$is&Y@|wVmtD;{JVB{CAox{>-zt&xdOIEzOKk6eh z=C84une*hHD}RL@z0&xZ>0zt(JX=o1Heok@#LPjweF9ZiNtUf_%67u1+K{CWL3(A| zh@(lsBe5wE_zs#9;Rr)=h8r_N8qhR7!$-nL;2YRAihOb8{yRB<5I-k5o;zwC`#5Ue z6APor7wJE%AqWY7!UVv$Ge~&<CeEY%k){{=1;Pf6OrDF`f^VbWw*2Z= z+@MIMYM5ke)UYy;<@-HlnP{l~g3)hMA|6+6z_Sq>+RgCGv0oAQD)L)>ft#7vv){I4 z^ZrPAG}!%ISB%hU#doRQ%0eJ675&<+TR5wE?l~Mc@oaoDx+voG1t8f6W;dyXW7srY zIwc|n%G3UA53m_tImkX@#fDFaiy-6+-$q4_C(`iO)`dN)`-f|UOgIIo$Xxp!NfE!a zhWZT@-n{*H#c35yyzl++cwi~VaZ$VQA9cz&ZkV6qy`87xSxT4qi=TC!l&4iIlR3v= zNIv4Ns0bdlTo}H9XoSqFEGfM>74JP!wk6 zsr9>~T5=yRRdcjz=Agl6r#z(>8l803_{I2r{8vC6>}u!r*l({UuE~))Fnn2Hc}YsE zT4~KJKU0PM#PP0L)aiu~XT2X!MI>5(CaH4J4C|xCv85BjlR{}icW{cQ3%$;b0wj<8 zIM!F8vvM9LMH?GdU$VI`5$r_W%LaTpY}&+)2}2AuC4iRpW4FPSS;89A&m{YG;IY=I^&&wEO9ZFNl}#IUr6rywYvu_DtPuJsW7?w)r4) z`mX5AT^X43_ZX9i+%=-F%sP2<1|>Ic;DL?zAL{T6eIEL=`(JLs`7r#plXJqD9G}|T zb85stD+DMYFFfL64}IbDsg|x>wZ1febY%7FH9{+<-1-+-KJa?NIj4jPZgQR;vYV=X z@4+5%xkXA( zxtcd@d-KYNI~&_-UzN7rF&s%S9XSx8#F6ucgY*|^lHORpKSalbBRDgr=ohHF++p#W z_E-)IkR+_C`6P8xr;O)>#3EeF1j&FP%AIf)SymCqc~d%eA@kK*lRvn{D>zDu8B%3d z+Fiv_WdHlT=2-F(+UyKK15e?GHU zF=J%Xoibq1mDz3w zhHWHBui8BZi`9*{JLXXgUtMkZ{g8W(cOPnyp7txK``u-osV71sdi$EM9W|RiTn5ye zfN@qnkuOK`k&`YNf8-;5{iYKVJ1_qd2xEn{9<;k!$^&=S@nBA>RlCwhMIF-QXPw*o zUxUZ?z+ZdhuKtl}d=}k$=)WelYu|Jzb|-J`I?y@~S5`{#G@h9MtZO29Bv&X9V==H- z=t=3hqztHv?A(p)5R)f;n;xBW(MF_jMyksnY||9@-aeX_2{rhvV@Q9_N$;omM$HQ~k#xQ^`Q~cz${I-YCBF!@vajGjYbAQTqLl=~0YH-Dq(m ze?B$AUJTwA>DgDP>K9{z6biqV=roR>UBC9b+)2Y%5@~>lklBf!3??l0yV@{x&>W^= z-S{`>0Li6wm{9?|E6p}UJGJ>x(xy--T+f_y(~<1ab3q@ z9|jcNY@!IuX7;CxvF7co26Vn*{l)U7qFojjeX(1jUvOzD5%U4H->q@f^DI3>z+~tX zVRMGuQg_#eWUi!PN2|zdmbcr_(Bo(gC%R>b%x#GtEIn&z$eilo{AVY;n5HSUoB^Gq z>RzJ9rjy{OB_NsoD&)BnC*LjDtw_Qp&;trEa8IGvwOY9wrSzx|e%-e-sDs}58GwNN zbB9|d!rxSZVXwP}I#LOJ>0d8x7ns!imwrS!uKz}qu#Rsa%b!(@#2l9}V3PE5+&M*A zm#EM8AE#11vu_1DkQiSIhS_V?-{$}+OPAlSt?U9kJ9b6^szbZp>6XAc!EOBHuecsU zKK*RkW%fUg0`L{?Yk9UQg{niIDHF|wR0}dm6il;|$rN+agcB*kvZM6`M6w=jJ)o|2 zX|%uEG*zu$2j&b75iyD_8>`jLgGTnTkZnfmZ1Ms>NE=E(+KG%TWnrs{aOTR6WL#-_ zvXpIzsOg|ghZ`SC5b}HSp3L1T$%QjfCfP33@x{J{B4VO5ADm&)C_n{h@YnjHPi_vI zQO&7RPzE)7(jDe5S9ErZ^cuUXnjwX-jhk7GcAFy12bv<>o8>WFKdQS;H75b9l0Fy0 zODo(P^X?g4ykB<OSNouh*!@015_#?d&X0t2~|C1&DEEppUgW9%t2(;+^t&dIj0 zK(`^HHbxYJ@RjSgXnYeU;%2gO70DF-iV4!RrVPnJb1U(CbIpW3;lL+PUF$E;$%C%5 z&0umkNW7%znhCwjbTv+3AmwW+mXU#hFBxxl=9L?1p;lofxw+rN- za_%Qks_esY$rc;R@%*>AGgb**XJB;TV01;eyx-|RIPyg!G|lgQHG!Lz?MJ!S!K%>>Cf<<~N81oR$0!AsMriE+Cuf*Qg+{ z7DxekI~;erGggE4-%;3m*4iclEd_H;!}nBT-`M{uVcK%}qY0q6n$6`SO-M$(;&=XVk?a^RC>$2UU1 zvE##V*ADRF$Vh~V6yX!n275CqkfD%<;d7!M^X6p6*>4=!nJA%KqMQnjXRcaPGrUJP zrqUHEb^@{!t4u>#fLeokBw`=7qWg?WZZ2)8cJ7<}K=B}HTGJ|~37bd3elSB2Rb#iN zYl9{<%HVO(hg^(}`ynG?V0+02){;U|e5vK$x6WQ(#GE=$WU#LOXZQ zxEyagKMgFZX(>)!3r^6ygZ++i`vxI07owmF2ls>QQ%ZQ2hZdX}dT7^$G6&lad-Ra` zEr&vyLuZTQL~0tXNEnmiTA8j$hzl_8VXaZ+RCnp;;6p88339~8#B(SlQ88JA zsbN4Yvyx|x9rZq-;B;WC9Wt%O&iZs<_yL+`P6Y#_OIoDQr9-{{r8ye28vch6_J1TZ z{|-F=*h?h{?1k2Wi|D|@prry2`q(mxIDnvY`Ub#1+sgp%(nb3|>|^V7I!YGY@!~Mu z=H_$pw&+0k9fSVYjc$Ss8)U2X*Soh<2APE|e<*fE^0Q^sOfE&ay$t|^eF_-6j7q=l zqR9^tY>*#Eg2ss&xwer@nnQI(RmP+`K=bXHJX70b^4S0biohDb7~{f4Z0~j z5}lmoBG~nziZ@@WMhz0~ljc#Z=R*aOm_IWVCT_qT*es{1S|8e}=Rh`{r`v_cSkBu6 zOBIr|Vr3`WROhL{j_7!|)j)kxyuU;#Di!tNm;9$oU6JG2#{G|&h>4&=^QspH5;H29 ziLC3>_49PksLbbcY^?1_qKz$bF2$mr(}AvxiRSsfk&RyNkp)33@0=tbd3HwK&AkTW zk(`1-wkDr~xLPdee~30wK{~r-|3qb_3-6IQcrJUbk+E_13xC&uRs{aTn%$ zU78Kh{u3Nny3)YDZX-_bWnh!d3)D%22IXRvnOa0EYaYpWuGCIY zg^>rlUb@!$o#Af0fdC+w9s*`_3Y8%k!~`EswtWrQZ*ekFLgut=8n7tIb(+a^w%>a- zA)HppThG-M{_$v%r99RfI}WnJ^Pt6d&uqe1JIR)W7ie7wqF)*bdM|AV_Rg_|{a$bh zI#I9DfOQ9jOa}v9dT}C1a(}MavqJ`Nn;ZrfEixs%@&2K>5wkk=zB(9C5>sBH9Kr;{ zSgRvK;rj)g@(;Nkx$w${8mQ?&3l_;7316NZ+jcCazfdth3&o$omcQHpz}89!shf0+ z)O1@;pU4qYP)a=Hf5-+IrT;|@MxoDyKVid%HhUGS2V>e@M;2)2czd75|E8Feh1~$? zs3p%o7sAXt?eOTCVsAwiI2D+yGcdN9u>0u(6<09=f8rP!nj`!tcRZlJK*TMhVMwAZ zksa)u$U4!{?g7X>P#=8T1ymG92s!)BVYG%{vjszFc0c^u;n_C_Ryl>K`AE39euWW{ z4KPR(#`KM&o1sf}6e^f8I?0APtO1B1{SvC-0X^-e1ZjL z$<2#vo~CD(m%mGGVlkO0WITtg{S%yzP?JzU);rn}U>Dd2DTeMoR9`uSPjI{79KEYw zUi$03T#mfn1(`kHA-7@a1oB(jdFsD)khv8q1Y0|Y3aWX+!t(jbiAMbfvYzj<5{qGt83rVPT!viVVUPfWmDFYtK)5 zKR^hVHsz8nbo1dlO!jHuK#F-gW*xf{<=@_400$k7)c6e)4;j|gMy2lGu{uN1$xqP{E!%)Nc7HLt;30wq^2vZj*uqeP#5*8jRQ^rE z=nh_wz^q1P47=ZKcUIWO>r-m{-B~YKZ>j5|QQ`Fu0h*#zm@EC!@{>AeF)}bKRThGa zT9I)-weuxlkk*yf8!9c-rJ-e*K{s~=wuJM5H8j`Jc%LHBMk3fU+Q%&ogg=M-usJ?_ z0|V`bF|s*g#tr7`ySUFOA@tg}NhLL|ebpiBuo0t%JEdA~uRUJ57wbKV`8g>hVEj0y zsQ{tC^lb#NPy~Ah0KU5mQ9ZZYtt58O#NQXf9K4l=3OYUrpL||rV??n*=NsV@UTAL5 zn7O)=lGQ`k%?V+#2hA(PB>BX|95twhH`DKue%}5h_GCYIGr@nMzu3suOMK}}y~@P= z)y4`|*q7!oaJ`1sjrO>oNvCe)Kc#)ls8NUXh7N4}&fMDK&dw|H)@m%u_+}gWD#pzB zK40eS;1F6~`}UnDnjZNFNy_s-e(A@x{q3%9%cEHk$jh)Q=qWaph*y$=m0$S0X!MNG zGU5DYN0O_6lbi&S0D{zLz4!t)(!~|+-OKR)D3Ml`Lta2!AOa$oIuZ@Lsc%>^UQX^r zRsz=vQ2M{Q!#SiasDSj?(>G)RyJD;J`0>qk)LjnfvLdF+1(!Ru6kW~I3>U!+1C#GB z^4AW?XoJMsqo>igtc)HB1yo%H_Dz$|fp1DyrWcrZQh!es_wl0uNx%rIbZC)?C&2c^ z6a-c`^(MDUcSWv%6>JBK^1<=I1o;9vHxjDfT?eo8lQZMS1x6lxUQHHDLm?EhK^ft0 z%}ItDp$NJ8T%Gol0oiu2X9KdH$$=P}Zn2qnb-B!T>$8JkB%IQ4cp2;R z!=GFk%LdMg5IK?<&UAGj@O2fLEOL6@&&|zOa~gO;wMw<+@ENoaLyvD>eHE2Ce@iOj z7+|J=1`xjFX!{dvg8e#J*=Qw?hXVD%Df&8^h09Zv7@?c!7kvz$Cr?!SPy0XPW(LB~ zgNHvkGUn)?(F}$4apI$;qwA-9L35%owGJ2GZ){x}1S!Bw*y)DeNdvPEU6VJXc72nj zU@uf}w}bQL+8;J;>H*^xjQ1IYY5jmkqnG0qy+_|gZJ-WUv%`Sx5WLDL-_8qUqj zbJVyv_pXq(E3o)^N*_1=6^_S%ZsP&gA4>_Elbi?pP4CVtz)GNsq5w|7Lv~F%OYrrD zO$DGz|IIi0wD7w--1}IeFf_}1xo*ahhyHlmjMJ~*R(V18Pb)URqzin|!n4cM#w#^q zDL8{!Lf0ck$43vN-vBMg?x95Xu25KB4kJEf-t9!bT;?fRO+Co$+a>8e*KN%G{IMW^ zLoPgtIi=_KfFiNMJa~ItU4-S`^Dc*{g%1~nwx^+5l?{^r2lD(Y5&TGmI>&oQ&p@8P zzAdr2abS~YX$ryLm6h(x7|M(4V>lx0=;Oy*D~1H_(*<7h&)N;*aA8sC{8w}N|9tF@ zN^)f#kYLE`BF`hvTt)tXle8fk{gMQBHL@;J6ERc%YgV+NGVglc5R#p6`GedM{&Bgj zc^J*~;sdpaQv)!wGM@-%nwzZEYl+tMfbqCm|6q63gZ2R<%uf9>*3@&*A~r|3qa-o} zaa9so-6B^jGc!0bCBat@y~AEMr@IhCdAoqs8~P4H`UWFS)nh+KIcPqL(ezjIl;A_^ zv|K?dwQTaz%^*Xt)lrq$Rtg(l5e~ir+@+Cobxdvoaj`atSG$wm-{(+^fPrky+mRI4!h&ccdyO_9&l7b$(i? z4v2k<(;Vt0WF0{3dWP&Twf#rN{@>><#Te!=I?}aFbZP_jo}?|5nSz|fT!O_Nsf}0; zec?Cu<;xVz$eVl`xska;<9wCy1zE2{ppW!n%lMio!&r#);?DSNR^zMXED0Eb=2Xm2 zFY#Us*(6;)SGYHtPtCb4)yAZ+TOf00vLv!Tk%C!R4QTThe+wqqMz*jw8fT?U1B-x( z{>&YQm&` zeDQnU8e%AZUk8Kr=CwGyxDW7Q{P(&4XTo?M28U{8EU>jOotN`U*1oV!Ih7jXrF*i;^_Wy7$s-fpoAqpIeAp4Gp8D|K4f zZd`>~R6yD7Ldy)m%RmZ4dW(N53`&z({gv#m0QP=8ewZlZ>5?Z`?!}>fo80o(h(E5?a%RA7cgX+AxC09_2>2yu--unGyF##kz@W(fO7cmPtu}K;mZ)}Dvz(~ z_YW4+TP10vGXJoIFscJ~LPv5KcInpan*5B| zRhVP%{F~3!Vg0{sJr4|=f?g8}Z{T2SNez3LZX#9`A zJN|D~7Q;&=B{{RjgE38_g(e23Ls|esNdDt>W+K`(6A$MKe`2%zd~-cR5`Y|oSBb`7 zDg!Ns0P^+Z$(w2)nU2In{&JJR^*VglFK6lj8Xg5@uBWA|QMgBAK?RLY{J^kz?sMto z$F0@kmOy(T)pg-s+F;3;PVtZjJ|MQZaDG|Mq~T6xiQDLl@Qt~q#%KPtQO_Er=Os`$c_!Vw|D)Ar1 zl)qa}$BX~3ge-=9a_L26tHL~-P4L8p&d)xck?a@BzBQ;tU zsX%w=Cr;TqCva2#VtF^C3VXi-&?E}rUZM#BTfIA+jnBko`2uNyf25C>E>WX%#_8xq zG9vH`Ok?+UL5f@62aFCDe>2ZK^iH3s+D2A+quR2~>h(z)iZt;VOwAl9@yl#+o zl;FciYH6nKGNg5r?E?^1K(NC$cahC2TlukO+~T9VEXIqisP*B&ZKZ5xT9nDq8&!Ey z*!L|Di@B)M*G`I9-7pv(8nr+Ns?@2C$y-X>{9o?{=<(H7hs*eaaX$ z!pF74+o@$J=%~Uq;zc8gU@3K&FS)JzdMC7eCp5etl(7-RdMTyLDY4;YLu@rrUD=~> zg0jv~eBv5gukU8w5J-@v=Ax?WwzYm0pRZf#=)viVM7~GmMsY4qLqr zdCJiz)eUsza7Gt4Wk|g6S zATaut{)@W>>J@_m z4M*ssmx1-Z`gO@T0YM;%HaG7Xp*zqE3ZgSGHf3+P6ep9Ep{-_WRrnfUuE~%6t{Yb1 zeFUHE0g1HZ{oK=qaG(%DOw**MvXrlPqB4NJKN3TIR%DzuAgtlUVQi?EzwrLor^OnQ zNhT`&ZaY&3Q03G)Lh63iC~{K#UBI?nwiIS1O$ED}>(Fn*UqO1S8i8>vF^iY2x(qRH zX63em39irBDUMQs1(}gwQxmS*(|Dr8htdY(b_-ph{ZzkZ6G`XNQH%L_=P4D^%`i*P z?s4##!?LGa;1Kf!f`8jwM{77XNspoQLc1U~YB>zSV0Y{;g)^+*)OL(F=Y4bGvZrTP zeo?(yQ3(nU&=t)Fzyxx-O-u8Dz+_ao!_)KKKq7vs-sih{H^4Dq08~;J08SzFOwj9+ z7#6Y8e92~Dxv^#(aDTZO*~DA9m%{6PiSoz}1QW2$B{52T43NjQWBmbFGZT;^txE)) z)NVr4r=+>kv09r0JL`HA_3FN!O*3jmRk|Ip;R^l9auaJijnBn5dW4$2h>V+XP^S293;3Tv!>?Vs^VV=VLF-N^Vg#TnaIWwEKT@;}&j ziwZoFcg3vCBtEzNaO_byqNWoT-DMfNVL5uq3BZ*dbn>b^S^%A9Rs7_oXgB z?`cr(9_wPaS>y+AqwNh{Yi^O+}|4Cmy5ZBIy`vd|H#TI!HO47^IS!f^4v_Y(i5q35%gWz$Y7JT zGj;*S`j?n(f8!Odomv46pYkvkstwm{kFqf_e8cj=&Z}wBQn5HcKi@eos69f*dw;Fa zF_3H5cH45S5979Cm2bi2(yo7F(D)P9TlFSV4o(S;p#NXLRCYhmq=pm4tTb}(-)mxN zs`B^jdso^D76l~QRf!Z=*vN>RkytOy&X{Evj6A)%bhYQeEiuZq?#3XOnhn%M{-H*) zJa+U%gtd*;-HypFMD>aC#s<6Cym#fZi{3<_O!-EHtdQGq7em}~A9|;REJW1b7(NHR z;l}DdUY64hg=a3X-V()D@V-GSw7*p{&w=*6YjK_!Tj1%MC+TC${1rb6aB=zY9unXB**7^dFn^ zE7*H>cp+C^-R-qMcXKx=@34;c$ewYfXX5jo7)&}{FJ9eZ7RR&yPGE^~d5u*`I%#(j zBX&Bc=+lE2cd-Y&*CGl$Kka@RnV?s0+_cNm(m2G%uY*qVy0<7*eA*bz4vxNZOQH3_ z=IJIJWbZ*a=Lm(bTyRcJaR^>whrUsroot`ZUTmRV!Rix%^7yVUWDet182_aSep97i zL^YAfI)FbXCXx7c-F9It$b@<}YE&k$`eH06)$B1>1>D@{^g0Go z<_pvuqk3}seW7Ij|8uu+N{eg1FV5*^uAeuYOk6o%Xr9Ev$S|l?{M@hqD$)sIBP!pgo#65=w)A)JUVTsn9zKo*K9zhj3eAd9#yNfP9 z13OluWjXI~;!CPpCIra9f~jfK;y@z<1Fh2ATKWOn1$_o)S|?4@m{3F3kZil*6PIOn zs9p7@Ks)D_6T6tUpd#r%uI!#Y`ynOJt{`CUu2?Pxp!{qk$;iZ{ok$CRBo>_N)9nhlCMH zN>#WJl~t*7^bx$mT(yjF8X;l|ZEeV*qepeSL zvShXUmMZ0>0q7^~M6>f#(PVpt*65cv8+D(Lr=`ug?!5r{2qbGGZQGtg?rG@WYyQbf zx`O}u8-auTUk3%(+&X2?a>m})DZ-JFotYGAR-^gZil-y2;q+tH+sL|H%1G~HUOw~- zH9j)ZXME!l|Aq9YJ~(Tk4AH5tk1DIZFzy)5mCWtj*OC*jR)Slw-aqM%|AdIdxlbAA zW=oig>09Lj>?qP@J7VJmY8-I}@&DV40;YLE;YQ6%b*j!gik*}l{*t`O3IajkM*i@S z%*w4tkttbE8D_up9B4oj`0AMYxi6OUYN*uBq@t^ z{h@ze5_G14d3hM-?_)~G*KF3 z7A61qS)k#HGgi_}lMI5g$Fxg(5-Q+SF>o2XYA@BZT*awd=dzKBM%*up&Z(U2y zDIru|mr1tTM-`!-#O&(Xm|2hW<`x~sMCl0|Ef1v)T(`FILs%%rYC@fxNWN=JJ01wWeC5)FxXY`&m$2X<3#2 zkm#k-l;5-|Beui)z3bOZZOc&uANXkF(X7z_Q5V zl+M`FYe@TnNvUCmHsi`~?Cv}dBF=*!mJN-6<>lJvuXo>DsmU!W)FzMY5)HsaKe|Pw zz3SDzecoOhhc+|U6^_S%1&|L2R`2Ez< z9FF0!;X2cVeAmuw56|6Ud2fU5SZ{;T-r}=P^bz)1!`oSh&)rs8PstC1uMBt3L&YG- zEZ}6U4JUB>VM@?bEjM^~9^OFtHLEW`h6_h&R<2zb3r|gWX-7#3J@u-Us7t+bQ@fPR zD3eXc4+;NN@nMHesn}!1Y?Q8GIb?)~eqpwBl<>i+q9Hd(Q+7C-+bWjlHi3G3*H$TaNCrTJs0Us-!3Mxl3b?9;}Qmm@Z?Q05GU5F1&+rI z#(L{SDadrhQmb5=GjX`hiOYD@yVjHZHFU@1c2~o+1?HIW09dT%wd)bye!V}cFZz!* z_^1rZuJ#-Todaww?Vo@0zgglskzoiMfF+I~N9aU8{|LnAdL>fgZN>%3BrtPQFX@h@pO$W> zt#OFDW5qY!&B~XR7Ww*WBF2PKq}6XVCi$iO`a*4uEJX5EVzKESf@hwtP=#S&Dc9U? zD5%(;iJur|A7nmc$>yXPp z3cGdQRaG@;wL$C83AqWJ8nn_ zh=J>jAD}cJq6!14avf-B^|WrCY`8yMin=rZcxWiqwV8Jd^&8HjbUo5r?=jV^h=yOF zSw0(>Vb+@ja$Ib7s2>Z%r9PFp0IN1w*~>X^d!o?&+%fr0d+$4BGLXU|qr;!l9wIJa zggmit1_z}|)NbR}M1;#%6UnU}h3;SRADnmMTs-HgQS{7R$V7x4_A*8i8C>i>-+xO6 zS<)%`l~AKv5f#di1YVAjmDTLYli!mfv$z*L#(&xz;U1>k-G*Rlq}k3xun&2JYm^yZtNAQ znn>jqE_WNs(go;AF_OdSRt6&JDVf-ZHFecC1Iyi^08VPL{V4eR!7`ha`-3qy(duUL zG23O3%#;-0VY6KYX!**}u;BMosGE$z5eJXx9;tYnhDN&^C^d&(o=|sp`L3tIT;guF zT)NLTk!^=$ejlh3q54s7SKVrOdp$Dmv=pu&d1d5+sBr4B0skj9TBycpv0#I4b?6if850fz z_l)p*!xfPk;n}pC(D;WHIvS~qUyDX@;4`;f5}I5l#$O`>qqgQH`w{(hQCp$=$|QPb z4>X{t@&H5Wi3J0bG4xm*%AxH+JPT%5fXdouD3K)vHvyysV$~0`#hi6tvbfn_!oo2J zJ#+w1i#KN8_XNXix7jv8X``!H&xId`&WeuQQr0|8?Zt7%5hY~29HmaT;H7dRKWDmd zm)>9XM2*9$Lj7klki{!w7kI%Dk1AXj+f{Ao8pB}>wj zDak;fF6itz1dz4mZ_vbBmXC#1GS!P)w{3e^zRAZi?{!xf1wNG>4%2+FN%}5e%G${F z@cCNk>&zfRav333evf1pc`$iv`n(v@J4+D~9F{+Xv29$jDyOaUeGF(!4HHCW(t@&c;(X9A=I;c~|Q zHr-Iv-D1Y)qgq5<^N6)_YZ{B zj)g%NrcL_qk}Cg|eF7B-R`FDFk3-S#r%OwosTs4Hb@l4rMe2@%y=C#sPu5MD{1rt3 ze{~dSq6}({wlac*r05P4?F1&$PQ{Rq%}+S4qS%ws|4Li|XXu3Bu@E+8oMigcP#dZe z1&xU<-frA5DSx!E9q`hHkCe+qYT$R~DF~!%=K4iQI^NgA+k2h5BD^POt5CgFiy>c% zI}sX?yTG?4wE1aW5@`{#)A7Pq$)^eJT+jrGeS1diOHa_9cGD zE0qAWJoZx(hmOz;q0pxrIMxsCz@c2h9|zniq2nbI#ZLg#uvue9#XRfB_1MlDdiJ8} z5in6JG^I$g(e+92FeX&zc=#FDFrmtZLN;lZlML>eepR9jusy<`$HYrY==*d4{w58a z<;(@(000=SAFhQKdakAcDZA0w*HYI7j>lbLne}=>t6EkAxk@vVzDk(~= zzC3APV2KcLdUW($kXrv#9p1^f@`UJbHT+Ckniq;KcAzxc4oC!ScO7h#GD_dhethW; z%1!`^HAl|p&u77L5Ts{ktU|8aXOQKFKkvh|9WhOt$4WVKFWQ${+Pr_{D0O_osT^0C zi1;WWx<06lXnWvZawoNlv)BoM)L*QJ#5qMcoNQblC7af0T79lCk@mkX^hS%cs6ePM zv_g3fZ2sgAE9)-1=hNWv%3C*yWf})@x|pI{iTg_SG)AQZeuZ55ZJk2cbl?1{uU68X zrp6LIp#G7oxfzaXZ3T`xu<0VRu2IoaiQ96@ZncsHP#>|q=TtRQCYJK>vB;R<2y4-P z@{r%W%nr}!O`d}?V?WFKnuSn9kPK5%=w;hDhAaj@y8XtNjn<=%t%E?3Ev-e#z3txG z5c^UwP-9M;V>KtO4^dw%`TgMKK-JblU}SF9(M^w1zqYe{kxyEzDy=WaQ!R@QM+K-T zZdkpkYp%|{iAWib-@h63GZm^>mS$>Kuy<#r9?NrQ(;5dRzf)d=2FD&=(F-289u;@f zE~*MCUe{iFnN3rj9qOT4C?1~aGCI;=Gg?`gXIg_ftVjUNI<Y%v?C7$C?kV11!D?cxc@{^Y3 z4oz-*>T9v)v>#V$Nt}C|l{(uVTiz%>hIlPaAFle;tgn~9RB^P5l6q5qSDjdUZWFrp z5LQ&^V^B>KM_xawa`b)8QM*g;+pzVWVqu=A$7%F#lbETljnU9xex!GHY0!=BFEt@q zE1;wm4uxthAmJcxuNWNCX*wV3jdAn6+N}AbeXn%o zd(19)nQr4816%8>GweR48riAC1fS7prve+0xvT_ysg0nx;rh=2W30~ZPXTFv$ z?rE%K;&1pRV%)AXry@5UaWbp z;Phqg5)cs)6vv2~YH2F7Ev~7%E|h#)P0{nZxlQ4l5`U(m@l2E7ECliEbYjU4^`^&# z8#v`Tq!BLT3GcU>NRi~u?^tgfx^e07#qkkt{WpMS7#65|x{pfpstk&>3{5&ruzoe- z6~a7{q~ne#(gmi@*^N9>lVwL-m3rum?(iAiKxrrF6-P7WXnu*o`bd=D$l*_ep6A5J zmIl5;=8qza^xgYh6-*V8+E#gFyrNOqtqEZ8`=Ap*d;M1kY6FGp%oTJfdq#Y5idogX zFAnR1G07QbZLO1eT+g(iYY)PAH2V`HCFl+5dd6=);V!P^TF^^6&m7WZXi~OKS23|k z)h{J%-6OFJ-|c%u@<0Y7t|}2P`m`LyMp62X+3H7~AA$g=+U6yk_qUWvhipn{Kw27f zk1LcIKY+7QBykw|J+G%vf|d%qtg@#b)tvH-G5)mIfu2p~ZALx?Y)j%6#qe`->$S#FuTWt>AsIAT#1?5LZpM)lwBuP*^%%34M}xtJ#_=?g|*x=CNZ z1H|>~#pZDloU-Gp03O1JQ+-RJ%6@>+1T&2B^0_Ut5AsP;j?ib);$?ydlfIaw12JCy z9Vg#wD4uh-f4`b;-o=|f7FrL%S3++=t}4?vsXAhWJcfDRy9Aon4z(I$Q4eIW{ful?+=$WR0lw)7hCfbq$gP@BzA?S?y5iHPqu0j&my|8?)O$TFKyl^= ziCLq1DDRAvTVj1DjD26iRMt?x0#w-=?jxhZm+4DYFM#Y>@oyGfysV;pgZeQc@~1L5 zSR)=(oZJ5hyYhSwM>isyBrdn)O*e~g%6F=Bx zQcPqP0uYKDw959^=-Y8z5us+Up*9|a=SN!fD9^n7ULnpagS3h(H~kXkcY=Yty3WD~ zUgsVs1cFb&g}E}57wKM*KISG|)YpAuu6Vo~g#P$r6pU19q~Y0o$-Pe3!u-Gaf)b{} zeR&&!UOT>1oCg~6M#;dAIQ}h^#NHdm=OltpfWBqsON5HB;hUkR0%Sf~moCl^^_~PZ zHA}sXSYm#sStBkd6G|)8OT;VkMd4_K)sr5-()n@QunxtuMH@t)3-+s+P(GA4*SLb< zFeC)4jr2VtOBsdS;_SuU%5pJhe|c^}fnlG<70IwbV>o`9Wh3ACanUliBx>FddpoMX z0GnqH6faTll)5EGaCUJgLsd9TiL!v}4x^oZS8LBt1{%OoF6gy$?&{C3V`7AS*hKlN zBJCXfwVIAjp;|pzYDrH2_*6C^^eI!JW?D2;mZnsUNhW={YCnbj(avP93(#q1!Klte znq+A%pF7Fbi{@((LHYnSc6pRA((Ncw*Q1VMdZAhR>{Z?k>NZ|VfCf>fN@626gkRTH zEhOJW)_-9mhd!fOX=#*Pqn{6sY+nXURo-bH0O!3qyQ@I?)xCOz7v(as6;f}vLHC2R z_dZ{#V8s0j(5$9d3{!!StgE)YZ100x8Ja(1Lhz8$3Oa)FfUBNqlVYNNc%qanValR}YY{rPcQD#P=7NNh!1;gtMN}XsW4) z{TCNhk3W!S`n>80N9l4&c;ykW`CG5(cethtmT%5fT~j8>L`Z{$#Zu_*DxSvZ*sdAy zMjQXU;RGSsds{C*Dh2Zm>2p2qy%uw9%c}kBOAm)fOsNBbsSJ;o|6Cy>_tWGo9;FnE z(|r}^k9qQma`>YbNU`Nni^u;DXy7MBzWZfF+_tLwUEU^nd}ovL`jfQOx$92TEJqdo z&)#qrPN45|EQX{E&`mA9!7ny8O31m7Jj$Y-x!^2++C%`7I5yNkBhFxs&phC%Z2x}) zde$-`q9P=SfJzBXKxqO3(xnMVFVc%tkt!wh1f>WF(u+tF zq<4_sA|Sm90s%trBp@}kB(N{ud%yj5ue-BFuUp;C9uhHhbXLw#<)&q;rs0Nj^a4%ixtg~z zQ)P&Lj`SX5>+ZJJF#YwTh>E&D#Yf(cUJR$_m-hKiNTCv+8t$y_zLp2iF;!Dih>Oqw z?We;K7ZR(@zw)$t=TL2;ZqYe&oUFhe_p7yLL3Mp{?;TYaUC7-1IGJeyx?l^moR_JH z;BrTm7yToEW`8OBO!DKQH=K1Zj56Ng^lMvoo3y^@82nq?tAF2V6x8-^ zwkE$?1rQ%W^_{%};tEbV?ule8RG9)SbC6Y)X4XlIpoN818&%WnIs5*?eXQ!>Im|G< z2&KmijD`j-$b{!oit)cGHc3X|03Gc{gO7A51NkBIMSv=FL*xWCFr+>h z4uI+<4ty4N>ytUXWFx@ewk`$0#Sw)9*x0YPF0y|z>US+nR;)74fh zpXKqOS<92=_!XCx8Ccz;W~CcOcC2y8`^1A&G3i_4Ls;uA$(Ve*+3wR5{3q{(uJs7t zVFNazMJ;#2Y;Nw-4|S_b1p4~%MFRc_cl&SH9{|-xh^w>Ut5rtIxP%#InIH08C9Q#g z+ZB32_D+}GDY?;S-lL9iVG$<-uY1hs@cU%#@JOJ}{SY+0wGq&{yO;foPn}9su&iR; zSU3X@CrU>AhQVxOIT=mG6)d?l$3LjUy>`jGw8IjDa-}TlN>;PQGmQ zAml`vDAr|fUaO8k7^;0-s46|5%IA#B@0-Cj+!W2M*0*Zolc3|c%)d~yzPHu6ZJo9`#q%(oRQ~iQJ@8)|D%pO>H7qY=BdU)3E$m zF8VQ)F;B)o>*owVCnYwu{^q)HIjMBbl)q*w8RhFIz|~F5tXQ@{j|*qWYCR^=%7C8^ z$Cw}yD-O*snZ=6H_3jo`R0yd&V#6pj#RHL=O>aYkQMg9VuMY(-(>e|^^%_}+vd`7j zb2kLnbw4)Up*dxnP<$5Xk}=9P4BG~jdUiE&#U@Xr0lBH6-cplLcDts@0ykSeQwnLC zoLhxWfe!P4%OM6Bg;smFYiuAY2;1S3jvRTFnB5UDbG4G=w`6}~>gB7NO$CDdhw#KO zQ`Ii@Sjyu5{+=AraLpI)vxIHDP4r(dBx5F_NfDc5eH% zz=_Xg({=_NpV+fC67o$jwz#PNh5U!MSGmRDc}9^b?H z%CKt~bx8Ha5qUtGy!|N0ieolpJ>8Ppl{?Od7a?;pd!i7wB)GinJ;s=?e{uz)l<$Q;A!vadAdR<4bVB>^so@ z%$&p{B>_V&l}b$_!=89*#CiL#BtfH8+!NV2R0UL9-b}`=dMqUBW+wl&esvJ}DnpzM zEM(vzjY#(M(I9rxq3Lt_*~TH{QH?dh+DpJAl?uryJ^gdd(BN$_oJREOzI(`G)Fn#t z1@I1lLTxk@n1xX-2vlMxhSqK>^nVbs`2|qesBm~WPssjH(7`*t5qaT2_{UAd>^eII zG%6luivY0cByTABqg?5_#IUQDI5Q=dnkc63y8y*%Mn35wXH72=pRTs4{Mm6tRRx`N z;Fhb*FumFo#&>6(xlDZ^WUlfjSByIr=*lZ)*VpwrxeG;V*s^fq?8xE0}zuyC$&b?$q-Je1u*E=j3jL6`on=L`!Irs!!hs5gG! zDG>uBmZ#2A;6~})$drg(a66c1u6qnu=pos~9=wrC-#A$i^%9C{=KoBO%~v)(Q8xHc z6ql9fv4jgYuor?IyydD^l23Wz?rRWFcnHx(@c3y765faj-hNd%KvC!Xn}5Az;*<2$ zswq3QEy0MDCndqySRjUmJUwW)CwrA7d@(d-ntD3&zPAtO>Wp1XyzN;Y(q*nvc?K^N z*{{TogrX(uH*)#Q7wTnMsC%s7-2N9XF0N%wZv7cfvR|dT{k3zHKmAc-#WCgyEUqg5 z+_>AFLmy?2KW<8$}fdD%|>({xTFOuG~b41(~CMWNCr{0a*t!Xg90?1A( zM@24+fe@W@0{JFkYxzNv*EVp33Ysub{yAjRer%vZUHw`DT>$y0uBjk!6nc}W zhU`WUnijQo_nJbA59xcVx(Bl?j>4%>Ue}lB7C*EVocW1IkWXZD#1SQ>gfTo}?jZ~| z>}Xv074)~}q!j(%bImR1G^^y__BP80nwmo_*)LqF^WH}V{Wu3RDQ;uQckzGyR2eOu z&t<;1)5)drFEu-!ozFbC`~Q76))#B66jOUhQ_}^^sGbQF72|)NrGKV`bQ3nHt1638p={J~VtfBIkGhnNQ@ zCgsmQix2~9X#McNJ%c~1rlrO=;GIp}&i?p!5Tnbt0w5J1-V+&}HF%&6aD@tR=O92C z(GBc|RM|RrGlxbWAFc_?*@~idgrG`8E8f$(0A+AJNVol8?C!rmr}L@4@f>l{H!jma z8{o3C?UDg0PvXe|{PpGx_h|q0=Y$f*b9o{Lpv0n92BcnZOg%iNd3b;Iqj|plcqZ=N z#2*X>`X4kkbB`6-v+sWs3+em*=N0{2CM+F8eq&XseO}3BbHF0W3(ySu33Fj@UVQ%V zk1^`LvJCF+xrJl!91x3>u2X-a+ZyCBEOC;y;j_v-F{DAIE06T4QXi|?NZ53uizh0W zc~=gybVEAkb8y5_Q-_R)kT3Ifnuo9_daM;py?;9J*EtRN2*dmXrG>98B~W`jN2Y-) zpQ?t<##~=6@IXP$|DXrn=VBCI@86*Se#S{HiH@D3y|MJ~e==BlstAauA*Ca#C@;_- zb1X{0CZjD~jT`LqY~rBV0-8G0Ob+60nxo_Q|D|rraja^3fgFsyY$4sS(2uR}2lQql zwsbujI+_zKG(E+qf}_=n0HVpw!R-{KIqD}TlY2Y=0Mm;GlpQ)Bv?a%_?Tdg<<2p0oT)zb7>xu;&lMGGQ5$YF@^{jsa)oqzCg`A}?~YeUg7uLtn~d zpotgT@9f-Ne?7ECgXyhOv9{+jM!5-Zw7G{9`=wsYN2731FSv6yr(ctLYY*s-As{9% z(bY5H0KODeO=UO$S1o8XK^5R07W{1Xclbm+B7H*H=YR6T5|+h{IS|!wOLV}Wq_)Ai1b?6|b<0M7UYAZr3h0gp_p z)P5+;ypIw~HwjszV0sjO#h)i+REOF=?p!m{4>;I{#chu7;DX+QnI73GqblEmsz(YW z%!p1NwepVNGz^cN|At<1tRlRfoXI6zj5e96S1~ZUiZZMZwzQlj7Z=JSX?Q7QgP|M4 z1(nVT8PDYS=54fkmJiO0Th!Cr^P3A5g+_GYU;YMk0n)Q&vmxMlwh;kW+mCV|ORIEi z+6?>$HHcq|>49v55ALu{wg&qdH|aRJ#;UUufAF4(IajagZ+6LsE3w4wG40zH?iUF9 zoM6Oyuj?z=WYGR9{u@5c@Jt<1ilEO&tC z4F^*l+&cvlnDqBxn3<%NK=I_WYkOdVJwPKCapey)amaGWq{sJ|_&)Q?e!*qHGFAmm zq{0gmo>oKxxDuOGkPA;KccMywyyfh;*=r-jBh6C2Orw>qga0XY9%cFT(fd66kd+{t zS6`Yu^yCF)ywyVH8MyhO(YGoynoLPX0SZ{78~lKDXz?D3*iAHK0+`<8c=y9>UKJao zSkC2?6;gMC*)7+8$(qV&^8){Q7_;_`DS>hFZlK#ar{v%Tb4V%zICc4QnWdVv3~__n z;4TX=E`vulyzLHH5y-(~7~|L20H^j{TLRxFwcv*{OmwE)Se6bVs*o9#67SC-Xc~82 zk){&-Un0e$!{0+(-kHhP9cRFOpIJjBM)4Bj_aSaeK4X77UKob}+B)%k zwbK@WuAh;&kUmg}p1d7B@ei9vw$>+e8uSZ6$05M+j3tFFQ|qp|>%ANKvqR6j+s?BaH3>AD`EcR`C{>xw@>+4_!XyhGmm0&P|A%^ax^$zs&L_eu! zmc5*%2tLvV>W#3asit-+NF?pKxWxd1(*gLeT45OM?6LND-bi$llOzX&qmta!>>o<)J?KBzI&EQW|az92x(x)60|YZ z0LhH5^9PZSg7O{6uY(EeJM77GS{oq10IqGg^Mt!1VJv4I5lcu3=%C6@il(}l?Z4cVGX>f0o0FzuP z-*akx&%X~h3y>_Ppf9AaRdKO57KqM@oBw*{c6wS#q^oxC>pP(PmBgg||#?Sr=B%2IH zK3?tjQh!qlw&{!;+Wpy!6IL`hSnGv1al3@3+u1;t&wwtz;RWIsFG`~@}RISCMN^XaI3THIV^ zYEb<$1ywm+M!l($4!+uIs=!ZjW>ys6b2ZkS>Wjq5R5PxOo~TE6IngGX4nH|8o`q`{ zt12Ya9BxGA3`lYPXq#ey71K9VQ2GlVU9f0BV{PKv=)k{3Y`eouD5grQm`EMxe$b8+uDe%S4@p-CX%7ihS z7OG4*qrsibKp=MWF-yq)m3N;hv-=+MM^F4D4%D>)&BsRk)|ts;4w;A^))v2p01uI3 z&m|*Ja>bj`?O?f^(S1LOCmGSSvR+{8B=%S1LYXNU#x3t38g5?^EhEL9OMMS&83bi$ z=#Cw^Ex=XFd+UF7dAP0zMFtw+9%Zq_m&lL52(|0Z%~b8X$)uo~J(qEGW<| zk>J}UKpz8O5HL9z*&57z_LH3~I8dbw1m&7f-%Y>Aa{{-3)luC7PoH}WpWK_uU|X~kzj zE-zJ9MM<8q%PTNR&uiXo!2e^i{oCfj80dLv{x(xB5Cq5sV{FQ$+$mC%CzAQ`4LH9m zACX3PgRO3oHv_j|Tw(=uF<9Vof~Zys2gYXU^pJXMrcB2AJ50q=Ay*iwd%!JZ4vf40 zWj9b|kZaB7#ArnGdv+`9a~3;92h0rg3w}}Hyz>{Y9H4uuSR>n^URvfNGDVBIwn)Kw6Io6`IV8I zKfX53U>~qG1oABd5SVVm8bwsln&TZd-{~*Rt7awcwuTA$)oT!qLqLKeCmzix9{$~bLj)wKYCzsu_L_vyUBi}VA++$cYfq`WD>H%)nCcpI*hLX z1yM)sdSm%xy~c#_K{V~SB+D_$Q{NvUE=kPE%sqDxQvL@@jHq@6%?zW7pYjH@iPv&% zxXq^9oRr#5rar;1>xcZk$HkjRz zyD&ugy`aKzo$7>{|I-%74Px?9xB6cn1-wNw3tCLZ1KhLGdl*cQTb78d2S1KwLg{^= zOQ+>vOB>(MY1X=4>WH=Ty@#0j@77g#lsDyrM;C|9nYi-EyQR9`Z-QG%e~V>lSuka@ zUw$R*bldQOuxJfhM4>&j+9u$3h5{n=WSkh#V8B?>8RFm16i7ad1E%nwLPb_ zt&)2FEG4uF($20*YKZ@(6g_P_l=OoJE|O;34AJa$q$*Z+kd;|*EiZa82V zx~Bi!CSwY~zZCukolA%0WHxI7r2pbM@%j&+Z=x`epIO)PEz;^>{-5xd2It@O0>hP7 z>aD^~=L!ZDK*2!E*nJJ8+%pJD?DI&ON(}`l?;# z0n&9>Zu|`}0_@gW|0C?;FAP1f@OKSc02bvt8r-fwP5uH{L~YCi#0)C=73&00~a!;csh(XI3STlg`gDBJo zjx{rz&U!I@J9O#|E-n3R5Sff?D%GU|M*ew`W2r5dRuWWNnzjX z@O$Z|8ZpqBPtg23R~`~t?yz`oVDyAmvHxbqQg%(kS1$lDGHip(kT=N{XG%huY7x&$fQIKX36x~sBr{@@SfipzZr7!vf zD`Q0ypOli`noc%2yc&(o?w+c$7Cf?lU@>d=>KM;i1+CUwap2x@{oSimpgL3D(Q$n6 zkzis=F0NFLXkf;CCrlKQGX8*^FY}ohT7=?wX*pm=U!vAk09cQrS?yOEw((Myx`37$ zbvu7E&v1H#OD-7$H5Hff8996$saWww;qTgusX&uymX8gQ-4|b+eHU%W4i8I<68`$y zT*q|jzmr@vsN0-L)>xu{XRjV?Lm7_%=QltJh8x2(tHooqn2&iKNav%&_=+c|B+ig-y-8Q{HCb}X@#!yK1v zH(WLEbsWygU9>e&CwY}`)QRaxnp0fbPBK0WEym|_$R<2o9Sss)y}(>_C?b@+chDEP z7`71Xv~u2ml!$IDr-2T_UOzkPxv_yEr{_?LP&N)5c!3~UpW*#=c)gKFZ(NTiXwiDrXVvp% zS|!Z_4{3Dc6&Ej207fCBl`l0ZQ)LLSUOLh{}FPK*9nO&JDjxiMXczJL77+#gXb%nT$KA! z`>?{_eNDkGo2`NSA|@L|1oQnC%DX{yu{q5mYIxsn3*bUKjoDYb_cdj+*O1+N-V9bv z`*PadA`{2UT*vn(#)r4JLX{4g?S@qLm-WFkDJ*;Xp2*qd>W2-mgQrG!H9bEr;yt#u z_%@>N{RDZdOxj7&C3^V9b}#y5cMX}cuf9!bt<$CJWD_;-)Od4LZ#8=;zqv()yW*?b zu%T8y@D@VjCXN$zjQ{VEs z%f_@%I-SoCO=8vFrIEHQ!CGEq<8KSj+d8XfJ_YH$>Ce-8bpoK%r+TU%^_Jld?4lCI zy?t0j?9a)_WwFUqSEdy&Mf_wP4|PWqvJ_%&5}vT(;)`6Y-*dx%9)VY^ys{cpOu`?R zV_WA>iR#|?8X9GpOJW%FAbm!{&V$Jmi~P7r6FSM7ssG8}J*dIKn6JEjvmP!}#?eHJ+cmxoRXCw&s73%*T&E;ihiqvOq% z$FYl(FG2g@YCF97fS{qT@Ar7p<5Kz+{aA*OCOFI*J#Z|tcQTOj6`Jtj%PO(Y4EQbz z78!3@jKh{f>}duNJZ4qyn#V1JlZvZiclW1OJ3(U}I~2kVYQ}64#ue$5i?wbNXWQP^ zl);z@AWn}~3x1@#BqEP`qev!5*)ig3zV#~Nvc`_!OKxi`w6%SKp{vRQTq3%QzHl}V zvA-8cLNPNq20LQR^Aks^#kgJ?%fcCd=PDvT^dU>fw3MWG(BfK-+QbaWNR@k3u)?Ez z%+dcks9K}3m&($h%kH{C&Bkqi)7gy@-Xsk#J6S*urTMCLwCiYkg zl-V$I3|}-MW3A2KQyNZoODr2a!mcc3;Z;a9&Fcu8sG;Q7=@>?KsSQ&9<=L|?EDgP2 zVcpS>a(bfUmQ`9@y|DWf{_0NYti?{Cdv9J|(^yzN z&Sg;-B$|VWcJJJwbuDU8NU$9kmzWhotyry&=6A{5VEbKuWv7&UtsX5ODq%xn9uR9O z@lEaqy?L$rmXJY_*+8(AqWeviLM+Dj3(fB*7RMWj{6kwQF<)KCs=Z3S-G%n~?86Q} zgqM6ABQ+1$`E{0-6o-ipURH%anYpEl)K7a8K{O6tx^wADa7h;z$Z*lr^2)Z%faBHJhJlyksC1nr`!BA09C+Y5&eT$%RcO@C@9sED2KxIl}Aoe zAqzPG2M%GW*`W>3ppwD%FRrhc!_epI!ZyGb|AyJ^;JQW0pS6U6HU5 zw(qIa&VQ2@W;8b>iO=M>6apGR?OyjzDBO()78-D>jdB`qzl!;!xEz2^hJ z<~^e*))}dNw$s|JJSQL+#^$nY(J4GU)uzgE<~_dA>~sUnrb&Pos@=(D|QsuCNUX{8f=d{lfhpHRLoZmm+G~bfedv(RuerHyaY5-UC z1=9zT8Uzh_HE`*E)cYwl<;6!ddr^aC$HcQs z5|>1VJD|VwB-f!u9BF2oS6j%^=Bxr*y|$e2;6t(R;i%)3OUTs4>m4gQzTJ@!{}ZGu zfo0pS;_&Kv331zAnuWB2wO(|M$vu&)mKHC*6;11LVT4AzSL)p-)Q8UHMp;Gma+BWg zvkS_VQY~~8yv*~cQoDyV!bd&fkamJMlySH%Cv4FiJ z;zQNl5jg>-gMX@iOrruxPL}3`jV$F&ndF=<6$O`bfJ`He)Fl&KgE=-$$#QXg*T;qA zK=eIljWn3p$XrH@9`@pP6q*v~KsO5plVd*IGGBn%j7}RcV{cy_6Ouu;h5ly-&`t~MLILKMR$)S z5wXmMhWCYb{YeO_HoUU?LAA-22i7rb4>++T00^|)GodEDVU}R3p^(nL|lHpk$-!%Xfo|Ij0{1z zD!z4jC!oZsc{Nt-+D&_z&vtB-Qe*YNgc{DZLqbFx5sX-;b%Hm4!;cxW?@`^h=df%jwFwfeU9D zFfB*($WJzW2M5HG-G*dC#j%!qRGY|pR^CqE+Aq%{@O0I3tGA(tDV-iC%))*n^`MY) zp-|HNYZa`U7AAv1{91bS4ErIEc{~MDV;cM6iod62>_3nD;Gh_(w(ewEc-LZgrHh8KIa9mLDorcP_4e)&G2%bIn=+eHj& zAEMx}l@1Xdf^is2A&sSd(r1#W&?=&$@-zA7$;BhG?}Yv(f#aXePUtu_N7>C9zqjDf z5xYdx;l-A*0GJ8X$nYy1MLl+aVf)G>Nf@VzlO5dB5tM5tfv9$WS`_8z`n+#mZPg+-Br!xnrk**I1SG8ti~ z-n%0oy*^QTy<4njyg6Lj;{6nIHaGJ&_@d8%QaA2US=Aw-;fvBaY(C#9 z3~>2IKRm@U%f~?&+Ewn}V6}xz4Hl8BjSASejH$$$u2S_DN>-)!!6A@RWSyv%;HNwg zzwPvAct7u4gvdNK?qWD{a{URjmaX3aF~++gG%E|g(|*}RtRs?A4_O98A^0)Xv4f=jAtvJ^A5${Ip?Al$k5&aJ?L|E|;tsrSqdhFGTHcm#TB zGV1rFA~3Jgf8z=wmFl!kysy7nFE(cY+D%=q`7NDP^JQ-G3+8rUR^&)k?xfR_h-i)~ z3pA8}x7e7Bt5!0uX# zUsxo5bx+n+*%NDqROE9ya9(##ol7HeRry_2T6Q}B;zaV3Vj$AH41NLZr;2TLn*P$6 zJS(jFEOW764KirK-MGCud%qix%Z&q9I%=F}h3E-a85I!g zM?#|lrhNEtt}b!8ih8Mzg#0>%z*VEmdZOP?q*Cvz7lvLdY5dtKp!uY*dL=1_{Ne=i z#R@Iu8*#nUNQ4m9fEm6?>c7d)(x?!HkuxgTpMpLo0-kSr{kF4ye0_}h#b=4njKimGX$niP>eFv0SLLSbt=^c`)p z9iZRB+q(e*@JM^r723OdGYqv5{1H-dxXNngy7#0VJOn(g8}*NlCVkC$w@+F)%ZO{u zOP4I1E};Wk7qJ=6e#rSq+R$462Kn;SmXa{{PkTu|h~9P{HcR%FUU80|4~tAfy9+It zs}B?q-;bY;7m9g*{T!&!bMx?HC@zO(6sW3;LiA%i)#)8U7BxN0LR0iY=}+Zb-}L1| z+iq_q$_hcH^d|N*e7ziWa>QFFL=O{ttYxCGbE6WJz>|@dKJ%XPJUNsp6Bf*}O^om( z(C>LBP3=1`A+0{l<~nsF7a`B(KTy+~fM|W=lW6QakJ~ZJB-@{v#|s28Jk{Suc@5Vl*+wn9R%(yDPjr zGKghL!iS+bRk5a^XZm&N%~1TD#Hs&zl{|;1T>i$`MQaEmr+{$0XAm5hW{!0IWF>

%B)Z#Rr#1=9sD(_oiGWh~G-e0z z^DRukh7{hpd&St<8;0D||21Uy@yJWLG6(O!mG`-PYiYM%p8f&F;^C_rC2IutHzsSe z&lh4XmmOj|la2BxNbd_Y8xWx<5gwTKJY-n#^Scsua-p7D`iv7<;jbs+Q&Rap?zjFE z|M0Z?`3*?RM@wz6AXkPcRH%FGtY>b_XqMaA;m=dAfxug(t8}|-(bcPZF7-v?58$DT zosfOrtm+z!<3-zHI3(OY_^Snn;4}J?Kjq9{RPL1q)s)4^Nl0k*%T(M%&yZ{=KBSh` zyk}BA5Qq({63PTq+c2RJ0cf*~G7ydNI6Zq%MFVIL7j;Vfs+~dyLpq=AEbJ`H9tYo; zaMIiR1aVFX-Q(RLr4mv5Fk7D_e+#niQ%3V3g^c4m{oN~j$PVc_SYX_-{2gjNXIa{v z=JHvQMlnV!P6P0kY-7jN9Ki4bf%>qG6BS-6Z8|uK*EoFd7Dqyc+Fc^)Q>Vuhmwqcs zx0vue`_u1w)b;L}+Y$1^OH-S_OBOR|NeVTwo+w+HRJdNFAzruYgXpv%PF($^^6UX^ zkcw4-Bu$Evk>kPdopXpxe_ql};bs-!Oz+Z`- zVrW9vuj3M}uWtqPXXmv4uHF(MiW>Re)XK%p?P?KIrZ?5UlI^dY*!Ie83gnlbSa#od z-fv8a&0+I$*duu7df`0@(eV+~$qw0N7s6hfJ_0veFm7L`^Ex%bG0C58t%f7vdR}Y) z@?2g(O4p2I%cyaIaQoX|Q@#|62q)wy^Ytc81P-t3abV7AoOar<<+0zOI6ftU_y(+B z2IA&yLAw-#PZ<>WH(hUk-Ph5K4DQkOnPjB9eV>0*?(R0>X^vftH05KYha5D|3fvs$orF;g>2dQM{}rm|h`^6$hg;Kc_WYfH})79(F7^Z*qN1~xHNs-4x%F4OAa%O+hRhqj*~&AB(->;rC~F}<}|hdvg8 zqT}=Y#G8WCeF^b7tn==ROE+ISmgCIMH0(ZGh|&s)xJI;1op`|MI{)VCE<>Aj>^dIzhh&@Z1#AwYEoH1yzaLDe!@h8?Bz?C? zh`q=Cyphq)rJ_YXG-ZW%SkjnUiUf{LS**u(*_~A^&vr&o8Du8gbGGuj~iBa#dAnt}8UN=P`nFhvH412DlFH-&s@U zCaP!o|!SKCR+0ouE zNer(~8@qyqni~3|4nMT?k=Pq~a_h5U9ZcWBbp`*>7E$9qq!|roW_| zXXPx~aZx8Hb4lXy5t+-Srd4OsyYtx@Wn0{k6xnj#$DE;4q;%|jzAGyg{iDBGcPd!@ zSJ`(_Kd8fs@yoeLJj5n@1QZZmD0Tz>M)h~gk?0-NO zT^8p?{#FU>voSVDQ>4*w4U=-FrTfx@?N`eBRPH>PX}|kmp~+ec4-dSuA#_JQ?ruJ+ z$##U+{BMDr$dRDf<=)xt8ot}tS6z>L6?3-;$+^r~bw^!a~_L)u`{gf!hFOz7-sTMc_%%NQ<>SKZ)q0J~Jwrc? z^sl;P;xty!w2)o+>5>JN`STjZ*ny&c)NM$b?FI+MiEJ7Uu?*rVZAxe=eV#U~uO~+$ zP~fTJdDo!t;g-hJ9vU-C9c~0RN%?OH2_knY&IrR_%8l1$m!V{3oF*hSM^SsFBP|Jn={l^?%B3bAz-BUzdq$6M(CChA8kV8tHyD4j-HVx6?zr6niP{V%+g-JbKI8C z!KD`g4bC+YoBxE`=|LYk&OQO2g5rc^^Mqcj$*79gp(4D~GVbu(gHRx;`G zC~*BCbcS(ZAv0G+MD5zY`ad5EwDk`S`wH){*t20;vG(owE_FZ78}mnUn!(ku?c%D zKViWrV4x#Drk{C-UWKX%3Rijv@~<*_FZr=v60w=TooZO)mD;*$ag0PMqKKMP!W9k+ zT(R~G6W6k-<%btynHm!U6%DK3^$_+30(~|4Ho%b?`8Mer|HsKWZS_%fA2pGhI|n20we?jfQH;)`F}5$F?-RYYi`SBfORn(n(zJx zybdlY^!JhmYbH{DIo75#ib6|KQqvv3O%x|?wV**x{VBE6fA0-j$3uel594a6Y(EJ?FOqil_&vmsozv8%b}Fs#^a9l4`eFE&~6D z3An?Cg_Dl#&NK2lEnYhCkm;_iuaZ~)i%=#O^8!yt7t8CR=0DicWMSrg@Nk_3=7-;`}t1^V)67yOa38*f(P#K?`ftQA z!+49L`X40HfBruNScl9q)GZ9y52>(oLX(l_#tnb53jaXK{)J1RLI8!#6N{)BkU6$7 z@NK(QvJ^UGVy>a_f1a#6=H@vK>m>~#PuuvZP0|1iKjOvyFR9uR;9O|<)P+T;&YsOt z{Rcq(&qw|Hihw`Ih(m9ht5+RJohR-WDC@VZ00)40j7fL zwSDf;FAduyNEj9=F`)l~Vc^99a0!8kp6?@kM9PtZTa~xM;$-uQSgiux^KGAD;Fv63 z&$z|+pS4V2A%=QSxoPMNKnOy}JV4H0>?ueEZU23UsxUN>Hw595(d2*;dRYB0GZnOA zrsl?ewbP<&A3wP*6`F%zxN`LTyJXn3eZl!q#*?U;Qpa~`Ki1=BPbZ{Gmb?7IHW~)k zzPU`!j(SLpPK+R;^fPmn5DQZUB2AWC-&piO7gT>1WCQ@S0e-Fly#0nSJA=woNf1Tf z{_mST!9fKOxL``_zZ27QSwnByyX=>qHViC6>IS_|K^t&Zx(J59@FEO|o~&s6Ih6)e z%4<16)AS`@(*|tg^Z<+&JlFrMMqW4oW%p16VA*v=6zyMsFDP|;HI?iyd4>iI zy)~pZTSg7pafyz?hvNVQ71Y?+%<$hAIGVL-hO++r5E=Tvhs^S4W{*IE@O$9#)_^%? zuHO*wX8CDbJD508Qd4$4jV{Fc@Yk=CgMr8vSy@w1GmNd(bZD~OSP5s^m(bRQu9kdq z3otcR1r6)`iVraku=9998%p#CqX3BG;h4oa9)NN7V|Toi70#!Gh&(mqzUPa{TV;({ zOdUvZ1H+xkK*@E7%;aVrdg)q*-JBQqjsoU~-kf(KyE*JM{AcB>4%)nE_Q^H{r6MjH zYU-W^DxO*c8aza2?j6->obH3kR8e0fqBK z%Lh!(9Cq&^e#tzR#@Y;1m#{~fGZ$M^&+!`d48?YS8H%?WsOL6L9Ss;~YBp5EQbg86iVL@e(Vi)YPX-U8UyoQ=DZ$i9Ke zO;-ay3|7WI}mjMXRU$PV*1}L2UAMm6?BS0$3Hab!{mTB7LF{W zla?+8o14cojkinJvVAzx;<&B&;dsi03ylJT^EZxsIv+p#XP+_b2ZcnJ5G2QWrdALT z8ewzW%cK|9j{!&Iv5B{l@7I7XTn+Oa$3PUG0T^%C4l{l!dyNH-VzCy29DG4iO=n(- zg_>9|V92G}Pv$1sy1GJ>zqUtwn)ch{L<>r&ic(&-?w=Rh&5=Zv*G(MAq#SFwredmU z02yR@+}-Rwopgp-z!?3P>Z-RxF;&$yfF}hQ!h`gsEqlR#*r%5smu#$7=nh}e76!tu zGuw#x95jDjMG5N`ul5g{<&%-6z5^Ch!hxAKsS8V;gj|9l`4H_ZtOt!QQd%+gbr0HD z$!E@t^WIgEnCQc#E=>b`BJ`0>Q92*)8y3IV?QPYwrisyk-E*_rDc+0I6mj@RmNvd; z4e_n;BMpGJn`p`ab}(MoZ#7!a_~H40pR+khc2WN6EfJpwM&ST^?iqzVYI zh0=%3{HJOBEJUvH<#*1g4)~assEf;qi9?=&@o`0!SxV%-kM7`!9q(UL*Ss zZTjI@l?mF`uf9ZP?^UwqoJA(cc>{~ud9Ml-5Jx=e=}M|y;}eCBbj3%}tF0b*BNiZ$ zJAOgT#Zj3DCNRR=IjLI2&{SSBD8h~13VTW$_|8``9JZazi|GSO0B=hF%wCa=2;F7g z>PMIkBFhKxry}~mR<`jn?-{jX>?^}xzmdD6dd(S(dFAya5VZ3H`G=fvE^y&Pq?6-` zZ1I=vmTT=U7j7i$=9AxQLTAEw9mjyhJH_VaLpUCqzzu(!<&-7vT0?lV2%vBKDy3LJf4U}Q81YEXkH{FsygFLD7o{$<~in71cC#83@Jj~Xh5>=pK z1Y?R^rr(GJwLUJm_2lIj)U_NxAqVD8N;#ea!1ax!8QBFSl7R@ju$=VsV@WVf@OsMu z&)Y*j{oc5KNxmTEKa*Gj>a8io02ul2Zq;tH@uzK|t;$-bXN#pB&%rq`pz+ zIvsHz5J3SrS?{))xSA9FHRu3PpQnnWMWJG8uIMg^Tw~bkY}qOP#92 zqfM+1x~%xZC8hO=I+mr4j`%6Psq6#tTe|z@j{Od*W!ty zMr|J0InF2n)!{=>gC_U~{-rowHzNgl+k)F>0c+*FFVoEbXUS(Uy&>XN-(0(e^DMY^ zp6&QY=sihz{&Lq&g-ZFuQG+b+XRh+t4~J5`MNUu_;tFlQ)x$+=&d6sB4;6j)%Wu+1 z-)6n%*^kHKvJNb`M6A5TLWr8-5}Wk^BA=J!T_96Q{OQl!M2FAv@yTU#;^)jW*Z-7+ zC<0LYmKAOybEb>mQtJA+o~`_uDVmxDY==-sfOhXQqWP3a!^s68FztvW9V}ez)SVfy zAF6f8>ge+}L1p~q&~uu;*NOnJBO^(mfXCg^c+plk@U?)HIGYRYOf3#dcE{jWWs--x zj&lLQJ4uxTa#+kO*kg?L?h$_p2dquCXI7|now@M~C4-%nDN^Vg#@YBs3k>{rj=0@} z;b8=nL2)Dp*j9Njk3;Y7Qs-x)4L%ky4KyJ_Re|D=Aw#8z6vdQ4K=nai{Lw#0a~B$!HuJ^ZR~Bk--vd3vKErQoj&8kbDy`1<3x;5dps=?K;xfSvJ!5{GKWfN z&1s^$H2GYq^WZqKZrX2>jwKgaK1yGH$H65U(~!o))i}82&FxGF|7zLwQV_xW=8oCi z@xCKnLV-vXd>W(Aj0K_sI#Os}O<8Z(6M)q?-7_2et$3Q{YuJel2bvsvod5=4%`9aZ zyPkmR&@zt{mG0j7z2)Dw1eBYUx$SpAtUTTA?!rCryMR$CEJ4|hK4-5gpGix6Z@WKc zvGhnR25?km#(6t|(am-jUHJ~*@p*{O-KxRKy&^bnc({8$F%+`)aYn#otoSXJ#1Ovw ztIn}+y-()YQwe?5b}t)uacQJ?CUbGgBA?K(t2kQ#_vZ6-!^Ggk#+3C=S$okk@-QF( zOKPe`7g8-be!QW2GApBz?ZA204qc4%+w`9k8!`m;Llm9jj#y>-IS@>E$pknSue5Rf zX6EDss;DJS9QEf1H<1X5>hCz&~27l zKmJSavVQKa@)OVj+`-0bn@t>n{}1Ds+JYZ;8+dtM0JvkDBn>EIZ%5lTEa-Z96I@ml zv~(*HB9(**C=-)ug*&Bh$j>3(D^Q6gw~k!wJ))CbmAJd{WL9*7HqwiWnt~(y-vg3$ zZEX#EMoL9cLkh7!&+t9=_D|1L14868PS-2Ay;&XiDjsB4@|c9&;2Q=6QUeeVnW>!y zzu+LIXt@f$`j~TU>veKj9g^9+A7;z%5d+c;Vq$R7r1;jh19!70-@Uf2i@)oP6^jc< zeMh6O@+&U2D|fJhB9V5N2zLy4yyLvdsVBb5g}%ch!xxS<(%{Wob&trmj|zm*L}b4`+h#J=k>g< zp;wh9jnag-9-Y9j-USNQ$LbM-vPovZCR4?emkinfWHyfCX6no?u{Q1UD!YN$@@RX4 zTMs&`q9v1?TMq6MCexC?mkw1prg z{D$&Hgu^~c?S!VJp_Xu`QnHLPZ>olFHExCh<3*7=G75M20aE+T$NW#`OC1N0y(D;8 zg2@2cPLTo)KobsVFVy)upTlTp>0Bf7SmCgBx3Y4#Y8^O}Fc1(0VIfFncymXncmvaA z?rq{uWwKoKvBDq9!}!|ohpI8^dmf9-RXEgV& zn)~Dhbd4)p#D%=wJ2JMzI(&nq?>`9I?~%_2%vgzW)Y zvb)t8nch6AV`~z|XPc6zkGvlX+y}Ip_#^q|do_24tH=%``~^Sfv${NIk5BbhB#dpo zaX9j|+P_SUKYHYMbW*%P7U*=!n>9i4KQY2Y!21o9$O()m9TO=oc46b=^|8q*3H#+P zO>Fiz8k^-+$&hS`vc-kcH|}z-tn^Qx924VCVOk%w2N^y&OK6|uiU2&Qzw)r|^H<#o z08LgI{lC0U)%gy#`d~5ZKbhGuAnn-A`~Q6tkoR$=0c-lNbdIYEc*Uh6(4u`X1}H~+ z0O>W*8TM4WqsF*;>!+C8`9k~$Oo~_ozDQLnfz{&<@7&dB>Fam@Ms(({lE-B^*WUQ| zVf_1}0f^%iaLh}k3E`}kw@uxx-isqF zofw#pIUo`OK>u@Vfrm8zmHWQ2_o|xQNPq6V=Xs^r>1yn1W8;jOhePhCtxiY#lebEC z#<`!0@wbNg%N5dY-rTL7ggSWDKZ_qZN3_%VS-)W z{#<35GP#o=NNh1?!ztYSKd-yhyOhzf`{k5g9!wUJ*Uw>Dz{2v0`bG*;kV+PA2Ww6uk~9r4Fjs3cgj2HJsVZ$rw-n zoG-3x>S@?_&iYh@_mqDIXRkdDP&jG)d6GP1({r1S9&=JZJ-um_R5u&U*SGt99DepF z<<===dk`1uJ-L4DCG%lIp77Z8hivM@o$-pU_>LK)Q`VW2x6{)EWZA+`Br%%C*kYPt zr@K(|_CwRTM_qi-)xO-@BGMXvDw`{g6UJ89QSX15aU z>*!!ny%2Ni6!*CjD0DSxSDl_lZrl9s!&hZ+vR8yxDY6_sI?A@d1&C_uNkkQH_T3B= zxi(G?+e1yX5^-WuUmi>GbwqsC|3Do@~SD z!jR@3`!j-*rEkgf2JfWH^4WB=6&d6klFH2A6!D6Vl^@6mal{{T*9Qa?cYA$_f5O*o?E~gwF_bwjo(#^<#p7cO z<#X7PcJ*6#>U@x_vZaGDhg8zHCcc5FH$($BhP@zPN&-hVXcVeOr;lCB{0>gMBtH}4 zsyohN?=}7AG}`!yzfB3LPHZk6xc6&g|L*FvDF0~sQYS-6MdnglN0s!1LjImjiu}nE zVgJ(?uYk!zCwyS>trgb0i##kpcYZU48<{k5rq>hP>io8oyu2gvQ1S>*_=D(Ip;6zW z4!V5%b1!$b+BeM*&C8ENO62-YIUA=xe`99|2HR_@MiIL-W?ocNTH1U1s2=Qiy=tMmE8fptWw zR_vOTUvbTa`j-CsQfl{}E&f#PO)K}pGesuZB^Ib-<)vGM^|_~WEiDZ*2m9zZ?c^#COtb87KPu&Po90kVk=3 zw@OEBc8yuHBG6nf+tW0jW`&U9Y2y-auf}uw9lVZpE^_Ld9-zHt3ei4y2C>@VcIRkr zmlu<1lD$FUtNKA!My5ar|LmKB!aP z>?zqVBOhc37=<`p`+|dmIW{w!>$n2gBg{)sBhE$+;Cth7yGzsGt(J5(b)V17^4`${ z!$rX<)po$xW9x)A}D_B(!;7>iFTO|3u4u96&c(+m-)R2?Qap`=_Ap&R+(yOByw};B${% zzz7h%l=!1ZN~#}7H4>$t61OSD!w$p(&LH11!a&s0Jpyy&VKPgh zekNRT2;es$sd81QSq4rWF;e=@8E)u(6wFNVd zcPH_G#{w~G^DUfAexSN$%}!H*`$WCk0>Aa+{Kvf1s8>y$ENyl2RIOkhLUVF_uo|b4 zQpx?&92{(Zvu;uuycxl9)_#gXs#*Oej6a{GJ&*^iSx6~o>5C}N3;;cPEL|DS?N_Sh zlhLW*bx;O}uzkqMr>T**uA#|*lh07#@(WYeFcM2^SvbfV=HH~@+Bl`Sg?{HeB+so% zPV&->r!Lz7cjSpBfLlQ%v)Ou^C)xptBRDX9Nb?;`%Dzn9a%DTJ;i!mdn>7+I{Q%H@ zz2724sh_GcRN`^h#n^etea0ig^nZ1%m|K6L1yza;RpbfiE8-sVzgf~PPqGVd(ml_O z1E|OxRc)bFQWI{lOe$}sH5uF=ip!DRY7v)|slrYI>_#6K_6%YKG_W#0_Z#FEdVRMa zSt)jz-?w|I?hhCVjn91*BtFpoHh6B*ft}hM{paddZP<~rz|Sa@Hn#YEvH zS;B-|#Vwi+-v6xkjN3w>kHvXpP%9_%@4o&si8fc?axwW`&-5D@=L<#{4v>|SwB>#c zM(Tx~!ze+uVHOPc#qIeqQ_E6v<-OFdAG7L-YSq2!QlymcjbWL_n`0_e6ZLOJ?>hFl ztAalIf6Z+nk6Vu`@_KMdLj(Kf_P}UklU675A4KoM+>I6=|Mgh>$Sz>15IjaPD?0zX z`4bo0d@jf*i9_af;DZo0hi8HDn(*tjQX5C_dUQu=NQ7R*fXI_7(>0Y9sM{G{Rnt^` z)T$)asK67`FfLWF<_0Bu#PL0C$h}C|$NS&@x~adV%dc4(-0ygqO=dVIvvz!2^7D=8 zsC)3)MRiF{lib1m{)gBItFUY{8pc}<8zVw2Q};14A6{v9hoC*`=QhwJC;JW|msydK zpX(i3g>1Z{hV`hXG%WPci>!WbzQKqiYY;2?_gBj}x%``~k4XWy?CU#j&);9&hc)$) z^Y^~{z#s9)nr>+AcZcPX)2K>rIs0!r6x3~|s$WjB?w{jTsbH%tpq3benqQ&Vj-;mox++yGRxeD-QDZG0s9(cjvcL!cX)*Qg#6Jwiv|WCBl>Q zpagd9SH@U#!%!v9E>+lmzF5`cR^yL;=vO|H%g1A^J9akzJ)#8XqFv$a zZjh2P^4c7OAZ>nT{L6HlwpHU}_nlV5dNnV2vF-P#c||oM-6zT^X|Ll;UHpfcgyMuLh>K=nElV+vT~S)KBj7MZWmwEb2Qyi>}9Ly?Sx~-rU;i^{G7#@$=#lvl|9$# z_Sx@n)uRTMtCAsCF1eAR%&5kUS2`H6>OX@M2?-xW0VDJpzw=6Umr<2Wa9y>p=dSV$ z)_iNUU|owC)R-@Ehp8kV%$yjCZT&b!t#@Vh%v-g;|S<9D$)ze)Jv3xS0h!~n(v0b zOYPe**r=5MIPp5bGeoY9Wkzlv_brCJD8%Ou@MDxd;j{Yi&utuo zYW?`xo%Oz;V5pw0+xn%IlI*O#rCHl2Xyv5rhM(`3zTCt$w>t-xaDA|>mwajG>$#)r z`jH5+BFW&31pZs-P!!j<1nN|tT#$Z&#V;!^s`rSR@Z%;)179hi5*4C=HLK}-f%}{I z5z)cubDoE1Tw+}?l284fOkaeSFwn9=(dIBgh>H4mkrL?2i|wh*Wp%ornyXkgnmi!Mxm;u<3zpS<-XrTC@bwp+(Z)x=%zjhbuRLjxKl6!7kQPa< z5k49V7&;sLTvbB%@af43Ju1FCxPWF>tGojj!pc!#VFJ~GYg1V$r-Rj&ajEG`lyfAl z)MMZUx>^j`j;bTZM*;STF$da4JVZn zIUq8qnwMJGXf2EbPOcO($eaZY}kx@R!8K8h*$;S{J-AtaLaeYL7jK*ml)$*5e(D^vWi2N0G z^nUW2f?XS{TaPRDVp+3Xc{u&070Af*g+8shp-{8`xg0PkYdrk(=Arl{@@tD%0Z=RD z@PmanzD#7}n;gsZECW4;2il2h&6sw^0on6I4a2(M9{*c=fZo@+`#Uf#z?8`X)8d1y$m0E5P7)Y< zrpxEl0}Z!lRg;T_&#PvGQ;MJJdH-k1L(kv*SNJbiHY(DD2t7IuAN>E*o`wO`%^6kx z`wNhlnR+*Adk^kj*%;Nx94O-+`9D(ATfku%CYlFdbBdR$JCAk!a_-~KlV6my5$11G zB4E%So{QphYpcuB!Bf9s__oz+a5R0zm4=NK>50$uCYDwwt#9Af zcFC{g=G_Q2Z`q~0qI-Hg#Cz) zfwXEbyh10VI>>O+S)0CYT@Ix)QK8psLmin8@CIC-MY{{%8 zJ7Wwp(xlS>ZV(gU61dJfqEzg#=IJ9@Yu+F|qOz)ywDpJG`!x27bHj)yeA>mB#-zI5PD0R|NVYYxSG(n-l}f z%vDW?+p`#d0-{ys{f>BG6H!fL(2gYh@?7ilI^*isaV2h5ildIMIeC?CU@+$R-E?um z2hN7!9bgM`4o7^NuGAQ?i*EZkbxF>sxH2{rmP{OPh072Y8eumXw z;?kQ~19ouoyAXT;X7+qDYS>-z2TU=Y3veH&uLt-$dcW{Y_;oCGlyh(OdZq@^!e8-y zpVJGgl)8;Z;fpjw#0PTIckIS$J&9j#w(xB&HWw=FM){s^_|A5L__*{((mX>=KU0&u z$x(8BEDMVBo;6*TP8BfMGY=7!xUAw01>!IL*L*vyDC^g9xJ-&HMzLLJV#w=jMxW0k zx(&i;0G#?F#j3WParLy`N2(1m#`a)c+9LNQiy15YxB*Lhyv>PUm|IUe>7ZQ=o8T1p zDf1r!eopMfqp_#O$hnP7umNVa?j`?BK@MuUKKi@h$DqsJ)OKIPzQNQelU!bxzKHE;ofMoNB08$EL@g;&^EgpghTP zsDOZ8#N~TUc72g)WBify$Ie`t#s z2{T~oxB188n3%=4_#>{D-m_bB564k4Vv6e@eHlKyMTrSiW0=eQ zrjkmkGOfDgwh}xXrq!x$)k+`BK}(tvtkB>dm)43?_FPw!*ON;-*S%w)F2-jKJvpV0 zp?S-GON-%IU(Rr=%iG^RvP(C-n+!lWqi(`d6^Op=`(?YH;+8Q8WhbeQwr5(?b#KJq3O8IRVX^givP z9=PE9xXvv4DuO!X_VK5vRuAdS8L4P)%d;OV8_4<&^8n){RQ~4VV+lJfI_i->aQd`! zk*X7bOm}b2W;ByFNW;>(qA4SCF<+v58ju8g1Yryc9^Bm~$u4Sc(O6zN#U;`X)ZS6} ztkElpLE@&IQ9Rb;0ZUiRPaCnR>REYrotnfW$m1kSoIt?#LeY~k#zVcPd^XGeoGiwK znvMMZ^S~MG@2ZLZH}mcb0w* z+Lq5ZI=if(l{Hq?q#ER$q7fv(LH(@LDh(e34$hiDc`yD9EzWz$#Javkh$+ zSbg3IxF6fVpnMeFCe!?hH1DcQz5z=!#KgAF-8%-a5o1_=T&!M~6K)Yh#Y$5@-&1E;yMK`eE+nq`!)=P!lh4&!CTx@}N1^^2?kKj+!((Aum+yMx?r$vS5_jIP zC4VQE^#h1|y(w6R&g%Z1Am!{%D^>B!>$FHkjzP7P91;9Jk!VIEJbF(Qbs14?^ldIY3vvrA9NHr5CD#ac56-fmY<^kGH9b{Wi1Mu)G{j|#!!Z|! zr6v#USZO86S=(#m*j)zyc$bXN6od>GRh+;Q87wsfS}+A;wYN^TyHJrB73uw>U?m2Z z%g8nk%=U)Kgkskex9zg5;)dcG*X_;h56+jTqyxnEb!C4xMbpYP4OY(Pgieq(d4lZW zWI~4uShkve}^y-j0wwp+CQSzfds}>ew9!$1x)w%phX})mPv+lspb02+Ml1q7=DzRn1VJOhG z^GcFT|3i-rNE(2~m&Y$}J3D@*9rSKm{+c1Ipgz>VdEzSP2B<09<}88}@=v@z;|vLZoG< zBhg(hIjcLtnMsjeMz4XZ3^pt=)ph>SQWa8tdKJ)VVk2##WL-g$AYScH7~~H zRgb%bbF>qbS0xwh&di*!u|l>bKX-RsTflEz!~<5mskKf!mOH-kw{z1FU(5}}@=a|{ zGD>J`M7sp6zmQ{JjWs>f5yj(gG?78-OgoxAqKKEy?4||ljK<}{i1+K+TrKla9_Hx2 z={@__?-Zv1y}f)^p%EY0#J#tJV4<5YlAbtBLmfOQSU8E;tK+x>SHo6+Khq9bV zITAX@0_TW*sJ6?vBuG&tQubdM1-kP#}nKsuiPlpU{M}>o|HKt7KZM#cf z9jA6!2PyHkx zZ0MjTk9Z}IYYa6ND~=Kfo`kvP?_;st++2V*Oz~DmWo!gqF>C!>D9Yo+zZw7n#1Yr2 zSbzI3cO7vit-fkb45GbFEksQ+RSXk=Ip@>%Ja+L%fXv;z^Me!1r{Wg&5~ZGDBsjGA z!+0jGbYOms6B{Yc@681rnc@Qvj^6dHPM5#hc+*TbEp2-U)60mBE`eSFxE8L1{`Rw%>y=Nn~ z&N?^>qExH(U=;}_Bf1YpGf$5xuugrl1{zqAuC5{n9o$Fbi^RDIDoMJ9spr3z+I zG_&=)k~;nOK3%gS?ULOmy1UosTsnE!wU!Q+Jnpb;p|4;&2s)R4vwjS2rS#0Cf)Cz4NrHJc+{paN?3((Ea>uPC5iNjzbsgUpA)tD(l>c#Ose8ud z8!SlaMMh8B{n$T$^de}EEx@E<;mZE2c;(Xv1pP|{{ zq(jrm@hLk7#%v*{-(vW@7o?QdCQ};q%J)N=Rf&?vb;;{gyxQhN2lP2@czR{G^5YcR z3Elonyj7=DO_xC_ZDpHnE)-#{KlC9#LLxu5-68Gj2E=y)l(5xvQ9}QL5lVYq0TK86 z8-B&VsP6^rjHkAv`{#A*Yg)`~A1GcDUv%5H3rnhgFqb~mR5WbswjXhK>CfP)8-E8| zrW4J!;#EimEqvyAF|LSEispv@Au>lnyArr)(yM1iJn8)RT~7cga4i~V_L8YBTt+7J@Rl|&87E<09tN9B}#aKLw#O#k+| zhL&*qkIlm?UF?W}v83l~X0D6@HlQ}CYk)G%5V@q^iWO^zkdEsYq=LBQbsx*`#^E`} z4$v*2r0T#2x|{lb4K8vvS}0`r`-mOF3Xq0x^Cu=b^f%{Sd2)gM z28bF?38!7d{qf6sIT@eY3>enDv8t>c2^@T*Gtk6 zpesfPEZ9}YMo5Mn3n*%t^)E`terJy{E9QR8&OhM-@E&V8x{c|AIrX~-;{#CTF+|gy zV$hkP^*U7&FCFJ z#QjeCv!V{6l2zDbnq}!sJwR-(H@j%wjYgF;ZW;JP?GUz;U@)GzlT%T>~SE56S` zPu+RE+nSrjTY?@9yM$v~x=j69=EmJ{JT(veWyMumOKIVsyqar43ZgZq0Hz*8P2JkP zoUfQ()1ef}f_5XL*zX1;PrdHC_EaDo!Pk|9MLKz*#s1}8Rgr*GIN@YOblafWwX4IY zd`mUvLvt{QY2Xhb(YHWa0HTj{NH_{wh*{CZDqXPh=g{LpU;0S3Qv)0g5=3luGo9U6 zR#rDansBGl&UC=&;P5E&waY3I#HqziK7@sgDJ1r{#~Xd|YS+ZLy{x-HaSn8^RsQv=)l{1C?s$w) ziVzqM3-V!t&8eI}K*7VIbjq(xI}wGtsz8|r{{Um^rpeJGCl0VoPg^2dqw^(W6Ed$v z1ojwT5k9#!WLW!UGbcz{K%=y_;7d$0g!=->2l%vSI-jca3 z(|p#6HK7~$o}@9~a_uqotNU{(^e{vuI^-H-4!NT=U^s*%Ln!=ei<-ImN~}!xPpy4Z z^rhp@EzE4jne}s9Qc6_7wu#_7Ap=t&$ND#ie$k%#ZzfBycVLzkqb3CcK`rO~b`M>mskKtC?+gBT!9yWtMrg zypfWc9dAQdRCaf#j|8*HMR63@l{t`pbIbv-vUzzA@Fh(9ExK{#XaT?V$Kr@3%}8PH z{$!U=bD)fed9%)vL1(iob8&OVmEpRz234;8#Jc?cUo{;IR0jqrof`_8@$i)PiH;?J$;syFp zo%>xuAScDgq#8U-h@cO(2?g}L%pGK)M6&c@{&wpi%5bO${>VWc9jC;@tMwcZD(N1+ zMU*m8hyur0(qDDnz6HmrTe+i%&kd)a-NZ8E%(WHWggX_jHRtPR1Gtf| zu5p$-kt43(6E}8k;>M-T2o6RPp-tXJq+Kdve6LhUWuJht;NrJ7ZsG!j@+Wege|%4U zsXFFl(NxmX<42c+!wGFJPgyr8H)%A@(_+)w?c0t(_Yxe`+anJJ88M~kGI6E@J)gOX zhb&DoA=hTu9vd#!k;gM*Y*dVFqkyH|(oQ`jJh|=1co;j|5c9|_xhb&TTkA=GDKg-} z>opDV`P5jFT6>#f?fg0A)}Z` zokh1aZ3XrH?=gOXn|B6dge+JhuDXRJn2^{uJe*)bj z>z3%X)B+a!cdh^ zr;KyG(`y^{!tUmIQvQxGxwz8EuVKMMrTczq3?J7g1XwZzU3CbExD2;?rt!cJq?9ii zj9BgC!9mTXyNO1Nuq2w+l5ba-yO{u@@hpLr)A-J9aH%q?N3u&;LjAF!?uEoFDuNQl zE7wM6N#pX`tKYM|B_pMzqQ)KdGXh7k8ExdHXCah~VWcl9@$smW8Hh53=Hb@w`1p}^ z0L2&QDS86CIxk>t30#Z5xY_8t(vWvV0eI6lNB0f>YD;h11f+z%^|Z90<^$AtbsyZ> z=lpyb5$W-MMtS{0i;aN(RkYD7DR+#arI!3qV)N03(nWxFIYEwJ+f2(Q%OJ~elNE<*Z4|33>%rWJ7~1IxIDL&K^ui9Z zW-e~IbMS1S9>2YGX~-CU?>V`;0go{3Au|hP8Ts+TnVlaWsM;$g0OJ!9+}$UmwafP? zU0kdAD73UqTCI>(=(|2;?gIyl`1!Hf!zv=;csG7Byq^7#U5qwIgkIflu7L!Q3jyct zo6pJjAT^18o%@Sy11E@V*C8BdC>?sbxcqKt3Map#5U_hG2f{jiO2S5?^Uh~#m%kSTkMFg5hB|9*!eg=6MxYg|K#wLi!4N3SK^u>C=k6(-t~^j!1|&RO#lTYg z9O^oGZ0uqWP97;?l|~SJ$+UWNr*3R&74Ymon?8Q(1x>wvCV0xL)0n{o+L~o85*KIKG&&sNGSL) zC=eL^?%uG#7LB9hO2vFD8Vcs~nEi5PPcBh#t2B26Rq%3iP!iR{7Tf0Dp)qgmhoMb2 zweSjeKVva*<`NDJ#OFdM0I{o1_B(u@P)^7vxXb+ORtHMW+FrjKy)A@2JGPA&hd-2| zuijt&6r~M<2Wno8lJ3(=`V*3KnGPwZ+%PVKYH2(DrKUyg{B|QnWOs)6+A_Fm=Hf)^o5qGkj7B9UP-S7gO6~(vq zAMsLTG2e*k0?@@A*NxLiSxPgVxRk5x$0 zzc@r)Z_fozL&gIUvEhN6)^htGzoBW|g^#%$G&Z+CvAsN9Wa~U>_Ip-nP~&KA)FQP)$7al-221IxA+%_tj+#9T9|Hgj>4d(EkGK$1gOqtlPJAMuPlB15SC1MWVfi)1 zLN0t7hgk-M(?p+bbU50`Gnh+&>ZNat+^zj(KZz0k>r>KN~kq!h~p zgWe8H0n`Dc07u++V>cx9hh=nBbIU$*@r%^u(#fr_Xr;_U7KN+zbs#cC|L_p913fVu z58|x9ySWHV^tq}t>h4=aK;MD1(L6hq8RZiiW!(=$wU1sT{Ab%QCQ=vxVH36L)Lod2 z=Hu|oZnrhBrv1_DU*kH$a#OTjREded7qI5`z{XY*bGlWR`2#S4X%+XY6u(G=g+S2N z;gU!F!qAP~>d#56ald=MdvS--_6#%WGley`+=8j}Qr|)WGtPmYbpz1kN?^h#aYm}2 zrHCQN^!=x_sZW#NIUte#hp6xhpW#5)q^Ak6>#q^y>h#1+*Mt`%G<1I$`LB^uLXX3< zjqTVC{hMd@t&&2YBpj!$MyfKm`ij4LyWYJY@231@X#W(c$9x2=d&v>%!1EB3Qu!*L zB!^q!x=$AeldG7l2Kh&nKJ8`td|ubJ7iO^o+DR-Ni1vT_Uh9JLI#gnlH-Eky@Jm~D9z_Y3H8tU_qQA>q0bP(lw@_ z25kNFlcW56$;37aIyuIefLC56WhG6DFtGyQ`!O}>EmrSmD0&c!p{(guz@3#oG4`mt zj-K}YY@FPNoQ2&~ngFK*D>|9w_$YVAu)WAJvtMWjsj{rj9#2?CNoX;*ZtrSR{GlWXjo!;17(J1vhM$;!;N zU!+k$7fCf!KQdgf2C~rvEk;J_BAn=#GIa2aZ`)Ne78PoQOk>F~2Qa%BVdRDSTP158 z2>fQG=bj@$dMtdoY&bZD@49-JP~;(4Mj(lKT__FchD~^2Q{V$VZqma`ao-r4d5|MN zm}P<*ec$IH{uoH&rC*Y#_=ibMo%fq{I0t_I-D%yu+A)Pc*#(-gfPM0tfJ!V;{plL) z10inm`wU_WMZNSoC`fZAq3L3LjzN|TTpxY)>0y8hM|0BhM#1ALV@1yi&!vH7Fa3t! zQdX(iFzpDc9JU>t0U|lTXD8($Ljyi;I@}OU)h|n2WJBw;TH7p0Hsocu;G75==xgou%(t1<@I@c=m2dwy2Gwz;F zI@8VjoNF%Ca}=BYpDX>|Q@vOd@|4%g^I6)~8+`GWOAiRGlf;k}v%$W#__JYB!QGX@hpM$dT|gS*DE0;Mnp^;1AB&*{3}v8>&igb_1%sTF|K2Qx$YP z8Fc~xXee8Wb7YiW{-S>|B$HXrHabi~>W4YQ6hQbLfIpDsFwdG*R+egKD9+uC+W+h? zY63jJF4e)?hvJD3`Lk?M#mC)*|&W)XNM*hki~owDkd8QGkOOl1+4rY$Qc#GB@* z#oVp0{vqE4EOHJV*Nq+HJ~%=OP~m{D_HSwUM1qAkNfC-W(q*jx0>|*8WeA|Xp4RU^ z3y)3X<{!-{F!Pt66ShF0KLG@!!N>F18YP*Qgnm^pUq5+bsOo1(QJz%D@In{s(5+6P z9AS{Ku$@jqJc%0_fu$rOFUC_9ws9ke!6t;KhP=MET2HlLWVPKHFJK2)c^D(QAfVxH=<^V8qjR_K=B{Uq>^(2R8o;KMJz% zvetXScs7?)@gnczs6w|6ZOHh2A3!M>M@ zCfgS(8moS;Jqh(1T0*u&P1p=)Jv9_n^9x?9>~!CH?OtBIt4^oQG7AS|=Y^V-^qVbx zk}RAFO9nu8ssv=Gh-^n-*}sg8TvQ2)cUPEu3w;vvF84T`uuGISsob<@QHXNAwTQ@t zM%c@CGWXqh7Wv8HrVuoEQb?VYf`x)cQMGU*-Vc|w2T=nuI0hHza$3W=Dj0h@Ga$K1 z>;FjAdBThms<2{f62ZHq0d3o*8;@L&+<@wYQgRR|(A4Hi14vz%iK6b33aFKFd{6a6K_ECS#fSj>>*OJs{j zSYiasN`3QUNcO zCtI$I+n{To)`4^X{NyaF_-- z&=0OW$1EU`tn)|lGcj_+O%3=D9EBuCr12ij5^sz+S067Ad58tFBM&$* z9!+nTz#2&c~ag zJoN;E@#NI6(<*`2;UrqFE3|yFV5mErIs+wVsJG;aopt=_B;SbhJJ&Dh4T4|03w#EU zi!Tyy30CT@OY4ag7#g+0Ug?zVtBZC*28K_B{u>aP29tqd`&LV2vCwO;7TJ(qUnY;g z3Le3p+P=*AQYa72_MZap1*ex1S1R@hyOk!#LFMhZrh&ih~b2S&7fngo~61|7unL~?_98Y7?+N+#d+Os zoHz`^5eSKgEvc7#8(P{a#l|{n!jvW5Ti$ZGUKr~NzZrG`YSJ%?lc@W2c1DANHyG8AGg-8peLi$0B zHu|Ao8&}1I7D!N+gZ>FQLE0!GjO7($aGuuqIH#8qKWfaA8CQ}ylBdJRoSmgfvDlw02>{X&Lj zR1|!1H+@6Wy*crZY?)QmFRM%DJX!%V5Y8QDYg)(x#B_yPWG}wE*0wunBJ*OZ9x4Da@* zw#%?gn0q&8NMdXk^$_IcGQi+^+|5CHNnMg+usw_ARlN+dah$Si@!%~UEPWra9$D>S z4z};Ewq5&iZ7TP>kK{u-XBkS{!r%n907)>7eMoZ)s&SjJc$&>l2f-j6uJE~vKWj$C zv{yzuv!x68@PKK$Umn+!49fB z@7{?ba@^YFyV|0~l@C+IdtPAp?w!I0uLVCXeEyI-7#7XXh=0<{XLn!9Pv(2c6rz)n z7;Pt;!)tHDU#XqlvcI?DgEurj1QK$X+jQ4;wf=}9?52v^mY!{Q&y}x7J&}75zJ7_M?s(d={Znq4LGm-Y-bSYnd%eC{ z1S|rCr>+-Po>X&noRFAouetA>5cq&WsB^Y0Dt<(WPdf7xOr6Id4u+xO23>Qa<{Z4@ z?W;gRBVRH)H?JWXP6qv+5wLkBZJ0?$oKKv?b@xMH5g2Sav`ZiXNcU^PlAm%>if3fe zv?C$l(PNEExHK8FRKzhXC;fnT77DdPQm8_8fM+m<9jaPQ&7Ez%gJq8%Z>Ho41DAPm zuh_xwu>0qAD5okLxY-!ZboC2_jsh7Pf?YFU1}^PCVl5LM#}-bYH&=uXqGLENv1a~Q z;toDZLV|IeY+Z+Tyvfx`+xfZ3RIm<#zDG(hl;#oPzxg7BE5`X&}o2e9=3?9QL_qjO0I%9TZF=H zAN9bmCVs`?GcS6xZ4vc0q_aG0ayyP)S_8An->d-Gb1cH-_#v=p#8kT$n_YMjOq|er zPrlBq8g5oA*VDW5-!QA5gKhN!QiI%tZ=ad#!?G*h~zw*7ge!o-4CkvC4f|(;9e8yAS|} zyf#1G$6&Fn5|O{iW2EZIIHpTssxs25+4N`kIzKx-)rqs=3dR9g?;5*`s2bzpW$ti) zK_m?O0csf!iyx!tq+(uI)Tgq38^0Y@`}rlPbG1Apl9q;?S|PJYuSMggy2X?gU?T%} zO#fmriHGKgxBEbJA@BRsB`?R7-ht@wQ5b`$U)cTz>${UkHbUg!(mdFwwsa~SFV;ZC zRAL~7#qPRbx=3)B&L7JB{g&ITuGj3cLzQKf0T>2)lzZ}BmIog&?EC}}Nv9M)8d`&s zPFP_?Kn@YCgw0Tpvhb#v3Qwfj97$Uetxt?Wj6by#S`|+D2K8{LjrPC~s)HO4Rx6vCu}`dSa+3=WymBKOEK-QfMz1@4}keBUZ3dXxPcUyRmZ z^iq_!V$({*_dLJBab-}eWO(Dy3!ON%YAMy|WfsBL(oa|?zUoR1^=WbpF}6w)0f^Fg zGiTvQxLlOYKk2Kv6arm|ykj#Fh@OX;1S2E51%eTTf`$h3^9BInxbuPh1!-^AaV%VS z<)FEqPmW7gO)^xCEXjR5?gTi12aYJTkH|)RQG~thh_sbw@THYDZ%f#lZ4$|df6RJho;kkqT|@^ z_}Qk@xpmKc#WUYxdfWO&HnP!wW;~o`R|8@;4sme{NYNfFYzIXp?4MXqDK+7RYOz11vKHNvo~;iQmRsc zYXa}uAg#_)%>5vqkDTr>BtzhIVIrJfy_0l`dt=uiQh@s{EG2RYBCc0Vgzi;;wX4+? z%rkjDm<1csfgfFA#!Z=yz84*0+K|U^uk5MJHQ&WMzHlK|4tH0ZCz1Z)&~q#1;vs*z zDCzLaqvVyEZL=%9#qUCn+P9eli+#>qbB6ug@1dXz^oMZ{@A22di6f8DgfM;{c1J^6 z$=u@ClAG45%Pck^&dS<5qnm3I*HaNBC&dZ(gDX9)$1obXUTuF9=HJP0`lhb6gwA-+T;(o)~L9rDzbkwNl2Nm z2^Ei2zP;yM*ahHPCCnF9@Kgi4?SFYB=6^|+D%|=LZfxtOYG<&^wJ=3(3&?o?)e1A) zzo;lVzQrS@6*{5PJKz5-dHr4bUq3ZGIG47w|C-G|KbZ74Rp!5R1HpgW7e#liGrPKm zfiD0tW4)^JvHxAl@-&nEXT0KhDeTLp74786zex_2z>+H>m~MnX#x_-q-mms;1R&p1 zm>!$bT|kY&$mu=we^6H#f#w=cz_FS9JiG4w#)haAMA>|4n{ue9YZg>V>3`k{*r#B# zz`yo65K@pL2OViuOR;hdzTj8eXjpIK`U`*luavCaHBDl0S{~X|8du`ZzoWfud{MFB z=6dokGl8D*dOQ-R<*lJM+xnaCGIeuqm=O3sYy|1QF4H0GMA0!w!6MRsg<$IdT+`8n z>c5nR4=+3}v&DznoesYIKb;=bQMocov-^?%e|EXzOQ4Gfrwtaaq3jV7#R4UN8_6{_ z26;0vq7Hg=&8UFR{>6g-v5>7%gAe~l`PJb1t}v*a1C(y@*9N&v^RLndozTC8K!$3{ z-u$ak{Flk>Es>Vmw~N{=B+yMZMo36B0pw(fxY++~S&yuqk8j&UUXLU1W_lZ$m^5Vn zw^AP}330=}fBU;3^0`U@-15pMGiSUoj znatLso|5x_`i!9$7i#u9t^5nl(k~mPpc;E0B#xS!`XQSOD1^O>&F-ts>v!pI0bo7h zZ!b!&Ic4T@*R+spaQ`)}1B(^CzY8dmL<7v7GKqc!dz94Q0y=sRftUYUZzT4Xr(*@vFpgIql`ivnWXfTtXeBPls z!}M_5@FaVd4k-Q^G)bKgvd)LlbSSzVBf zM#k$uhHggX{N=lq*kqLkH6RL)asTH1m%uh4FwAg06%cm2oXj(008Hub?{oBs@E9y-x2qrJT?B>qZIcOC4z_8E|e=`8Oywx7X?Sj!z+M zo0%09?_v&M9Rc=MX0#ebnKM8lT?Y6O)9qx>YSQ^A$J43IZzjB;>rRsMr*#=NiH z1)%Bk!9q2!S0-KI3S7AT$nx4IWn+6c`88-dn9BOUGc7#>plNC1=lL%iFoBo88whYe zFh3nT{4HR*e$6zA{GIa#3*-c%mxcU)yY?HtM5QbOA_txx$U%`lm1XYq%d z8s8lkU)0!fwmCzh-L+#P1Pqw8b^yJUK0EK1wVeBgmbuR{yL3z{{WyGIfe>`7ffI^^ ziisTD{0j&n)Y|!u&`g%sQ|)AwW-B=)N4(w^)y(4D&&-}1@=X%lWEV&9dfj0as{|+@^ zHr~-adMbNUIH)Hxx2Et`48WW2&{+aT2AC?7n^lrBOQJUn9rR!VTOvY4i7w3IdE$dQ z96Y`H?+U5aVK{`R?vR3`)x}GPQlR zu)_%}tKTllMtYX))DdbrtrB4_0xi6hA2+&p;>yIGLa`9tS@W)b9fz9P%A2H4Kyra6 z{pU_ubNMVjTOWbhT$|9-HVz;r|FEj&3WDgxkr@NuHwkj))qie0@u z@$Q<_D|ztT6Qu&8S(k)48Xw3#o_yI&@}UHTODO>T8brIy9q``d8+ZA(TU~g@44J2g z>oT9$LON`bspTy;p$zN$b_1N9ZQ#)uUflje1go+|XNO?vvlFY1&jb`ibr;*=fz0=A z6Ws!(Iwp*HS=nxib>gG%gk(>)J$lqJWCnN!+gJN;tJ57WL3Tn-rQ@%DoxIi~$^XGw zFF{Tz5#}u*^LTHf!#fnqxX2acdrXj`45W!}VBa5NmaAE$79^)78b&CJtFQqLPfzbK z^L}6|n*NVic*p<%AUCVzF8>BUcw_7FD4Ai6{v?S@q6yQs;i#s+sx$y3Wu8f10JPaj z@wJqnozY18)i#ffP~F4ChW*a<%N<}wMqUhTth3>c(dAf3xfpfC+pTy zgxFtw>p-qd@>8+#0h!O~SW3rzyBK%%{T)iH*tUkz=v{2CgW794Zb09#(t_Jx*2WX* z|7$)ZfI8eoW)4m05Qb?7@f3V~b*!gH49^7siDmvU9czIEYisy2^VTSLMrj3~^b~UAFbufi)@ZVcRXmA8r`2TfmWp@7Pjr_B})h?Ax&mwurF>7`ixk14f8VYCoYrU~G?9AyWKFnafX?fx@b5z}YF*esm#X#1Q z2LKb@SRoA>F~7`eklUp*XXRM=uhVd|@bl+xwTy@VLk#ZOT5+zloqH~bY-W%)RJ3ao8SMaa)FeFR0^_I-xP~xH}+m15V`AoqTxodPS8AY?jBP(LVm} zrpQyNzXV6YT=L1^^6$`rPwC2uLIV0t)W}049?>h1WjOxy!Qo1NfgcNzvyzA-c2*B5 zlQ+A#00_&o*Y0D8zxfsFWzUY3!N&Z%rfMU!L>-=S?KTyY^!P`fnmAURHnVB3i*aqlj&<8ErlEZ06_P5*atE zFeC+LK|r5^>r;h)3x%ScB5)%5Cu)H(`RRBmWSj&pGyS!xDdTGOFOpPO z!&?NQ{m6)r&%g?4pC>VoDMVN?Iimj~gh81OP;;WC3uxW+k0SxewrU1nvJF}FG7*KP zRw3z$6#S9LOWz!RyIC4#3TG^yay*idc(u4VC0WxszK?Z zPl?u(KX;$``+kt8XcMjifjHb2)0A@Vj$-7+#h&Y>z&zUt4}A?ZfFHdzgyXMJpIgyl-R00GqFX3 zbu#=rSFmU3wb^RYI^A6UU{Sa_|EWai)horF|91Z@a8yDs4FvyR=+^AS#4pq}o7oa! z>k_WFtzq#!V}e6tF=5dbAPqv26~-ax=AqiM9ZN9?9cz&ZC0K=hkRK;;+AOv$C0 z4R+p*s(=V7Zt{I&oe9AwAN5@nwH826+g6H0$faRGrQYnLwH^3q|2#?Xup1U@)xtaJse zF$i_65Awb#yuHkAwBCD#_L)2fn>^uL>Ii}U>dCtw0(#?%plel#m9aD>!;jobtrc79 z*h|$7Yt?vvZWKb>3=)+mmo+swNBgdajarI5yhXwGtl>P2Q>4c9;N>o>j?ewDf-KLe z{8Rl#xT>d~inkvm*6x`QbJy)(_ews|4M8ca=9!P$tnP2WSM8{jbcufkG{Bk#H+FZS znY%jZ?lZv>K0NZN=ia#F0>*W6qvlSV0i4VA3$(q>slxKgi_$5fmc~Xj-XyDAqv_3p zN6j|+Eurt7Bu|Zw3_nRI{T5_@VK{hBjyie`LJuoy;DjMwWVVWr@*hkzyfWRHTZiQ> z<(yp3IbO&PnF%E&H4Bo^9T|b_J(sFajU%@TWcDT_^-e{H*^fPLcdO30zp(Z)UF3Ay zy}mQLlg#DK*daUmYo{UgG@?<48c?RW~>(eAhdse&szQd+^K`y;rkQ~p<<5{WS;`*gvSnNXq`|~pT9}_7kddKS? zG$FeQ(q^=?@5r;u#0du;a@6~#gRM3JCtRBh41E0}bQ6!fD25FD(X4|Fuo+*G6602> zqmA)<=`@p%oK0UbIDXTWJGC$Z17x&3*wR}kK?A}Q#ypl+W!c% zy_mAm4Y_qCVKm<+i3}CKKoXlC&%GM#ujekFE+hLX=OsF9a&CICU;1_`V{PBp_jJ>H zu-~O7<~@rVkq#<44yICC-Du^VWEnR&w^9e3eNmkp)r~zY=&6hMYO(DOyJfoe8`hPf zwk_{MH$qPJu8p2nFf-MsrB%+Lkpl~blb2YzAQ9eN%vaiR4ivx245;4uoV(M@Uo=+O zUlcfa8V&x~_7L_w*${Tw{c@U7-%;R$}{Aos26E@je!`ij$P4J2}?%51+2q0BxsK1ySN^+Q!x~(D zn6}1uBiSH-|9v-uYIc5Y<>+?NEU$&QYRr^q+ts93vZl{Nf$Yp|YS^3rX^M|wTZc|0#Z45s*~%K7*yRCZeSd^ao?h@^P5&N>GL zoP^mkDZssKhewt>Q?a!}hg7>!Ftyfq<2uM)B04gJe2WAsW)-<~DEPnC`e*dc8=1sDERe0ZuSsCEFtG)Pk*?(S2ALIo?U}UaFC}D zi)-~wTKADEowf1XwG2S4|WM(-&@ez7lL?V>!o_8-&cfYdUGUj<*ebxTYoVfnD6_<7^we*|44uBJnLY5MxRUdk7ruAqZ5_Du`yaG~2(aIvjo8|elynElbjf#Bx zWXkdR6-zHVETHJrs}U*>VhpZUDm(R>4=0M4`!4dq3ZWBRaZt16{)6P#6%j?uZ-B>= z;-6OPZC!WXVQ&KGz|CE;NpZ@`lNhr>%hAC7ZFV9s$`xlvjL>lD+#TARF%2C2Bn~mM z5wExI3$F!FS0R5)i8QD-y3e4y6lT3;?K;#4`<-Bivei3BuMduGOlKpXILXVGpd`A_ zf=|={`;fQje=s*#?Lhv1-z#Jo*5>IzFS0ut=|v{X<=V8(p9lH1s~v~R88XgA=bcNB zq4IRPwR5xzF zYwvNs?Q!Qtf`?f<6LL_j7dt^inyD#_xbTVdczY1@egrSJ$fd702@bqu@sEW-fZfW58Gqp5F@A5;VTGW_=#QaL*ieql*rgJ?L}a(%11IPL^H--x-Yh zxwqlzSI6E~<*;!bW`{b#)?2?y9R$Qt_cNG)vv-Qkt5;Y;q>ak{nCxTJhSblAYj~)g zsV{BsbtSDFC@U{gdzY=En}0P#s=ZN;Ba%}#pk&UL+e4YI&%1gLjANH8m>0>EOtzWe zJgspvDIvVJnSB?li%55HO}|8y_%B&n-5R&Zj!9wRGWW$4nsaZXbBKt{*8Cw0{3|Ay zyMDv77j{VN8&8u;Xz^ry(Q>hyvyzZDlnr|nqmf0`9osl71svw1Y>~URxepcdR&y-z zc)wCHc3h^Uh$@jC+nt4VP!=8hVLjS9UW(9XJB7}A`7>V0euFRiU!teGk}*t-QKyqG z;jLc2w!t90nXI@`hvTlK!2tu-EKDHgdoCw26$MkwY5L^w&SEdo2AW8#8F^ zJzjM-lGDA&c8S;n{j!t=d7MFzhZ|>omE|oI%bOCrk?;^-xv9FDf*RR6`74c5yrAOA zE!D)A5jf#>-b}<`=d4v@&#V1?e2>wf_aYoid>pOZa@J|%Tp@SPww%mV=pQ*H2_Zw0 z`KQ(bg85C?_&Zz=3*TrEfHDteY$W=r(368cHXam7RY^uoASymk&c&`$v;RHAho=F1 zt6RY-*((!}Y;nPGMvddJj7>m{?gQPin&8RZ~9 zSrZ+=<3DmgG$0tAV=NUyVdu0hc2zkT5L`EIzA>&Za#+6nv)84{*TUBB$ub{N5B$_fj{~?VdWnV@49jS`NiKkYo%|?4BeB`rvx5j|?G1nZYa|T(y zaM#{zW!_P75gjTkcs`^zTrfx6s$o@aJAF>yy_X5RBlO1JP>-Kg`KjEuNW1&VW0yJQ zsd8!%&0m@h0)owP6*RxMCTDvdmYFV=nW*0cfpiu#MdeNoHhJ1U_lBB3oDn}tS<>^} z+9OS}v(=$*gZPYq6eM>x6K$o(_(R^}gSd|_?9-BW3X4vZHR=yy^{?#MAQb@8-kZVRLs{y&{!tPko@WaM>(>te?}&FLQJI*qvbJ2-JKNOY)YhFLYil3!-=t^mcx7KFN`QlQ zTZL0RTt3vCS(P_&^e*)1&15F(Jr?$xt5)kK06LSM{mQpo-BZB+r_9nPdii_&doC@z zaz`YC}YWKf0r=V*-L%*Q>nA>>{gxy_D6tYrBE$9Z?1~2t*nni?! ziE4IP{``KtBlM}F9feD*PUm1DbK-m7| zOy_dNHh4fJa!JzP)~F6KA6kuEZCx{EKcbavyrSsJp}Uyg_NJ%)m3$%}M1~+$aB7PV zKvGCtvcv0IUk~4Ze8U6#q0Fg)yMJuOJdvZ85T`#GVw^rqV$IrE@tq7jX$(v?Dern= zC7z5Z=A|!aiRs<=Y+Gi=sMHqk!-BEyJdcUloPf`;T#Xp+5NblnvURNtDb~8W-=w*;cWXkNd-QH{7RN&hF#Y$A$JGnr%u~272`@>&nq)2;dCq@2vJGy5 ziR}1lmA$yfxEPF+Ndy4PT)}o~U9fXizXkU;*6&Q!lzcd&Z1@42Cp(wfPR7}{_ByMz z;iLc)C8VWtPa%F-2_2=tUv_lbP&GN1$Ri6(`aDDU&H#TfmO#FL@u1?C=C&y6&LNDl z;&$J{$z<=KyYAqKM$V$GUHM4N$z3mZuzjqeCgffpD|Q$r66@t# zSgzXav)d^Wzx=VFAh*LD1Rx_ztW0x46C7mYABz|Yh=cW8WTf*}twoU`jT6etPuLzi zJ!NxUUb;Xgzb?anP>|7;JUFWtrfkeauknS2LAGMnrk;E0jRyfl_;7z*(o4HWVu{u2 zjhS>9Qw>Uxx3TY&8FG+^d+X@&8|FwlM3cNQ6o?G;({u77(;QwMit_NynSR~TS;4|}%c4qaP9;`) zM;MXC%45Eh;UKTfZx95I6#yO0yz#$j z7oA5GbJ+b*kUzg;0lU&3DXVmvj!rc<0W2i+B8iwgZYTRtVUMdk3S18}gi1-~vnwmqkl+F<6Zn9r?{`5J_xo_Q|PjBwJf18+uKfR;neN zV1a#ObT@*YS;D~yS;^Bc5(*p6&ePtBTL#U4<)Lw`2{V|ugP1VhFiLq{7>zQ#=y2%T zr8|F8CuEdkSHDh2I1`6y*-#Z38-UX-^B%74VIt9B6Y@4CTnA z5`FWIyd48(M`0BEP0k*+2cC$ zwna4b4MH|Ghb-%8JovNThQv+K@J@vWJqA&I8~SdEqXOh83<`;$+zhPJ!stb(;*lfd zWd+ix*xx?ZO%thWSJfRZWES$eCtV3c3nz4`Y#!KpM`ug1+qe5TYt_-zUs}wIFC-c? zOZ6vfb7_~*mVwueMrXsQm0MY)B<<oZ1JSUK4T7cECzlOFS$R`9a%rbtsVoi}FkPJ6gn3~Y?~#mAWgS^E#2 z>T(fmp&pV;8yPeky`JQ0GW)wI?>_s}=wl(dK4Gpo>W#{A-vO;xxdF-X2}}Fi1}7iv zQqUjWyUaa1I(4Bz|qPY6*<@f@|O z*Dk4NheALnN8F1asftdTyMm)COjH<=JdR!~L~S zj`SC!$mPq_KViV0ik^GP{En2mD?|AR6HmhrHHC9C_bSzdvAJ_bTPm*jk}ocC4t+~k%iK-)w0<0U90z& zEn1{73s6w#=}9w8w&jl;mZ2;T6|;f#OP|gkt)9K=tXpzRw@qyxbo`oWr#k(|xuY}L zaQBnWW1N0R+LPQB=k-4WO4O0hyJ93PTjK3Lhr>h1IK{T#e7@yWrBk+~bEK9wdzwQ` zO+-&jWCaU%yUM-q2#t^xI@cb-BlmKkOu3CeUd-KF=XK z{?Wh=lMzm~FEZpG4)0zqU8}2+OjF`y_7BvL6Ud6pNU1K!6KNS4x>9!gW=*vhhs$|wr>?zUjh!suJ67{J^#|u$q@cZ zjg7rp&YzYyf}BBgUPf-MTVpe#8})dXq9+B}Q$5 zZS=$?q}8)%yzBR%-%noy4n_EXY@@O~}AE3YSW=I*GBhJ@h6gYF%sMJC2Hfv9J|G{`}qwr zYX`O_7hm$;2F}k&TPQ@CE83hg8!##=J88rPUt39jZp1g8a>!#C1J`R`^ye76;75{x z_d@i9p-S7Ql{z-`sO`}U zYHP8|Z13x-RIenM$ExH0jZ9dl2){JLJe#o=(!yu+AXJUkzmC<|SAY;yniqhqOT)fJ zd-gO)BM0AkZoDuUQwnMp+mneTQP1D}HH=05mR$HfE1t!wbBbYde=Q1x^O_>~w_{9i zvk?>MTWibIK^p7TW;dWYWOVawCOW3BJyTbANNv2b_C(Ri$6T%QQaP?J(mG9Xh1AXc zz#c)#6vrl zi+~Q8-eTKI7aP#%zcLOeX*A!Ev3Prv<@4~(a`C=k&m>d;Y{*9`@g+Qwc<^L8+1S^oyoJHg+5R8QOO&V#)CGbQoVN*$M~gAxsl|O zmE0iD4B>`a7e~}o&SF4U`b8xCPXV(Kdx@zBNg#Q*u19;JQN2#)7(Wlocb&m?d=MGd zbj8f;nFyNPjSTopN&2%_wqi3+UTlkXI)zKC*V46T`X1K;8-MSGk>1L{<@loh9~->= zPU&_^6kK5;U*-%*ur@XdINcnQ2r7Fr&*k5z5}dWhoGs#}JW6-dZ6b5t^!5|V`o0HO zE@I3-bnRy`YZbZcs(7zcCU6uD1Sr8vU4cCvBy;wXmhYujAVxFFZO-JV|4X?+-GNF|}4Qc!y z@NYM|ZGQgj5Xn7Lg!-!aX#yU&7se(YBJ8TVF31@zkJ>+&dfN0#lp}BvCPPzdaD#W`jKFWVb(CYJ2*t=B2GmTanp`_gtjoy6pW-eG6X-IlV9v zSsge%+gyPev7O3Oc}$3hw~T?W)H!!{80Hh9@~`4*9Qf2wU^4B#QbYQ_8G}=q&r4)?44eE0`J>Z`W&bo+A$r zFafa97Imz}PSSEDC{w-FzVOt0V=&drE{x9ErvSy;>17c1GWoWjlc9MT7eZN5Z{<{3 zn*EvSH!iGqW6UeXy$9P3rjZ2D#IZ3K<#dB3X_a-Vu<)P$`Q zTUr_wq_#3FUF8!QO5+Y`&OMJA-o_E?Cai$gKv+zojkjt@H0&4Uc2OYF?yhHm~M0rU8r`p4Rz#wfj1kA6Z1 z`ADpgMipjE?&E)+YY;yXDtkP)LkuRm@tzR>HX~g1MAo-W$gRgf)Fc{$>{s`dI`g;< zL2ESbD(~}2$x}HVT^znQ1roKDYCrh{q*W-pgr~`5Jx{MDC6VUR-`@f7!osmNSEVSCXG_}9rMV1)fP2clUewHXnzXJ&%z}#w^yCl9j4C(UW z!?ZcRs=Bx}dg49Dtt7o^_sR!AVa)wt2F>ldJzV;9+Q7~)1r|ZBCOHQ3N6a4wF5i(f z&ZK(&>nj~zs3?{;gRE30)dvXlK7$9 zbv3k(du_jx*Y9rd_zB?<+C{=c*9F@Sm%!7+IE1|d_YE-4w<0?B|On z20#nvedHn_L?Km}1UktVyOKWhOQ+3;#}b5xMSD%U}XHlpS zye3~UL(Bk6wfo#mRG?#E-n)|io}z7okQ*|63*0;zXYxluV)hQt8I;od$Z#`h?6KQRy;YP06gO03OU5C2AFF;v&D8o5{4ZR(CqYKB@_K&lFQ6pqYxW@CN)%z4n}8O2(pBIBm~)V+poR&^pvRI z{Ag@BmY;0lb1P-fS6uQObiHz-?!rr_Kw9EyW6@1eLSZh zX+Mh0mtcW2~i*jm)pVw+z{bU){gHu{UNs4rdb3nH9=j0UErKhz|$ zUcv4N;?&~8?07`)<*NJaN`N-K7ZXwkERkD=#1G4VRSy zypg9+PAyy#z)ai=>>hls@MYc}fxb~Y3XiYY-4l#e@+30(5$8|_gsvgPc9P0;?z>^} zgdpl#YFf+rqoFZmoB2v9e>%8Q#PNB3j2Z#Rryl>2RvnThW8Iz7;<*6NA2fXz#d98UmIIGK%BiRoiu*6cIwJs<- zeAVI2Jz()n|IAGXc=576eN=%Af!my4e1Fx^>G$|_YQObX5z(+2|cK&W-<>PF*SgmU8Rfym=BS`dpCg>g*u@3uO zcx#akN;Z@l2vc+rKk=Pg{I(5#=J7%gwx8ge0}rpK)pImlcOYD5U6%H@IcuyH=U16) zqjWslU6B44RMZNXBIQG2C?4eepg5eYcf%c>u>alN2AmEYNa_-x7_P|gzc3U087pCS z`*L+gVdO=+ESItGTB8wKYV|O``V2b<#Gh3jaOY8YluOFH)3N8-xFZOGZjz{% zlX=lmlPdp0#fr_-?q4+OD0U~tAqV|E6SXvZWM#bGklm*j?`g+Z#I#Owd$I!oQP*)U z5N@l^={%4jZ;$C#05WYYv}s#xG>)3CTC6)xWz$eW?lp<>b>)!kOwnc!sMsuq_Ivs?Y4h$3{OOwxbJucu+4ex}LQa&BO z-0)PudF{7zvP8~7cKZ{*Om2*C#ElY>Ju5Ox+WVPw++S=#h#IG7uYfJ{`lsdJvUb7Z zU2T9vhZ%VwbN;)d;CQpKS9}@!E(qb1{XjAPT++6g+qhY5*Q5x(d}m<4QPSO!j)m*- zx}Ks2S6B7HpSSp00PX-Lq-o@19kl!h_ZIFQ{sO}~gb8P#O- zvt%B2f4Gze-b$t?cagDRUv_51m9;!=PLL00_8Bhij(@a%wlu1F4JSEK|GeWUA&?_+ zm=rOBYY|Je&2ls|kh(Tgb{@0pK(R>LAE-X-*Wvi$vhL+?kwj!#zf(qIBsgbJNFH*R znOkM_F4I)&A`v1{*dBkRr%U8=XPTcMl>YHSt-6-qmg;bh1gEk7J0Bl}TUOV5 z0EOdZ=@ zKsV|Fes7uSqz&UJ#>c0QG<<@3oMFt^Qn-TVL%KCOt0@5P^-USCcUhkU9|f`RV5YAG zvc^!&l{Z$uWSWHt2L^ng^73le1jPV(JzamuZ$UmuIl4}QR>#=gi&8zu1MHd4*$Hgl zCz4b#*@s~fM@edi_Iw`vc#Wl7brv&bYaa(g)qGOcFz?W6Q`-*Hd#QcCw{ZLBL;scw z9v+_fYuFS0q}F_;5$~SH?p61U`swI~Q`f7vBs{y?N_tP8b(>RfTxY5LP`%;_{Dhz+ z`S#=8N`2Gk^{#cC-F#_~K;NLQOJr!ZS;Aup=x%(cUschHr4A8ZIw*N@&~M;z#xPV- zDBFjrju(Cc0L=PxXLGH70)V8<(`;wU9N;`#u3J%YB0wbd%h}ar$+ORn$XMnWG!%K_ zv0ZDhl5Ab~ma|^QQ{m^I5XYLWNiW6=JCJ+4e7Jf48V1Bnsu7l48J(Yq>B1sUd(UO4 z8$a531bLS!$t$mixBq0hz;n`DS1^yI zO-&G@a1?#UQ~D$IkGTijN)8xeS>pXdQmxVOBk_PKg`d%hES z?4XD+$A>ra`7x;SA?)Hy_}0f-PA~d(bTVt`jWBZ>tmF=7e`RvJ5{sYIeH(tpddYfX z?uNC7&i&}O=Og(S`_MqikKovYM#-GRrt=|@Bv|JneptgxYk!}seoH%vtIXc^bHn#R z<|-2>{eWA#F0x2qio=~erI{s@Xg{7MBkI?BDy_3_!5u{1Kx)ZO#@#xR!z7jcAL5YwbW(PcQPAz-Z?I$sbs63c@cUsr1`-XfMT>6)1ULi|Pk6Z# z&unVK*dq|MuH^+p%j!2`AZ&~ppLl&Xj2>00<_*`aJQuohelV15R!6sx4gVv}Xm^eJ zyAx%kUc=iV=~*xndl)?5pz5PR?RoTZiJV`k#m!%UeAE5nY28R;mulzOTt&(++*o!l zi?0Do&Dida+)Ph~P4X#pca;v+_u3wY=gf8sGzOQrPUEB=L-1{F|sfnJ@TlZks zpUc%(GAGa^ZBKimQ$VJIvPJY6nucwS^t&BQ5#WMse{7pmPX1PvVkWHP%W#O{Huh-6 z%qWOLQEr#7Tdo_+`pxW$^TS({A12Z?jg z1*H1seo8lHIQq_B@~m_S+Jj|v%)byR`H*MXTHT)MV|-${p7`5y(P_W=3+h&P{svoD zn-bCJB3G;me);(b-({;6*~O&>==s2+`{mb#3C8kMISv(gd9BU#T}LZ;9}V+5zsGt^ zb8!$=$$2fWUxT)4{mBaYh3CnLH!`_H?~^3~<~sRU{#v(fNck>-I2CXb&F6-!V!N0_ z=ktf%3$o-N&_cOs2`lmYF#KCF5Cp>JQo^;{NYSTg`Tz91nk zqczdBg@Y)faY6bP|CSvd1^iwiwi}(d3CLiU#>DH%rq8B^sKRSKZh1W!+uh`X!F-^V z4ZI7Ufz#gGwVCEn9}8ITvSlX8SmZjOxq7i8uac86yNI#Wx)XVtz3hY#<6{u&5?9bk2 zZMRDLTF7{=+mlC63FS1@5<-6dfQ)SrD8>;)j%@DP?(618t@Q_6HKDFWb?y>OviM|a{PlL6AK#zxP@~dv6 zHNhXUZGMjU)z*AsCjTj%8lE0hbV?rzVI~QJ!7jV1PFC#i*-47Oq*CCL6*xc#=9t&; zDt>zoS%~sz2c@PtCPwf?$-|ogmct(d4ICJVJb!-opdAB`*6<%bXjkq zUfplyLOr^}dvvzjP)&nF-a2^~O`l{8b*U)-DQf;Z9J#VzbxOaJg%*@|Kh!@({IDy& zzYR-QQ!6UbG zqvBR4Da>*AqJOY@d3tz$c8G-4&wF|6)!FJt9bc0fRQOyzMAkJW+%qA++TTHk+d~W) z{Btfk3HMRem#)U!y;{a5*AM;j;JUb*puaxHzOJ`7+JM(P{1YksCja-P2SD8{{~}nZ z{N}-pwJC2E|7R;S3DoKOncB*;!Ab@TRc~`cp^Mpf*GIGI{Ee&MshyvFj+2YMRnyXT z-2#=j|0$EBXjk&_lj{cq9rB+75?^Be;&l9fd(H3S59dEde_a;PYyXs1YSNDQyN4xk zV=phT|I%*$_q_~%aZ3`vG%0sDEx1kpKZTzBGiJdrZp^d}%VkLs z(7ywqFES04uPgIK=nfuvt?*hlv^(80n^9frtbVzq8b*qlmwqT<)FjYY_E!g(-~-7P z)43yt<*Fg?kb7}b0O${863TMvfpR( zW+WP8|1D!`l@}eNB+bI$xA!?W>{YQY=XApL)%P~=3R5L|;Wv-|9m%rIpO!s&e9}Jt zg%ys=`KwZY^}L-OP?f182GMRUD0QqODT;rb%(Uh2ZUy0+S zNc;ck?n;B2%CfMur6B9rAjm!r0UFX06=XF;S};asS7{W)v^RXd3 z&dvC}b>3lDeyr{J^*AV2pCgK{-3D+jzvV-K@EDDN;B|fY{LAHI1+O=nKCJ8f#zF?h zialrs$hC*4e~QMo7*zSfx>WYQD^4&?5lZ24R^hfMpTI=Rdb0f*i_Sgn(r8I9Qc5bA z<5y7HU|gAvH6L9Zf_)AQL0AN@lN+ZJ z^7@L)kI#N`xDHOF5vvUV7f)?){qdL65Jrm5QS+gVe#^8epy4Bqz(MZ935u;MCxBq>UEF z<;y~GUYt(fQ=fvbzUfFfw*Q}AwTIgCH|%l&vWw=a+i7X>OQ|B}GPg)bwdB=uh~-#X zdwy)Q#+*7J*4 zk6##ym6av3aWa+mHN^g7%$Dg5lCiT4YR3Whpg?cY3B+o{omyDmrMpH&KEmnygVD@c z^xBGgD;D%TBR_o?sS+HHBL~ArBL%A&tioe;_6S~g7tN%Bp?73?W_fe%UJO0MAypM` zJFENcAvr|i(67{2c^!;kFb~`gCmQ`I-{vhK15_6B*$3r_Q`NMTDY~t=ZQsN7mj>FfQzW zTgaT3M=&P8uvQQcvc&3z^b(|yS+7=>pe(h9LAVxnWf!`ad{z=hZozvoXIclIjWxmI z>pdn0Kj%_zOjb%VO}V+eCE0hT#==&~lAs9W6i0D{5d)hNich{xi#O#5_Se&j^3r4# z6y!DyIxt#BG@5^<8NrMlp^OOdN!;Q4**P&=}O(7j02$pKIPWx z5+#~FML{>=#=}9&-LL?(?mwInnw+8e(S>^Lo3hfn(e^bH#5URxS6-nl+iJ25TuB8a z;_%!*{%-_fhY`zWWZjkbFQs@5&R~oXBiNAxcnLSYCK4Q^+*)MOP#u=_Y8gggz1@w} zQNt~LHl1RBE;zNm-=IpMNXYBBc2B<7o=B2g4qr&ZxN{);_6tXFWN2l;8VPJ z9M#_vP+pUNTaKZ)#-OO^MpykbxWJb;+1Vi5U^Q6<5+$xHA~#uI>VDXa=JPCQ?#^&+ zC;03NrHLE=ZM08#@O5!&IAa5daN$!b3_rvjgz<0X4AHm|{IG#gpa{%-)P;yOj-p;} z?3Ob1YnM-)uYn%nw~V3rnxVKoP!EItOflJ#K>n+|#q4ga+oJhU)c@(C7r>AH+ocsx z$DII;tP0jsK5<3d+5wMVk*V-_>J;Z9x%CgZzi-||YK7V7T7+I)Y671+NWsdU+kQW4 zEdH-}t@Gw<<>P5Od3*}UW&qP(^{7GmdvQ;?Uj%EhA! zb5Nhvlab>YNZJ~EI#U)-2m--PZDro4VZ{h+5wpgm4*wzYtn~xINFNzfhck zgXO8VhY?hS`cY%evZ8U?z16k;1|6p(i*FVtiqmlFrhZAE0U27P02@~C*EA2hdRv+G z5Ifzc|JeJbc|ga#!>D#fL1kbsnUn?f2R|YS%t$S_z4>=(U>bl5I^;c|?FS4qe65dGs|ppDrjrUHFzLcP(Yn z0%G-Yrt%cf&dst zU-?khBMfWVhlgb8j(M4T@U7T9J85k?i5CtGP(_a3c64h?QM4RQFlWXKH!4cpOPyR} zvek6EW?ziNIU2*yUCf8tz6ctL<=!!dXA2SRd#ghCdALvCJ$f~AF$Nm{bhWFTlMX}H zKHeiNfL8Z@5;7~57KC0=LL+jOb2isGuJaLRmM-u?E%Kfjm5*fvCeAu)lHQi~jr<%Q za#vps6b+;|bNmNTTcl{B*LUF68E2v#SmKFOsOv={-=o~%D3iP371^*g8Po%c4XJej kugdcw|NG6}2-O6-iJorf2D0n#Yy&7YR9 zQ9?jOK%^5$q)R9vKxiS!-QaoO_q^kN_xt0HZ;U(c7{5P&y*GRBHP@VT&H2n{uAN|F zq<89s;0X{2bn51f>$gFmqeu|w$OP+g;L4x4J8Hn6BZ0T|v_KWT!i&JkG52eR*Fd1^ z)RX(pzXIoMemATGK_Cw7!OxLS-?w)`pc`{HuV1?p;;=FqUK4Ka{Da1@rVt3oaZ$=p zT%Bgg_oX|Ooky?u`cDjZ8eh~YeR5kAIk%@(#tGiHeh@lZ5OC*p*cqgGV*IbOZ|_vT zijQhr;qy+cyMr2c@$8$*OX-KnrFj^e=eM*ZP1bTEFRbRLoF}hTu2Hkx=q-nfA`5?bj%#1$k>Uf7f z`&g!I_2KuEz}*?QAQdmv#DX5w_Fa?Qd?gzhcLW5wlx<=sK@$!LfE9HzjMh_ZSf=?v zpwGX7N7^+pTk9lAvA~DxMm8+sz(}9Zf`iAMD=Sww+h?8zbAUh}jJS|$UisP%dCjiC z06|ETiEF{|^^4Mr$3URr-ZpJYsPC>{z@BOY(HGMawiL$HP4F5esFXS@sRD{8$>7sF6uXRmye*&lu}RI5afq*5^T{>7+}qRv)GXq?vw zhJk06iS92m12+TXabgpU%49b{NrhuU5XQs?(IRpN&omK1^h!S67{SprH-<>5j7^!R z8{?~C?LwJ?$Y2K5@;o_7ht*MKppM*5dV`3#MvZkf+X(tP<$lMVNjWnVWi!ATP7_>R zvST#w>B7RP?v=(p_*W^e3YC6dG9k3$uFzVRmMsnW%p)MDNG~a{*iKvU9R!^dT9%@@ zA<+fs%`z2=-fP19RIYA)QM#}&(ssU>G9toUBBpnHk7%;w|Jf{GM;fc#DXR0V7M*_qgX-OeMuiQ}B# zmeCV7mSy>~*KW7gKew zXbqt>>?6bEW7|czZAlQQyXuX}{>M~?_s;A?Mx|e<`-AN6P2b@C%3@z9dBgZGgPSY$ z1CM2L>LuzVBHk1heR;q95T=}z|7m-soIZ=;N0!u~GHh=m>%A==>t4x9PzRX%W{Zl`YAO6a=7?_5z^ zjZyTJOmZc39HXkvLgPmeM|SL=Y*mx!`&+|wMb&#$x-iaKYIy!6Zffh*TsB&%VY%7# z1n9#SpWLgR8Rjn2e4DT_JlpI6U;QLs!t77{GT6LgwHdb@SGiS#bquv|3=exSR{kP_ zhbVgFmPWC0tP7Yek`lCcc1+Ox7TZz{dVtqQhR_N3Q+VR5-XhmHnp&&+h18FwtS@?) zvbQqEN#Xw2kDncFbdk=mLHmdI{1EOFs~E6BOb0J1TO{umxaQU8hfmYwBnc$9^@+RU3!&rK!K<+k$Uz2C14zZV+uvqMd zzL$U+h12bzr)>*tE>G26aE!}>ix8Y1R%|N>x(P*Fl03Ow8&JxlL5N(&50`1rkZdz; zf0tvj@xC$<`Fn!ozWdPWN5Z#6OZ(+23^{QjLKON0Q*+#?g>XM?y;W2OYC#-vW~|Yy zAD;w$X!BA5M;V5W3iyFV zGx)p`@y_Hv9Z``Nvfh-wfp*Q0f-8l(dkv{ml=|KcT$TmP#G~a$SCzGTQ^Z|_Rp{T} zqD6pr{$31P{B_vSv>7K6Oy~ZvHJ4XgVX_>l!+ko=T_m}u+q(0DRyFsNDDS=vLEKGe zA!2cBKgaj>>IXz)dcG}cG`@)usYr+WBxZVax*!~Ah|}$DM00Yh0i*9Ikp5ioD1nI< zesfFa9MQtJaqaW$K5Q+|IPy*7@=IR}nka+Twd*amw+tI9YTdW&3dO?~9HHj{xy^TO z85+NEA6o>XU4-@2{RYMr=W*HT*aB;rQxsXdI&Kl{pJhY%1Z}wp;%Mq$V*Ke8xyI!h z<`6p;9)WW#;95F?Bh>8Wn$R3qz6y8T-89$3Z<^%TZ42=mu4-=tFGecpa>Q-e%Dqsx z=%<5o=v(h4^}vp{MBi)j9~MsGOe1vhi^TkX&8ui7J9vjT2vntfk`4F0D4!BbnwGJ1 z%%xLgE-a91)+&n5f_-=JWJ}JFDYd8F$F{>(7wN>AlBHJrmF*n#xy-RT>}gtW(bRkH zKutZ$SKeN`?+Xy=PqJV&z4Uu8;s+jciFUUb$nm9mR?Ju#X6}gnB8BFlfj}l1F)=PH zqtN|<*-h9Q21>6XDJ(czM3Uo}w_6szRo>}?(y>Dt;m!inYl}tjznCxEF}nn)xg?WP z^mIw)+hHcruAAPi)IjfT5hD?@C0FN`Dj8cD5BfZNZ~C})ddY*aH-_$V#d5z3jk@oU z&5vAkRp{>38~>tjb_8Tq9}_oyfmJM=GJmqNtaUe-sci7JWDn6A=m{HVk*-|bXx@eD zx=Q`TK^j}ZPlIon)~UU!cUAPe?ynyt3)aiLD5JJ_1ax2O3V1{(q|dK@<1Y14Z3=M$XH{uc*q_; zWjfTi9LyxSlPQTGq|s!1vi;=B>h@wW^Hmm9!XWPrr)_*NkzUd?x#G~m@Y1EeilLfUXKHG{Vte`)lOro_W z-H73LXj@wSb44If4Vw<+j>fAHO9>$5*02I60;XW#@HKEaXum2BJ_5SIi!^}%+5QiH z;C(#6{~mJxe{;b)+a%(Pvz~chBvs5@G8dskrRBF4hjnJcO@nEKzB5XJsfjKqgi=kl7AN6yn3?Z5iN#t)X&#r(b53Fr(A&N8(+0qBb z+c&zh2Pa24{&0kct>y8CQMPj)FgrC`!gj9d-APrO#tq4*AoQv40yRxr=rTU~6+*-M zlcIlK095iSf7@9te!+7v9Y*zNHFjQb<=O`J=Jp^LD8C2bToBm>=N>vBWS zpo!~@j+N-tZ#OQpu(JZiN#i92F!sLVeuskdIsY?hR^b#vqF{B%*SwkZ?ju0O^2kU3 z6mCn;X`h4&&CC`J80?CaQQgoUdhgJH4jW9*$7kBqIb&$%m5fg#y6A0MCS1Nn__qT! z)YO=;ixrCLO$Rzg1_d-&#bcG=d)diU7fHnTz#$otwVm0w3cWzh<9Pu_fIbT;5!37`LQ*>|HHIB5MqE&e{_f644ee!$GfgkU-6g9S%V0_;8 z>PsK};8XR?M165zN;ge$$^{tESp@;FKVK6ZU-`@W2ADVm>XVQU4wZvTM(+l0k~mMyu|k>a7V-K*!p&gLl< zy^ZVRq?eVaBBtn)=Q0-S7IH0K25-DDoBjwew@28laO)*G+{Xi2^<2WCEvvx4iOqw!RzE{IA932t_u(PmoN?h92`5 z#+i6_+6W_8sHD*93MYM?d!xGHO~qDT%+{4i#aC9xQLIt{o028AaUMg=MtTX!ym(Gk zIDF9?%jb@mgb%n4c^K>aF8FlXD-u$d2ZK&VlwN$^!m`RJE@Hg9^@*>M_%M=5(k@p1xnBEIrvVq0hP z^2hI~KNYAuBg5ND-phRw1gS$v0;RRHf&*+WHP+c2F==YQk#eR0k){hFPzp#}_&9h( zr=QExQi{WeH!h}-Uu5InM7s!|o#OdAc*Xmy#dQ5mHvd6|whSIk!2*YEwm!H=zzgMx z+XcSYge_KnAhqS(iQ}j&n+x%1JfSkgLHPou*(M%W;WkYyS_;0m&5Nu$QDk8`p}AaQ z>njv9F5;-x6lM~zd($7{fLNW~KbjwO3r2WOB+a>R!UldFLY2<}-nwyMnU9t}Vlkhv zoT}mt2AN!PXT1t_T(j~8-8{oL@|o28xt$`E>Deokm1z9xZ5e(>@(9rg(rcr+pI40c z@|CE?TpQVQc4&dCMO=(CiJlAps#YQL>qL2`gGuC6CswS)*L(qbvBd~qW>O{+wtC9+ z660;-^t0hBTHKFRE}aJ(W7g+Q;~)NNQ^BQh_TD%}z{SJj5+D;Jv}XS>-d>^Zhqj}I z;#`cHJJOUqcXxOOL&74217c>ZD#d`S6Ytd6bgb(1?zl&m8=>(f`YE0cv3t3x!ns!N zw|yXlmDM#k^s%_Ykq^<8u3Gk6D>}@T|GtNj4uy~&`<8qfNw`2)_w1@x5Fkb83VbLfh#9>R1rgwwBx?MyGXnt?yNXyLINSM7+%O!g@FCgl? zQUC{>kWes30OA;c0V#7YoWtMOjBpN+@Gq3WGp4Q2LdHVEfHgzcPZ&8BE&dp=$M{AX znIr0VQ4RIN#+{6*_Q5$6o9!tasquaGh9w`;c}v!P~IeVSP2uvdDfs%-(Gu z))`zXMR-@VtJ-T;Q9{ZLw+Obg%^l*)uicrvCto1^s2W&FKyr-$i~BMY@lU%4r@N&B zU!8Y=+uU!tPu3}zOHm^~oxO5R*nXgnUtG2p;cU~wXhsRN8ecYBvXS1-f~~waImd;p zGVte8bWGiOlA7$gx+Ud~$eU6}h3sW^F2a`HsQE2=#JBe^$*PI_Gc|@nM-+G|DPo+2 zE^120tXdd`Jk{Swk;|p`R#W^L^E6IF>7#$30m1s9Yo-NUY=w~-F7YoWx^LpU3p3bO z=_ffonl&jGWg^T28h%SDtXdgd>Fkcak+|S32{yx**6N*_37rZeh1%1E3y1Km%#Mvi z9iB((VHl(*q`yK4dB%5$XL>)MIn&L7qxV%*oQbiJdEI-z$1w=9ins;q`f)rg{A*LP z#05B7?~Y{T1wm>vHF0PW!{?~G7f*^0c2Ls{I{U65bx-*RohWET_C}D@I(5m4YMnwX zM`Y`snXtD(97H5A+aG1lWftQk?p|Zfmc86=#N|@h@};J~ey#BnJ&%4#I#&i9pTK2QPzm+E>GwahC28jEw$wQ`D!$ zb1r8q0(_u+=6E(7R|s|cqJ2TkwclCIZg<{-@UZGwJ?;49pn7jQtvZ3bGh@|6yai`2)BmOIpa=lVth)aRphwy^-tokrSDtSIc7-1DL1^DPcA3@L4Y>q61GxAdJ@sx zDSBZ-MUfQ_7s#-`Kn6B8kmHphOoZ64H+KxMT>iy#56(Ij;>-l>v-uQd)Mwf{R5>FC z&vwn-ZfuiUHXB*#=vVNC7$vsIYShAQg-fc#p2^i3)lY^sR56R)M(NSwm-P0>5^@Wy z{aMY4<T7fUQ0H-@G#P6-A`Xii}tkNoE%3 za@ltXrrK>8G?k%!$;yL5X>1?VGX#;T5#Is@DOZ+6Ogzut)%pi<9cJq zipKU3;+dV#OFy-1^*uROrI{-yy6Tj{OMqFu6(**=qseC7?EwgAkPM2o`_FJ|kHEXj z!>J;GWWOna$@PmRq%wZPGjD9QAdH*)XPLp9Pb%bj!UZdPn#=d*M~;gnq-~XxhWlgj zm2x?ZJ*@Izk%%Rz(Dni3_}Ss<5Za0oMy6pR2qzZD-Msgz@?0j~qu3-m7jPf8X#rB? zq(ANZqasp3?t3&d%vxf)P0#Xm2EJtL#xy~O?n?dIsj1Mg zY{ZK!JBeaV z1j5jL%K0>TUEa9qzEjI5vZ<$VYq}aLVhM8K)H)wpZ4~9x)Q&>lj1t?e2z6Fap!H1% z@VJ))rL|P>8h`Uz60}%!Jxe=%=^=i~|&vWkm*3mlhKiFGC17oxyH;PAMcT zg*ABC_Gb5dcn2iN*ZWFE9!TP(JoQDQ5EoK|Gt5H%v@dggEWs*C?+BJWPFXD*d&NCr z3lu5ee;6mhp$7(vlmZO&mqw>02C=x=$E8kxPh6DY)wGb{i>)qiZo2r)2-5b8f~Fd! zjx=4s+x_re~qjmnqaeobgfWIK_$Xgz1}lY1-cQ3Mucq2F4ZT#MO+1f6%XAho?9JxGO% znefs^Ix#NMAY#&VaxXK}d_g4KFR&%LW3G(Qe%#4{8clVNJ?-hsSg`{6OQ=K%xK4fKA8gy@*Y2usxmBu2$mNyLLellz0w|GST85wPUgDge!*y4`oZ=i1+{n;m`iO zeo699=0unttaAlgvKp_6tY&_s8|z=@1SpuFqw2HboP~!Sp{*!YrjE4AuLrmu;21vK zQ>js1k#H=l*d4Fcur%k-_rC=osp2`1)v^EcB!tvf5~oEbF(eSSJBCTm!x(lVHs?vD zN)DzX`B`YsOS=LU$(9cNO)|a}nmeD{n-wzXO7+o1UqAfEky12NqUFmt{wpnaQXis) z0vz?zT9-X~ig#pE7>Ol%ry2WkYS5O_F{vhYo@#u^D9rOy9PKYn?)Dt2Alhvwm$YKJ zop%Yb`K2qgNd=s_c1&rP_KXK9^q@$q8qs8ls8YQu=Uc$4Gn{m220%wyIhbFy{5M!} z-aN>%Glv?fVh=?rhiKXB+h0+d=pA%>c_IIGzICKuJ$%3YeJH-axtCRFRewDpBphms zUp`}ZTA(kVn+Hq3QSpA(RT=(@U=tjIP();Q5ew)|7ozIuG-{oOKN0pT)-SAF9&&qW z1dZRp3p4U4HSH8%V()!~9!-99y9@L2FW4n4(R75I`IQmwy)RP8u()?@rk&U$)rl}m zc9T!R)@5YRza zV$2yk=�D9*$JFqI{v4?jc(AF`xk7HL>uqwFdpXv5#lla9z{jCS79~F_M5O9&RP$YV_p@N7loy=kj*Y?ZyxmBDyXu;>p+q zanPHyP$56d_=b1W2HVP7S13t9=R!e&dsk-_VPXCX%;4(w`ADJaEn?f+Lc(7+j~M{O zifFfVI$9yVxNlKS(^0iMfFxJ=JAfE;J%N%R`rsA z(ZoVS=h@%}9U>V^b=z$m+DeIje9AJc7=4M=ZDg*(g`#b z@AVz*D}dw#LYQ0D`Y|*;x@I^eKzW62{b7M*E_S6BowjkeQ6}t{2?76?h16q8Ss^^a zU1OQEd-|HO#l(WZ@P7YWWJ{_0jax15)4|>=oi(mw-hMPX{v^J18yZ0*7RfdW#2Bpy zr!FLCu8il;Zw`~ivV&|R&4vvp#OV0R&qTAYt&Rby+N%Nh7NYyULzRIR_X&VbIddVu zJ>{-W@36Ey`?O>(^@qhw-LzySwdVES`ha{VD$P#%Y1p@%m%}5i%?g)y+u>cEvMqfg z+a3|>=}V_%pduRmVhnW(S}sTPyudenemR0Y9L>)V5qZy$TVB~7bIzv7k;XAyPB#fk z35x@n*$f){Dz=@twC4Mp1G)uq(H@_zZW)k@4a)3pAqMtZTXFmyO7NVxe%? zMPmWH@n^~WB+l(}YP-gz5qKK`u|9#AN$--}z1c-9r)}M)e9ee(!OXg5alA{R)lkm0 ziX5eq2@`Q$kTXPMvnc19mU%`nW@+)OpO}pAJ|W6G#$$z8Ou%%I^OY~yZ%?&vPSJnq3+k8`5YhttGS!+n9`xKL3+{?v{;kL6@7b zlO$_v&paMT4_ns^yYlix7HXEacaQBMY5Ru>^o);h;C^(-{dwL!o90R^(eprsxqy%u zubQ5z#@c>&xjHy;NBLBS{zPyWJxe`fWjFnH^$@pm?Jzk_)u$L!+q-C*M2(plrO*st z?uQ%F4Yz!imdGVkCGO!D6eWdW%659g#4vgLOW^5@KMpg%SC5_9G2U-OpEyNM`>-&F zC&^`Mhl>3plkp=?vP$ZTz}!oLewXvdB_h)c3c45I?({?V>8hwVKj_I5nXbNV~!WGR-X+cz7?Wrq|i_%zb7a!a&7 z2R^+P=zZ__WOKB*rxD~A(APIRCd)#)lUmw0An)c6Uo@-==HET8WTsv1F8eOT4d$XA zDG+}4>D~otGmXOWa9HO)1iWP0{didOI=3RM0oA2{-cjpeNS^>YEiEtuoir7WvMI&s6%L8A z20IbYo)7xCWha|vqVr@3(2swL9@7*}0HU7g^6>*MTUx7Hk^Pm2+||(z*|t~Q*ui%N zACTJb++Cot{fZ5_*J_drgHuSgM-@>bA4Sk(u%zPyG1EQ(y9AK>5~!WTZ6Zb{uWl8k z+{P^v2Kj-sYt(KXj2b&_uze(a%iR8o{EK@!;Ion^b3K|GT5p_w!wk2-1M|4 zuZ$h~`Hk@u6E7A!4RHaT;dVuy?xZ>;1+cr0?N@fRhumn=CsikwJ#;=SyGPdh$Aq5Z zi=X|CXcr%FVWIa>nTc1dRoKJwaG@Dxp_r*xTK>JY>XqVr0W2P(49Y`t;j!NLV zg<19Ga<;D?6HLpN2TNuMRX{aXpL}fP7|uUk{~kTWR}i&WjK7!u)5c;*d+x!MLe)B5 z{EwK4nB@AzC~sLro{85gUiOaAN2R0>7N6d1%a0G=r@hy%CMz|D^#N4U(~Bal4AyP@JL0lB~*NX5_s? z6*CTIrVq3#t{%z&)Cj98q|w%LgQKUl|JE4yXy{L?9YogumE-^4R>J?^E?7(vKvijf z=UH~fj9_nZ+H3%*s5DUQ)?# zHLECV4V&p1iYYobUo8hK|3a?@X!MvG5ArN%$wWV9dc)Drj#}IYZ}2s(R%XRjT85{_ z7jj0q3nyyHC7Mj|MT>jsk(d3JN z5e*OIuS)RBDNJnLS8IWdcMJPF!$J|XaJ}vh^bjF60l&gpKTjT&Z_IU#r4g%JT8H6r zt`gwjUs0^Kruj0a=LiZ(zY`=w^NxHdw6TWt3MJI);9M*rTiPDr*aVYh9n%?D(#j1| zeBpf1wgrDIQG>85J1n?VSa|BqlZUdG_j2di0lGLL^2?;J;!~68-Q>RK*Uk;g>=@^| zf~vZJ=HA&$PeR43>*B2pVq7$|lsNKo^o`@XBOa317Mu-|;iAT+N8d}`mh{1-RCUya zsp_rSpf!9Ubv{Kc`D3&mT^^)tC86Oq6A$$bTj;YVkL72oc7mMJ%P)boXJhJFeea~d zgc`ZWHWU3AR|wx1hgqYJJ7D%_+~s;8$CX%9IZ=(Jn0v;h$2ca>Zd0w1qF< zU1e9_ku|~>(o;WxoVKlZv&X*hCMF`=o%B&z>?PMBimx8Xl9W^44z6o&L{ER#1>2&s z-V?pfp;$Krnw<@2-VMmUswcy{Hco;RCvR!XeM-jZ=(+$~tPGC#udNSQ{E_TZhB1;S zHEQ|FMg~EG;;c7n|D^7%%w6z-ZUnvCKA7NH$H*}cCee?;PHdkCQtBi72XiQa_UbI; z2U+MB+dJou+n&H}W#a}nurbydqFrQP8hlD~Kf+)IYVnhvv8R6G)zTrC3`UQ%kz z-PM*0$Bf<3;$BbI_ID!6z6?Q!TR<;^kBq(vItPy8iXzj#N~WI`D9rUAZsI?k@NrnH zTJl7}HR1CaX9S~dJG}?{%}-LsxbLN-luc4+lh18AgVD8w6|a?V1E?JOJqb3QPv-d& zGbYRVYQZh;u*^tunmPvLG_Ya?S=FWgso!B62lwkiS{|UhhOmVjbTWj8g&ZQ-TQIo$ zD=6CtBK^hboNu0KT?3Zq^bLqsMZ3`0rnp@6v@sF)rU;pan9NwR$65wq;5SE-B zkp*KLfSm=9=)+R$6Ccohj(lZu%n4{?9qcq{P}QPT(9EHeYN@vu_(5Jj*@!>&A-|Xa zj0`{z{2w~Z^NyL0ju>mShW+qusa5@ce&G(M+Pu2c$F>H(-fF*!m_TWmv`>sl zv>jmob+3zHGWF5XQWoaC=TqYckLOM-I4HB2EzGM&i_ZeB&S&ncChQV|x}47LF@b(f z1&M%yfRy!F-VzdPniO8zC73I|ShDWJ?aip_;MJi8XJtvVg$D;V1c20B7YEMog)M#dDpx|4 zd|Ly5exhy5F>}CpJtuJCliMGM=%V{sq{pes^?T2mIdI`4R&UmW@iNyFsPgj&}3Gj)Q-tL}*Ec*MTb$Uy^)0S)2K+xL)zFgv&Nt_wpr9@m~0EogH!5BYMdC%q%DcP3{StsMCkE#UlH<{+{HL2y%*f zDQ=|l_56{t_iLliBt1u^u zUg1Gjp{4_`zyi7+bc9kT{J z$A)aep2||Z2+IC#LGH`U#A|cm^ki0CaO(oIg2)b>Q2EbK<{c%``b?m66ja zn;MvI;cqak2%br6@76@DxVTa-TW+IA&iG>MOC?~l`eKzSNf~PEkt5rMj*hv31~ooF z0dVvG={;A#_{?lg8roPGH@@XcsUhXa3{iq%)R%)-y6VGyVWw7+NFCHCqyLyeiyMM3 z$lISFSyxWj=I%f4GbcB1bq)zZ={=0?!~G;@^>TCUBrSVg0cGASRleZKf3Q+yG}Z2`z-2jXYAzs?Y`&1 zkJqEq+U|gjcy&e0@Gmbc$a$ru2I?Vp@a2Dikq3KXzK{ zGY*=nNmadHvsGUyJHYi(RxHlKZ+SnCO!QU!w#;&O36}m$LK6rI%a;zr&0m*_Z?G4{ zQr!xjU&}@03wq}$oemVmp59X4ehMwGD8;VDLd#Q9=0)gJm8`go=dmv8s#dAuvD`RS zRxF0H?)-u)gHq$|5#u0o*Iptnc@gX3|Gh^9nc!`3ed?uUv$FJa@uWz*FNH-NvX=ZdFriQobFp(!J}mFt3ABPDE!S!YV0_GLlg8VVyN)7JUjny5mpE$5hF?^ z{Ug+c%l8P~nvr-vBlF3H{jV&fCO9=ADSbSAgz`wh;)a$2}GEFF)R~m zIn#UpwcLp>j2cQ`K|eMOpWNS7Zv9E_g)=aXSMI}Zubp2E#?OcwBz;OgM;N@vh6y z`44)N^5V&{p*^5QMC8oAy@Kz>1JPwD+xYyviwdd&1}AY_o8#j#F7xrzKc4pMeyJ^x z(YT^q?IRM4P5ZR>ZeUU3W$5WZgF;(tNNj(*M?uWg(}A3d!s{? zfOr7F`ZjvK_hdkZGfpFC@+G15m|Dcy z3v~+OEibRW8*no1y!-Mw=7r%7S|pKrf4XKw)<de$CA=s= z7v7ha_emH3k4Aj&9es8_qFqOgp~W>U7Rmif^%6CSDny+99LjDxF=KbNL>ZOx;bONz z61cENmwhI6_I~moKApdd(kxFSud#mQx;B;UttA_4+P=5J8?_dzSWFerZ`GI5`LDQa z{QGJ57fL))Ih|E8(B5R-QxeIk)mcfnkY`o?i;FMbYsrpVbaV#H+TdK70On?WY{lYw zdH)hmU!e&b4h;EUSsB1{-A@6(0V1?1 zL|T<6%3PQi#VYjszZW{2&Lg+3P<9}qc<^;z|1T_|#qDGbL>u*9LmQkN_dhYgf9KhE z+LT9`Ir1DhJ!mZ^@B_zUZWMJ_;NQ3lfFzjp{QTSWBKo%t(6DvL@`+UE;!wHNK*NSk z?2JK(B~`^UB`lnq+7c-LZvZlVRLtKG)<;v9RpE5Xjp?jd6UcbU zzo9(xEPSF)N)0TwHaMeaY{03!KRcUl>7>y1-++sN3c;{I3-@*%;dcW>Kd7EewV#r^ zq#*M*GO`SU5VjvVifPE5O8UL6H(rl7%FpLNsHS-&Qp`?chdZwR(#cWCl$_L06toW{ z?&{DKd=LOS*S-@YdVX{*9?>K7C04mi<(yn_h!l+lAXLRX7xGWf7Ql~~?z?bK&4USu z#B`R0>H=Wv)E7W}*9w#7k)s@5&BcaL0ZwQrR}$g-@r;6CAL>!L#)%rlDzz8q2Y{?0 zVIVPJ()km(-|XgxQ*@ka+f?d@ z^o=}$=e%`+UO)3noc`0cCCj#Kk$7Dvk?77>Ygu5?>^9fIAl>#`VL7(5{&-{qAZmdC z#qI3}QgooNnnZ%a0os)WN3AtJU%M;bEa4DB+njxV0we_%O>A?$9pYuv?zwa;G{<(+ zKYJuYtNOI=)iyQhSoDI@XVz}+-g3W`m_YBQf_Q-WYEYB{A93QY<3oO!|36j${lBcH z@-)q72(-2b>Z)sMTRbLtI1b)<5o|x)tT`Eoai0 z(zJCm6szIiMb&#(l$B$UU@K>J{c^W)j5t6Jege2ZNMA~{3sAVTwyy<>BzHIOUsVDd z@Bi2d7;P<;DdWg)u=8yyva_-$&=~81sb^$@KR@rkqGZXR_if_%GQb}kmQ`bECS@{e zr8L$igz^Sx9y#6I_ zj$llLnop)IW8~5=O+7X-E+TPp>T@sX2yNxU3_NlXrR>I#1uc!73%YFC>GV68 z#^dXARPE-$ARIac2}>W}idW&w%pt>>`LTbnGo?vDrnG>h5E^RaO0on!%7{}}1x0|5 zZ-kMO@EVmc<@!hoWEm%*q=VA0$*-_2X6VGWHi>a$^o}PV@|sA(wFeA~AqjZ;bcj%_ zvpRIQ5l88C-i-M(r+%}hHtEJeWByYu0rf*dc38V!?DjS%K=L&K?f|u)bt{tUZ@kVo zoD0;%Kx{6)@9h41RqT;rZ4ls!@WxNwMwTDnyzvq|^rFyzJ<8seJ@&e=GS2U&hZL)= zSRH3J&?k~c-N+lHAFV1L20mMH*qm2T$jo`?ak!jjZ%#r%*|!dRNxhH(N3vjn@runy|F|L|$BkB)EYp$J0=1UCrPzau%yvhjYnac|+&(u8+|ng#%2FC}r>t_j?Lbc&h89H5{3fjD^1!yhO1K=F(i!YPD<)MXc-W>lB0!4Ie=z?4w zBN<_*oJHK?aVqF5G%hfK#_4CEx|CoN-7p*!9e7o31rRipNUl=?)iX0BA^3gl=k-tR^&CE-| z`T!fs^;P3YtV{8@9N5B1oV!J8g^XKrM*iv7Gjk+;L+o4E{m6%Ew$J`4>$E4hUIVf=4;lyf72&OB|DTBtIU);}M_vr%^z#sqo&{*wzU{c5s&#_@_x z=N<8O5)Al|PQ=ML3)Tdb}%G6TA@3;&d|mZn{;J_E3!i>Kclc<}k3 zwr0cGOK#LAZQS}V4{XxyUHT3E&q4JetAam4(Lbi~Z_FcUVKpjnbokt0XlS`Ed&0Nm5#dxb{yih@(h0mn+u!Gy}tyEHaPkobN2>6($-45eGr+ffsSWl)l(C86g7_A_?wEa zD6qrVwm9@XyB1|>h#)aOaKW|O`5vSV`1azED9wANO>rkz1FchwO*WmNi-*ApGzaWq zgqQPMh|x9|N`Qt+GM=Z7yY6{ovh`C`R(z|DU6|^4hu>Hg{LiHB;VX{xAB3*RN9O@V zc0j}CJx_*6-zF*EyBXsG{bW;l+0G84Sae<{P{c=#<5QRl>JzZ%@MkjqtVNmRx3kkA z$zkdM)gCA>%T3s+dh5;GM0VV!TZMCbm1j%GL)53Ie?MY8R%vRG^y9KL7>`o2tKh&T ztR%e|iNpPCI&H)+g?XAO?|_e%S| zlCdV4XMz9gKEOA1e^&rVtG89`{{l1bOzz&UU#>Y5jqNtG5BhupF!ceL zNi~^po>8hi6VP>0>R%K38KMs7_CJR|ZTvra_#Zu}|Bn;=j}!cl6Z|U=9&Cg;^oOe$ cD>~D4Go44zCglPx#1ZP1_K>z@;j|==^1poj532;bRa{vGi!vFvd!vV){sAK>D$Z|S@knNcb+OBSOgS+Gsl&jEu~x%KYyY>)Wv-;wN9@8+@<6k$*qOX8@W8 zP9m;!H#WchE7Wg(faucW=-T!OZ@l{vet|FX-six%_x^~Mp-UK=c@yvb@iTn%HE{c@ z-(usLyGW_rkAayh`1L2i7vFq^Prv>eUw*@7{)CUYUFYZteE8eX@dej^^%Z~OH(&5~ z;5Pi(-}=3t(pUUFzx?_ueDT$n`21`B#{UZX?5nSp_6z<^Pe1pk^r?Kl{QbZ9`U|#y z!0*2N5|caLfM0km{QL`%pIwRGjy5Dkr^44I0It?U(y{Q9StX!4HjyBG)wXlb| zkrhnVnZtOk8D$DHLkk$JG{TBSt6;dwSXsY#;d0D>`86z@w*;@gvIs9dKOZl@@T#)z zl@}K%k6-xtD|qgwFX6@KUVcKayf~k)dkvN*7O*rjhPAN~0^FUE7#YIf&kxxtAt=m_ zKzU&#MhD8Ue@{1#9iPD2vs-cg+%8-=zYlMoKY)vDFI_x{%Wu7o%WogTmA4P$+NHy| ze(4BqTt14MSB~NK)#JEx{RD2`WP9rb?%qDBw4w)hPUF#?Q(AHTLs`e|-n(-WA8_4= zcTeNPduQ;2ApeU0enH6I|3@ILd^d_ZFW}OrT<$myRrx*~yainUo$i;sZcaGO7}+kDD*|CC=Yna7*A|A?&W zgZSuU;FB-E!dLvl@y(a~>HjN0{uMrBC;x)KKR*%to`1vPH|`@KVm*BQN|2gRjOMyV zWF+Ln!`=rD=FYG&wuh~WgR(5Lvvh*BnLut0qt&Ja+ZcwcO}K1=HOtmv?FvH}5b`z4 z4Y26dWeVK$Us|ZZEm}B#i2}JS&xQQCpS}24KYanu|NJGq^1?hUn!ku0X98dO;pa|ySU?@>h{Bu*4EL2|+m=?m{`x2(--dH<>?GuSaq-OqcOP zfM2_O1lO+|#f_`SaO>J}+$P|6Zk+s1$loEzdc8{t@N*&m=>FLs2KkrN9|+~Z^hM;> zoxqXXz(s=Cb@*L$9eNitZ~q#nKl}uDNa6#+caUU8 zbqW>3*U`M`4ZP27f6M3oKp6g!j(*^cTgYiRh@|TCxcf`~JU%b5Y9W_y_UzwnuKuba z=k}lRGnPHr7wq!C`|>mFI(ij;p-u4juS8O8F&e8Hk)XaBt>AEFwv^GGnpFJu|lF->wgwdfoY~4yX zKe~~i@1&dW!CMy(;BA5~E-rA-1zdEKfZq}aC*XH(p88J6-=$NF1ablVA)kNJ$xr`j z$oaXm1wQ@qbL>8R8eOBOaQZs%`n8WSb><$X&ixKY-vzEQRaA~1L2=(s9J==lbnJT* zF~xf@u=hP&rA2ERw_@<<=XCwkh^#!xb`y5L{TpmQ{UP3Z?`wR(A9V5kuaR7R1e%&t z7~6M&E>B3f{u_1xk+}J@e#g1`>xNujD;=Ak_g8C$V{n1ZCMQ> z{55c~4S=n=C#+4~VQEab*;<*na@n5CjxbqkMd(ZwtzNoLaqiWGTOePya0M3A#TU$5 zjCpi%0bDeXfQy3*=(DgtH(!DI1;YITV~V)=&;Q|h1@hpE0iRbzez5 z{05)!_4ySO2v9X5FsKX#*)?dcZGfL!FzhXT36eLgOg&*??8f}<%$)5Avvsy~aR(Tz zFvq&(W>`zDT(VXHd@Vs2H(xY=sUm@V!7GckfD?ATlgqOH@ymKwXEb^7d2#i}kiS6q zpJyj{?q}=(KYxK4eLhw!Sp)+{7dtBpxH{Ru$=(#6?pBD64nSUx2Hl-C*t=&OZ=Bsl zCx4vB1@h|xwW4FVc3rFMH&5Wkt&_NU`_w-lf>oQp1~Q+y60w%8z0C3Q#o$ojArbh@|m-YK}>1~{KKme7Ey}&>UPwWRl>>I9oFVPurl+3g^3s8 zc4f|XgwYyjtXpZJNZ?+z)R<5kVd-ltv10LRK3+=*S8JmRi_L}e7b_WD0a|hK`D|b1 zV*y?3=Cj%Sxt9pKIQPr=`A-S?&*|iJ_UE5_g%X#40WbdiIV@fD8VuH~fzi4(Fg92X zbJI0&b~Hy!R1nHavM@2;g%ihjFqbovU!;@2rG;Fg$_*BnqU+aA;2Pcg8e_^0#*|yP zPUH6NGlW_|7m2H%#9eAG1dcj|{_^0}JpmY=dN{1v~LeV2cQ z*wW+Jb^bFPx%D1WYB!;A@&eu@$W>EkQMd7Z;Q5!%CLj}+VYy@inY^$1Z{AS0_0Rpre{OUQwPwGT|pykKDH215gCoh#O@a>nWv_E@!y z&b`!>GRE>H283=kmJsqKudU$nN-SHvitAS^d3@2rrEC}D)p?97uPjvB1(dX+S6&il zmk}2__Va{Vr{@T?==tZKC*04`$$w6F|0z4b^H})m0>1A8EMK}9#zt#lV!Re^uC~a^ zN9$L1{qICOXh7Z_LGev6s>5)01DbnYuB=;Egc`59cjaT?cdl7*XRaf`Zp z>l`Jm=rryT`uha=0U>_(?%8kY{rhj=J?8ZH6v$8hd64VHhjbvIZ{`Rp+mGQs-TT8Y zKf!y1zhUqi-TjObRW@Gw3Yw;yC?5L|XFJQkw*q^71zxX`eoO*%F%a$yLt&JtTJzWtL=nYkbKa!GE$jFFBbxjsV z$C_~T_(r_-)_z=J2ETksayTKsM#!(9Q2@VApl{BB{Qe!i&MJC9h#%b-_x?8IQiuxV zAMp8)9(-?H`P1S*${6>fUwn*@{t@^imp>-mPBA&Xv`D8YLq)F@E-Aq_o{Ybj4wuy!8o~ez+s&-h)4H z7IN8}==ARe@=w0}f}NJHkO7M!xYY{3dFe{H#<6|>T=Te?8DUyRpY zUWkQ^EejZ7ULxEt3E0mui!*-<;4i)K65ak~y!@g>85vf54nL!#%k%TNe#Nq-?1U?^ zX7zHInyi6?g9+l}Lr__jfxdob^Zi4(z+8Uy+A&ZdG358(!L_OA#g`vV5HUBtwpyEymJCpdiPkH~D@h2!r4+!Sir z0}%2@{IWmhwgNMMjPer&^0|AHe=m?raW8u;se6u|y@&9a2B>0Nk)PFu`tmMh#OE`Q z`@+^b5XPq7SjU*MX0;O`cc6RQQZ`!17il41vT%*!Y|@RaF)?&UE4I`CYht?I?9zr;~JXE#L~|x8A^Q z>Pg5Ysyv4LojZCre}fJ#G36XScyR8Y4)QPPvtJWB`QKOH(22NKAeU$%2an_k>F*gS z#u#TtcHhBATq%ctX!Obu*#}>KhKJnf@RdKJZRRb!#bS2y)Lm$*Pb0JO7=9_+^Zmc( zmoMS_-!tT23grCTe#=f?)-Z<9==BJXY(ag+Fv@Zop$?3rll#HWIs|4GelRlffPv(3 z7MyEVI4GHX?Mh2V7jwG05u?dE!oEsz?G@B2g1u72<<-pUYnjcT*1Dx@u!gyP6rFYp*bK>)Hjc$f(PUbn+)5m%{YtKYfla|B3?o!dK@j@x|E4 zfJLY+RH^_}R~KMvx)&$TY{T1E597-96Szbtmn?qs_W4=JZ{0qJJJda{`!2`@aB=VV z?w?ci{{8d+w2%vA(h7XDtpLd{?HhrUk3VG<^_xHb0iTlW&uRBxaU%s*KKU6RHx2DU zO3i7McV5B+7OD@JPjVWzp?~XnC8~VRt>vf4f8<>0L_Zdwe@XqhkV_H&8UNM~Sl6Ux zZ$@}@4`P$+(AhkKoRmuVdc?xrK@DenH61+y4pzaiGVz9~feTCx9bsnZ0Lyh&FkfQ< z>Fj=uirwX*m%?E2 zVys)V2y0(^jh$jX*DZq4;ze9uz+6u^f8}|)`t!`}FX9!+>py>)1?Wro+0TB4pa1;l zcjwhIRegBMpx+MN<>lM*6J4z&*MWz7Rlrv{BuD5l|W9w z1#&4BW#-9e-_YCnB)?1THoE1{xv>9@M@X$bh3wkbF}m$IK48&x{hhCH>)lWAyU$o$ z^7ZoG{O8|1;G#d<$+`U>*^3XJz6VuYA0lEpkeSnp;f^V!#pFTdpNL?OI0U-I!N)NY z-VPCPw+V!kg(u|(CrdZDnK{7O*cSE%=5R1HgPnmX9E`NGH!#*N8=5F`G&F*f5!V?Q zQHF}_*D^b=TMavAX_4*f6|h;goUdI0XQMT6G*}I@6-%*Z*=ty`;AOh{OIY~wOPK%S zD|qF3IcW3>o_p>&1@ae|(?tULyjNbv;zh4Aqc4Ypy(R06STr`4V`gRm$4~6WrOT4V zPZ4qf{LJ@4E)vKe-eV5`SAkr&P8%zJfBQbs{x94GDpX zi1Cg?lxGYgT%!=-rbd`cC<5$#DK7-tdm_xv1>ttC2(@)Wh>abBt!)u(V}n2|EBISj zz~9^gzGi0dF*QYixe0pWE7)AyOTLqM|g6 zjdkJZv7LDPZ8-pRni1vf_d+hQMIe84|BZis$mdD`S0LxVG7=)K@>quYz7i*YtS=d1 z_y9QZdDaZ^;K!#r|(!8UPmWZ=6{gyO#Mu@jFP!wmgc2@EBhS1m=Ld6c? zXS^Ct1}kB)VlfQq&Z}R0l^LD+o1nk+;yeX%0sN;w{VD$8AO1ms{6!_Zzo6vvl`EDo zx~znig)uxm9gvcQ;`xPSX10cSfWuDqj+himmO z4!L%eMb`5%LH=516v|OkoutT;XFn(Gm*4pfww!*1-wMdze9Y&xj;$Rcls$o7|90Jb zuKw(}fyet?fWg)+sEp4?Nn{3!LlaRH7=x04XcYKHA)m_g2}h21 zATm9Dk>%xsJP!}b9l0K^$aZr;ma9Ewha7i%u5&=1rxTZDy)AOxEEVNZ`R-OanWMnn z^qI78?1sQK{sGVUo1||Sn}da)Kic@|NQfW|0QLp@zr_ruyhG? z{iJUvECj zkI@f-{EH_Zb9?E)-+YFemhJG5?MHZGGb+lu(N{Z)s@QB)M5duOG6hwkai|E4M5%uy zO8nGRI2D2-Uq2N4`Jv3mlkz~hk2~dpGH+*;dO1=Kii+KBQR-=ra&NBlw47DBx0Oy7 zl=-(*A+47=@?Ff3bV#23Uj-R zwk&#Wp#r(5yEDp4b1^d9js5$#;MA!DN@Tfu?Udr?qC0aSe|Yz8f_;%9@B%rZmbmin zTsK!-{LLpJfAG%$`LmvTmSkHgK;OP{pDwL+Zz)n`Ao2?Wt~{pZ!tvLj?}JW z%r=w>S#qL;%q9QucV9x2(Fb33KN3=U(Ox}>_S|~Z#igT4m55q(0&2tKP!k-5im)h@ zhpJH?5{9zCK$HjiQNE}O^gwlh2WkRbQRDB7T0bXL``Hsx8&rAOpw`C@b>3RldWmc) zt|#EN-j=BKrTo6F8h>+C`^yvt;4vy7_&&Iitw~LjK_XSv(@l0{ZM2xe{C0J|yH1&r*Nk5zo2ecdF=F z&pk`BtrVk=-u*Q`W8jwDt(6q2|0_WLjdE6$90!o85oh221yq`DgvAUYE4vrN&BJI; zFGhWA8X97fu|7HpO_3TjtKv|vilL%V7aoDC;6Q@!huUCY)Q5PZA;b%f!5(M~a>aT@ zE~pD|KpkOk@U=&yUVaW*`E%Ldma;)pkS&^m?G&x&a&w41HiSB$IaJnJq0ZkDB|cWj zaJNRJy)nE@nXQ*E#!3Rdm`=TrAd92RK_Z#7_0sclr1TXoYsb?U%x5NFz6^#2t6^?6S)lw|*7rlsdV{@LiD3L&R7Zy#$ZEa6gH?;XbKBLQ>Z`Ihx%fDm^YWb38g3H zjt#-C1l1YqgPqVE%BI zb1z|o0v{U|w(G zFzX?gOs*824=&(CKK_s$;6uihUq1SQX9oQc3ACbTJ@+ihwlbWk95mt=E|O)@zqO;7 zKSno#B4i5blGPa4)omd!k(w=7!cV7qo^tqcy|{t%SXuuy;`H zLC(r@d$0p#PoN#pN$2h)+@h`!J9N>(y9D%5Cv>s{v%e2*U zO-!YdFp!vtK1~dIW7ULRrKmqP0)w&P7>*6YKy)C1_ag9~lotk~ymiYS=ux?$i;mtE zMyPe_iEu%8IF|`_cZ5Ai}OEIR`v*7q^(GP|ED?c@SGJ%p zyA(aCx#&wwL4QIr29pxeA0LgrI5qmI0ctQV0z+|O7>*0YU`!B(WBf1_?Tf)^9|iJ$ z1$qzk5%ONTd2fX490}x3ls$nL*(#9h!5)~Sp)eZ^gj&{YB;_!5@SXDnefk%IGOIlTX(%uIXiyCsD+&C#LYjX1nv(XX(h}5wjig- zhax=?e~tQn$YolC90mRwpM3EZ-n{k^A`<%%9@mS^tUh#9_hY2834Ixb=qKa@NvQ-p z8NE?kJsPQ#NF=I=bs~N(q*22SJDeTrRg4we9 zFr=fedTl-yzd8@E&3gr}vglmE2(ysOugT2B#fz|f`C=HGtb>K6G1O7PsI4!-#!W*w zbLIdpT{@vXAoK$v|3DyTbdeF2e-n_;mApox%3L>p794*q`aZ}Nu@3p-o6nWAfhM+I zLP&fsViUShSv-WEsxFL_)L3H7(6cEbQ2eIUX~m&0udIGvl2>p`EDnodsjs~B0rttlJE92+zTn4!wo z40((#arTA?GF<^zqb0Cgvk;amS%@xMfRzhhQRcTSW=>x;ZypvBc9{mSQf4`>TLo_) z55%(L);CsQLu)NY$9r(<^gb=*j4OBUN&%_`d#)6~AHIcm8Cl+^K6rFt7IGOM7sw^L z{0HR!4Elb^Wsdxp_#7YO<1c``vh4_rW5Jo;!>BTh{)!e1=9geND;Fba*%(PqrV=rl z6o;|IXp9l=5e?zigkww-hH*_O#$p385gSBT_n!q_i7wJIvWzgBKdsS7Y27ibcA=ap z!mN4>_FN|)h_Xh%+KREqnyzm}_qS%JutG<$Db@#?qukE|sm?}FS+0b)=~B26bnBJ# zVYYlejF-NOwM$;Z@&yaAn2^6l$QKdvRf`tGz;HFZyxpORk5V%E%$8A1O%LGc(H*#Q z^%PzF&3_umhgz$&zKOooYhe7@oJ|pBe?|qEu#4&^=^&>yC8|~F}^5Q!5 zXXRluGe?1ZG$k41gnT?%gYl#oLaxSmq6!n#R6+zM<3lknkjDkm)dMgR>reS9tw25+ z<%2QCmZzlv&a6J9a;5}o2VJX+C<^#m^+#DT-)kZ74YN`-5N?5<5M#6io1rGa0=b?h zNOCeji1liC8ZCy?y2Y?swGd`2UW3u{MOa1WUNUdK0{P;X1@c9TlRG-v!rR*w5vo8G z7H6WbzeUO9SFfJ_HstpoOAGnM9|pNhq|(kBl=*)DGLY-1kVj!MAyO-X zKBftwf)!1~1~9hxV=UTF(P$JQkMyRz6z3j~@#K1Uu6NbRnR3EN6pKr>EoC>W;Yj;g zX`f>zr+fE>St{y}Fhg&+5!ynG&=g{h5^p19yR1c`%{qjbE{F5l*I>DNG0aylh3T4Q zSi)jdviaiq3kdmqtXQ}J#%ou@($ol^9?mEz$U=9|28@n%;lRO7IB{|p-n@7iH*dZ{ z$S>m2{qwVu96nd?6L!huayVasoN$YN@yGZ;#b(WGuvoPSrmGfX`N9{mbiU;CSE+e0T)7MmRu=GMTv4ln5f>MZ z+&nqFzaBewj$qriA)G&dP?>gnkB_T&bw zo(1T4>4!ot?<>P-%2Zlqq(RmR#cScIA& z-_;cHwyP0fwiJ%y<|`M#bor|=STYZ*Ut53`%;rm9osV@Zm%!1+0&dQB@bYwoe}Eg( zGGb6tnvSOCB5d5$g)?XO;P#z2a9=X`cR;Ri{F_fm=pP82 z_UxUZExhd?gR3*7qm)()j+CQl4<~vBVgR#y<)9xDN8sxW|wS+!9s9$tMW>1hct7J{jjt zc~PEP&~;8e8ZA&i8BykHP-XLN3H0n3eQY~fh_(bpLKS?-8SlBIa@3IJpA&JAAB%{2|%?<(Jw^KS*@>56J&AeIMlVx69{TShoj3 znqeeo4x*)g5<_K8=*cR=03*t9atekMQ!tpAjG;u0q7l0IkAYkPoR9x0AlE+kqy{Cv zu$2_a-fI>=mO^PMe|`Pr`378AT-zu zSy>vaZz@H5XDvp?TCsg+KTe+7hD(lrNQEGM{7MnT2|;xS1klJ7ofvUId$O zEYgGW*Q}@G$`{OG+KBQcYaThh?=w97hL?0T_<+!%(aYANpWKvN!>s z()du`Iz0w_GKNtl+J*4DFsnPTFtuY$`7Y2O!!7w;G|Wgdq;{aI+cUZl_AncCGqNj3V`lv*9!5>NDS%knJbQg}Yp9oCnklhFT?p#MrB_l}=H zSk@M#HylI5_$|y__yykjCGZ}J{58KQxqkR(gjxo@B(p2C1^JwSuXTKF&eoo;rq$Dc ziylM%ZJ4DGJ!}16qn<20`FFARO2^hh{y9G3U%Th%WrQU4Aw0Ps<)s6dZk|R@MlqvG zAv1UuT{}q&H;c@EO%w*GLFFJ2At%^+z-4r07V=ns490q6AjS)WQC=99LUY!=Jr&J` ze1Zk&nA(|eJ7QE#cvZ~gPmQYRr3d>7Np4p=Dw5&H0cGBc4K{?Bpw7=2WnL!8^e{uD zqanP^SHgDPG8ip+4F*e>V8v_mVX|&Hob1e@3iCq>AxX_8mVHqk z=vRASh@g)W^a+AL5$mN$TwS1-Wf^Hv#>697Skj3HBc!-|Hslg#^m+`r7WC0*M?Mx; zx1*!mpexiI?Lp>f4zNO*w*^5rN4VWuxEd{k#j@96%*e8i?OJAX2Wt~Vs{)ac7Kiog zOVQO`hl!~k%xvx_;G;NvWHZj4--{c!PW)w%m*wq6YU&oKV#W{@H4MM#QTRrWz&CCT zs_dP}ZaRnc)AzCStxs|B1K`nT!0!my(}L4!&y*9$UK$DW90&{KrMie#nAQV06!Wn>t!3+R)!h1BQU+8R_F|} z!umjK6nmQ^*~I_>=F4HT{8bn)o{zPQ=V9H-1+X?=i^xzvWTeEPtRw@4g~`~kp&Vo5 z?MhsE{m@37zpxKCZk|xU)=R*it7k#3fG%@a1oFxDw=mpx0sS54(a~}mP0goK+i(h% zb*E8Ya~`GD7g11o9z}KMP}6w<-CM3;@8w_M?caQfcmD|dhF{$838`G{^AqJu){lYz z2ju)H2sxMef2mhw=5V@GEUt12)BRvIX>by_>cTnKjE%f|=D~RNYp^w02S-aI__*02GdU9Nt(BOZkc$m%$GLL{@b;y{+R+sjo^v6e zD+O}>5zp^}e4=J2ChK-%tZo-38uwtVX+OrB4`QPE5T@IXV`JMX%(R`smiBYl-1#P^ zyDnm?_Y$W1uVQTE5=KU^V0!C)>^k-Vj$Qo?u6*>la?2IDyPMq6P25XHPUO0Va;XWK zV*2IR^0j}a-2F|tnDSoq8S;~%C)1oEq9Z62H+x@M=s}f%83%cd_X-sqa8-nNudA9bj2hlD<&{rK8}gX zNsLubW4vY)CTccgs(w4B>vv&O!ye4k@5QFZ1K89=_*;%*Q~L>Q>O4;9Ph+h297cxE zV`$kIU0q9nP|ZaGFJm{_p-F-KuNQF9 zT*wtSmm|sq{g3R$ub+Gm;ql!F)AS&xUd@6D zF&Lo6Q{rYJ-$d7&N}!Wd6Pi#AM+KlK)Dt}sba9z{r9T)%$xxzd}8Ksfy|9z_DRT-cpAk?Q%LG#z9ry*Br6H3m=uWsE3b@DLO znl4n7jbeRqE1J@Z(UqD{khAI7nHWk=$0#9}*@q)Z@#v?E_scx;#AwEoSWG8HW0G)> z$Au^wqXyJ|bYwRI>cXhNs6wzuqGg(`08UAv$-;Apkjq&@J%n6Nf$OB?1m=z~d&(AF zbZt?$h>-VEaw5fGq%-4>Ghucj;0}tLPY`N7*kdtt_gF5o9gbn9kG5iMV8!>bVq`Hx zbBH-A0?d)(X$U`?RWMpMA7*P-z`@!Sww8vlqtszu2nlpSL2d#D2b-1RbKm|+oVy^I z{Ma)A7b%cGyr4MwM-R>_cb51Tpsi>XmP&8BA ziOt1b*jhHAXb0inP55`$Ok!8VChTtBi=8b;u&s?Q-**U`hR$Gg=q>aQ-au>54OI7C zL(}vP?7Q(9&j0#L++luy#NGI>Y3Sr%DPBKT#*+p9X9M)tpeG7XMY10F@E_$mheHU6 z?MGrtFY0L^UCiSf(hAX$T7aH}T=d3gVIV1kpr@1dYT7 z&q~e+>W%P5Yk>Bw{2oHyFR_FgVpJI<*n`nt7$WG>_A#?}hcmyc-L#67WkwgZy-p73 z7SX}GWYi_xp0GOcJqdZN3uBKxV+);|Kr4XjByK(uZLPG!G1lx*j68(BOJ#<(FjLeA znyyX6pecb~)7uD7tc=Q>7*AELDW z6vA_+pFVG&p}vnhQA_We8CqKk~){1ZXkY^b`WFK~G#HA4j4yI-DQ|qdzi);D%r@CU92$ zQT}KPaYK{8BU+fVyVM?ZQSAxM%E`DW$~igCaM3(RLj&H|L}5CQLJHt&fvCFsUz z4l_ospCQ7W*T8h;d^p>fGn3mx!@nmbUX6s<5M-uCqHRM3`ul0PlN~s6bh85az58!G z6L8TFf_ylo03)d~f4M}_I5m-3hRLjQohlSfWU=zis=~(Hddv|1&3Vn(Tqw{tV|z&l zc9!*EXK6n*gk5DL*j+VEhu?{vO$V`^4!@=MGG<0@qm$5UvbQ26eFl+*JCWAB1I=5n zV9&Krl>31`AmzXK>Qfe~U$HR#nh{2qZ3)UBncP3ot&^fwDQpEIb`s@e1WK-MJ**tGW*j$$4mqNkL;&I-1ofXo*TjXKXTh;*-!F z7l)4MD6~eZ(5eb!As0kP4MM*<2m>mAMu-3mQ2lCuH2FE9(Z_-LSD^JGkREIabEF4) zqUqdG;@GarvhtYfjbv;g@S-lNgE6KfoPg80+vTcRL3U{Hw?&;?T`SO*MWiEo*dYc8 zyNsg`sB8(dBO{AAyaPrgs?gy_6j{$|D9Vx@&4L}p9HoI4h_GJ+4=V$x0(}r08HV_n z2;^iWB0;9wW+kA!G!rAEt;!JMiIY2U?Z)vxnaTB|D>4i5BRK%{NPl@at>l2vPll7S zAsSE1$7FgTtNTJsa2Gn6Ui?@Y#h51e)0ySilvPdDU~^7AHj3!@n+f_hMw@MnHHr#5 z3H~6qS59GD?KW&}+>I?8PGD>2Im`@P#$exN6qX%8O!^dJ^Cl6RJ%P}|O-N;CZQXkj z2X6dYxgY4eUuqp*d+=aR+Xj3`!=h&k$$QD(;mMHc#M}eCux5k9t~?8Hk$#+9ApeB|`Z>D$Sw#Z*uLSa;cosTItm>0l)v_I70W_AJ z`=nCx2!B2+`~pm+m0&uf92+w#F-3Qu$*ZHY*VEaXwC+xA&2PmPf<9Bs0=9IN#p@)t zS8v0v#{JmYb`0Bk&tbCX9BN9oBQC=awvnSsiP6jX+%pf)rCwILcbgln)tt)YX*phX>x#xNCX0|Nray>*3)HA}Y4|8V>(F0EBo&$Mzj2kVhoL5M+k+fhJfVU_#foAjCG@ zvk>U0CtX|*`2ZnrS6TA?ZIJ9~25-xCaJMx>kiRFA6QYolnTX=TG}KhFF6nN-wr#^W zcyN<4gn0SN5!{yBraS|1(GP??l^}B$k(iF*gfzC9d`!@F;A{1Gd6KYCr4?a1y@ZZl zfh~D8*eI|w$IoOl%21n`<2UC^lxb&<@5EGLH+B>bVpsVD_A{^VY9{QR$LZ`RQB|-B z$;pGzWQ;Q)UyEnr;xn2%vEXZ-HqVr9)w1Bp}1@kEw$q)N~lDkDjOwX zDJTd^M45jqs)FKC6C8*7usA{&Pr##46&Q|6-yqcb2Vi|rAX-C$n5pUDQDNwg3?)24 zC~>z(2@AMVZ#Qo5#rN<=b)YAzgWS;+$_T@p-ofb7smPPBaYGBiZc@3TKEf51!Hy{Q zw^JrmB{~}-!N~xzHY*WjxfDrGYmw?|h%8SN6ndMW+}{+{0cMmD>Zqn56Lvgv7O3VJ zRtxA>v-x}^igAU24{=>DV@zX&EwcTr;c2!Kk^UY?ONm86ZVIX@a*>;@QB+@7h|#e& z>_0G#vv2GnIG|3nt=p*qdI;CS=K&Qr& z^vb|QvM3Xi0y>?2im*>J%52Ii#U@6X83CP9W`_IVi=b6Q$$gbRioSJ<|t=JDu z@m@q0O(DDW09tok#`def#yRGgdj$Rig7ixQ^=r0r(CLrV)380QxzGP|NrnzT{QVb* z&+kKU%rIgS22jR&rE~oha-&O-ACZfK&~)Sy@)ExUR0JlXlAu@XK(7u|qsS{51+KoR z@D4yjKoB+r1+%~mWQJx=SA{al1f$T+5xGvb$a8Z;v9~8m{k+&|Jn70>(Cb4z(HQQH zW|g1P)&{$yBFF_LELIDA9g*#6hh!&nMB5rcWwjb{_6A6DHbR=42{IU0^8IX3NH|OU zEEP8|_c21buK_Ck3{W3vL^n4>FF_w-BoU|;2PfE%A!jaUA=<3ALvDbLayGx(*G0+U z^)*H4?_H1S$!=`hI*7>$M%^7FIDBLaF1&d_i7WRX$~6yvIOHElE~k`}nH9+6k}wdP z0BMH_{IEDXU41kmU1_ySBjBP89q?I%JqHu1xr(!IWU(rsZ<5TOSwZ-#xvqv8z7`v^ zCC)Sw@D6OEqtBELW2#~t)3uwK)AwSg^&lqOc4N408@3D`#DVEE*gbs-Gou&L-Ejn! zHCvHgJch#R8R`VGDh?qsX9lXG8KiKJ(7pEx_Fer2uKwmLJo@Boe8d>@tFJy+Mmh9) z7UXlEe-@zs6p||;oO=5(2>oPII;K;yv5~I6DYXDI zj4(5)#n_luj0r}WDJfL5swlcUU415RJ+>6IU~^$Rwlb^ls2IbZy3N?yv>lt9cVMPv zH@0=Zj_rL%v9)(Uw)P#sO#kbc=skqK_I+rq*^HvXX_QoKK}F+Ulx;YO?D}1F_ss~) z--y(vy=dKe6}ztgBi{Hm@Zi&L@FAUDTeN=7EHAexhcanOMruC$S`I+5Gf*)4CeqO+Bg$lcNT%ZsPyqey}v&igZ&so2z+QT-QFL$F3w1@ zv_g`t9nziYkoNY7v$aK>ogLz=Z4hH&i6}F3M44MCZKRnQLQK~oz;HGE)~$q};Ti;* z8bEDj#NWdNN%ls_a5O}*mjx>QZP@YTy5#2UbY^sMQ&dsaT(0wHLCTE2L8jM6m@+<@ zGn*51og|A768J&FE@u#RsvWtPa)9^RSK+j70o>(YL~36QcGu&`q0QL8cM8XjZpWFk z`|$RqqqueBG~^cJa;?K>LH;iF!2`Lo#9K-x7s$oE<>;qYGK6>*Kk1LsV345eH540< zQB5L7bW%W%Po`34HJ*^FfIdY>7fmKH!X(nw6Z0^Ul#dAlKb28RC#S1tRAFOgHMY>r zw-z+BAZ=A#eQR-_azJT&?KHO6Z^HJbt=QSR8#_DpVO!^3Z0XpGjqQ6e*>M1)?FXsD z7;AhTofSLKSiG6V+fFps?L%25;|(KCUiB`-@L97Qers0{a;-wm4H08&j1(s`q&YEvds#7>$eeI<1@JOo0`F&zDnI6NKU35P zm}7k~BS;7xI!q4Xo1t56h5!X)KlLK%gjt7p*7(?pChgk6RnH)YkaSZ$)K zw_8J&^Kw@Jhhefdu?40-0lZxN*#L$G=biRpc)D(gZS<6D$pJi=UK z5#|()2!{xS+XW!h#t(t!9&}VUIxBbSD=p!>+LG?2d zN5BR0Bnxvytfm{UUX2h#!cC|JX3v$&;kI%aTvjZF+p6Vo<+4bY{S8+k)Qs`O!U$?h zBWN7Vlw6+WZiyUs3+0XymHyVKpkr6~S@7prp^i}32U%*}JIorbDr>Y+tr6x5KDB@zPso|mqm%dxGN%)E0bitzG|cam zHqK~)ACrPLA(PPS3)4cXh|9%_rjx0Z62_S_!e2qytFbw!7CRVYb``Z?S7|49mUYwJ zd$FZz2%D?Mu!9c2yKy^qHSVN#V@vZ+%xu`jXtNhvJ6^|h%YKYh??7+KX0#X2pt*1p zn##7Ky?!4$8qc7j`~cDlw;?=d0)YkNNRna6nS0oN`H#3rhnHc=`-~+rC;qpT6s&Tf zNhG%bS58~|k(piczU&~rq`C$!AUJXmLF#_Sta0=-k3kcV$f8Sw2zL!aouUx#5RMRQ zUj&$Y!_UMW{zh)_HE?8&g!=Dnz_FT0BZiHI^*Msf8dW9m-b*m9*ybfv`xrU)Rk{r#E;%J6UHv!xd zMc&pZXQ5f8+%L!iwLw;B47J7j5bdQWnu9IS5>63pQ7fa07IJg+gqff>+!TF$EJr;@ zVr|I{BMU+ARN0_9#0G&T3kdm(us2_c=r9jNhH+0-kcjQuhH&Jt+->4G?%unAM-Q|Y z6_ShW|0&2t%3a@N7*R%69FCo0eOe$-D8zIkm0XBT>BX4IEX9`WGHhe9x-Gj3 zTl4C$wTQXBq#2t_+o&#VuN=hgYG(JUNopF~YU%Q|o3O2B23u>lFy`#Q*7bWaUC+X` zatnHj$I)IejE>?_G?#5cL+K_|F|${f?nFiDUR2ebMq$Nql&(LG=FuzY-*X>3FMW&) z?|zPlpURO|!cIv4AhRKdZ(iXK};p5LfM_T?A{MFr1CD6rdhS9rz5Xphbh!)U2 z6AW#z+c?T;*19|dx8@-j~!RCs71FY|CgiMuQE zU7Qprk6dSfKsvbJ+BNW6wGy7IS1Mq8(9J~xz4w|`@LjitKgSS3W{fv1Iujf%kV*&7 zU_{CHv_`&{H8Z#k-P@9}#6rp4b#(Drz!^{4!mJ230aqCla?{6QCXadj^;8H=EbAGw*hBP@1={MR<3BPTn_FBLayAylkTk)n{;%o#Lab( z_o!lK)vMAd>JzE?gB1~amB7zs0bj4E7%CP6(Q*7Ew6H7DCO(xS@G?R}=*Q^rBe5A6 z*JNQLL1K+`f?T?KK4w^?ZdOKSs4T{s>?m%8Ob`c(6A=KMFYqxUMd_us&_ zq1)Ipb`KL1_b@trA0ylDV)DR4?0xIkxbVSOxXlc&08h~WkUj?641bY<=OtyY}?7wz3f(+Lo%+wUo))sVeYdW|s ze})b6J#0|mX@yccd9|O7a_6^tsv*#taND7YjxJ~Ww1--wLvlD_?j+0|;fyOHuA2+_ zK%@nRnaKt60k&O)ygtkZDw}0+FqjW7XA`v46|wMKkGAFtOpbTp(4iSR`4K`cXXw+- z70A!y5sOOEJB0aN>OB$Hf1rRaMJFAcP=7$El{>%D$tAjc_~0}lS4E*mP0)4fQ^(Db z#1|2lb>R0)oYBJ{88a(^eTdFJ9IJ~oloYc4k#T&EjvvD;uOa9Hy+#ZFRB{fTJ`Wqy z^PkYB%mNmx%xGC<*qqH+!yLakOGaomP%TuuGVZ>;s2AJIMzD)6zg>nT8@6MTzz^qNbgKuK<=nYIxTu1-LtLWQ) z10(zHVdopa!nyap!EF-$h~R!mpnpf8rErxKlfPk%kxZh1%|-2r+@IrX$?_6aM)o2g zZWsZPEyynDMN{1f5<;>O=a&YJe=?#xVi4&Z29=#ZB5Vk_r56It+z?{sf^ah@#8|r` z!Oo2_!iAu_BHP&sc`lA9@o+||rz=|*y0{~9T%3{N=ztVkTWDp7+JY_76>5R5a5MDKy~V*rddT}2TYBm4{c7fN!aX3FoY}lL$`(x# zET)~;!qIpk%JSn;SDuZ5&L)fvc3{u$2^OCFl&Q6M@5-IswAWeDLVixsJJfp*&f$Hz zM-ZhrIHiSL=B=FO^D-iH7VkeegAe6qwH@IR?1hij9UeKW9+kMfh#f(tR@AGGoFhgZ zogM?P>lC_9(j$9{h!|Gd33PKtnz$4eBgtH5mZ#f~C#Evquz*#@;iXMy(VBzF)La&< zj5aJ@H)YV_(TU>}=YB&5c_zU9}OLsy8#% zY{!ne-Pl>ThwU!x;Nx9Y+pv#Wem`T*{-(Wnz4>+Q>!jQFpTpG1WektsKy}-jNUl7F zim}TWz3>Yh`sEk6KzbiA$b2M6SqZY7nEVAn7x&g)h(iV{Kf|xMCrHX2Q4ZsWMmM3b zxEoEi{ZM-+AkHTlu|DyL@rXvWOBmFQBx+{w5KB)+2!Y%Q5$1&4(g_-CMiD!Eq!Hq5 zI(LDq+>_IV@xcrA!7M_9d{E}=Ntbse>`q8_a74U~Ez}kk2r)KNMpXO-ZaTRy3sWBg z?zM(R>DqNHPU+^xh6p!ai)iz8h_^LDnu7^49gX>O%ovT#QQ>KVDi0&p0Y<3tHb$er z8JhhWPXf&dx;ffHER@6g0(X0u8QMck(H&~6jI3y3H&Y7F;aC=*5?f;J&>Crv6uw_l zm^1e897R=0CU$L|z{be|96hoP7cah!+jq|39s&L_kn8W;`Tm1b--f&`G?c$!*kgr+ zqa!o|onb0;M-X;J0(iu?^!Rz{5YiEJBG}#GQRoVLtp0F<|bQbai4@c15w53#xow&=~B=9PH0L?2iqq0MrurG9NeOxjC{kIMS7E z>CnaqCBQ)jYY{AlMw7oG;Wt88h>;Ri#Ki@6 zi7Ugg)-*RewzlYuc0i^NJ4$I1c5NHPVDEZtni|C6LpzkK*}nPq>$r92G#;>!l)Em= z?ZqF7=0GmDG<*W^IgpE!zt3fnGMp%JMdm`xRa&C9o&TP^I=D z)I#;Mn5j!)Quq%55_T+59-rRQVCiuH0=Qr%YzV-vy+jAUyHeScb*ew)PpF&i|egx%g zLv+nv6ivQ?;d77h`aA!KYm7A4e+S(CEik(EZ5EoH2#o4Ngt{JCS*@rnX+fZS7@Sy8 zdYXE}&%y^$1U$|q1aXf3h_Us8%GwhVmTroRM_W1)G=l5lgJNF~RMD{;!+fzJ+#78w zA9O_evh^kCey9ubKn3A1aJNT>vm-l(9bzm@p)xZf=!DnA5cc!u!SLtL!RV!VSoHTl z$It%rf5Qv^`ET&j|MfRm@HhVxYo31&YoGra%wBm8{>G~jPG=7@Spl`_3dCElL6Yq% zq&u!zCJISbqeF_Xa@%RTJbs|fBW)rT)lAucki9WeS$j|@`udWBK>_kpN3q{ z43fC=;Ui{p$>x-DU`QZu2@b%9Ai9E1twF)Fpg$HJJ~%>AM~G@x;`(}t`_D?AIaZi`Y4O9iuE>i;MRowO|)wigqG6 zXDd`idk|B-4-wqfhlQqFXg7R9+u#*iiv-Pj)K!llGr0&VUljr!S!6nfBb3FaM3s2A zFeJGKLBj$wijgJK+MRCdj09U(q&s=g!M#!9=Z=~XA7)tr+Xr1ye(0t;)INmV2Mxg< zsPuD2k%t|!8Cf!z(-Ukg5v>C~$Y2d@=f4cY=bppL=U&9(pS_3|{^sxT_y76t@VEcR z-{2qq&;K8O`k((RUih#7Hw@;z0>_mrVEpn6SouHy8`k{oe}UmY{NFJ9*?)n}OMe5$ zdH(~hul`T?Ecqz{mi-hV%l-ke>z+fN%|fjAU5EA{LnVtV*GDqTB1Q!WjZR$v#@dF5cclhf=ky<;tqk8Yahyq5_2J!yDy6#QqO|?eO)|x zI<6>?ZwLxPQ$WD1HUtEsC6KO8*q;PFRDoX{Ua$6G^{hHVB6Z@j4)*roFuq2s?vM!d zhB4DqeRTQ(flOmnA#%B@uT()_9oQsjTJdA4cS>P66JfTplcuG^ij#P-LxB_g_6k&5h2{tE{V{1w! zwx?AS^g8U~USKbwKakso0~JHq-#CKLQSi{A1bXe-`=hT_dADcp#}v_XVw zdf*?~hJc7>R8?$6YeaYx_`1kpo=!5%Quak_G z|3nXWb6_ByJV*gtF9BUIJ>XA(A1sdjvak212%1zaYO^)uSY0V=)ZfR(6^dxHKbZWGOIV>9{sEG}pAxl9(m8H!|iFgjbS z$Sm$XvMF|oDCYZUMxIzguVKDVD8&qc-<({5ZQKLwB=oy;nz5(27YAymaHyFDYv%!M zs^5Y>=KPkzA*?SSWAQYIlKgJuX0{_ez8?7rHS7fK*ig`dB>zML9*q=lH8OqG$njGn z&o=_OGWp7lpga2`$-xJS_O3{>cR{kfGg9mw>B=&rkOgL-JKDm16sY^-{4f~j%g@6X z{RF;C?S+<559MTuDj$1-?x0M$&3CqDp=yN;dov{489`%fh-hm=1e>lwfXO=e8m)zo zsR>-yt%1#wMX+AH2<8i3WnP~T`=#^Xu;?YYEqMi=OJ0WGiunj$u@E6EUxmhODKZ^a zA=hOUiapk%%HM>!+zhQOI=krL15t#Sjy-rdxT1&oyClHR&G1sJ%BYMKs?rMV`cay`s5taRYcLR#pg6cJ_eRE1(uxRo zlvce_iRh)f_r;|0aT=dXM~^xU-KrFR@X6>1PeQkv&qWh>c}~S;YEYeyk*G|J6a3NG zJgvhg6w&Pq7?TPKd;vBm7GOteId-MjVSjE5_UCnAOKCgyH;iCYX%|{kt5D9@lq8oU zFQE(tj6@Y#ji}42M+rMnR&WY(LQ;_K8;#t67!(9XBi|;xuC8*gWbWNw#W zzXr(;Ygx#yK{hjZk*A3=#a8B#*AwdcAS0{~F-CiYxiTrMkM2DhZ^N3&mbH>C;kLu3 zRKlI&ptPIl=9{=~D#aGl$u1bo48@V1!#Mc*3??Q!F*Vht+&<;nb-5P#xgQ0&9_+cA z3;6r@7+30jd?3=hd6S=MrUCtCYyzDj-s*HY)r;wVH08Bl30u#j59k4_2%qK>?ml!mb^Oj zCKsb9I1aht$w&#yKyr8v+gzjsr6bu#gABhoI(IDc{bNuR5QWl!NR;}8queJ9W!}Nc zq^kmV4?^gMLN`}}>8c#XEcbLp4GYdD7MvZS?(F#9{GEKc+xMZoSi5**LST>e#vnoO zj&P?zIioqi5e>d}sQ0r&wT}%dePq1bg5aC;J-x>3F42w*;*ieEN zaET=X^h}C9HWTuhWVQl1+v!w0g71p)f=HY`FsZor-hETpvv(3F3HkLKr*ZqvIo!T` zMhiC!(7X5EP%`>l$lq1m`?R8W3H)3ae;RVpPinoqAZqaSg}C}$u$z48@**AZ0{WAX zKU*yUj5vXz%;(z3B9ONPbG=Rq=%IWrECO8uyAJqno#e=?fUSqSlf`NWb9@JjRZ%Lhyx=qx1}3A} zKLPoH@hA?`po|@%JTMAXL29~lIBKaHzYs#`i*j#wlzX|L!qbf~x}w_K6?MLDG#pR< z&A$8{-C4+au`u_-v_`H>>yBxHJ{?ccyRy z7=`mkW^nBI4h8O0r*`A?={<^*-@1MFpC0lW=Dr$lZ~jp}{BV8g>RJi#jf7jYUYy;Z zpcC>9bo&+oT>+X=gl(Gwu2!uZFIh zBb>ROQKp@lUDOsHNl?`URZUR&Sf^GIpWDC=&>S93#j-$)qcn)c zvuzG0>_O4|I|TR`DuKUC0(bp%dpdr*I6h-edzi!>ifykdUCH(Xu^AX)fjbnRgZ{)^ z)bahQgJVz|6r-HFR!yjD0^?8<5RJ-U4Z)Umd@d-8+sOHv;mp}#sN-i*!_Tt1Uu)+EOYc%>>p}~(%?PJcUV}?4y-QaDE1|K@M zp9wpfDZw`9>rD7MIiJ%Qom8*POA)|htysj{Vk5KnCPKa`*%{ji^R_fcY)x~(mNa{8 zNhjoK&e)pahM5d@f^>Gw{79TXx)~=<@1^$Ogg}0FuNH9X&Rs3scjiF;@cwx%DW%3up-NSJX(r*9+vj z;#9J`97Ix_nbAZ6m}(}#P5#XCevCc*5}WvCHUxyy5yJTTAT;`N@4)9<*b(Hlt%SXi z@1<2J*7H3@O zuHTfXLZF$+1#Z3ckjs%z8BTn_bq|=c-+6cj4+;5w0xeR&*E#x!_fO&%_fO2~CzW2F zsG^(eC9WHs7WB_m!nrR!4{YmfC+Y^UjW^}kI?wDlLQc?5V}<`s<~^fVce-^ z^r?|;xJRgGzOUyVp*BRTI;uW2L}?q?2^!dWw3215>InT@)iMfIb5BvtJw>&+B%?^J zxT=UyY89)fPDI#cT@8!C20pIwQK8a^e zR-#TbBT@?^Q=6LgKs4Q-Y6w=b14$=irwNUwViau%*DH$RUMGSblv*FgzbjZiAAZLE z-u$dQ>8!5&{9Fi{2jiP3VfDd4Bx6bp;|U#nbAm6nCHZ4VQh?IV#LKnD<%0TJ(1!^6 zuv~m!V2|`*{BbS78rn@^S>XYk{t6aFwiJiz!QD?XES^w@ zocR+Xb5Z2{O&bC(SJ1Lnpq{3a&xL#@Ug8OzTR=~DB;*c+T%6pU^^6;~=dfrlP~*ah z8Jxd#0#|RI#r0cfaf4Fs^mgz3_d}stH*oV?h<&v&=sl<#gc+KdmcQ z`f_^_fvxZ+)ILFU_;B>b#A7Te37d0rmCGg%B&2fBL3ao%;sCu#JydxC4+#|$+u9Ovt6-0*AL@GYP@-J z1{bfM#EXiI=UimljrY+`~Yth z1o}|Eii!gK2tQvNB+v)yM3-g!(JFLSh3rJd+@ln8eG$Pd3Wz`pL9j^aiOetSXeePd#`6a zY4UeLi?2O80-eww<_5WY@+70kMn;mE1TSn)_QlQ=f9xjYyA{ZN>FB=Ln&_iA{6?Lt zk4L%@a#y;!3nL5_#bvoz=Nt`3xoAO;bf7ca)7k9^G2y0q!?m{+my784h0DeCwNftQ ztfGTQ+p*)>Vk(A^$I`*$2svTjETV%ekK^g!i3FPYd<#L}oX*G0%kM~9bIuR`t-6!{0E z$Uj6;K4VfLYk@)npU+rS6sSU;FFOF2O9{7h#J132j3>lme`z|7*X7_?O$Lrtr{P#- z3XYT|;81=H_Gd*iOGeU>B3VpDGVewcwkW!uijEh7ZaQ!mr3F{34n7vi`krT~Lmfti zq9ZbdBH(KNE-J>p5N`$W20v%UJA176WmXoz!{v@_bZp`u)TpYE=|U(jO-;C7gxrU?2pBg@8E8y)Cc*yZtbtfK<@OrkS3r#fRs z0B5^}uy4+G!qyxX&J{7Z{Ki(ieVsAo?giYsD-q>~LoRXU{@oLbeh}nx8dasY`>f^` zp^wD~LSU~J0x*`Hz%ymUniKjP;__{n6Rq2E{Bg7YJk>SXSi>9KK zHkZ)l#>XHlMuk*$2(n|tQJfl!)~Ym=f%6+3uP{jX!dbdt}i|q>BA1@hZ#Ed z<|J=+I&bVw_rsn{f}P>7ZFSn46^Pwjw>#1+W7|VWd+5mBI`t4#0edd&B0c1D)h8`;xV(qFRv>Q)VFdJZLpeXg zA}1FV+F3J;GefKRV7Xv@bhIfqhpRqYNdmZ%&lE zOSqxVc`e%gt(dPJl-M#%iF+%MQyb%4=(=uPb|vgCgk1~zM3g-vkF6pB`MUrY&4qlf zHpV$>ftRuKI68d-T|UV{IWV*>jnO5Kd!LqU+`V*&1?OqH_#29z1^Hb47|1`kr*&|V z0(luBR}M(%R7rThC4M0lgt?S3%PCm-?lKLO^7KRwpU?7eN4B>oa{cMvj2IbVfyiL? z%!~;~W`Y`-$x+D8h(~UA60+FJE$y;1N>pJwUd2osf`PDL^n?U5rv|eiqrw?C2)3vzG*AIu z!0sowS`l(-71*`QiU|HdWCVHzbSXOdx(&hHEBd&h#MKSCw)V)eG(|@+b9l4|-7b*7 zOCaG6BFI5_JwJ?ln{XVW_U8mEVCyB11$F^l9DNrZe{&+E4kJsA(;Bq+SfMkRPR>Gf zm_?|>mPtY_U~i0dWxQ}_)NoUl^}tUsmW-*j?mbD6^{_un^8949fbFPU%2_XYtQCRR zXbaLA8AnfX?o~rL7)KEHeTZ5u1GO8N4BLA+Jl`io#26;bnE?jp$gPT3L|j5I8s>_*bj33 z)1d36hka|Zj{TA|I~8GT{ma3 zK+A1Zbb1WAJeFgKA*_-!^Hyw1o+HsR1wWOI;DsF zJL3uqPwnI^E#Ob<-TTKCz4zb*A2X8|c@ba_XB1HRZjN+k*I8w|J0a860oiWO$dOa5 z2z5q)C(>9r<;H{{FHwym#*AV*a#2Pc3NzW}Fot9#A&HPD#YZA7nGmND?DQBEc^th19?UZQSV}b7GGEH zkz80%y0d8XBy`N}e121$2jO;kLYp+&tgd(FxnR%LlaM=V#R7JU?X&in1j6hDZ3Pl99h>l!H zSo5+8ZjJ_p`ANvhOhAGr9Leki>8ax6u?pnHe6BDzVGiWX=b16cB;*BzyuY_v3%LUC zw8VSE_KJOpSwd#yxpq*pU@NxC5~< z$)67D2e}uf+?!r5YTq5|%iX*mv`Bc?Tm;8#_x=AoDoum2wwXB%7Ebe93Dlb}+?QoDcTq_~L9`EKXHK;&fRg zj?le#v!L9b?5SvHiVyarv*64m*pkTwdTDjqOUNbSY)$e*rOirISg%8~yB)d$95F~Y zA7yNrBIp}qwVDg~<^*wcE$CV|7C;|MvbtX53glc?0C(cDBiG3`y2r9!ULzfak~>mN z(#@xnrRem=rivK6d;Ku3%mMsakl&^5F}jEZ@cZ}95c1Q6{3IUSJxMn|#n{4@z)Sni z-4i+;XD2wq=a1r@`$y^Ij4K)bj2$d|(gT?hRldlN4nlrRFml-zr>Ie!POu4ZVJ01$ zFc(U^NC;&C8A-_F2)PEux$(%)5y;~RE5YS@O>7`il9C|aa%-=D}{b2Iw#)N*`e5y7KoYT074#!sd#^k#Q9-JPDtS2-^smHhs^#9 z@oho39!)1_&7h2)coAF=Y)#~L1b9a> zGrJU}bof2u@EHNvPq_C>VM^^x4Zv`yBMR0nK#Qv-x_xXh6yl5#fhPv?HXSR+R=AKpJnz>gF3%R{>NBOT!H z-X+}kjwpJUu)lxj2n)~T2oxuVAwNDCg-Ky3$%sY?-8F~H1sPE&$&I5lC?TAsbYTHI zRTGSS!ao=C0&bH}73L>=FXVc_W%*f<-?&MTZ=O&z7jC`&6y&$rG2Y%chPOtlaJD0p zaEIabQWkE6d=K;Ob~@oqia$0c`V(+J=5QYZ?nBtT8AAwouov0_ya>1NEadHU;7-Pu z9y)S2<4h0ZNuLy`QK5uf0B1yb2IPIr>)lechK8UyAV8VzS?0t&rHL7Gt&Gth?TwjK ze_ULjiVF>~I9nZs<~c&-Iu^K#xS1j&0vnt zVph)#W@I7g8LTt-x3zhgp~1m`tvUJv?J*SUgfW#1-JFm!mrFDe&_#O4Hzx@ElF@ar z>oiHw^-|zgfEHJ0OW*~3y@sM}82i|<*y^QRTu5V!asFL*k5A(+YpJWZo&@}RAt%h@ z;v(%hxmG_2^73qE2!QO=*5L8C@f$u&r6^Z6$#|IbasJ!ptnka{MIeW)=z>h z(t|G%MZfOK9c^3@$gkbt2f^3Axn~5I$7^w+Cl?0^xIn(II2^keRW=ihjdVnbDU%vs zx{TaJO6GcaDo);|IJw@E788v>Zc<$#)p2eQpAkZEklFQ2Yf9*=YNNqD0s4ksC>4i$u8SB5V(r+8tEZaNt0 zz&!1$jJ%AoXq-;)RrWwzlYAA&-o-tVXfNxF{oF(CVFwn-cc%woV~i(i?N*@9aV

  • HDec%Oylw;(Si#08lw{4!K1$RgDF;>H?69!~feNpc81A=X1KZk`q& zG8eGYETeQ3{F_$hClr@-nrBXklL54~Kk?uJRAOd6NzpNjXvC;=Z-xjhMas1Lyw3GjY&Z-2%VX$dwV?^O|A zsy~X5GlOd-4*pn*i>u@{%PiM zb_5-m^+A*ydS#|yupQch?D?}@3A-0Nk2gDyCr0B~JjQ!riyYQZ_M@}2I2G74=;YMC ztWX7d=>#(NU1Prrt=<;s4Iy}hd_<0ba?c=RpIW*tLKwP97_*5OEvPH5MSZZk@&*IYfM$9}L&sKE4HK`-<^KXBLiDM?Vwt zal#^yk3SyuYr#LvJ=6Z2!x%--4bZ))0fcp?oDO>~4 z<_H(;l zc8Xr^p$<>g;oi;Has4)Ht=p%+7xKH@=H4Af66zke(d$`|KV)8ibm!Q!<4P%=w>UeN z8JiHYEzQ#^CpC;kW~8!QA`yn!yqtNvln`g>^15taEU#z$C?v3j`N@PhnVlpNv2-{Y zKFmyuQ!==~UQ(3GJ;h_d73Cx#kMC2M7mdOGD%`qpm_1z!^IWi>){UEVaJu$Y{*hOx zYqtsaEq)j`nANB=1JyX*l8xhZ%e^IG*j>UrUJ!<9X5dL?+mSeL497|ymz%iCO#`2{0oIJ3_zOS9vUw$Gs6gPeLBy$M@hm?g2U(eVTkd zn8h8DYGQ(1OA8z+OvTA!4GyqioM8kRie!-+>cv>&s;J4=35|67MjyiN?}D~qH|`PK z>F{pokMQ8{T!O!LQH!oDMkdlDZ9G`U%!-Paxip>7xo zXGaNlVLoResdl8>OL5645=)46(dB6=QAH;`ACERR> z=;DKFYj#X)Le9NNZV2wbu@iT13Dj@k`mHyV?@uqeppcB6%X}3%Ge{93)@v^0v*K&C z#pqGSnxk~{!*uh*1p7F3j5><<`S>RStwfT%j7SA!fx3)wB`cYcM8av5Tr3%R&>Ze}#&P85a)=;SvJ;TC}vmsVibIrh`KNuY1B zr(a|7ag9Cw26abzK3)C(P3pu}Oq9iAA2aXXiWuxHQej(OxB~eEoqRa<@m-1sBDJ9R zt9=Npw@w1D+@_oG6XZUEEQM)zn3vKD*gfH1N{8qopyJ%3UIN||P8Sd3wjs>*fnEgG z4W&*FNHAE3JZmfL%}T_Mln_ivGzoD+i_9hWbw$0mGwQq?6;*rKqsCKiU1-neoC&)# zYXrJ_s5`nN2z{6{x^$alr4G*yR-vp8}13M(96QJpGEDK`c!;y zFAo6P^72O!F7>z%wPKZcN3s=9)5#)O(Y-EU1j&B`vBx9=+R9WE{ntN+9Yf%h{V=xIyqf#B9ZRN z!b}02aiw3)Y);4rqO|TUP-{UIi1qTMn|d&QxGQZ}s5rjItJm2YX{Z zoxI4=4yk6Qh*`M;GyGh-g9vH>9ox&6Ks%t^-3b*Q&M0xQN3pXV3LR}wQLFBlUe@a z&K^9vdRQ3=yT;n-#&1tDo#RboImrn3?arS;Fl8Qa&`h4PRvRUXR#`fQ;ZqK`HU@mZ4vW)Y4Kwx z7szFm5JWKlR^xNL1o6CoC zfYt-9m#lj% zE$C0Hi}}8tZra6zTFJ+f>J5d7M62wLznWST5Norf8J zuFO1S%@OU7V)NA~GF^dMM`N`45X4}aic8SLZL}hYGR0P=(+cR5bagpuIoH``MCEB| zA!i{=(C0dNkM90JQh4_8{o43`{kdUycwsjlaPNDSPJWGh+M73MPILFn`tOt5+_|aE z;CH!K)=NKpI9K=YoWR4|%;L8RIQ8CbLQZ`P@*=vn6q;F?YGqXAyC9d#>{b-Y=*nZr zOY#^&@}s#25J*{o^1Vun#i@Td1qf))}AH-ZKP*c*% zW94&l!94DXVO=H{Dfggf;n~T;Px7{aE|3f0 zl7&SwiK?A(p`A`D>I&7m`JaNkGt`G}>xFuM4-`7vBhF|Y0$*E*G*dHWyu8}Y6S;PF z$ab_xs;xbIUt0pJzx{hy{?EUI*Q*N=wrVwBvzEYHqJXYmMA*yS9Z*EzGi*%YGw)}x z``iBtx99&BVaw(te$4_Fw=2;gle0oy(Z-IDy5dy@@)~ti zU71&|IJ(3af&F_RpVYaz+>QB(xDsWhIJum8BsaopkMqFmthL^`egrqJ9mm_(PATVf z-lUWP1f6ETPeOi|kl!cdbERbOrz9@^=$7ax-X-Mk3*ZXq0=$TY=VQoYkeLy|qA(T} zto$pB6Op3vM`5@z|J1#mH>8b2I z85#w08DS}A!6lJJ3wV-N%<{R6OT~PTp}`s!5htF6T$j&8w*+FH=0dJW*9r8H-@kW( zyT227@9rV&A1cE3ib(8YE+0?w!g!(&VJGBqzLey1Ka4S+jl~CJR1>Telme+Zb}K=olpp~m(_rl9?owpGFOIN^i{;LRF{2C%wtw7Y86^LEC0*OYek#1#zG%HiC zTTalQN95|INVhgcu8k4njTsvKY_VQ$OK4?)6hfY7yc89->(JzBiB3Y^9Ylp#&8m;F zWr$#pQrbiG+Kev6sAy84eoEspGDm$*CTC<(AdlqxNgijX>5Ov0P_7zxPi)35=JBhH zDwpWw;^sH6%l9YWneKbj={8+m@8l1-M}EKzF1kn8)=CfgF+zUq3CI-}r{2A#*CD#O zWO6!pVO|VDiy&w+0wTc0B7p$pGjmInDawySNg?A(Nutu`WU2_RijXp{6vim)#K}t- zS4!yiQe4Kz1tT?CrNFH{%9+5|XR#Bc^EKk;+>RYb>153P(!mA>Y6$F8kV__$VubB1 z@LbkE|6RJx59FpC3chz7M>jWPM~w!1O4Zn$6Nr%nMimVsN-X1wK+e6^Xad)3f-n>t zh+evRM~Eldg50rz(V*Fng`Z9vBokAuf#T?N`5+H;25UioTCJhJXx2e4aV6Qr5Hai4 zKx1r1Fb(Lws}Q}`2uWsEh$6gpFFXgkm*>N0=}LsHSOwL}<%nLh7O@6vq2cQi4c8*w z%m~HI_oc3mNHsS?(85;~$TMurmFQFBX-g-!VQjHPB@50>qov3;S%xwP8K1Z2?`_Y{ z=Sa{QErRWo@$>#Ly0OXy!*t#eIf@xA02BH-8k58Ou`E&@isB*c2Df&(%YoNyyWb$WmOGgkpBExsVSI)GCv3{%Ihm zQ{3Z+bC0{jGaIq1AqjiR)dXFIF}nGXhJ~k$u*hM3nY%&_MEenNAIRk(+JZf>fgsBe zUK5>Mul02CCf!h9OTc5$I|%yIYN3-i1$v>@*G+*u&B6q!7G`u}8>E<9B6gi2!j{sF zU!Di2pZx>eUV0gUOI9G-zyt|~#*8&4gxUmImS)K2YYPc-g^L|(S)kT>IHAPR8k*Hh z5Wa|@uULqrwM$TJXUONw(IRf{X^nDwBjlMcS0HcjGH0hH=mfko&_)?M?+PaDp#+qm z_l0XugPT1yPA^6efnPKn`K09e0lKyx@E*e56Tv+M+wNp}*QIZbp{fCE?hZ>5t)f4}$H50fIgl>q}`N?~n3B z4>Nfyqe?S@UQe(a8CCRZ2;gH%)=LN2;LrF%&^y>E#L<;Dgjt@;5>*898Xs2$@=R+M zls1;gwzXE2ZfTB0V?#tSj;NO{N6dSfC?NT-pJh{tjqlM9H^Yfl`MxbaxZ}&X$DS z8Xbyk6m=4GQ5U02Pq-DKl~d>JlvWPQj}Ycj#u#b!=X@&XhVnT%bl)pLGop0T!Mpjo zPPw!NpX<#G#MPryxOwGuT)A1@aszMkTJyfn1zCFFW#EkW1{*LoV}Ek`%}#*2Ez7eJ~i~i~eX9osld!BfMEKx}%B3rU2dGPq_68 za#6HCkkWxJj@}mNPFMF(oLzBpE=yEdAK(eOI#!{hEx{(>EF!b5>C8H1S~6do86wlf z6a{qaDi)O0w#KM+G((+>71q1jV1v6IT0QL0;c16%Z+rCkI4bIv6QF$@(CTH27H>PW z`*A&^$WVk6#?)>Y31bKJw@10-T2#3hpw3euw;<$}Xb-f0EP}2m*aBT)mgrTnaMT^5 z?^mGKxi}qNuK}eK5M+rZgu6p!g|-O3uUy)K&-W*IV5T7zkFFfR^=sO=A{W@#f_>%( zKu$MjJ{Qnss)h^~YNdnx?vH@HvW)roM?fyEM3q9mW-jEiM<`>_`JIrnxGczzM>&69 zsl*=cEsFVbz7O)bS2leXh|R>|;1JRgYcOQP@`zfnCL+n8^yn zSh5d#SscmLVFmQQC?C4G6pYN`j4BO;xQ-yz5G=i_{rQ+M)lm(KyX!!w^uB{o0>GE}smS}M{rq-d=-I(xN5@cue z@n;P1cNyZ(8}KDuK7@?w_a$V0Y-P@Ph%1J|JusqjCE(7OigLpwLGKOY-{4`28h0bc z6=VLcW{g^lGl5pKYLlyHQLRC8A0TsdN!%dl5=!Y1GRCIQkghlmJ@|-w$dpLjZ zaJhl4IU%>jK%5(f(tP=uH{$lCeYkw(ATD2%JbwH~L4KR-?{M9H!u}UQUR9n%kfRjH zOPIyWN(AUw#K-z5kQe0>L_%I#6iasN%vXCC8W1m8BCXZckTFj2Fn| z+)aTzT9IV$%JMV?^b*zrq5^@Og>4Z#OMh<}9uUZTj2Q~hgm^CG_wEy3y0aYV6sYGu zr#wFw@&{b^=sX@gx`2oLAl}|Tgw3@H1U(u%O2V);FA!7d{^*HyM|Y$%x}#jt9qoyB z6|*!mc|D^_jgK<{bwoKMf?kzAcBm#?b-oUY8ho9wUhd_?+$~zqBD0z9-9)(8`+2em zbVs$jBZ}zY#rBrW#&)Q*<9piLqJ+_q0!%cES^9bkh-LcZSHgujfO;rflkxODvpo^@`3z%9B-hnEo*89KbnICJ~<@mbxvbxdg=kE%SD3?a%m`9nhf zfRH~R(2wpO!h3fK_uYev-o3s5&xJff2e=%nf9(DOxKf-F@}z_?7M_GVTcbGjvmh^) zqLf2bP&iL2)PZ)?fBTqxrVC;~|Q;Z+u0k#-t&X#r}(2hWJ-7_>6?u02dUqiq*Mtdmjgi7YCaBt&f@*^N; z{Fno|+<#NA?nuHdnghAS6alLONychH(gv_!}uYP%QgaVa$-0# z(xR23Q{etC$crd(^P+-i3=LG`-3Kf*2<1I-VmkU<>7f@lmwU?G7nmOsWSyRXTwX)S z?-6q4qBB?bW5y!tM_(MB%o^nXWXHS*Lk_3($$`TTPvzy0a{^C*;=8L z`Mc8I1of^K=2HMzY9kB8X~L}6WS9dc zLhUggVvo^KM@*_*FwMVXQ;eq$bQaizyo-B=xsY$rUFfr!khc)<);|GxC*zA=&w{+2 zd0YVRkP{>{?ik4p#lewU+i$j9VcffUh@c---25HF{_Y(8 zq@0io)G~xvBu6jl%JNvB$p!McLx?4G+@b<;Z~b)IjA%9YCgxp0L_A7O?R@}VI(FSF97AUhdMVYlB8lBD2 z!S~yr6okuF$&?1i<$O(zCk`hE;$UJB_Qm;OSF|^_Mz~@#GxiK4&1SmvCUNZuXM#>A zC*&g`1fGx!+pIBk=1)UjT);RXLx^lE%4ED-JB0X`KrX|F z8EFFd4}_df-rHS*_a2IqpT>Q{{w?Vo`+?{gV9%A@?@Yz!{azLT}8+vv9CHD z2MGF(q7aOw`CufG1t=kJCp^uej2+ClRV?(%>E@-3BPHGrv-&ZRH~6@r#)F;3g&joT zmI+scz0}SGWj2PWv{{D+2SZFoc;H-NDo*EVu#L_;>Q9$+vp}B*^DXxn8(9eNiV0+V z@mH27Lzun8T(C*yjv2LwvOLDPGNQP-gW~3r%f-#7_khPvFwNcI<78 z#-8#JMLSu5&g6w)G)W72TZGFjqyY)<~r#iuM)^5m+K*CE`LJa&Zza| z>z!?90aqN|L5fXdlv*30+RhMNKGrzK&v#o)2nJciwmF%h&T<{9&5YQZp~2b+%?{>h zcO`_*%+FkIbK+y}0s6g|&x72sCDISmtRqGV`EanE0{R3Uep=?36YvQZ)FXtxo6)Ap z-{J>BE^%d65=SI=v%s8%T$zj|ptA!I@HT=zlIDe>tPs4trx&*`%c#ohvloHVL#_vV zt`x`_Qv~wcKLqldM`m@8h3&l?hp5*XSq>k`ffGm(oww6pT2Yr+| zDfxt)?k*idS{XJJw=XT$N;*Y(Njy795+N3NlN89aGU5n!JPPvVEPlDTP%Nq|GZe^W z8wGTk52H*6h(T9JA>MsQ;)=u*W^U@iqjPigZJ6g~@`vxdIjbjMcMk8q|0eFfwHIQC zQB`zW8Ep~O5PBJAto0)NRHZvJysIriw??@$3r$BUG%ZnRWrSjaT<2)QVv&v;>4_$H zW0c#hLaD`Cu9T)pU?M zL3hMxpbeu7;SYCU5$b}eNJ1Xvg<%%8eeA?7%3UU`l<{)?@L_w1t)kXo$>&_B16{9{ zFbib_MHvSt@Z#JZQG`2Eh8oS#qc+EIqAP~ee9=>?!mYELas90WgqtpY^%yQOu3Wxy z_=$+}v}R``-eN|lJBx0K2)RC!i*w%--C&`4T|@`JLHB-259#E3-M?`FKdGwtZpdYw z0A83cZmmIOS)u~>T*%7^w-m1m;5x|5N|PB?TnO}z>| zEm7n_Hx@BclzYg{r|c97@KTV<{E=!mu73)0aq&`HGZa`FFs>L8Y-{ue^5;1jq0D?O zicD4^&tNrj4Avrb)heW}T*G!XGS?X($IuA5M#jiCFhrKYO5_=@Mv3Wa)LO1VyORlH zjV&faod~!C##w+$bQzO_Ld@}Fj5I?kH}o@($z3KI33*GP!m<0PF|QFrG=caK_Hir6oEV|JzN1?PG}Iwt16Ndu;)T9nO*>w4xooz zAbuKhi7KL+>P$YLszjAiMim8e8Nngsts8O_$RDy$lyPp+kAnOW0sjt3j{oI5XK`qt z4Ew9&3AsuKc?c%ceKDNG;xo>j1(XZchd81($Ptx(4s>ru48mRPX{D&hOWT%++$>S% z&SFwPXME8^UhQFnDnef2Zl^$APRPrgn8oes!Zvbba~*1&2oB>(m7Ng^O_rm;a2)|( zhipSbB(sfKy$Z2w*{)fKBoi~l5%hQiBdC_IMD*(ANLaT5>4tor@iIF6a0B(jyf9dgdsZn5TnZwmj?)ZZ-gT{!tAhtAh+rOZwVl{QhW;NI>=?5Tno4^u1H}? z$Xmh~mF7UML>IaH1R)q9A24@6U@UnIx)yGcfIbU(c18rDOHd#eN0&@4kc*Sc zG+1%#>Pi7qGYh#AQy5_c@QN~>o6mtfGhI6aQI2K`;5pgRsIAUIMR}^?_9c4A<%A1D zzM(k_?>st1*OgHe8BIA$kpDE~4<0_&lVHC!M;8^nfBy{L+|i9aHHp|=6{(FYIdV|Q z2V<$;7)bEoZrBw~VNPgZY^n0sLS7;fMd#jylsLJlgifx9yn-D;a=JiXfp^PPJ=xCZJ zhO+}OQ5u75=UH&ReGnHf9mZSY;spBA)x+9R7LgA2r;AWIXICpm7ecIealPc+-`mt3 z$>0LFUf&D(L5VAbjL>GLh0PX@;^ay3{tEb#$xDhf3gqI{bK{BtuGh06m)VUP#*`Qq zmU5xbNX5x3E3{+fb2GWT=br=l+=%k%-HWrD3;CmW-d6MhBg?HL)7Vp+f*loV1@i5A zLD-xdfSKGNjHLLWJJua7;^yJ5s9}_-VAfU~+}%P^zMDA;bb1Uqvo`a2rKgQD>QX6D z#ntj#kjv4{LQ5l*GOEVzr#=eU;hdJF`UD!M#D1#WM8x zFq5l1FhbD#!<^AiczaoBb_H9aL*NdvKywHkS)kU%lxIUO+v=jr9LUAZ6-N)VBH;EI zh;_tRy0>yR{-M57+_-!YS1upMMY{M!xqc;``SLX_+@?xr6R4H5e)8p#7Db74@+bxJ>MC6>r<2Q>L~?|* zfP0gMhBW;D+dA*BHq$)I`)4RoxZrDpxsTG9rm6GKeH{6j@{mWspb$ zk+Z>I6KrFgb1u8eIR|id1y`D#v;W53`@Dkc?wbDLp65*pNT2V0?)QBq@t=hJr~mta zfQz`YB1vTQpMDl+U7k?{m>FAqy6{IH>&oIUIKIZapT5PnKYWkxe)Omg zoJ0v=0d!k(1lm%=e^Dph+`)|AnZ}WzOR&?`yO^~dj56X23|*oSlIh^e2(-qBp*boD zZ3&@hmN(Z9ThkACwWKK$)__~5sH!k>Tp zN4)==KjJ+?|CfLIS8V&;ACN`Iui@=XfdR0GyPDZW!o8m{WkD^z9KpCjSDws|U_=RL zED6U{Awd-&3!sH#7tooR(I>?Rw^$HUl7rLfSM`f~Q)`iBx;z#O8b+h~6zpqA#&lCU zez?8FEPfqtn89BV^cQsU=ZqyUsFwoxUug~IHK2d3Z-fZAXgtMFS*+>Zo2xFpy@GGw zT*mhtf1rL`)lYBf>~F9AqICnz+2Si~7Df{n?|-g2`7e;O`CNm%wY3T(BSs1GAOG_%zW?za zL8hbs$h<9p{`nTf|7`qO3}sZrpo}<7dCZ;;}23KX@5) zOJCyDrDdGF@EGT>EaS?x=eT-p8AtaWz_Ed5TyT`*oIM|BTGcqyrp7U=aPmyPVJggO zQt4hPY(SIIpBv98!aPkE@1T4CE#w{Pk?17kq5uTwLSnf+MHB>!U={LCu6HOS33)iI zQF64<$*qhmMnY+dkW(ShhK3+@^Hyx6dvEw>0{)vnV8g%u37`J!U+@XF{$JjgK!2ax z-}|4x!=HHEhyUxh@cQ>ZqR`6+wf;e{$o=7r4aUy2aLndKV}YRWE{?}EL7x(!7eq*a z@1m2B7e`5w+?x9&xG7N(yQIcb1dH+1ziy`{Um#N}VXFF+SSuj#utU;LtP-dy4~0s0sC z@wH1oyA&BFOBjPOvW-Ps`NO;=gLJUZ(tN^WC3u$olZV%Ak=pV^ld^e zKBy&NzmM;K;z<4154WZN8}t1SukrTX_qg@&C61oGkGVtFFn{C@7LGo|+>s}kKlTih z`NKJR)|A}94u;8gj`(xOvSE> zG&Z10^yY}qsxWS-1juw_!re-E#n?vZ+qtbRh2tvRq8XJS7u)FIonk$i8D6PC3p2Sn zDul5lh*0~ZQ67M%Fs_G(vB~sD(kGu``#=9X9s1AM{JZzC_4mx;zyAsERNXc5&Kpf&fd7 zT}-zo++#wkZZ6J`Pe~%+T>m@BO9kYNDN*;r**F|FZn`>q~^4pcD8XUb*z+YdZRC#+6mA8(@xZZ(-v}=M`DJhjB$*;cTeM zmmqIpvnX8*Vx;M1gXtjPoh?=9W-}>Z?`C}YHRRolE(Tq(>-J`i^qb`3ixEacnbdR& z&;{he!P~{x$?j5`4?{DF!A8+GF>K#FU$GGy2jivbB=6CO2;qIdq96SFI zi>H<`duSQsb9XT?a~rKgU!ZmPOLUIkLeKOqbc|hrrROxd#x7%Q?lz|9pJ8g}RqP!c z#1T5r@z#9i@gm8^4-)eI+6?J@xqw_;;vXtZM1LL|$!uoqEOB0(ZcMms$)T`Q67Z|g z3#f%!>EM5rSf|)v+7cBov+2}@2cb654>bWYlzF(L+{+6U-o7aD@I(Z2wihAx{KE(E z{NrEX`~HXU`O5})y}usrfBqP5?|+0XY&)uM0~vc>44np1!zEF{Zq_!{(E@oa@h?-^BCh z*CoAp!6>t;mvs9zi5xFUd>2%@Qp#fa8-4xq;y={eR~I;5z&F%)FD~HwmzVGZ!T*sl z<|pCq9M|>Jb?uf4nCZO2v7Mbwgu0fEXFelGDFI#m`WqqdA-p1!ce0TbnY>Hna>>b= z*9mzq<3}GM7Y(dISM&?y;&;f!d2$oui}-+6cNd+!Lwq|(G`$Uy%L~XyN6mC;@v%wQ z=Z2*V0d#WlGrzCCdyeammT~6lJuIEMkA;&fm|T1+xpgx^)^{93gZ(h_YImW|eiVH( zx8NAR3ZvsFY`v$@GjWj3c%ZLY{@grd;XrzJPpzknho?V5&UD z1$n*;^6tz?N+ChrqI5xSOAdoQg;It|P}`LRo6EK&*S40V2-p}?S`wqsOz9&-P!lAB z#@`Pmo}N&Bx)GThH=$sgI|{bDA$8*xM11%ug8sZ7!5@5#(2qVwca)%gIXe&3l|s7XCy%vp9znYu5L>1O-+`?aAu3eG~wP= z5yvr>4SFJGYg4eNu>cb$E#@ZnVDF*JxcKEY+FaWQmz)iYAe12+Gf`MG_>-^JpE70euajFG+fF|q#{I!C^M*0vvY&3j?(ISI$aRZJ{C!pzbu7Qiy> z&hs$09p`ukb{2!Z;}8bhXR*Jl7l&C`$E;~MXw1f9QzrH{sxV)hhTUvDCkgqen$2fX z5_)pz;+YX}=0r(Qw9v z9w)vp+7Kv%B}@igkeDStL$&O4Xyx0`66eF{6vW0j5dAsf z7|M&F!ZDgpkfl7%Xd=EeQ5eQZ!|cucExrUHBpiH-Iec0IJYE8RcXd2=*Ck`7QH^1P z1+CT*zP?A$JG>WTQ~Pk}*eTq&eHBlaZ(w=(D?EF8jbe=9vP)bilrEiPF`Ql1c^1JH ztgKxAJH38(fja-+^oqBA{p=jxtenHw)VDnD8{W^i+%8}jqXfClSOR^0HaeOs(Zk$r zx0FI#n+cPy05)?eGj$okt)$aex~_mW*Yb~I)F7N4gtV)@k)nfh?50DDFGuUOMbI}E zqgje8gj{?($XLlDVIg$s==Lla&I;m3g`{uox3^&T+#*h2xQT}kR`B-gw|M!@b3A$b z9B00|gZ(FNV*czq>^b>0CYDw(vhaw2UqzK^KWbYJ!rFTdZ3CClzw;)Br|)89_g#$5 z-b3HSHRxLp!`OC=uFlbR6s_h3jM;5C*v81h2(=_WbD>Sa-UcPziEkVspQ=d3I6)sS zN}!WRp(~RTm-EvYJ?PXeiJ^4r|1RO?Vt;c2A&+NM852angHaPALy?a=VcblZx1o|w zZU_j3UM54MuQ!^!y;1M!g&Gep6m4-srU3V|ZOEW=r)~TkDW7bl(|?9!x_{#OPmuKS z1{TU@+`ct9^b^z*vwxZg96MKN|Fh+avdHb;`mNCMF zV3@8xMor`s?)-2@7Xr_?vL*rdr1)T#It;r?BV8ZHBH+6S`W{UbW@_Rw)KHFgqXW&Y zvoLlXgxRqV`nEl2>7K*j&P5zNc?P#0+^4HQ!OHVH%;a?R<;!@vd zI|2L3d8}*eFu`c5L!*`eI;`mKv7@C`j|N>O8k;oG8Eas)Hp13n!|?bRX6FxJ&)gBr z>^_RI$z2#29z{=oFS>fW(B9pOHir%EJXY6KN7cYAeg=+UTdg(Fi+`I!$M5Q9RAF(o zG6JjXhRD8b&;d<160Za59i zm}hTsKwl_*JaoQ38FO`F3U)z0S)Pp15+(Wz;?SL?K&NOtRpL@U8%P2!Aa15x|5|JN zEO9Qt4N-xp5Aj8r%mYQx(V>)~M-`0WoG^^$GOOo>Vxo}FEzZ2G%JrEQ=5Td5rWjkM2>hh@ zl0Za%gMpsB0QSL-QQ;?F%sQ{j+u)Ku7OE^o}0H=&s{fI{p=|+`Nx_ zPwwE+@|Sq{jVBcn0ex_MF4~p=;Q8fiu1E-!~|LF%;?3X9YkBt z6j~f3XzLomz{m_HcQ3L5TtxrKPFU<6u$Y_C$$e9^7YXN=C~eq>2K`YM)-l+-Ph)iY zI!5>0!ub4sbWL7I&#s#=F?s~Y8__X%87)0$2>2m1*$=|hc7%_27M*?PVe38topm3| z>vqyrPN0GA-DF*Y&b)*s!xYR7HcVJ_m^BnIrsNRvGyFc*$+A#6R15d)X& zbc)->xNds!4R$Ymjj4UFFgEuLqw~)(Jhy_O*=1=I>tlOYFueC6h8LbtT%LQ5!MPXc z+w}_l)6~p!49p5Gqks1k^iMrT|KtMN_4$~sQE?hh#AHQ0#!KTcTpWk4EOBL1j<&QgDne3oVi+MN$g6HGEw8Op=D1)9 zZhe$L0hgg6%m+1cA5;W-p~TOVZtj5+Z+Ga}e0GM0p(iX1y`drKm4~5Eh`@I-# zS4t?_l7eB0@_|0gjiU$biN1_hESh9rbfn7QR0U!%CxjV26hrx;7$)$;1>wJFoLPNb za``BXsbet8*QUQL4aWRj6lGUKm2ZPe-HD>gZd5i7ORur1^$412QdZ|_m>kDp;QM0h zJ&CrygK#ppA2@yyH|~Cg`%iA*0bzge@GQYTgU63f;>n}4lAb;mpu4p4@U%;hPEjYQ zEU0^K+L2))w}(LH$|ofCJ^Iev%k zc@N!F570IBhc^lA3>gG z0&y9w$SWU3MqwXvOZ!n!HH6Z-3DoLlpttOWfxtH!_dsi&Ls`uzN;E^znr5M?9Y>vh zgpV-Ix1SG&!b30`6M>Of0vQ*AovBfn zNFjg;+{Qv2Ob$nXI*W*)J6W8a$#U4^*pxKcQ#{86Pdd6c+LW9LG6FD=8-l?+ z!k)hhyjbQaTz;%Td=8z3R2Yq6s;49a6=~T}sp=7*ZAU^5K`*eNpu7WBjiYF^F2LA% z2)d5_sJG3c+O!+hO}kOmunVS^1;*b6v^%FUyKoFQZ{H={xA5rxMd~abKP2pg-Ua(P zX#tc5>r5Tz(KblPcHW0`><(Io zZ@@PA6|8+%q*2H|bOWtJw+JLPe3R?fxqcmXI;^CjHC;ywk8c_L63vu__hIh+0?h+o zO7|gd>zH5>@G%-&Pou$p0@~IStn$-n>AghAmr&n)7}~beFgq{9&gW(2?X|6EkgwT; zyoyO=mW&{+pcfU|J;<*dLQ-}slvG-NhooZ7AT+uuI`<4}_0uS>8bo?tD@toeP*mQ> z{e7rnek|4WqNbevN39hDRcV+IS2@dLr4Jqn$omSS(V0yrC*aMAayF54=@>di$39FZY#Dnij89gY#kj*&P8dc%V-7Q<}J<*67dTEPNfl!#?~NQ}i; zLNtbABQcf~O~_+0m=KOZ#-_p4Pz7S^*~x$U}`_dM(sMf2(bXv*nN=|cm|E_r=fS8gNf_ru8Xixe>)l+=V9nN&tuNh zb-7OG6~~KFsHx*DwC!i0?>q-Rj}zO>J!}N~zF@At#K$-dt^GJ%`UqY6IH$EUsMPO8 zQ`;FfmRHch=hHcQ2X;o5D&t{7K83>SX{6@&@S$#dVDzLHG59Ugk~My*IHeSsUdZ{g0Jt9U5f{oYAJerQz${oa}mVTJ1}TwdlV^i;sjVtCGDpWQo%XDp6& zC3SPCGaZ7JpxSya!9*CF2w#KkIBFRw>KGHWbX=Y71e?2)l8l7cK(}pT5&T+>bY^Ya zNolON9dq4B^HI7sVdi~mTTjB!c@}z6M7-Zx%MvukMbwy<&}d`95p;dWImVQ$g!?+$ zhHk>#eTDnZpq8N5n-8Ie$LCd!BD-vW%k#|eGbpGWMt;Qrqst)FHN$j|5pH9Yp%OF9 zP$X&T^n9_4I*^{wQNWme0M-6ez-Hh2Np(}c7pD5cloNj(_Ize=w<#Eqa44&`}!gPH2t0U~ZYl$oOF#J8=b9zq*Ed_io|Ay|cJ~_cR{dIf_Sj zmZ<%Bd}l8~U&7P7OIVh45X*N6HvwPacGtEgtjj5zKv}~)v;@)Ec8V@~QgYW?^Fb*e zR~Z)BH8U$ywZrpO9E?5c`<5#i(Tg z)LHl#rbWrUg~YPfc9g}!*`fU+-TW&S#AUktc}YzKUE6$|j=qyoh56dNm(OJ%p9_mb zKhGCz7fP7B3z^aL`C{gm_aLvV2RU^2fXE8Oq%|?ew;?&xirj*BlvQ@2u%sE9{8Cud zxp0;wV7wv$1Nl*K=7`UZ6LMuBba4S_h#}mByqeA}fgM4>DG7Ap*x>|sRh0z2B9u@Q zehG4_EWlj?T|izgTwTB}b4L|H7qE*T?yU83C+r@C-5ciM09fS#XbA~Kb4UPe9NWX_ z#*8-YTo-Di>$e2^!4fP!k1j)NxIemLSQLy`eRS`>bS|d^GOD;_Px51LK`H$RHrM&L z*^~XH^)@!30`N|{xsY)6HFajP(G_3M%Ls)vFBS?mzJaoMghk{aA*BZK$;{;`4M@w- zGrs5$lUR%J7{1;~wTR`uM859nc`XFphU`Mlz?uOj*FK7B{XUd8vT>{5EvdA2hVHnV5nz^4 zV3u9!^mSlE4jHcr-!j*1RBFUA?JOWc%Mykd|uNisTn8WL&z=ZLJpN% zCSFJu+og(7Pn3mtP&`JsI8_!%=vO7VIWu}Cp|4;z zuMmz-7q9f%fhtcoRC~EIuX~}9us1Ts2x8Q9o1hjIpp z3Y31qwuesMlNJm|3S$V>NwpGi;o2?fq#n8v>SM{(sc^ZU)O zaP#Il+`MrT_iobRZ!O{R?fnwmk8jcGZ&DoBsR}urXFB-iJNbq)E77_2t>P3O;cM7~ z;+knb7_)FC^DpU!S3k)SsnMwR}U1iGdBO9^&MHyhe6j-3~nxo25;JWe~y=gXqv z{Z%xI=fUSk$cr?i$fbL$=o(qY9mrNYkfZK`XGj6U6RVM5=zzMU2a1GRsES)qUSea$ zOo1hbF(qFB9*Q=;sn$dpbTK}tA>@^Wyd>NkMT{f`at{>CJ)vf{E*ED`LMQ?Es>-Rd z5cj`>yh3Dg!YDz`Wk~{b;q0;EbmARg^NiG$LL=o+BV{W@NETuAa^JrL@99IgwZ7;CdIMW;fJz{p5hXRP6|ID~C`} zJr1>Y7n&T5vR#L1baODZOroQ67e+@HaPY_>T)BDohyrq{kVRA4#2J9GNXMLS z>G=Z9eP5#4aT%tzvxIz}d2Sk2I?fzT1e{Zxn)e~jofl{(7-jf;N_*J=by96m(LJ*1 z9&u@U_=S}rDT{7iJ4ko2(rs#>O0Pw6ehrdBBcRVxy1v7i90p5VFr!M4%f$(7rQ8>4 zMv=nc9ViHLBj|*k*;`G>%fuNIx_Xt|2O6PZF%tS<=I~Wj1npo<*#Qk*w>rpM8Z`lg zpRg8tZim{-4W)!!sLI>r?A3(7mY~-W>IOQ$j)kS;?Q|>{751I+MOPmdoSu813Dz~qW zEop>b#aS&a0-hT_!G_O+v0+;jHhV^4yKe%#g3{m}oQYsXA>#OYW@MXCRO+B(w-R~- z5>-Yhv&=}zu_7(687elXnMJMS#)+cJJ{k~@E#`Yg<(4|3){M|ZN5~I(Q!{Q-#hNk3 z(gm2>55w4ch|&5GEFFho?c9%!o_Wm7E#dt66S#4Wu73L%fnUP?+Y7jVV;<`=3wjWv zv?4mmB7vTo&&py`S3pqm%14k>HjGSlKQfAXkY3P@jN)ES|3hs0_ykIZ`NTvt80Hfu z_>x8?=<~~660jF>1}LeSVnK+r9TNmu050|ku~G@=8uW#H>|BloER0e*bQSvo0~=kF z<08x*7htfTCfth>oe_IzS8-@|5Y=A;h232Y$G7?lMiiv=kj%7;=gCT*O2dMXnok}hBw#Nm;1c9?-fB9zBvBk9wh-b<#**qlAJhhT zOR8f;Y2bQekPoyxPS1E`VozXU(`$_kL<^U#3O~Z_3wsQq<*d`0AVU`$%3eBfzlseb z)lEn4BH#{!+QxisSJBm30K%o4lL+^!tV!Omu0k#Vw<^5|Jt609&72i<8S(i1&mZBF zO>#o6z~}Cf*y0t7?LLX{3`mE6SS})?${AtGk)CNnK0z-m@0MIUtGJ#05M4aqCP_s{ zSFsVzDRH=>B|*<7-8?rh3R%)jR`#k%z{fyQ7m^v0| zeDkn(PQ%$dh1t0SxN!ayZe2fzJJ%26{+A0_myzFvXr&2}@p>o{^+-^)@<}+M%I}db zwqz9#u=w@W%sI)>xgZG>{@{P_f5D7SP-IzF?wpML~r z1@6yQ4-kA8?D^%RtH*I4A8;WqU~|F-SI=fuzsMqFZsR`JY~ylo zQIy#%z^oG9H;XbUqXh}+W+Z1dbJ@%n%8rB#3j!4t2#wVstH=&b{SbU*xtwwfk)2+K zxS>$)g?vI@KyY*Y-H=Bo%@5cishHc#ME)j_ zy2SDG>DNhL!q9s!fb9M}pgJsyd(G8!{$v3)1Vv~nLf_$qN zql>Q+JN!}*#4H}nSQx`7n4Dph;)%MdpYL%G-&?^C4To{XH4^sxR)Wn~S>%e90`d$h ztC;XJa*DnxL(Inc?MTVCA(f_;S4!9$can$Qs4*^})-a1E>l~Wx3$VBEMQ7J8?Afz~ zD;Lk<_7{h-E|qSVkY+_>LX)JJWGmNgNM>|VX0{_WyOYzpgLlqq%IRdD;)BxB#i-0` zgEE`PaDRG!H_})DY1}RxU!1$nD(dBv6u|d!J8vV3hcib;Aq#|~SQq;X7>9)N2zPEN z0Vn)Ixpd{6QaW?_IGfvfHoeU74dSx@K05ytp=KnK02jy5y$N_G?@ts`CY?Mn!^Wa* zMqIj)QN@6SOir0}^T?!n1Voe|B2I%$PM_I)BR=1n0C{jW;=)sq77>ZclxWl?hohQt zr8>qR)v^Ali1tPaAuJ+*g^VNlj0`!<)7gI8CEyDJ-I>$9P(p{6;>%iG;V8K|i$KF7 zsU`e%bY3nYo1K77AAF4U>k0X$AZ*+gCOP?L&lqg;jwkF11U(u4LAeMH zEktN!sT2j3874yM;QQ6PD#nizGDXnS_+AL5=i4Q>cR4;GFKCtE&njxC%R5}_d9Bi{ zoRZm$lq}J}isI;$P92w2vuSOZL_^bV=*{ymw(Ler>kNj5=5Xl164u41nGm05L_~ap zr066wq7u1{(Iu9^$1uhS=o8ZDhALJPp-v<4$_zWfY36O4C76;j?Sx)jeQYC0EQnn3 zhY`+r2j}<*l%*iVFA~Wia#SSJ)nh}M$pcYE_f#_$l!OOB9V%l) z@ndZ9rjvUSayMl9Zb7bWy9By$bT#v`aPM+LE*yPLwc>KWxNs!Ka32EBI1=fHM&7rU z(W8kn5@u5jojZnbi;oNNv5j0eGLjgXxm&1qMybvuy0(B@B}Y#>Va^D_K&FrYTL2zN z7bp01@}4Y0o+C#)x7!$3tVw*FIA(f>+-;4Vqa<}{Uk#->lV z;UhMk8#mL*w}!YN_lPFoaT4V2vQz{R@*q07KOJ4p7#NjUheVo;fI3IrK_heUeWbam z8D9u*I^A4Ap27USrcBPTBDb$a8*y8eCEwrf@pGekxqbC-ab&MjO$n}CXK z>5NCN2;_=QNh}go;Q(Q0v&)<>8qF*<;}GLcJ{@0tmPI(Zm;qEgUKEsoJdV#TihrLX zNr#ZQ8U#mILZPgOJh}qjfw_>$3lJPthM1IkY}g!ytvh1i?hy$e_W-0tMKhx-P|6Hk z9_h=`2gQWESbR1-*bhZPzKkxO$YNAc5ptD}0G&-~fB>D2PQXhURm$k(8u39b-o7r% z4|N2(PC>vUnYk6-(25UFQHE$=!cExXWU$8hbM&Xn2ExQy#2D=d6ZczUd|~7MHuegg z%0R-+IFcC(rvN>Z8JzK?mq7Q43pm+`9JL%$G+}=)E*huOG;L$q>`F0q%Y+?hd zC*C$aP2+4VVvsW3fTXl0C{=p8yP3yWk&$a2b6 z65ydRHB>DW@dP}+kr`b}z;y_XuA}2sb6HE6g{yP=Pi^M9k;gFJun^+8o|xVu6~M10 z%>Z=zwPO-ik5h7+C+GMFko)<3clx6|3U2=TU2e1$l3A&Q;DVN#3plV!d ziiO1bT9Ygw&tP!~Cr@D^#ql{Sl32J2jS}F&(dCfGR6rJ5gw5{B@RVh-5iMeTDTF+# z7$0qvW3!tA?w$&Gy9YuU5{eu;x0;bcoJlFB1FP9omJsmbKyL~1Y&MQ6**2tlZbpXJ zR%H8ZLm`{X0`4mc7N;7S$3-sZ?KKhJs3F|7gu6b{iw-W_RQw-KUph5Gj-`uJW`b;H zKVXUrAo$GX>)CXE@|hf;(a9yq>Ev5I>E!Or<{t3`Jq13&S@4jhF{7u#(?1Pfftgg61b$Ft5!tEY z`>&Nw28atp!jV(6EQ}%So2c|`3r9M&ByM99E3TxbW*U%^A+Dk}N$27dQX3IVbBgDf z!1cs*9huVeep`^mLdjLPL9OY;x^3PW@Rb*{+REu@m2~q)gb{WDyjTv8t7F$(&ixe< z{KCD3yNAbWc^ut;74*1Ni{$7DbnP`IQt{j#%iF{zyIfyv6ElJslL&lr7UK`2jmY={ z%nW9Eu`J?_aAPquB&x)8=9J)#XJeegW>-X+LV})6_s?O>5qVyWqNx?Lf|vos{l%qQ z33(I3;+VrD%cv6ghpYKF7w}C|Vw*<_JOb0<7nX;B@I37BNydha5m-;yx4Fq7+aW`o zOor?be-tv07ZTbck-Y;w=+>TWM17IR*pfrgGnvgZytg9VeG{?>dJd1v<8cK+J5U(p zM(1}!Ibp8}^+p||N<%nZoS^HdrYK+N3A&z<#2~@$FMVdl$ezF$E8+^b(Zx+{fXy76 z>GC#0-kKyX*9X8MAg7#+Ej?^1dzj06#3g#hl`cBDgOJy}8&dINhvD_~1Lz&S;cA8j3M*M#cpSab* SsXO8T0000U5z literal 0 HcmV?d00001