From 96475c3f96ed0ccb0a9da24282b75d2fad2a4416 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Thu, 8 Aug 2024 17:55:16 +0000 Subject: [PATCH 01/45] update the requirement of numpy version --- requirements.txt | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/requirements.txt b/requirements.txt index 0153e35..584aa33 100755 --- a/requirements.txt +++ b/requirements.txt @@ -7,4 +7,5 @@ tqdm==4.65.0 transformers wandb datasets -zstandard \ No newline at end of file +zstandard +numpy==1.24 \ No newline at end of file From 07b6446ddee40cc3d5a3a3e2ed3385caf143081d Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 9 Aug 2024 16:22:28 +0200 Subject: [PATCH 02/45] update the version of env requirement --- requirements.txt | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/requirements.txt b/requirements.txt index 584aa33..a01ea30 100755 --- a/requirements.txt +++ b/requirements.txt @@ -1,8 +1,8 @@ tiktoken --find-links https://download.pytorch.org/whl/torch_stable.html -torch==2.0.0+cu118 -torchaudio==2.0.0+cu118 -torchvision==0.15.0+cu118 +torch==2.2.0+cu118 +torchaudio==2.2.0+cu118 +torchvision==0.17.0+cu118 tqdm==4.65.0 transformers wandb From 9231f66c04a9434aa41c7678fa4a35c3f4f6fe81 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 12 Aug 2024 17:15:31 +0200 Subject: [PATCH 03/45] Update requirements.txt --- requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/requirements.txt b/requirements.txt index a01ea30..8ae42f4 100755 --- a/requirements.txt +++ b/requirements.txt @@ -8,4 +8,4 @@ transformers wandb datasets zstandard -numpy==1.24 \ No newline at end of file +numpy==1.26.4 From 1cba1a6380c5913921eceb948603c4f6d601542e Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 13 Aug 2024 11:32:15 +0200 Subject: [PATCH 04/45] Create devcontainer.json --- .devcontainer/devcontainer.json | 11 +++++++++++ 1 file changed, 11 insertions(+) create mode 100644 .devcontainer/devcontainer.json diff --git a/.devcontainer/devcontainer.json b/.devcontainer/devcontainer.json new file mode 100644 index 0000000..b4617c4 --- /dev/null +++ b/.devcontainer/devcontainer.json @@ -0,0 +1,11 @@ +{ + // Name this configuration + "name": "Codespace for Skills!", + "customizations": { + "vscode": { + "extensions": [ + "GitHub.copilot" + ] + } + } +} From edef3a82ba66708803419bf66d23d7350cae4ad9 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Thu, 15 Aug 2024 19:10:57 +0200 Subject: [PATCH 05/45] to test on clusters --- scripts/train-baselines-example.sh | 3 ++ src/.DS_Store | Bin 0 -> 6148 bytes src/config/base.py | 12 +++-- src/data/.DS_Store | Bin 0 -> 6148 bytes src/main.py | 16 +++--- src/models/base.py | 1 + src/optim/base.py | 81 +++++++++++++++++++++++------ 7 files changed, 87 insertions(+), 26 deletions(-) create mode 100644 src/.DS_Store create mode 100644 src/data/.DS_Store diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 1f572e8..251289f 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -5,3 +5,6 @@ pip install -r requirements.txt export WANDB_API_KEY="put your authorize key here, to find it: https://wandb.ai/authorize" python ./src/main.py --model base --n_embd 768 --n_head 12 --wandb_run_prefix h768_nh12_nlyr24_sl512_d005 --n_layer 24 --batch_size 50 --sequence_length 512 --wandb --acc_steps 4 --dropout 0.05 + +# for cpu +python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --device=cpu --vocab_size=96 \ No newline at end of file diff --git a/src/.DS_Store b/src/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..1a71cb0776ca1e4c312bf3287e5b925ef4942c2c GIT binary patch literal 6148 zcmeH~F$w}f3`G;&La^D=avBfd4F=H@>;+s9Y(zoSdXDZ-CJ2t!BJu;tpJXO1`-+{7 zi0JyZUy1Z0GJ~7S(n4d3ypz3*a+UEuTu#UH>42KmCvn!+@Lrnz*rt#G36KB@kN^q% z5COZlVY7KvMiL+a5_l4@??Zx{=Fn2rKOG1@0zf;I-LUpq0-CG<&7q|#Dlm=dL8DcD z46(YmLsOi~p`~hV7meXV4M3`}dgXhH(h?7~0-B+w9;*1Wg-e+&OK|2Hj6Nq_|Y zjDU8VVY9|d#ohY$dRE^>)z$?L_2URHKLJSWDqg_du%B!J&7q|#Dlq;CI0gn1_$q-1 DiFXpM literal 0 HcmV?d00001 diff --git a/src/config/base.py b/src/config/base.py index e48c277..cc042d1 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -11,28 +11,30 @@ def parse_args(base_parser, args, namespace): parser = base_parser # General training params parser.add_argument('--batch_size', default=32, type=int) - parser.add_argument('--acc_steps', default=4, type=int) + parser.add_argument('--acc_steps', default=1, type=int) # 4 parser.add_argument('--seed', default=0, type=int) parser.add_argument('--data_seed', default=1337, type=int) parser.add_argument('--device', default='cuda:0', type=str) - parser.add_argument('--iterations', default=25000, type=int) + parser.add_argument('--iterations', default=1080, type=int) # 25000 parser.add_argument('--lr', default=1e-3, type=float) parser.add_argument('--warmup_percent', default=0.05, type=float) parser.add_argument('--weight_decay', default=0.1, type=float) parser.add_argument('--beta1', default=0.9, type=float) parser.add_argument('--beta2', default=0.95, type=float) parser.add_argument('--scheduler', default='cos', choices=['linear', 'cos', 'none']) - parser.add_argument('--opt', default='adamw', choices=['adamw', 'sgd']) - parser.add_argument('--eval_freq', default=200, type=int) # in iterations + parser.add_argument('--opt', default='sgd', choices=['adamw', 'sgd']) + parser.add_argument('--eval_freq', default=5, type=int) # 200 in iterations parser.add_argument('--results_base_folder', default="./exps", type=str) parser.add_argument('--grad_clip', default=0.0, type=float) # default value is 1.0 in NanoGPT # Dataset params parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) + parser.add_argument('--num_curated_batch', default=1, type=int) # number of curated tokens separated from the training data + parser.add_argument('--gamma', default=0.01, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params parser.add_argument('--model', default='base', choices=['base', 'llama2']) - parser.add_argument('--use_pretrained', default="auto", type=none_or_str) # 'none', 'gpt-2' or a path to the pretraind model + parser.add_argument('--use_pretrained', default='auto', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model parser.add_argument('--dropout', default=0.0, type=float) parser.add_argument('--n_head', default=12, type=int) parser.add_argument('--n_layer', default=12, type=int) # depths in att + ff blocks diff --git a/src/data/.DS_Store b/src/data/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..5686396caee6a9bc91b20dd55bafe0ee4d11cb56 GIT binary patch literal 6148 zcmeHK&u`N(6n^f?no@1+0VKFZ;yP_@hd|XXr4%8q6v2U^kTlU6mc~_+uAr(?@9fGy zz>PnE14l00xbpA7_Z$!UBM2@ahWw=G&#~VZ+n*gfCL+-u`*or!5m|7?;$de#rt5S@C5rqO38A(IQ&(-H%W%NKOekd6eek{_C*vn zikCJ^rE;lKde-gBNjG)Vang22PxIQA38?Pe9_vQ>7f*Qe9^L8G>7A2jQ;U3=Q({LN-#HY;0KZ|omFbWWl{EMK!S z*bT8AD%;X{4rj<%v?4@wT<`YeV5ou)b~f{32C~!9gSXC(_TId`_32K2oc~*K!~SBM zHaET2uhZ@*j%0j{Iv&psNlbGu|=NYQ41Bto<0E;MAhCKf)Fvr%|(m2l$ zH87D;ff-fkD~8DED7ST7OXEDlj7~ydK7?*r=o^Yqt>gW+3MbLZ(4"})).view(1,-1).to(self.lm_head.weight.device) + print(f"idx=", idx) out_idx = self.generate(idx, max_new_tokens, temperature, top_k).view(-1).to('cpu').numpy() return self.tokenizer.decode(out_idx) diff --git a/src/optim/base.py b/src/optim/base.py index 241f508..da008fc 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -12,15 +12,29 @@ import numpy as np from .utils import eval, get_batch, save_checkpoint +import pdb -def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): +def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, + eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype) best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible substep = itr * acc_steps + data_cnt = 0 + + print(f'Num curated tokens: {num_curated_tok}') + data["curated"], curated_sampler = get_dataloader( + data["train"][:num_curated_tok], + sequence_length=sequence_length, + batch_size=batch_size, + seed=data_seed, + ) + + num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) + w = torch.ones(num_train_seq) data["train"], train_sampler = get_dataloader( - data["train"], + data["train"][num_curated_tok : ], sequence_length=sequence_length, batch_size=batch_size, seed=data_seed, @@ -34,8 +48,8 @@ def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, ba seed=data_seed, ) - num_substeps_per_epoch = len(data["train"]) - train_epochs = substep//num_substeps_per_epoch + num_substeps_per_epoch = len(data["train"]) + train_epochs = substep//num_substeps_per_epoch # counting the current epoch if rng_state_dict is not None and rng_state_dict.get("train_sampler_state", None) is not None: train_sampler.generator.set_state(rng_state_dict["train_sampler_state"]) @@ -45,14 +59,15 @@ def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, ba sampler_state_before_iter = train_sampler.generator.get_state() data_train_iter = iter(data["train"]) - + print(f'Data train: {len(data["train"])}') + print(f'Data curated: {len(data["curated"])}') + # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) data_val_iter = itertools.cycle(data["val"]) + data_curated_iter = itertools.cycle(data["curated"]) - stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + stats = {"curated_loss": [], "train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} - - if extra_args.compile: print(f"Compiling model ...") model = torch.compile(model) # requires pytorch 2.0+ @@ -69,19 +84,52 @@ def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, ba for _ in range(substep % num_substeps_per_epoch): get_batch(data_train_iter, device=extra_args.device) - + while itr < iterations: - for microstep_idx in range(acc_steps): # gradient accumulation - x, y = get_batch(data_train_iter, device=extra_args.device) - + x0, y0 = get_batch(data_curated_iter, device=extra_args.device) with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x, targets=y) + outputs = model(x0, targets=y0) + loss0 = outputs['loss'] / acc_steps + loss0.backward() + grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} + opt.zero_grad(set_to_none=True) + + x, y = get_batch(data_train_iter, device=extra_args.device) - loss = outputs['loss'] / acc_steps - loss.backward() + grads_batch = grad0.copy() + loss = loss0.copy() + for i in range(x.size(0)): # Iterate over each data point in the batch + xi = x[i].unsqueeze(0) # Get the i-th data point + yi = y[i].unsqueeze(0) # Get the i-th target + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + output_i = model(xi, targets=yi) + lossi = output_i['loss'] + loss += w[data_cnt] * lossi + lossi.backward() + gradi = {name: param.grad.clone() for name, param in model.named_parameters()} + # individual_gradients.append(current_gradients) + inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) + # print(inner_product) + w[data_cnt] += gamma * inner_product + w[data_cnt] = torch.clamp(w[i], 0, 1) + # Accumulate the gradients + for name, param in model.named_parameters(): + if param.grad is not None: + grads_batch[name] += w[data_cnt] * param.grad.clone() + opt.zero_grad(set_to_none=True) + data_cnt += 1 + + for name, param in model.named_parameters(): + if param.grad is not None: + param.grad = grads_batch[name] substep += 1 + + if data_cnt % num_train_seq == 0: + data_cnt = 0 + if substep % len(data["train"]) == 0: train_epochs += 1 print(f"Train epoch {train_epochs} done (full pass over training data)") @@ -93,6 +141,8 @@ def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, ba sampler_state_before_iter = train_sampler.generator.get_state() data_train_iter = iter(data["train"]) + data_curated_iter = iter(data["curated"]) + # pdb.set_trace() if extra_args.grad_clip != 0.0: torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) @@ -157,6 +207,7 @@ def train_base(model, opt, data, data_seed, scheduler, iterations, acc_steps, ba model.train() t0 = time.time() + if distributed_backend.is_master_process(): if extra_args.save_checkpoint_freq is not None and itr % extra_args.save_checkpoint_freq == 0: print(f"saving checkpoint to {os.path.dirname(ckpt_path)}/ckpt_{itr}.pt") From 6964b2a8babe461a5bd20c8217265d364154eced Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 00:27:41 +0000 Subject: [PATCH 06/45] debug for modified --- scripts/train-baselines-example.sh | 5 +- src/config/base.py | 2 +- src/exercise.ipynb | 447 +++++++++++++++++++++++++++++ src/optim/base.py | 124 ++++---- 4 files changed, 521 insertions(+), 57 deletions(-) create mode 100644 src/exercise.ipynb diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 251289f..64057c3 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -7,4 +7,7 @@ export WANDB_API_KEY="put your authorize key here, to find it: https://wandb.ai/ python ./src/main.py --model base --n_embd 768 --n_head 12 --wandb_run_prefix h768_nh12_nlyr24_sl512_d005 --n_layer 24 --batch_size 50 --sequence_length 512 --wandb --acc_steps 4 --dropout 0.05 # for cpu -python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --device=cpu --vocab_size=96 \ No newline at end of file +python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --device=cpu --vocab_size=96 + +# for quick gpu test +python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --vocab_size=96 \ No newline at end of file diff --git a/src/config/base.py b/src/config/base.py index cc042d1..16cef40 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -29,7 +29,7 @@ def parse_args(base_parser, args, namespace): # Dataset params parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_curated_batch', default=1, type=int) # number of curated tokens separated from the training data - parser.add_argument('--gamma', default=0.01, type=float) # step size for w + parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params diff --git a/src/exercise.ipynb b/src/exercise.ipynb new file mode 100644 index 0000000..202ee17 --- /dev/null +++ b/src/exercise.ipynb @@ -0,0 +1,447 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 299, + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.optim as optim\n", + "import matplotlib.pyplot as plt\n", + "import copy\n", + "# Define the neural network\n", + "class SimpleNN(nn.Module):\n", + " def __init__(self):\n", + " super(SimpleNN, self).__init__()\n", + " self.layer1 = nn.Linear(3, 80) # First layer with 3 inputs and 5 outputs\n", + " self.layer2 = nn.Linear(80, 1) # Second layer with 5 inputs and 1 output\n", + "\n", + " def forward(self, x):\n", + " x = torch.relu(self.layer1(x))\n", + " x = self.layer2(x)\n", + " return x" + ] + }, + { + "cell_type": "code", + "execution_count": 300, + "metadata": {}, + "outputs": [], + "source": [ + "# Initialize the network\n", + "net1 = SimpleNN()\n", + "net2 = copy.deepcopy(net1)\n", + "\n", + "# for name, param in net1.named_parameters():\n", + "# if param.requires_grad:\n", + "# print(f\"Parameter: {name}\\n{param.data}\\n\")\n", + "\n", + "# for name, param in net2.named_parameters():\n", + "# if param.requires_grad:\n", + "# print(f\"Parameter: {name}\\n{param.data}\\n\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 301, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Loss before backward pass: 0.23243877291679382\n" + ] + } + ], + "source": [ + "\n", + "# Generate 4 random data points with 3 features each\n", + "data = torch.randn(4, 3)\n", + "# Generate random target values\n", + "target = torch.randn(4, 1)\n", + "\n", + "x0 = torch.randn(1, 3)\n", + "y0 = torch.randn(1, 1)\n", + "\n", + "# Define a loss function and an optimizer\n", + "criterion = nn.MSELoss()\n", + "optimizer1 = optim.SGD(net1.parameters(), lr=0.01)\n", + "optimizer2 = optim.SGD(net2.parameters(), lr=0.01)\n", + "# Forward pass: Compute predicted y by passing data to the model\n", + "output1 = net1(data)\n", + "\n", + "# Compute and print loss\n", + "loss1 = criterion(output1, target)\n", + "print('Loss before backward pass:', loss1.item())\n", + "\n", + "# Zero gradients, perform a backward pass, and update the weights\n", + "optimizer1.zero_grad()\n", + "loss1.backward()\n", + "optimizer1.step()\n", + "\n", + "# for name, param in net1.named_parameters():\n", + "# if param.requires_grad:\n", + "# print(f\"Parameter: {name}\\n{param.data}\\n\")" + ] + }, + { + "cell_type": "code", + "execution_count": 302, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([1., 1., 1., 1.])\n" + ] + } + ], + "source": [ + "gamma = 0.01 # step size\n", + "w = torch.ones(data.size(0))\n", + "print(w)" + ] + }, + { + "cell_type": "code", + "execution_count": 303, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([1.0000, 1.0000, 0.8815, 0.9761])\n", + "tensor([1.0000, 1.0000, 0.7807, 0.9635])\n", + "tensor([1.0000, 1.0000, 0.6897, 0.9558])\n", + "tensor([1.0000, 1.0000, 0.6064, 0.9517])\n", + "tensor([1.0000, 1.0000, 0.5293, 0.9500])\n", + "tensor([1.0000, 1.0000, 0.4570, 0.9498])\n", + "tensor([1.0000, 1.0000, 0.3885, 0.9506])\n", + "tensor([1.0000, 1.0000, 0.3228, 0.9517])\n", + "tensor([1.0000, 1.0000, 0.2593, 0.9526])\n", + "tensor([0.9980, 1.0000, 0.1972, 0.9531])\n", + "tensor([0.9941, 1.0000, 0.1361, 0.9527])\n", + "tensor([0.9888, 1.0000, 0.0755, 0.9513])\n", + "tensor([0.9824, 1.0000, 0.0148, 0.9485])\n", + "tensor([0.9750, 1.0000, 0.0000, 0.9441])\n", + "tensor([0.9677, 1.0000, 0.0000, 0.9388])\n", + "tensor([0.9607, 1.0000, 0.0000, 0.9333])\n", + "tensor([0.9544, 1.0000, 0.0000, 0.9278])\n", + "tensor([0.9485, 1.0000, 0.0000, 0.9222])\n", + "tensor([0.9431, 1.0000, 0.0000, 0.9168])\n", + "tensor([0.9382, 1.0000, 0.0000, 0.9114])\n", + "tensor([0.9337, 1.0000, 0.0000, 0.9063])\n", + "tensor([0.9295, 1.0000, 0.0000, 0.9012])\n", + "tensor([0.9256, 1.0000, 0.0000, 0.8963])\n", + "tensor([0.9220, 1.0000, 0.0000, 0.8916])\n", + "tensor([0.9186, 1.0000, 0.0000, 0.8871])\n", + "tensor([0.9155, 1.0000, 0.0000, 0.8827])\n", + "tensor([0.9126, 1.0000, 0.0000, 0.8785])\n", + "tensor([0.9098, 1.0000, 0.0000, 0.8745])\n", + "tensor([0.9073, 1.0000, 0.0000, 0.8706])\n", + "tensor([0.9049, 1.0000, 0.0000, 0.8669])\n", + "tensor([0.9026, 1.0000, 0.0000, 0.8633])\n", + "tensor([0.9005, 1.0000, 0.0000, 0.8600])\n", + "tensor([0.8985, 1.0000, 0.0000, 0.8567])\n", + "tensor([0.8966, 1.0000, 0.0000, 0.8536])\n", + "tensor([0.8949, 1.0000, 0.0000, 0.8507])\n", + "tensor([0.8932, 1.0000, 0.0000, 0.8478])\n", + "tensor([0.8916, 1.0000, 0.0000, 0.8451])\n", + "tensor([0.8902, 1.0000, 0.0000, 0.8426])\n", + "tensor([0.8888, 1.0000, 0.0000, 0.8401])\n", + "tensor([0.8874, 1.0000, 0.0000, 0.8378])\n", + "tensor([0.8862, 1.0000, 0.0000, 0.8355])\n", + "tensor([0.8850, 1.0000, 0.0000, 0.8334])\n", + "tensor([0.8839, 1.0000, 0.0000, 0.8314])\n", + "tensor([0.8829, 1.0000, 0.0000, 0.8294])\n", + "tensor([0.8819, 1.0000, 0.0000, 0.8276])\n", + "tensor([0.8809, 1.0000, 0.0000, 0.8258])\n", + "tensor([0.8800, 1.0000, 0.0000, 0.8241])\n", + "tensor([0.8792, 1.0000, 0.0000, 0.8225])\n", + "tensor([0.8784, 1.0000, 0.0000, 0.8210])\n", + "tensor([0.8776, 1.0000, 0.0000, 0.8196])\n", + "tensor([0.8769, 1.0000, 0.0000, 0.8182])\n", + "tensor([0.8762, 1.0000, 0.0000, 0.8169])\n", + "tensor([0.8755, 1.0000, 0.0000, 0.8156])\n", + "tensor([0.8749, 1.0000, 0.0000, 0.8144])\n", + "tensor([0.8743, 1.0000, 0.0000, 0.8133])\n", + "tensor([0.8738, 1.0000, 0.0000, 0.8122])\n", + "tensor([0.8732, 1.0000, 0.0000, 0.8112])\n", + "tensor([0.8727, 1.0000, 0.0000, 0.8102])\n", + "tensor([0.8723, 1.0000, 0.0000, 0.8092])\n", + "tensor([0.8718, 1.0000, 0.0000, 0.8083])\n", + "tensor([0.8714, 1.0000, 0.0000, 0.8075])\n", + "tensor([0.8710, 1.0000, 0.0000, 0.8067])\n", + "tensor([0.8706, 1.0000, 0.0000, 0.8059])\n", + "tensor([0.8702, 1.0000, 0.0000, 0.8052])\n", + "tensor([0.8699, 1.0000, 0.0000, 0.8045])\n", + "tensor([0.8695, 1.0000, 0.0000, 0.8038])\n", + "tensor([0.8692, 1.0000, 0.0000, 0.8032])\n", + "tensor([0.8689, 1.0000, 0.0000, 0.8025])\n", + "tensor([0.8686, 1.0000, 0.0000, 0.8020])\n", + "tensor([0.8684, 1.0000, 0.0000, 0.8014])\n", + "tensor([0.8681, 1.0000, 0.0000, 0.8009])\n", + "tensor([0.8678, 1.0000, 0.0000, 0.8004])\n", + "tensor([0.8676, 1.0000, 0.0000, 0.7999])\n", + "tensor([0.8674, 1.0000, 0.0000, 0.7995])\n", + "tensor([0.8672, 1.0000, 0.0000, 0.7990])\n", + "tensor([0.8670, 1.0000, 0.0000, 0.7986])\n", + "tensor([0.8668, 1.0000, 0.0000, 0.7982])\n", + "tensor([0.8666, 1.0000, 0.0000, 0.7979])\n", + "tensor([0.8664, 1.0000, 0.0000, 0.7975])\n", + "tensor([0.8663, 1.0000, 0.0000, 0.7972])\n", + "tensor([0.8661, 1.0000, 0.0000, 0.7968])\n", + "tensor([0.8660, 1.0000, 0.0000, 0.7965])\n", + "tensor([0.8658, 1.0000, 0.0000, 0.7962])\n", + "tensor([0.8657, 1.0000, 0.0000, 0.7960])\n", + "tensor([0.8656, 1.0000, 0.0000, 0.7957])\n", + "tensor([0.8654, 1.0000, 0.0000, 0.7954])\n", + "tensor([0.8653, 1.0000, 0.0000, 0.7952])\n", + "tensor([0.8652, 1.0000, 0.0000, 0.7950])\n", + "tensor([0.8651, 1.0000, 0.0000, 0.7947])\n", + "tensor([0.8650, 1.0000, 0.0000, 0.7945])\n", + "tensor([0.8649, 1.0000, 0.0000, 0.7943])\n", + "tensor([0.8648, 1.0000, 0.0000, 0.7942])\n", + "tensor([0.8647, 1.0000, 0.0000, 0.7940])\n", + "tensor([0.8646, 1.0000, 0.0000, 0.7938])\n", + "tensor([0.8646, 1.0000, 0.0000, 0.7936])\n", + "tensor([0.8645, 1.0000, 0.0000, 0.7935])\n", + "tensor([0.8644, 1.0000, 0.0000, 0.7933])\n", + "tensor([0.8643, 1.0000, 0.0000, 0.7932])\n", + "tensor([0.8643, 1.0000, 0.0000, 0.7931])\n", + "tensor([0.8642, 1.0000, 0.0000, 0.7929])\n", + "tensor([0.8642, 1.0000, 0.0000, 0.7928])\n", + "tensor([0.8641, 1.0000, 0.0000, 0.7927])\n", + "tensor([0.8641, 1.0000, 0.0000, 0.7926])\n", + "tensor([0.8640, 1.0000, 0.0000, 0.7925])\n", + "tensor([0.8640, 1.0000, 0.0000, 0.7924])\n", + "tensor([0.8639, 1.0000, 0.0000, 0.7923])\n", + "tensor([0.8639, 1.0000, 0.0000, 0.7922])\n", + "tensor([0.8638, 1.0000, 0.0000, 0.7921])\n", + "tensor([0.8638, 1.0000, 0.0000, 0.7920])\n", + "tensor([0.8637, 1.0000, 0.0000, 0.7919])\n", + "tensor([0.8637, 1.0000, 0.0000, 0.7919])\n", + "tensor([0.8637, 1.0000, 0.0000, 0.7918])\n", + "tensor([0.8636, 1.0000, 0.0000, 0.7917])\n", + "tensor([0.8636, 1.0000, 0.0000, 0.7917])\n", + "tensor([0.8636, 1.0000, 0.0000, 0.7916])\n", + "tensor([0.8636, 1.0000, 0.0000, 0.7915])\n", + "tensor([0.8635, 1.0000, 0.0000, 0.7915])\n", + "tensor([0.8635, 1.0000, 0.0000, 0.7914])\n", + "tensor([0.8635, 1.0000, 0.0000, 0.7914])\n", + "tensor([0.8635, 1.0000, 0.0000, 0.7913])\n", + "tensor([0.8634, 1.0000, 0.0000, 0.7913])\n", + "tensor([0.8634, 1.0000, 0.0000, 0.7912])\n", + "tensor([0.8634, 1.0000, 0.0000, 0.7912])\n", + "tensor([0.8634, 1.0000, 0.0000, 0.7912])\n", + "tensor([0.8634, 1.0000, 0.0000, 0.7911])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7911])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7910])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7910])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7910])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7910])\n", + "tensor([0.8633, 1.0000, 0.0000, 0.7909])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7909])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7909])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7908])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7908])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7908])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7908])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7908])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8632, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7907])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7906])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8631, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7905])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n" + ] + } + ], + "source": [ + "norms = []\n", + "itr = 200\n", + "for iter in range(itr):\n", + " output0 = net2(x0.unsqueeze(0))\n", + " loss0 = nn.MSELoss()(output0, y0.unsqueeze(0))\n", + " optimizer2.zero_grad()\n", + " loss0.backward()\n", + " gradient0 = {name: param.grad.clone() for name, param in net2.named_parameters()}\n", + "\n", + " sum_gradients = {name: torch.zeros_like(param) for name, param in net2.named_parameters()}\n", + " # individual_gradients = []\n", + " for i in range(data.size(0)):\n", + " # Forward pass for a single data point\n", + " output_i = net2(data[i].unsqueeze(0))\n", + " loss2 = nn.MSELoss()(output_i, target[i].unsqueeze(0))\n", + " \n", + " # Zero the gradients\n", + " optimizer2.zero_grad()\n", + " \n", + " # Backward pass\n", + " loss2.backward()\n", + " \n", + " # Store the gradients for the current data point\n", + " current_gradients = {name: param.grad.clone() for name, param in net2.named_parameters()}\n", + " # individual_gradients.append(current_gradients)\n", + " inner_product = sum((torch.flatten(gradient0[name]) * torch.flatten(current_gradients[name])).sum() for name in gradient0.keys())\n", + " # print(inner_product)\n", + " w[i] += gamma * inner_product\n", + " w[i] = torch.clamp(w[i], 0, 1)\n", + "\n", + " # Accumulate the gradients\n", + " for name, param in net2.named_parameters():\n", + " if param.grad is not None:\n", + " sum_gradients[name] += w[i] * param.grad.clone()\n", + " print(w)\n", + " for name, param in net2.named_parameters():\n", + " if param.grad is not None:\n", + " param.grad = sum_gradients[name]\n", + " \n", + " norms.append(torch.norm(param.grad))\n", + " optimizer2.step()\n", + " # for name, param in net1.named_parameters():\n", + " # if param.requires_grad:\n", + " # print(f\"Parameter: {name}\\n{param.data}\\n\")\n", + "\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 304, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([0.8630, 1.0000, 0.0000, 0.7904])\n", + "tensor(2.7047e-05)\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkIAAAHHCAYAAABTMjf2AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjkuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8hTgPZAAAACXBIWXMAAA9hAAAPYQGoP6dpAABmXElEQVR4nO3dd1gUV9sG8Ht36b2DKN0uCIqKWLAREY01lpjEFmPs3SSaN7F9SUw0sRNbYokmRk0s0Vii2BU72AULCkoTkS5td74/fN03KyCgLLPs3r/r2ivhzDBzz46wDzPnnJEIgiCAiIiISAdJxQ5AREREJBYWQkRERKSzWAgRERGRzmIhRERERDqLhRARERHpLBZCREREpLNYCBEREZHOYiFEREREOouFEBEREeksFkJEWm7//v3w8/ODkZERJBIJ0tPTxY5E/+Xu7o6hQ4eKHaNakkgkmD17ttgxSAuwECKdsX79ekgkEhgZGeHRo0fFlrdv3x7e3t4iJFOfJ0+eoH///jA2NkZYWBg2btwIU1NTsWORBrl//z4kEgm+//57ZduNGzcwe/Zs3L9/X7xgAPbu3ctih9SOhRDpnPz8fHz77bdix6gS58+fR1ZWFv7v//4Pw4cPxwcffAB9fX2xY5GGu3HjBubMmaMRhdCcOXNKXPbs2TN88cUXVZyItBELIdI5fn5+WLNmDRISEtS2D0EQ8OzZM7Vtv7xSUlIAAFZWVuIG+S9NeV/ehDYcg1hycnIqbVtGRkbQ09OrtO2R7mIhRDrn888/h1wuL9dVoaKiIvzf//0fvLy8YGhoCHd3d3z++efIz89XWc/d3R1vv/02Dhw4gGbNmsHY2BirVq3C0aNHIZFIsHXrVsyZMwc1a9aEubk5+vbti4yMDOTn52PSpElwcHCAmZkZhg0bVmzbpdm2bRv8/f1hbGwMOzs7fPDBByq3/Nq3b48hQ4YAAJo3bw6JRPLK/iizZ8+GRCLBrVu30L9/f1hYWMDW1hYTJ05EXl6eyrrr1q1Dx44d4eDgAENDQzRs2BArVqwots3S3pfX2cbRo0eV2/Dx8cHRo0cBANu3b4ePjw+MjIzg7++PyMjIcr1/V65cQbt27WBsbIxatWrhq6++wrp16yCRSFSuhFTGMQiCgK+++gq1atWCiYkJOnTogOvXr5eZsbCwEDY2Nhg2bFixZZmZmTAyMsK0adOUbcuWLUOjRo1gYmICa2trNGvWDL/99lu53o8X1q9fj379+gEAOnToAIlEAolEony/AWDfvn1o27YtTE1NYW5ujm7duhU7nqFDh8LMzAx3795F165dYW5ujvfffx8AcOLECfTr1w+urq4wNDSEi4sLJk+erFJgDh06FGFhYQCgzCCRSJTLS+ojFBkZidDQUFhYWMDMzAydOnXCmTNnih2fRCLBqVOnMGXKFNjb28PU1BS9e/fG48ePK/RekXZgOU06x8PDA4MHD8aaNWswffp0ODs7l7ruRx99hA0bNqBv376YOnUqzp49i3nz5uHmzZvYsWOHyrrR0dEYOHAgRo4ciREjRqBevXrKZfPmzYOxsTGmT5+OO3fuYNmyZdDX14dUKsXTp08xe/ZsnDlzBuvXr4eHhwdmzpz5ymNYv349hg0bhubNm2PevHlITk7GkiVLcOrUKURGRsLKygr/+c9/UK9ePaxevRpz586Fh4cHvLy8ynx/+vfvD3d3d8ybNw9nzpzB0qVL8fTpU/zyyy/KdVasWIFGjRqhR48e0NPTw+7duzFmzBgoFAqMHTu2XO9LRbZx584dvPfeexg5ciQ++OADfP/99+jevTtWrlyJzz//HGPGjFG+z/3790d0dDSk0tL/znv06JHyQ37GjBkwNTXFTz/9BENDwxLXf9NjmDlzJr766it07doVXbt2xaVLl9C5c2cUFBS88lzo6+ujd+/e2L59O1atWgUDAwPlsp07dyI/Px/vvvsuAGDNmjWYMGEC+vbtqyxer1y5grNnz+K999575X7+LSgoCBMmTMDSpUvx+eefo0GDBgCg/O/GjRsxZMgQhISE4LvvvkNubi5WrFiBNm3aIDIyEu7u7sptFRUVISQkBG3atMH3338PExMTAM+L+NzcXIwePRq2trY4d+4cli1bhocPH2Lbtm0AgJEjRyIhIQEHDx7Exo0by8x9/fp1tG3bFhYWFvj000+hr6+PVatWoX379jh27BgCAgJU1h8/fjysra0xa9Ys3L9/H4sXL8a4ceOwZcuWcr9XpCUEIh2xbt06AYBw/vx54e7du4Kenp4wYcIE5fJ27doJjRo1Un4dFRUlABA++ugjle1MmzZNACAcPnxY2ebm5iYAEPbv36+y7pEjRwQAgre3t1BQUKBsHzhwoCCRSITQ0FCV9QMDAwU3N7dXHkdBQYHg4OAgeHt7C8+ePVO279mzRwAgzJw5s8RjLsusWbMEAEKPHj1U2seMGSMAEC5fvqxsy83NLfb9ISEhgqenp0pbae/L62zj9OnTyrYDBw4IAARjY2PhwYMHyvZVq1YJAIQjR4688ljHjx8vSCQSITIyUtn25MkTwcbGRgAgxMbGVtoxpKSkCAYGBkK3bt0EhUKhbP/8888FAMKQIUNemfXFse7evVulvWvXrir76dmzp8q/3/KKjY0VAAgLFixQtm3btq3E9zErK0uwsrISRowYodKelJQkWFpaqrQPGTJEACBMnz692D5Let/mzZsnSCQSlfM5duxYobSPKQDCrFmzlF/36tVLMDAwEO7evatsS0hIEMzNzYWgoCBl24ufieDgYJXzMXnyZEEmkwnp6ekl7o+0F2+NkU7y9PTEoEGDsHr1aiQmJpa4zt69ewEAU6ZMUWmfOnUqAODvv/9Waffw8EBISEiJ2xo8eLBKJ+WAgAAIgoAPP/xQZb2AgADEx8ejqKio1OwXLlxASkoKxowZAyMjI2V7t27dUL9+/WK5KurlqzHjx48H8L/3AwCMjY2V/5+RkYHU1FS0a9cO9+7dQ0ZGhsr3l/a+VGQbDRs2RGBgoPLrF3/dd+zYEa6ursXa792798pj3L9/PwIDA+Hn56dss7GxUd66edmbHMOhQ4dQUFCA8ePHq9zamTRp0iszvtCxY0fY2dmpXKl4+vQpDh48iAEDBijbrKys8PDhQ5w/f75c230dBw8eRHp6OgYOHIjU1FTlSyaTISAgAEeOHCn2PaNHjy7W9u/3LScnB6mpqWjVqhUEQSj3rc1/k8vl+Oeff9CrVy94enoq22vUqIH33nsPJ0+eRGZmpsr3fPzxxyrno23btpDL5Xjw4EGF90/VGwsh0llffPEFioqKSu0r9ODBA0ilUtSuXVul3cnJCVZWVsV+YXp4eJS6r39/WAOApaUlAMDFxaVYu0KhKFYIvJwLgMqttxfq16//xr/I69Spo/K1l5cXpFKpSr+ZU6dOITg4GKamprCysoK9vT0+//xzACixECpJRbZRkfcPeF4ovMqDBw+KnVcAJba96TG8OB8vv6/29vawtrZ+ZU4A0NPTwzvvvINdu3Yp+49t374dhYWFKoXQZ599BjMzM7Ro0QJ16tTB2LFjcerUqTK3XxG3b98G8Lw4s7e3V3n9888/ys75/85eq1atYtuJi4vD0KFDYWNjAzMzM9jb26Ndu3YAip/78nj8+DFyc3NL/Jlo0KABFAoF4uPjVdpf/jf14lyU9W+HtA/7CJHO8vT0xAcffIDVq1dj+vTppa73778aX+Xff+W+TCaTVahdEIRy7bMqvHz8d+/eRadOnVC/fn0sXLgQLi4uMDAwwN69e7Fo0SIoFAqV9Ut6Xyq6DbHfv8o4hjfx7rvvYtWqVdi3bx969eqFrVu3on79+vD19VWu06BBA0RHR2PPnj3Yv38//vzzT/z444+YOXNmqUPQK+rFMW3cuBFOTk7Flr88isvQ0LBYXy25XI633noLaWlp+Oyzz1C/fn2Ympri0aNHGDp0aKW+b69SHX72qGqwECKd9sUXX2DTpk347rvvii1zc3ODQqHA7du3lR1FASA5ORnp6elwc3OryqgquYDnHXg7duyosiw6OvqNc92+fVvlCsidO3egUCiUnWB3796N/Px8/PXXXyp/VZd0W6Q0lbGNN+Hm5oY7d+4Uay+prTTlPYYX5+P27dsqt20eP35c7qsPQUFBqFGjBrZs2YI2bdrg8OHD+M9//lNsPVNTUwwYMAADBgxAQUEB+vTpg6+//hozZsxQuY1altKK/xed7R0cHBAcHFzu7f3b1atXERMTgw0bNmDw4MHK9oMHD5Y7x8vs7e1hYmKC6OjoYstu3boFqVRa7Ooh0Qu8NUY6zcvLCx988AFWrVqFpKQklWVdu3YFACxevFilfeHChQCe98kRQ7NmzeDg4ICVK1eqDLXft28fbt68+ca5XgxZfmHZsmUAgNDQUAD/+0v63385Z2RkYN26deXeR2Vso7wyMjJw69YtlVsuISEhiIiIQFRUlLItLS0Nv/76a7m3W95jCA4Ohr6+PpYtW6ay7sv/rl5FKpWib9++2L17NzZu3IiioiKV22LA81nE/83AwAANGzaEIAgoLCws974AKGcff/lxLCEhIbCwsMA333xT4jbLM/y8pPdNEAQsWbKk3DlK2mbnzp2xa9culVu4ycnJ+O2339CmTRtYWFiUmY10E68Ikc77z3/+g40bNyI6OhqNGjVStvv6+mLIkCFYvXo10tPT0a5dO5w7dw4bNmxAr1690KFDB1Hy6uvr47vvvsOwYcPQrl07DBw4UDl83t3dHZMnT36j7cfGxqJHjx7o0qULIiIisGnTJrz33nvK2zCdO3eGgYEBunfvjpEjRyI7Oxtr1qyBg4NDqR3PX1YZ2yivHTt2YNiwYVi3bp1yHqVPP/0UmzZtwltvvYXx48crh8+7uroiLS2tXFciynsM9vb2mDZtGubNm4e3334bXbt2RWRkJPbt2wc7O7tyH8eAAQOwbNkyzJo1Cz4+PipXKV/kcXJyQuvWreHo6IibN29i+fLl6NatG8zNzcu9H+D5pKMymQzfffcdMjIyYGhoqJwvacWKFRg0aBCaNm2Kd999F/b29oiLi8Pff/+N1q1bY/ny5a/cdv369eHl5YVp06bh0aNHsLCwwJ9//lni1TF/f38AwIQJExASEgKZTKacLuBlX331FQ4ePIg2bdpgzJgx0NPTw6pVq5Cfn4/58+dX6PhJx4gzWI2o6r1qKPmLob4vDz8uLCwU5syZI3h4eAj6+vqCi4uLMGPGDCEvL09lPTc3N6Fbt27Ftvti+Py2bdvKleXFEPbHjx+XeTxbtmwRmjRpIhgaGgo2NjbC+++/Lzx8+LDcx/yyF/u+ceOG0LdvX8Hc3FywtrYWxo0bpzJMXxAE4a+//hIaN24sGBkZCe7u7sJ3330nrF27tsSh5yW9L5WxDQDC2LFjVdpKGgr+4j1Yt26dyrqRkZFC27ZtBUNDQ6FWrVrCvHnzhKVLlwoAhKSkpEo9BrlcLsyZM0eoUaOGYGxsLLRv3164du2a4ObmVubw+RcUCoXg4uIiABC++uqrYstXrVolBAUFCba2toKhoaHg5eUlfPLJJ0JGRsYrt1vSeyYIgrBmzRrB09NTkMlkxYbSHzlyRAgJCREsLS0FIyMjwcvLSxg6dKhw4cIF5TpDhgwRTE1NS9znjRs3hODgYMHMzEyws7MTRowYIVy+fLnYeSoqKhLGjx8v2NvbCxKJRGUoPV4aPi8IgnDp0iUhJCREMDMzE0xMTIQOHTqoTLsgCKX/TLz4WS1r6gXSPhJBYM8wIno+s/ScOXPw+PHjCl2p0CaTJk3CqlWrkJ2dXWpnWiLSLuwjREQ66eXnhT158gQbN25EmzZtWAQR6RD2ESIinRQYGIj27dujQYMGSE5Oxs8//4zMzEx8+eWXYkcjoirEQoiIdFLXrl3xxx9/YPXq1ZBIJGjatCl+/vlnBAUFiR2NiKoQ+wgRERGRzmIfISIiItJZLISIiIhIZ7GPUBkUCgUSEhJgbm5e7uneiYiISFyCICArKwvOzs7Fnnn3byyEypCQkMBn1BAREVVT8fHxqFWrVqnLWQiV4cXU9PHx8XxWDRERUTWRmZkJFxeXMh8xw0KoDC9uh1lYWLAQIiIiqmbK6tbCztJERESks1gIERERkc5iIUREREQ6i4UQERER6SwWQkRERKSzdKIQ2rNnD+rVq4c6dergp59+EjsOERERaQitHz5fVFSEKVOm4MiRI7C0tIS/vz969+4NW1tbsaMRERGRyLT+itC5c+fQqFEj1KxZE2ZmZggNDcU///wjdiwiIiLSABpfCB0/fhzdu3eHs7MzJBIJdu7cWWydsLAwuLu7w8jICAEBATh37pxyWUJCAmrWrKn8umbNmnj06FFVRCciIiINp/GFUE5ODnx9fREWFlbi8i1btmDKlCmYNWsWLl26BF9fX4SEhCAlJaWKkxIREVF1o/GFUGhoKL766iv07t27xOULFy7EiBEjMGzYMDRs2BArV66EiYkJ1q5dCwBwdnZWuQL06NEjODs7l7q//Px8ZGZmqryIiIhIO2l8IfQqBQUFuHjxIoKDg5VtUqkUwcHBiIiIAAC0aNEC165dw6NHj5CdnY19+/YhJCSk1G3OmzcPlpaWyhefPE9ERKS9qnUhlJqaCrlcDkdHR5V2R0dHJCUlAQD09PTwww8/oEOHDvDz88PUqVNfOWJsxowZyMjIUL7i4+PVegwAkJ1fBEEQ1L4fIiIiUqX1w+cBoEePHujRo0e51jU0NIShoaGaEwF3UrKx92oi9l5NxK2kLEzrXBfjOtZR+36JiIjof6p1IWRnZweZTIbk5GSV9uTkZDg5OYmUqnxGbryAu49zlF8vP3IH/Zu7wMHcSMRUREREuqVa3xozMDCAv78/wsPDlW0KhQLh4eEIDAx8o22HhYWhYcOGaN68+ZvGLFEvv5poX88e8/s2hp+LFfIKFVhx9K5a9kVEREQlkwga3jklOzsbd+7cAQA0adIECxcuRIcOHWBjYwNXV1ds2bIFQ4YMwapVq9CiRQssXrwYW7duxa1bt4r1HXodmZmZsLS0REZGBiwsLN54eyU5cfsxBv18DgZ6Uhz/pAOcLHlViIiI6E2U9/Nb42+NXbhwAR06dFB+PWXKFADAkCFDsH79egwYMACPHz/GzJkzkZSUBD8/P+zfv79SiqCq0qa2HZq7W+P8/adYfuQ2vurlI3YkIiIinaDxV4TEVhVXhAAg4u4TDFxzBjKpBHvGt0GDGurbFxERkbYr7+d3te4jpE7q7iP0skAvW3Rp5AS5QsAXO69BoWB9SkREpG68IlSGqroiBAAJ6c8QvPAYcgvk+O4dHwxo7qrW/REREWkrXhGqhpytjDE5uC4AYN6+W0jNzhc5ERERkXZjIaRhhrZ2R4MaFkjPLcQXO65xxmkiIiI1YiFUiqruI/SCvkyK7/s1hp5Ugv3Xk/DX5YQq3T8REZEuYR+hMlRlH6F/Wxp+GwsPxsDCSA//TG7HuYWIiIgqgH2EqrnR7b3gU9MSmXlFmLwlCnKOIiMiIqp0LIQ0lL5MisXv+sHEQIaIe0+w/PAdsSMRERFpHRZCGszL3gxf9fIGACwJj8GZe09ETkRERKRdWAiVQqzO0i/r07QW+vrXgkIAxv12CYkZz0TNQ0REpE3YWboMYnWW/rfcgiL0+fE0biVlwbeWJbaMDISRvkyULERERNUBO0trERMDPawZ3AxWJvq4/DAD/+H8QkRERJWChVA14WJjguUDm0IqAf689BBLwm+LHYmIiKjaYyFUjbSpY4e5PZ93nl586Da2no8XOREREVH1xkKomvmgpRvGdvACAMzYcRVHolNETkRERFR9sRAqhaaMGivJtM710KdJTcgVAsb+eglXH2aIHYmIiKha4qixMmjCqLGSFBQp8OH68zh5JxV2ZobYProVXG1NxI5FRESkEThqTMsZ6Emx4oOmaFDDAqnZ+Ri45gzi03LFjkVERFStsBCqxsyN9LFhWHN42pniUfozvPfTGTxK54SLRERE5cVCqJpzsDDCbyNawt3WBPFpz/DemjOcfZqIiKicWAhpASdLI2z+uCVcbUzw4Eku3ltzFsmZeWLHIiIi0ngshLREDUtjbP64JWpZGyM2NQfvruZtMiIiorKwECqFJg+fL01NK2NsHtESNa2eF0N9V5zGnZRssWMRERFpLA6fL4OmDp9/lYT0Zxj081ncfZwDaxN9bPiwBRrXshI7FhERUZXh8Hkd5mxljG2jWqFxLUs8zS3EwNVncPpuqtixiIiINA4LIS1lY2qA30a0RCsvW+QUyDF07XmcufdE7FhEREQahYWQFjMz1MPaoc0R3MABBXIFwo7cETsSERGRRmEhpOWM9GWY1b0RAODknVQkcCQZERGREgshHeBiY4KWnjYQBGBH5COx4xAREWkMFkI6oq+/CwDgj4sPwYGCREREz7EQ0hGh3k4wMZAhNjUHl+Keih2HiIhII7AQKkV1nFDxVUwN9RDqXQPA86tCRERExEKoVGPHjsWNGzdw/vx5saNUmn7NagEAdkYmID23QOQ0RERE4mMhpEMCPGzQsIYFnhXK8evZOLHjEBERiY6FkA6RSCQYEeQBAFh36j7yi+QiJyIiIhIXCyEd83ZjZzhZGCE1Ox+7IhPEjkNERCQqFkI6Rl8mxYdt3AEAq0/cQ5FcIW4gIiIiEbEQ0kHvtnCFuZEe7qRkY8E/0WLHISIiEg0LIR1kYaSPb/s0BgCsOnYPB64niZyIiIhIHCyEdFS3xjUwvM3zjtPTtl7GraRMkRMRERFVPRZCOmx6aH00d7dGVn4R3l19Bpfj08WOREREVKVYCOkwfZkUPw1uDj8XK6TnFuL9n87i9J1UsWMRERFVGRZCOs7SRB+bPgpAS08bZOcXYdDac/j5ZCwfzEpERDqBhRDBzFAP64e1QO8mNSFXCPi/PTcwZetlPCvghItERKTdWAiVQtseuloWI30ZFvb3xcy3G0ImlWBH5CP0XXkaD5/mih2NiIhIbSQC74G8UmZmJiwtLZGRkQELCwux41SJiLtPMPa3S0jLKYC1iT5+6O+LjvUdxY5FRERUbuX9/OYVISom0MsWu8e3gU9NSzzNLcSH6y/g679voKCIs1ATEZF2YSFEJappZYw/RgdiaCt3AMCaE7HotyoC8Wm8VUZERNqDhRCVylBPhtk9GmHVIH9YGuvjcnw6ui49gb1XE8WORkREVClYCFGZQho5Ye/EtvB3s0ZWXhHG/HoJ/9lxFXmFHFVGRETVGwshKpeaVsb4/eOWGNPeCwDw69k49Ao7hTsp2SInIyIien0shKjc9GVSfNqlPn75sAXszAxwKykL3ZedxB8XH3ICRiIiqpZYCFGFBdW1x94JbdHKyxbPCuWYtu0yJm2JQmZeodjRiIiIKoSFEL0WBwsjbBwegKlv1YVMKsGuqAR0XXICFx+kiR2NiIio3FgI0WuTSSUY36kOto4MhIuNMR4+fYb+q85gyaHbKJJzziEiItJ8LITojfm7WWPvhLbKZ5UtOhSDd1ef4eM5iIhI47EQokphbqSPRQP8sHiAH8wM9XDhwVOELjmB3ZcTxI5GRERUKhZCVKl6NamJvRPaoomrFbLyijB+cySmbbuM7PwisaMREREVw0KIKp2rrQm2jgzEhI61IZUAf1x8iG5LTyAqPl3saERERCpYCJFa6MukmNK5Hn7/OBDOlkZ48CQXfVecxo9H70Cu4JxDRESkGVgIkVq18LDBvolB6OZTA0UKAfP3R+ODn84iMeOZ2NGIiIh0oxDq3bs3rK2t0bdvX7Gj6CRLE30sf68J5vdtDBMDGSLuPUGXxSew/xof3kpEROLSiUJo4sSJ+OWXX8SOodMkEgn6N3PB3xPaonEtS2Q8K8SoTZcwY/tV5BawIzUREYlDJwqh9u3bw9zcXOwYBMDDzhR/jGqFUe28IJEAm8/F4e1lJ3H1YYbY0YiISAeJXggdP34c3bt3h7OzMyQSCXbu3FlsnbCwMLi7u8PIyAgBAQE4d+5c1QelSmOgJ8X00PrYNDwAjhaGuPc4B71/PIWwI+xITUREVUv0QignJwe+vr4ICwsrcfmWLVswZcoUzJo1C5cuXYKvry9CQkKQkpKiXMfPzw/e3t7FXgkJnMxPk7WubYf9E4MQ6u2EIoWABQeiMXD1GcSncUZqIiKqGhJBEDTmT3CJRIIdO3agV69eyraAgAA0b94cy5cvBwAoFAq4uLhg/PjxmD59erm3ffToUSxfvhx//PHHK9fLz89Hfn6+8uvMzEy4uLggIyMDFhYWFTsgKhdBEPDHxYeY/dd15BTIYW6oh7m9GqGXX01IJBKx4xERUTWUmZkJS0vLMj+/Rb8i9CoFBQW4ePEigoODlW1SqRTBwcGIiIhQyz7nzZsHS0tL5cvFxUUt+6H/kUgk6NfMBfsmBqGpqxWy8oswectlTPg9Chm5hWLHIyIiLabRhVBqairkcjkcHR1V2h0dHZGUlFTu7QQHB6Nfv37Yu3cvatWq9coiasaMGcjIyFC+4uPjXzs/VcyLGamnvFUXMqkEuy8noMuS4zh9N1XsaEREpKX0xA5QFQ4dOlTudQ0NDWFoaKjGNPQqejIpJnSqg6C69pj0eyTuP8nF+z+dxcdtPTGlc10Y6snEjkhERFpEo68I2dnZQSaTITk5WaU9OTkZTk5Oat13WFgYGjZsiObNm6t1P1QyPxcr/D2hLQa2cIEgAKuO30OvsNOISc4SOxoREWkRjS6EDAwM4O/vj/DwcGWbQqFAeHg4AgMD1brvsWPH4saNGzh//rxa90OlMzXUw7w+jbF6kD9sTA1wMzETby87iXWnYqHgMHsiIqoEot8ay87Oxp07d5Rfx8bGIioqCjY2NnB1dcWUKVMwZMgQNGvWDC1atMDixYuRk5ODYcOGiZiaqlLnRk7wc7XCJ9uu4FjMY8zZfQNHoh/j+76N4WBhJHY8IiKqxkQfPn/06FF06NChWPuQIUOwfv16AMDy5cuxYMECJCUlwc/PD0uXLkVAQECV5Cvv8DtSP0EQsPHMA3z9903kFylgbaKPeX0ao4u3em+TEhFR9VPez2/RCyFNFRYWhrCwMMjlcsTExLAQ0iC3k7Mw8fco3EjMBAAMaOaCmd0bwtRQ9AucRESkIVgIVRJeEdJMBUUKLDwYg1XH70IQADdbEywa4IemrtZiRyMiIg2gFRMqEpXmxfPKNo9oCWdLIzx4kot+KyOw+FAMiuQKseMREVE1wUKIqrWWnrbYNykIPf2cIVcIWHzoNvqujMD91ByxoxERUTXAQqgUnEeo+rA01seSd5tgybt+MDfSQ1R8OrouPYGt5+PBO79ERPQq7CNUBvYRql4ePs3F1K2XcTY2DQAQ0sgR8/o0ho2pgcjJiIioKrGPEOmkWtYm+G1ES0wPrQ99mQQHricjZPFxHIt5LHY0IiLSQCyESOvIpBKMaueFHWNao7aDGR5n5WPI2nOYtesanhXIxY5HREQahIUQaS3vmpbYM74NhgS6AQA2RDzA28tO4MrDdHGDERGRxmAhVAp2ltYORvoyzOnpjQ0ftoCDuSHuPs5Bnx9PY1n4bQ6zJyIidpYuCztLa4+nOQX4Yuc1/H01EQDQ1NUKC/v7wd3OVORkRERU2dhZmugl1qYGWP5eEywa4AtzQz1cins+zH7zuTgOsyci0lEshEinSCQS9G5SC/snB6Glpw1yC+SYsf0qPtpwAY+z8sWOR0REVYyFEOmkmlbG+O2jlvhP1wYwkEkRfisFXRYfx8EbyWJHIyKiKsRCiHSWVCrBiCBP/DW+Neo7meNJTgFG/HIBn/1xBdn5RWLHIyKiKsBCqBQcNaY76jtZYNe41hgZ5AmJBNhyIR5dl5zAxQdpYkcjIiI146ixMnDUmG45c+8Jpm69jEfpzyCVAKPbe2Fip7ow0OPfDERE1QlHjRG9hudPs2+LPk1rQiEAYUfuos+KU7iTkiV2NCIiUgMWQkQvsTDSx8L+fvjx/aawMtHHtUeZ6Lb0JNadioVCwQuoRETahIUQUSm6+tTAgUlBCKprj/wiBebsvoEh684hKSNP7GhERFRJytVHqE+fPuXe4Pbt298okKZhHyESBAEbzzzAN3tvIq9QAUtjfXzVyxvdfZ3FjkZERKWo1D5ClpaWypeFhQXCw8Nx4cIF5fKLFy8iPDwclpaWb56cSMNIJBIMDnTHnvFt0biWJTKeFWL85khM/D0SGc8KxY5HRERvoMKjxj777DOkpaVh5cqVkMlkAAC5XI4xY8bAwsICCxYsUEvQqhYWFoawsDDI5XLExMTwihABAArlCiwLv43lR+5AIQA1LI3wQz9ftKptJ3Y0IiL6l/JeEapwIWRvb4+TJ0+iXr16Ku3R0dFo1aoVnjx58nqJNRRvjVFJLsU9xZQtUbj/JBcAMLyNBz4JqQcjfZnIyYiICFDj8PmioiLcunWrWPutW7egUCgqujmiaqmpqzX+ntAWA1u4AgB+PhmLHstP4npChsjJiIioIvQq+g3Dhg3D8OHDcffuXbRo0QIAcPbsWXz77bcYNmxYpQck0lSmhnqY18cHwQ0c8NmfVxCTnI1eYacw5a16+DjIEzKpROyIRERUhgrfGlMoFPj++++xZMkSJCYmAgBq1KiBiRMnYurUqcp+Q9qCt8aoPJ5k52P69qvKh7a2cLfBD/194WJjInIyIiLdpLY+Qi/vBIBWFwgshKi8BEHAtgsPMWf3deQUyGFmqIdZ3Ruir38tSCS8OkREVJWq5BEbFhYWLA6I/ksikaB/cxfsmxiEZm7WyM4vwid/XMHoTZeQllMgdjwiIirBa10R+uOPP7B161bExcWhoED1F/ylS5cqLZwm4BUheh1yhYCVx+5i0cEYFCkE2JkZYkHfxuhQ30HsaEREOkFtV4SWLl2KYcOGwdHREZGRkWjRogVsbW1x7949hIaGvlFoIm0hk0owtkNt7BzbGrUdzJCanY9h68/ji51XkVtQJHY8IiL6rwoXQj/++CNWr16NZcuWwcDAAJ9++ikOHjyICRMmICNDe4YOh4WFoWHDhmjevLnYUaga865piT3j22BYa3cAwKYzcei29CSi4tNFzUVERM9V+NaYiYkJbt68CTc3Nzg4OODgwYPw9fXF7du30bJlS06oSFSKk7dTMW3bZSRl5kEmlWB8x9oY26E29GV89jERUWVT260xJycnpKWlAQBcXV1x5swZAEBsbCzeYAAakdZrU8cOByYFobuvM+QKAYsP3UbflRG49zhb7GhERDqrwoVQx44d8ddffwF4Prni5MmT8dZbb2HAgAHo3bt3pQck0iaWJvpYNrAJlrzrB3MjPVyOT0e3pSex6cwD/iFBRCSC15pQUaFQQE/v+aTUv//+O06fPo06depg5MiRMDAwUEtQsfDWGKlLQvozTNt2GafvPr+d3L6ePea/0xgOFkYiJyMiqv7UMqFiUVERvvnmG3z44YeoVatWpQTVdCyESJ0UCgHrTt/Hd/tvoaBIAWsTfXzd2wddfWqIHY2IqFpT28zSZmZmuHbtGtzd3d80Y7XAQoiqQkxyFib9HoUbic9na+/dpCZm92gES2N9kZMREVVPauss3alTJxw7duyNwhGRqrqO5tg5tjXGdvCCVALsiHyE0MXHcfpOqtjRiIi0WoWfPh8aGorp06fj6tWr8Pf3h6mpqcryHj16VFo4Il1ioCfFJyH10bG+A6ZsvYwHT3Lx3k9n8WFrD3zapR6M9LXrgcZERJqgwrfGpNLSLyJJJBLI5fI3DqVJeGuMxJCTX4Sv997Eb2fjAAB1HMywaIAfvGtaipyMiKh6UNutsRejxkp6aVsRRCQWU0M9fNPbB2uHNoOdmSFup2SjV9gpLD98G0VyhdjxiIi0Bqe0JdJgHes74p/JQQj1dkKRQsD3/8Sg36oI3E/NETsaEZFWqPCtsaVLl5a8IYkERkZGqF27NoKCgiCTaUd/Bt4aI00gCAJ2RD7CrF3XkZVfBGN9Gb54uwHea+EKiUQidjwiIo2jtuHzHh4eePz4MXJzc2FtbQ0AePr0KUxMTGBmZoaUlBR4enriyJEjcHFxebOjEFFYWBjCwsIgl8sRExPDQog0wqP0Z5i6NQpn7j1/zE2Hevb4jpMwEhEVo7Y+Qt988w2aN2+O27dv48mTJ3jy5AliYmIQEBCAJUuWIC4uDk5OTpg8efIbHYDYxo4dixs3buD8+fNiRyFSqmlljN8+aokvujWAgZ4UR6IfI2Txcey7mih2NCKiaqnCV4S8vLzw559/ws/PT6U9MjIS77zzDu7du4fTp0/jnXfeQWJi9f/lzFtjpKlenoSxT5OamN2zESyMOAkjEZHargglJiaiqKioWHtRURGSkpIAAM7OzsjKyqropomoAl6ehHF75CN0WcRJGImIKqLChVCHDh0wcuRIREZGKtsiIyMxevRodOzYEQBw9epVeHh4VF5KIirRi0kYt40KhJutCRIy8vDeT2fxf3tuIK+Q01kQEZWlwoXQzz//DBsbG/j7+8PQ0BCGhoZo1qwZbGxs8PPPPwN4/jyyH374odLDElHJ/N1ssHdCWwxs4QoA+PlkLLovO4lrjzJETkZEpNkq3EfohejoaERHRwMA6tWrh3r16lVqME3BPkJU3Ry+lYxP/7iK1Ox86EklmBRcB6PaeUFPxmnDiEh3qG34vK5hIUTVUVpOAf6z4yr2XXveb6+pqxUW9veDu51pGd9JRKQd1NZZujS7du3CL7/8UlmbI6I3YGNqgB/fb4qF/X1hbqiHS3HpCF1yAr+efQD+7UNE9D+VdkWofv36uH37ttY9b4xXhKi6e/g0F9O2XeYkjESkU6r8itCtW7e0rggi0ga1rE04CSMRUSnYe5JIB0ilEnzU1hN7xrdBwxoWeJpbiNG/XsKULVHIzCsUOx4RkWhe69ZYXl4erly5gpSUFCgUCpVlPXr0qLRwmoC3xkjbFBQpsCQ8BiuO3oVCeP7YjgX9GqOVl53Y0YiIKo3aRo3t378fgwcPRmpq8dlrJRKJ1t0eYyFE2urigzRM3nIZcWm5AIDhbTzwSUg9GOnLRE5GRPTm1NZHaPz48ejXrx8SExOhUChUXtpWBBFpM383G+ybyEkYiUi3VfiKkIWFBSIjI+Hl5aWuTBqFV4RIF7w8CePkt+piZJAnJ2EkompLbVeE+vbti6NHj75JNiLSMB3rO+KfyUHo0sgJRQoBCw5Eo/+qCNxPzRE7GhGRWlX4ilBubi769esHe3t7+Pj4QF9fX2X5hAkTKjXgm4qPj8egQYOQkpICPT09fPnll+jXr1+5v59XhEiXCIKA7ZceYfZf15GVXwQTAxn+060B3mvhColEInY8IqJyU1tn6Z9//hmjRo2CkZERbG1tVX45SiQS3Lt37/VTq0FiYiKSk5Ph5+eHpKQk+Pv7IyYmBqam5XvUAAsh0kUlTsLYtzEczDkJIxFVD2orhJycnDBhwgRMnz4dUmn16z/g6+uLPXv2wMXFpVzrsxAiXaVQCFh7KhbzD0SjoEgBaxN9fNPbB6E+NcSORkRUJrX1ESooKMCAAQMqrQg6fvw4unfvDmdnZ0gkEuzcubPYOmFhYXB3d4eRkRECAgJw7ty519rXxYsXIZfLy10EEemyUidh3MpJGIlIe1S4mhkyZAi2bNlSaQFycnLg6+uLsLCwEpdv2bIFU6ZMwaxZs3Dp0iX4+voiJCQEKSkpynX8/Pzg7e1d7JWQkKBcJy0tDYMHD8bq1asrLTuRLqjraI6dY1tjbAcvSCXA9kuPELr4BE7fLT6XGBFRdVPhW2MTJkzAL7/8Al9fXzRu3LhYZ+mFCxe+fhiJBDt27ECvXr2UbQEBAWjevDmWL18OAFAoFHBxccH48eMxffr0cm03Pz8fb731FkaMGIFBgwaVuW5+fr7y68zMTLi4uPDWGBE4CSMRVR9quzV29epVNGnSBFKpFNeuXUNkZKTyFRUV9SaZiykoKMDFixcRHBysbJNKpQgODkZERES5tiEIAoYOHYqOHTuWWQQBwLx582Bpaal88TYa0f+UNAljj+WchJGIqq/XetaYurx8RSghIQE1a9bE6dOnERgYqFzv008/xbFjx3D27Nkyt3ny5EkEBQWhcePGyraNGzfCx8enxPV5RYiofP49CaO+TIJJwZyEkYg0R3mvCOlVYSZRtGnTptiDYV/F0NAQhoaGakxEpB061nfEgUlW+M+Oa9h/PQkLDkQj/GYyFg3wg5tt+aanICIS22sVQhcuXMDWrVsRFxeHgoIClWXbt2+vlGAAYGdnB5lMhuTkZJX25ORkODk5Vdp+ShIWFoawsDA+P43oFWzNDLHig6bKSRgvxaUjdMkJfNGtIQa2cOEkjESk8Sp8Dfv3339Hq1atcPPmTezYsQOFhYW4fv06Dh8+DEtLy0oNZ2BgAH9/f4SHhyvbFAoFwsPDVW6VqcPYsWNx48YNnD9/Xq37IaruJBIJ3vGvhX2T2qKlpw1yC+T4fMdVDN9wASlZeWLHIyJ6pQoXQt988w0WLVqE3bt3w8DAAEuWLMGtW7fQv39/uLq6VjhAdnY2oqKilB2tY2NjERUVhbi4OADAlClTsGbNGmzYsAE3b97E6NGjkZOTg2HDhlV4X0SkPrWsTfDbRy3xRbcGMNCT4vCtFIQsOo59VxPFjkZEVKoKd5Y2NTXF9evX4e7uDltbWxw9ehQ+Pj64efMmOnbsiMTEiv3SO3r0KDp06FCsfciQIVi/fj0AYPny5ViwYAGSkpLg5+eHpUuXIiAgoEL7eV2cWZqo4qKTsjB5SxRuJGYCAPo0rYnZPRrBwki/jO8kIqocahs+b21tjaysLABAzZo1ce3aNQBAeno6cnNzKxy0ffv2EASh2OtFEQQA48aNw4MHD5Cfn4+zZ89WSREUFhaGhg0bonnz5mrfF5G2qedU8iSMEXefiB2NiEhFhQuhoKAgHDx4EADQr18/TJw4ESNGjMDAgQPRqVOnSg8oFvYRInozBnpSfBJSH9tGBcLVxgSP0p9h4Joz+GrPDeQVchACEWmGCt8aS0tLQ15eHpydnaFQKDB//nycPn0aderUwRdffAFra2t1ZRUFb40Rvbmc/CJ89fdNbD73vO9fXUczLOzvB++alTvAgojoBbU8fb6oqAi//fYbQkJC4OjoWClBNR0LIaLKE34zGZ/9qToJ46h2XpBJOcyeiCqXWvoI6enpYdSoUcjL0/4hsewjRFT5OjVwxIFJbdGlkRMK5QIWHIhG/1URePAkR+xoRKSjKtxHqEWLFpX+TDFNxD5CROrxYhLGH/r5wtxQDxcfPEXokhP47WwcNOiJP0SkIyo8s/SYMWMwZcoUxMfHw9/fH6amqlPp//uZXkREJXkxCWOApw2mbbuMM/fS8PmOqzh0MxnfvuMDB3MjsSMSkY6ocGdpqbT4RSSJRAJBECCRSLTukRTsI0SkXgqFgLWnYjH/QDQKihSwNtHHvD4+6OJdQ+xoRFSNqaWzNAA8ePDglcvd3NwqsjmNx0KIqGpwEkYiqkxqK4R0xb8fuhoTE8NCiKgKFBQpsCQ8BiuO3oVCAGpaGeP7fr4I9LIVOxoRVTNqL4Ru3LhR4tPne/To8Tqb01i8IkRU9S4+SMPkLZcRl5YLiQQY3toD00LqwUhfJnY0Iqom1FYI3bt3D71798bVq1eVfYOA5/2EALCPEBFViueTMN7A5nPxADgJIxFVjNqeNTZx4kR4eHggJSUFJiYmuH79Oo4fP45mzZrh6NGjb5KZiEjJ1FAP8/o0xs9DmsHOzBAxydno/eMphB25A7mCd/SJqHJUuBCKiIjA3LlzYWdnB6lUCqlUijZt2mDevHmYMGGCOjISkQ7jJIxEpE4VLoTkcjnMzc0BAHZ2dkhISADwfLRYdHR05aYjIoLqJIxm/5qEcfM5TsJIRG+mwoWQt7c3Ll++DAAICAjA/PnzcerUKcydOxeenp6VHlAsfMQGkWZ5MQnj/klt0dLTBrkFcszYfhUfbbiAlCztf+wPEalHhTtLHzhwADk5OejTpw/u3LmDt99+GzExMbC1tcWWLVvQsWNHdWUVBTtLE2keTsJIRGWp0nmE0tLSYG1trRw5pk1YCBFpLk7CSESlUduosX+Lj49HfHw8bGxstLIIIiLNVs/JHDvHtsbYDl6QSoDtlx6hy6LjOH0nVexoRFRNVLgQKioqwpdffglLS0u4u7vD3d0dlpaW+OKLL1BYWKiOjEREpTLQk+KTkPrYNioQbrYmSMjIw3s/ncXc3TeQV6hd85oRUeWrcCE0fvx4rF69GvPnz0dkZCQiIyMxf/58/Pzzzxw+T0Si8Xezwd4JbfFegCsAYO2pWHRfdhLXHmWInIyINFmF+whZWlri999/R2hoqEr73r17MXDgQGRkaNcvHfYRIqp+jtxKwad/XsHjrHzoSSWY2KkORrf3gp7sjXoDEFE1orY+QoaGhnB3dy/W7uHhAQMDg4puTmNx+DxR9dWhvgMOTApCVx8nFCkE/HAwBv1WRSA2lZMwEpGqCl8Rmjt3Lm7duoV169bB0NAQAJCfn4/hw4ejTp06mDVrllqCioVXhIiqL0EQsCsqAV/uuoasvCIY68vwedf6+KClGwd4EGk5tQ2f7927N8LDw2FoaAhfX18AwOXLl1FQUIBOnTqprLt9+/bXiK5ZWAgRVX8J6c/wyR+XcerOEwBAUF17LOjbGI4WRiInIyJ1UVshNGzYsHKvu27duopsWiOxECLSDgqFgA0R9/HtvlvIL1LA0lgfX/XyRndfZ7GjEZEaVOmEitqMhRCRdrmTko3JW6Jw9b+jyXr4OmNuz0awMtGePo5EVEUTKhIRVTe1HcywfUwrTOxUBzKpBH9dTkDI4uM4HvNY7GhEJAIWQkSkc/RlUkx+qy7+HN0KnnamSM7Mx+C15zBz1zU8K+AkjES6hIUQEeksPxcr/D2hLYYEugEAfol4gG5LTyAqPl3cYERUZVgIEZFOMzaQYU5Pb2wc3gJOFka4l5qDd1acxsKDMSiUK8SOR0RqVq5CyMbGBqmpzx9i+OGHHyIrK0utoTQBJ1Qk0i1t69jjwKQg9PRzhlwhYGn4bfT58TTupGj/7zsiXVauUWNmZma4cuUKPD09IZPJkJSUBHt7+6rIJzqOGiPSPXuuJOA/O64h41khDPWk+KxLfQxt5Q6plJMwElUXlTp8/q233kJycjL8/f2xYcMGDBgwAMbGxiWuu3bt2tdPrYFYCBHppuTMPHz6xxUc++9osta1bbGgry+crUr+3UdEmqVSh89v2rQJXbt2RXZ2NiQSCTIyMvD06dMSX0RE2sDRwgjrhzXHV728Yawvw6k7TxCy+Di2X3oITr9GpD0qPKGih4cHLly4AFtbW3Vl0ii8IkREsak5mLI1CpFx6QCAUG8nfN3bBzamnISRSFNxZulKwkKIiACgSK7AymN3sfjQbRQpBNibG+K7d3zQsb6j2NGIqARqnVn62LFj6N69O2rXro3atWujR48eOHHixGuHJSLSdHoyKcZ1rIOdY1ujjoMZHmfl48P1FzBj+1Xk5BeJHY+IXlOFC6FNmzYhODgYJiYmmDBhAiZMmABjY2N06tQJv/32mzoyEhFpDO+altg9vg0+auMBiQTYfC4OXZeewMUHaWJHI6LXUOFbYw0aNMDHH3+MyZMnq7QvXLgQa9aswc2bNys1oNh4a4yIShNx9wmmbbuMR+nPIJUAI9t5YXJwXRjoca5aIrGp7dbYvXv30L1792LtPXr0QGxsbEU3R0RUbQV62WLfpLZ4p2ktKARgxdG76Bl2CtFJnISRqLqocCHk4uKC8PDwYu2HDh2Ci4tLpYQiIqouLIz08UN/X6z8wB82pga4mZiJ7stOYvXxu5ArOBaFSNPpVfQbpk6digkTJiAqKgqtWrUCAJw6dQrr16/HkiVLKj0gEVF10MXbCf5u1pix/QoO3UzBN3tv4dDNFPzQzxcuNiZixyOiUrzW8PkdO3bghx9+UPYHatCgAT755BP07Nmz0gOKjX2EiKgiBEHA1gvxmLv7BnIK5DA1kGFW90bo16wWJBI+ooOoqnAeoTcUFhaGsLAwyOVyxMTEsBAiogqJe5KLqduicP7+8xn332roiHl9fGBnZihyMiLdwEKokvCKEBG9LrlCwJoT97DwnxgUyBWwNTXAvD4+6NzISexoRFpPrRMqEhFR2WRSCUa188Kuca1R38kcT3IK8PHGi5i27TKy8grFjkdEYCFERKR2DWpYYNe41hjVzgsSCfDHxYfosvgEztx7InY0Ip3HQoiIqAoY6skwPbQ+to4MhIuNMR6lP8PANWfw9d83kFcoFzsekc5iIUREVIWau9tg38QgvNvcBYIArDkRi57LT+F6QobY0Yh0UoU7SwuCgD/++ANHjhxBSkoKFAqFyvLt27dXakCxsbM0EanLoRvJmL79ClKzC6Avk2BScF2MDPKEnox/oxK9KbV1lp40aRIGDRqE2NhYmJmZwdLSUuVFRETlE9zQEQcmBaFLIycUygUsOBCN/qsicD81R+xoRDqjwleEbGxssGnTJnTt2lVdmTQKrwgRkboJgoDtlx5h9l/XkZVfBBMDGf7TrQHea+HKSRiJXpParghZWlrC09PzjcIREdH/SCQSvONfC/smtUWgpy1yC+T4z45rGLb+PFIy88SOR6TVKlwIzZ49G3PmzMGzZ8/UkYeISGfVsjbBrx8F4ItuDWCgJ8XR6MfovPg4/r6SKHY0Iq1V4Vtjz549Q+/evXHq1Cm4u7tDX19fZfmlS5cqNaDYeGuMiMQQk5yFyVuicD0hEwDQy88Zc3p6w9JYv4zvJCKg/J/fFX76/JAhQ3Dx4kV88MEHcHR05P1rIiI1qOtojh1jWmPZ4dsIO3IHO6MScDY2Dd/380Xr2nZixyPSGhW+ImRqaooDBw6gTZs26sqkUXhFiIjEdinuKaZsicL9J7kAgKGt3DE9tD6M9GUiJyPSXGrrLO3i4sKCgIioCjV1tcbeiW3xQUtXAMD60/fRbekJXI5PFzcYkRaocCH0ww8/4NNPP8X9+/fVEIeIiEpiYqCHr3r5YMOHLeBgboi7j3PQZ8VpLD4Ug0K5ouwNEFGJKnxrzNraGrm5uSgqKoKJiUmxztJpaWmVGlBsvDVGRJomPbcAX+y8hj3/HU3mW8sSCwf4wcveTORkRJpDbZ2lFy9e/Ca5qlx6ejqCg4NRVFSEoqIiTJw4ESNGjBA7FhHRa7MyMcDy95rirYaP8OXOa7j8MAPdlp7AjNAGGNTSDVIpB7EQlVeFrggVFhZi5MiR+PLLL+Hh4aHOXJVGLpcjPz8fJiYmyMnJgbe3Ny5cuABbW9tyfT+vCBGRJkvMeIZP/7iCE7dTAQBtatthQb/GqGFpLHIyInGppbO0vr4+/vzzzzcOV5VkMhlMTEwAAPn5+RAEARW8G0hEpLFqWBpjw7AWmNuzEYz0pTh5JxUhi45jV9Qj/q4jKocKd5bu1asXdu7cWWkBjh8/ju7du8PZ2RkSiaTEbYeFhcHd3R1GRkYICAjAuXPnKrSP9PR0+Pr6olatWvjkk09gZ8c5OIhIe0ilEgwOdMffE9rC18UKmXlFmPh7FMZtjkR6boHY8Yg0WoX7CNWpUwdz587FqVOn4O/vD1NTU5XlEyZMqND2cnJy4Ovriw8//BB9+vQptnzLli2YMmUKVq5ciYCAACxevBghISGIjo6Gg4MDAMDPzw9FRUXFvveff/6Bs7MzrKyscPnyZSQnJ6NPnz7o27cvHB0dK5STiEjTedmb4c9RgQg7chdLD9/G31cScT42DfP7Nkb7eg5ixyPSSBUeNfaqvkESiQT37t17/TASCXbs2IFevXop2wICAtC8eXMsX74cAKBQKODi4oLx48dj+vTpFd7HmDFj0LFjR/Tt27fE5fn5+cjPz1d+nZmZCRcXF/YRIqJq5crDdEzeEoW7j3MAAO8HuOI/3RrAxKDCf/8SVUtqm1AxNja21NebFEElKSgowMWLFxEcHPy/wFIpgoODERERUa5tJCcnIysrCwCQkZGB48ePo169eqWuP2/ePFhaWipfLi4ub3YQREQiaFzLCn9PaIuhrdwBAL+ejUPXJSdwKe6puMGINEyFC6F/U3fH49TUVMjl8mK3sRwdHZGUlFSubTx48ABt27aFr68v2rZti/Hjx8PHx6fU9WfMmIGMjAzlKz4+/o2OgYhILEb6Mszu0Qi/fhSAGpZGuP8kF31XnMb3B6JRUMRJGImA1yyEfvnlF/j4+MDY2BjGxsZo3LgxNm7cWNnZKkWLFi0QFRWFy5cv48qVKxg5cuQr1zc0NISFhYXKi4ioOmtd2w77JwWhd5OaUAjA8iN30PvHU4hJzhI7GpHoKlwILVy4EKNHj0bXrl2xdetWbN26FV26dMGoUaOwaNGiSg1nZ2cHmUyG5ORklfbk5GQ4OTlV6r5eFhYWhoYNG6J58+Zq3Q8RUVWwNNbHogF++PH9prAy0cf1hEy8vewkfjpxDwoFh9mT7nqtztJz5szB4MGDVdo3bNiA2bNnIzY29vXDlNJZukWLFli2bBmA552lXV1dMW7cuNfqLF1RnFCRiLRNSmYePvvzCo5EPwYAtPS0wff9fFHL2kTkZESVR22dpRMTE9GqVati7a1atUJiYmJFN4fs7GxERUUhKioKwPPO2FFRUYiLiwMATJkyBWvWrMGGDRtw8+ZNjB49Gjk5ORg2bFiF90VERICDhRHWDm2Ob3r7wMRAhjP30hC6+AT+uPiQkzCSzqlwIVS7dm1s3bq1WPuWLVtQp06dCge4cOECmjRpgiZNmgB4Xvg0adIEM2fOBAAMGDAA33//PWbOnAk/Pz9ERUVh//79nAeIiOgNSCQSvBfgin0T28LfzRpZ+UWYtu0yRm26iCfZ+WVvgEhLVPjW2J9//okBAwYgODgYrVu3BgCcOnUK4eHh2Lp1K3r37q2WoFUtLCwMYWFhkMvliImJ4a0xItJacoWAlcfuYvGhGBTKBdiZGeDbPo0R3JB/cFL1Vd5bYxUuhADg4sWLWLRoEW7evAkAaNCgAaZOnaq8qqNN2EeIiHTF9YQMTN4ShZjkbADAgGYu+LJ7Q5gZchJGqn7UWgjpEhZCRKRL8grlWHgwBmtO3IMgAC42xvihnx9aeNiIHY2oQtTWWZqIiLSXkb4Mn3dtgM0jWqKmlTHi055hwOoIzNt3E/lFcrHjEVW6chdCUqkUMpnslS89Pe25fMp5hIhIl7X0tMX+SW3Rz78WBAFYdeweei4/hZuJmWJHI6pU5b41tmvXrlKXRUREYOnSpVAoFMjLy6u0cJqAt8aISNf9cz0JM7ZfxZOcAujLJJjyVj18HOQJmVQidjSiUlVJH6Ho6GhMnz4du3fvxvvvv4+5c+fCzc3tdTenkVgIEREBqdn5mLH9Kg7eeD7TfzM3ayzs7wdXW07CSJpJrX2EEhISMGLECPj4+KCoqAhRUVHYsGGD1hVBRET0nJ2ZIVYP8sf8vo1hZqiHCw+eosuS49h8Lo6TMFK1VqFCKCMjA5999hlq166N69evIzw8HLt374a3t7e68hERkYaQSCTo38wF+ya2RQsPG+QWyDFj+1V8tOECUrK0q1sE6Y5yF0Lz58+Hp6cn9uzZg82bN+P06dNo27atOrOJip2liYhK5mJjgt9HtMR/ujaAgUyK8FspCFl0HPuvVfwxS0RiK3cfIalUCmNjYwQHB0Mmk5W63vbt2ystnCZgHyEiotJFJ2Vh0pYo5WiyPk1rYnaPRrAw0hc5Gem68n5+l3u8++DBgyGRcIQAERH9Tz0nc+wa2xqLD8Vg5bG72H7pEc7cfYLv+/miVW07seMRlYkzS5eBV4SIiMrn4oM0TN5yGXFpuQCAD1t74NMu9WCkX/pdBCJ14czSRERUpfzdbLBvYlu8F+AKAFh7Khbdl53EtUcZIicjKh0LISIiqjSmhnr4prcP1g1tDntzQ9xOyUavsFNYFn4bRXKF2PGIimEhVAqOGiMien0d6jvgwKQgdPVxQpFCwA8HY9B3ZQTuPc4WOxqRCvYRKgP7CBERvT5BELAz6hFm7rqOrLwiGOvL8HnX+vigpRsH4JBasY8QERGJTiKRoHeTWjgwKQitvGzxrFCOL3ddx5B155GcyUkYSXwshIiISO2crYyxaXgAZnVvCEM9KY7HPEbnRcex+3KC2NFIx7EQIiKiKiGVSjCstQf+ntAGPjUtkfGsEOM3R2LC5kik5xaIHY90FAshIiKqUrUdzLF9TCtM6FQHMqkEf11OQMji4zge81jsaKSDWAgREVGV05dJMeWtuvhzdCt42pkiOTMfg9eew8xd1/CsQC52PNIhLIRKweHzRETq5+dihb8ntMWQQDcAwC8RD9Bt6QlExj0VORnpCg6fLwOHzxMRVY3jMY/x6R9XkJSZB5lUgrHtvTC+Ux3oy/g3O1Uch88TEVG1ElTXHgcmBaGHrzPkCgFLD99Bnx9P405KltjRSIuxECIiIo1haaKPpQObYNnAJrA01sfVRxnotvQk1p6MhULBGxhU+VgIERGRxunu64x/JgchqK498osUmLvnBgatPYuE9GdiRyMtw0KIiIg0kqOFETYMa47/6+UNY30ZTt15gpDFx7H90kOweytVFhZCRESksSQSCQa1dMPeiW3h52KFrLwiTNl6GWN+vYS0HE7CSG+OhRAREWk8DztT/DEqENM614WeVIJ915IQsvg4Dt9KFjsaVXMshIiIqFrQk0kxrmMd7BzbGnUczPA4Kx8frr+AGduvIie/SOx4VE2xECoFJ1QkItJM3jUtsXt8Gwxv4wEA2HwuDqFLTuDC/TSRk1F1xAkVy8AJFYmINNfpu6mYtvUyEjLyIJUAI9t5YXJwXRjo8e98XccJFYmISOu18rLD/slB6NO0JhQCsOLoXfQMO4XoJE7CSOXDQoiIiKo1CyN9LOzvh5UfNIWNqQFuJmai+7KTWH38LuSchJHKwEKIiIi0QhfvGtg/qS061XdAgVyBb/bewsA1ZxCflit2NNJgLISIiEhrOJgb4achzfBtHx+YGshwLjYNXRYfx9bz8ZyEkUrEQoiIiLSKRCLBuy1csW9iEJq5WSOnQI5P/7yCjzdeRGp2vtjxSMOwECIiIq3kamuCLSMD8VmX+tCXSXDwRjJCFh3HP9eTxI5GGoSFEBERaS2ZVILR7b3w17g2qO9kjic5Bfh440VM23YZWXmFYscjDcBCiIiItF6DGhbYNa41RrbzhEQC/HHxIbosPoEz956IHY1ExkKIiIh0gqGeDDNCG2DLx4FwsTHGo/RnGLjmDL7++wbyCuVixyORsBAiIiKd0sLDBvsmBuHd5i4QBGDNiVj0WH4S1x5liB2NRMBCiIiIdI6ZoR6+facxfhrcDHZmBohJzkbvH08h7MgdFMkVYsejKsRCiIiIdFZwQ0ccmBSEkEaOKJQLWHAgGv1XReB+ao7Y0aiKsBAqBZ8+T0SkG2zNDLHyA3/80M8X5oZ6uBSXjq5LT+DXsw84CaMO4NPny8CnzxMR6Y6HT3PxybYriPjvaLL29ewx/53GcLAwEjkZVRSfPk9ERFRBtaxN8OtHAfjy7YYw0JPiaPRjdF58HH9fSRQ7GqkJCyEiIqJ/kUolGN7GA3+PbwPvmhZIzy3E2N8uYdLvkcjI5SSM2oaFEBERUQnqOJpj++jWmNCxNmRSCXZGJSBk8XGcuP1Y7GhUiVgIERERlcJAT4opnevhj1GB8LAzRVJmHgb9fA4zd13DswJOwqgNWAgRERGVoYmrNfZOaIshgW4AgF8iHqDb0hOIjHsqcjJ6UyyEiIiIysHYQIY5Pb2xcXgLOFkY4V5qDt5ZcRo//BONgiJOwlhdsRAiIiKqgLZ17HFgUhB6+TlDIQDLDt9B7x9PISY5S+xo9BpYCBEREVWQpYk+Fr/bBGHvNYWViT6uJ2Ti7WUnseb4PcgVnJ6vOmEhRERE9Jq6Na6BfyYFoWN9BxQUKfD13psYuOYM4tNyxY5G5cRCiIiI6A04WBjh5yHN8G0fH5gayHAuNg1dFh/HlvNxfERHNcBCiIiI6A1JJBK828IV+yYGoYW7DXIK5Pjsz6sYvuECUrLyxI5Hr8BCiIiIqJK42ppg88ct8XnX+jCQSXH4VgpCFh3H3qt8RIemYiFERERUiWRSCT4O8sLu8W3QyNkCT3MLMeZXPqJDU7EQIiIiUoN6TubYMaY1xr/0iI7jMXxEhybRmUIoNzcXbm5umDZtmthRiIhIRxjoSTH1pUd0DF57Dl/uvIbcgiKx4xF0qBD6+uuv0bJlS7FjEBGRDnr5ER0bzzxA1yUncDk+XdxgpBuF0O3bt3Hr1i2EhoaKHYWIiHTUi0d0bBoegBqWRrj/JBd9V57G2pOxHGYvItELoePHj6N79+5wdnaGRCLBzp07i60TFhYGd3d3GBkZISAgAOfOnavQPqZNm4Z58+ZVUmIiIqLX16aOHfZPCkKotxMK5QLm7rmBEb9cxOOsfLGj6STRC6GcnBz4+voiLCysxOVbtmzBlClTMGvWLFy6dAm+vr4ICQlBSkqKch0/Pz94e3sXeyUkJGDXrl2oW7cu6tatW1WHRERE9EqWxvr48f2mmN29IfRlEhy6mYyQxcexj8Psq5xE0KDrcRKJBDt27ECvXr2UbQEBAWjevDmWL18OAFAoFHBxccH48eMxffr0Mrc5Y8YMbNq0CTKZDNnZ2SgsLMTUqVMxc+bMEtfPz89Hfv7/qvLMzEy4uLggIyMDFhYWb3aAREREL7mRkIkpW6NwK+n5Q1t7+jljbg9vWJroi5ysesvMzISlpWWZn9+iXxF6lYKCAly8eBHBwcHKNqlUiuDgYERERJRrG/PmzUN8fDzu37+P77//HiNGjCi1CHqxvqWlpfLl4uLyxsdBRERUmobOFvhrXBuM61AbUgmwKyoBnRcfw9HolLK/md6YRhdCqampkMvlcHR0VGl3dHREUlKSWvY5Y8YMZGRkKF/x8fFq2Q8REdELBnpSTAuphz9Ht4KnnSmSM/MxdN15zNh+Fdn5HGavTnpiB6hKQ4cOLXMdQ0NDGBoaqj8MERHRS5q4WuPvCW0x/8AtrDt1H5vPxeHkncf4vq8vAjxtxY6nlTT6ipCdnR1kMhmSk5NV2pOTk+Hk5KTWfYeFhaFhw4Zo3ry5WvdDRET0b8YGMszq3gi/jQhATStjxKc9w7trzuCrPTeQVygXO57W0ehCyMDAAP7+/ggPD1e2KRQKhIeHIzAwUK37Hjt2LG7cuIHz58+rdT9EREQlaeVlh/2T2mJAMxcIAvDTyVj0CjuFW0mZYkfTKqIXQtnZ2YiKikJUVBQAIDY2FlFRUYiLiwMATJkyBWvWrMGGDRtw8+ZNjB49Gjk5ORg2bJiIqYmIiNTP3Egf3/VtjJ+HNIOtqQFuJWWhx7JT+OnEPSgUGjPou1oTffj80aNH0aFDh2LtQ4YMwfr16wEAy5cvx4IFC5CUlAQ/Pz8sXboUAQEBVZKvvMPviIiI1OlxVj4++/MKDt96PpqsdW1bfN/PFzUsjUVOppnK+/kteiGkqcLCwhAWFga5XI6YmBgWQkREJDpBEPDr2Th89fcN5BUqYGmsj296+6Bb4xpiR9M4LIQqCa8IERGRprn7OBuTfo/C1UcZAIAevs6Y1b0hbM046vkFrZhQkYiIiIrzsjfD9jGtlJMw/nU5AcELj2FH5EM+wLWCWAgRERFVQ/qy55Mw7hjTGvWdzPE0txCTt1zG6E2XkJZTIHa8aoOFUCk4jxAREVUHvi5W2D2+Daa+VRd6Ugn2X09C50XHcfhWctnfTOwjVBb2ESIiouri2qMMTN4Shdsp2QCAgS1c8UW3BjA11KkHSQBgHyEiIiKd413TErvHt8HwNh4AgM3n4tB16QlcfJAmcjLNxUKIiIhIixjpy/Dl2w3x20cBcLY0woMnuei3MgILDtxCQZFC7Hgah4UQERGRFmpV2w77JgWhT5OaUAhA2JG76P3jKcQkZ4kdTaOwECoFO0sTEVF1Z2msj4UD/LDi/aawNtHH9YRMvL3sJB/R8S/sLF0GdpYmIiJtkJKZh8/+vIIj0Y8BAC09bfB9P1/UsjYROZl6sLM0ERERKTlYGGHt0Ob4prcPTAxkOHMvDaGLT+DPi7o9CSMLISIiIh0hkUjwXoAr9k5oi6auVsjKL8LUbbo9CSMLISIiIh3jbmeKrSMD8UlIPZ2fhJGFEBERkQ7Sk0kxtkNt7BzbGnUczJCanY8P11/AjO1XkJNfJHa8KsNCqBQcNUZERLrgxSSMH7XxgEQCbD4Xj9AlJ3AuVjcmYeSosTJw1BgREemKiLtPMG3bZTxKfwaJBBje2gPTQurBSF8mdrQK46gxIiIiqpBAL1vsn9QWA5q5QBCAn07GotvSE4iKTxc7mtqwECIiIiIlcyN9fNe3MdYObQZ7c0PcfZyDd1acRtiRO1o5zJ6FEBERERXTsb4j/pkUhB6+zpArBCw4EI3xmyPxrEAudrRKxUKIiIiISmRtaoClA5vgq17e0JNKsOdKIrotPYHwm8lac3WIhRARERG90gct3fDbiJawMzPEvdQcDN9wAUPWnUdC+jOxo70xFkKl4PB5IiKi/2nhYYPD09phZDtPGMikOB7zGF0WH8eeKwliR3sjHD5fBg6fJyIiUhWbmoNJW6Jw+b+jyT5o6YqZbzeCgZ7mXF/h8HkiIiJSCw87U/wxKhDjOtSGRAJsOhOHd1dHIDGj+t0qYyFEREREFaYvk2JaSD38PKQZLIz0cCkuHZ0XHccf1exp9iyEiIiI6LV1rO+Iv8a1gW8tS2TlFWHatssYvPYcopOyxI5WLiyEiIiI6I2425niz9Gt8GmXejCQSXHidipClxzHjO1XNf4BriyEiIiI6I3pyaQY0742DkwOQqi3ExQCsPlcHN5ZcRrxablixysVCyEiIiKqNB52pljxgT82/3feoVtJWeix/CTCbyaLHa1ELISIiIio0gV62WL3+NZoXMsST3MLMXzDBXz6x2Vk5hWKHU0FCyEiIiJSixqWxtg6MhAfB3lCIgG2XniI4B+OYVfUI40ZWcZCqBScWZqIiOjNGenL8HnXBtg6MhAedqZIycrHxN+jMHjtOaRm54sdjzNLl4UzSxMREVWO/CI5Vh+7h+VH7iC/SIEalkb48f2maOJqXen74szSREREpFEM9WQY36kO9oxvA097UyRm5KH/qgjsvize88pYCBEREVGVquNojl1jW6NLIycY6snQ0Fm8Oy56ou2ZiIiIdJa5kT5WfNAUsak58LQ3Ey0HrwgRERGRKCQSiahFEMBCiIiIiHQYCyEiIiLSWSyEiIiISGexECIiIiKdxUKIiIiIdBYLISIiItJZLISIiIhIZ7EQKgUfukpERKT9+NDVMvChq0RERNUPH7pKREREVAYWQkRERKSzWAgRERGRzmIhRERERDpLT+wAmu5FX/LMzEyRkxAREVF5vfjcLmtMGAuhMmRlZQEAXFxcRE5CREREFZWVlQVLS8tSl3P4fBkUCgUSEhJgbm4OiURSadvNzMyEi4sL4uPjtXZYPo+x+tP24wN4jNpA248P0P5jVMfxCYKArKwsODs7QyotvScQrwiVQSqVolatWmrbvoWFhVb+o/43HmP1p+3HB/AYtYG2Hx+g/cdY2cf3qitBL7CzNBEREeksFkJERESks1gIicTQ0BCzZs2CoaGh2FHUhsdY/Wn78QE8Rm2g7ccHaP8xinl87CxNREREOotXhIiIiEhnsRAiIiIincVCiIiIiHQWCyEiIiLSWSyERBIWFgZ3d3cYGRkhICAA586dEzvSa5k3bx6aN28Oc3NzODg4oFevXoiOjlZZp3379pBIJCqvUaNGiZS44mbPnl0sf/369ZXL8/LyMHbsWNja2sLMzAzvvPMOkpOTRUxcce7u7sWOUSKRYOzYsQCq3zk8fvw4unfvDmdnZ0gkEuzcuVNluSAImDlzJmrUqAFjY2MEBwfj9u3bKuukpaXh/fffh4WFBaysrDB8+HBkZ2dX4VG82quOsbCwEJ999hl8fHxgamoKZ2dnDB48GAkJCSrbKOm8f/vtt1V8JKUr6zwOHTq0WP4uXbqorKPJ57Gs4yvpZ1IikWDBggXKdTT5HJbn86E8vz/j4uLQrVs3mJiYwMHBAZ988gmKiooqLScLIRFs2bIFU6ZMwaxZs3Dp0iX4+voiJCQEKSkpYkersGPHjmHs2LE4c+YMDh48iMLCQnTu3Bk5OTkq640YMQKJiYnK1/z580VK/HoaNWqkkv/kyZPKZZMnT8bu3buxbds2HDt2DAkJCejTp4+IaSvu/PnzKsd38OBBAEC/fv2U61Snc5iTkwNfX1+EhYWVuHz+/PlYunQpVq5cibNnz8LU1BQhISHIy8tTrvP+++/j+vXrOHjwIPbs2YPjx4/j448/rqpDKNOrjjE3NxeXLl3Cl19+iUuXLmH79u2Ijo5Gjx49iq07d+5clfM6fvz4qohfLmWdRwDo0qWLSv7NmzerLNfk81jW8f37uBITE7F27VpIJBK88847Kutp6jksz+dDWb8/5XI5unXrhoKCApw+fRobNmzA+vXrMXPmzMoLKlCVa9GihTB27Fjl13K5XHB2dhbmzZsnYqrKkZKSIgAQjh07pmxr166dMHHiRPFCvaFZs2YJvr6+JS5LT08X9PX1hW3btinbbt68KQAQIiIiqihh5Zs4caLg5eUlKBQKQRCq9zkEIOzYsUP5tUKhEJycnIQFCxYo29LT0wVDQ0Nh8+bNgiAIwo0bNwQAwvnz55Xr7Nu3T5BIJMKjR4+qLHt5vXyMJTl37pwAQHjw4IGyzc3NTVi0aJF6w1WSko5xyJAhQs+ePUv9nup0HstzDnv27Cl07NhRpa06ncOXPx/K8/tz7969glQqFZKSkpTrrFixQrCwsBDy8/MrJRevCFWxgoICXLx4EcHBwco2qVSK4OBgREREiJiscmRkZAAAbGxsVNp//fVX2NnZwdvbGzNmzEBubq4Y8V7b7du34ezsDE9PT7z//vuIi4sDAFy8eBGFhYUq57N+/fpwdXWttuezoKAAmzZtwocffqjyoOHqfg5fiI2NRVJSkso5s7S0REBAgPKcRUREwMrKCs2aNVOuExwcDKlUirNnz1Z55sqQkZEBiUQCKysrlfZvv/0Wtra2aNKkCRYsWFCptxyqwtGjR+Hg4IB69eph9OjRePLkiXKZNp3H5ORk/P333xg+fHixZdXlHL78+VCe358RERHw8fGBo6Ojcp2QkBBkZmbi+vXrlZKLD12tYqmpqZDL5SonFQAcHR1x69YtkVJVDoVCgUmTJqF169bw9vZWtr/33ntwc3ODs7Mzrly5gs8++wzR0dHYvn27iGnLLyAgAOvXr0e9evWQmJiIOXPmoG3btrh27RqSkpJgYGBQ7MPF0dERSUlJ4gR+Qzt37kR6ejqGDh2qbKvu5/DfXpyXkn4GXyxLSkqCg4ODynI9PT3Y2NhUy/Oal5eHzz77DAMHDlR5oOWECRPQtGlT2NjY4PTp05gxYwYSExOxcOFCEdOWX5cuXdCnTx94eHjg7t27+PzzzxEaGoqIiAjIZDKtOo8bNmyAubl5sdvu1eUclvT5UJ7fn0lJSSX+rL5YVhlYCFGlGTt2LK5du6bSfwaAyv14Hx8f1KhRA506dcLdu3fh5eVV1TErLDQ0VPn/jRs3RkBAANzc3LB161YYGxuLmEw9fv75Z4SGhsLZ2VnZVt3PoS4rLCxE//79IQgCVqxYobJsypQpyv9v3LgxDAwMMHLkSMybN69aPMrh3XffVf6/j48PGjduDC8vLxw9ehSdOnUSMVnlW7t2Ld5//30YGRmptFeXc1ja54Mm4K2xKmZnZweZTFasV3xycjKcnJxESvXmxo0bhz179uDIkSOoVavWK9cNCAgAANy5c6cqolU6Kysr1K1bF3fu3IGTkxMKCgqQnp6usk51PZ8PHjzAoUOH8NFHH71yvep8Dl+cl1f9DDo5ORUbvFBUVIS0tLRqdV5fFEEPHjzAwYMHVa4GlSQgIABFRUW4f/9+1QSsZJ6enrCzs1P+u9SW83jixAlER0eX+XMJaOY5LO3zoTy/P52cnEr8WX2xrDKwEKpiBgYG8Pf3R3h4uLJNoVAgPDwcgYGBIiZ7PYIgYNy4cdixYwcOHz4MDw+PMr8nKioKAFCjRg01p1OP7Oxs3L17FzVq1IC/vz/09fVVzmd0dDTi4uKq5flct24dHBwc0K1bt1euV53PoYeHB5ycnFTOWWZmJs6ePas8Z4GBgUhPT8fFixeV6xw+fBgKhUJZBGq6F0XQ7du3cejQIdja2pb5PVFRUZBKpcVuJ1UXDx8+xJMnT5T/LrXhPALPr9L6+/vD19e3zHU16RyW9flQnt+fgYGBuHr1qkpB+6Kob9iwYaUFpSr2+++/C4aGhsL69euFGzduCB9//LFgZWWl0iu+uhg9erRgaWkpHD16VEhMTFS+cnNzBUEQhDt37ghz584VLly4IMTGxgq7du0SPD09haCgIJGTl9/UqVOFo0ePCrGxscKpU6eE4OBgwc7OTkhJSREEQRBGjRoluLq6CocPHxYuXLggBAYGCoGBgSKnrji5XC64uroKn332mUp7dTyHWVlZQmRkpBAZGSkAEBYuXChERkYqR0x9++23gpWVlbBr1y7hypUrQs+ePQUPDw/h2bNnym106dJFaNKkiXD27Fnh5MmTQp06dYSBAweKdUjFvOoYCwoKhB49egi1atUSoqKiVH42X4y0OX36tLBo0SIhKipKuHv3rrBp0ybB3t5eGDx4sMhH9j+vOsasrCxh2rRpQkREhBAbGyscOnRIaNq0qVCnTh0hLy9PuQ1NPo9l/TsVBEHIyMgQTExMhBUrVhT7fk0/h2V9PghC2b8/i4qKBG9vb6Fz585CVFSUsH//fsHe3l6YMWNGpeVkISSSZcuWCa6uroKBgYHQokUL4cyZM2JHei0ASnytW7dOEARBiIuLE4KCggQbGxvB0NBQqF27tvDJJ58IGRkZ4gavgAEDBgg1atQQDAwMhJo1awoDBgwQ7ty5o1z+7NkzYcyYMYK1tbVgYmIi9O7dW0hMTBQx8es5cOCAAECIjo5Waa+O5/DIkSMl/rscMmSIIAjPh9B/+eWXgqOjo2BoaCh06tSp2HE/efJEGDhwoGBmZiZYWFgIw4YNE7KyskQ4mpK96hhjY2NL/dk8cuSIIAiCcPHiRSEgIECwtLQUjIyMhAYNGgjffPONShEhtlcdY25urtC5c2fB3t5e0NfXF9zc3IQRI0YU+4NSk89jWf9OBUEQVq1aJRgbGwvp6enFvl/Tz2FZnw+CUL7fn/fv3xdCQ0MFY2Njwc7OTpg6dapQWFhYaTkl/w1LREREpHPYR4iIiIh0FgshIiIi0lkshIiIiEhnsRAiIiIincVCiIiIiHQWCyEiIiLSWSyEiIiISGexECIiKoO7uzsWL14sdgwiUgMWQkSkUYYOHYpevXoBANq3b49JkyZV2b7Xr18PKyurYu3nz5/Hxx9/XGU5iKjq6IkdgIhI3QoKCmBgYPDa329vb1+JaYhIk/CKEBFppKFDh+LYsWNYsmQJJBIJJBIJ7t+/DwC4du0aQkNDYWZmBkdHRwwaNAipqanK723fvj3GjRuHSZMmwc7ODiEhIQCAhQsXwsfHB6ampnBxccGYMWOQnZ0NADh69CiGDRuGjIwM5f5mz54NoPitsbi4OPTs2RNmZmawsLBA//79kZycrFw+e/Zs+Pn5YePGjXB3d4elpSXeffddZGVlqfdNI6IKYyFERBppyZIlCAwMxIgRI5CYmIjExES4uLggPT0dHTt2RJMmTXDhwgXs378fycnJ6N+/v8r3b9iwAQYGBjh16hRWrlwJAJBKpVi6dCmuX7+ODRs24PDhw/j0008BAK1atcLixYthYWGh3N+0adOK5VIoFOjZsyfS0tJw7NgxHDx4EPfu3cOAAQNU1rt79y527tyJPXv2YM+ePTh27Bi+/fZbNb1bRPS6eGuMiDSSpaUlDAwMYGJiAicnJ2X78uXL0aRJE3zzzTfKtrVr18LFxQUxMTGoW7cuAKBOnTqYP3++yjb/3d/I3d0dX331FUaNGoUff/wRBgYGsLS0hEQiUdnfy8LDw3H16lXExsbCxcUFAPDLL7+gUaNGOH/+PJo3bw7gecG0fv16mJubAwAGDRqE8PBwfP3112/2xhBRpeIVISKqVi5fvowjR47AzMxM+apfvz6A51dhXvD39y/2vYcOHUKnTp1Qs2ZNmJubY9CgQXjy5Alyc3PLvf+bN2/CxcVFWQQBQMOGDWFlZYWbN28q29zd3ZVFEADUqFEDKSkpFTpWIlI/XhEiomolOzsb3bt3x3fffVdsWY0aNZT/b2pqqrLs/v37ePvttzF69Gh8/fXXsLGxwcmTJzF8+HAUFBTAxMSkUnPq6+urfC2RSKBQKCp1H0T05lgIEZHGMjAwgFwuV2lr2rQp/vzzT7i7u0NPr/y/wi5evAiFQoEffvgBUunzi+Fbt24tc38va9CgAeLj4xEfH6+8KnTjxg2kp6ejYcOG5c5DRJqBt8aISGO5u7vj7NmzuH//PlJTU6FQKDB27FikpaVh4MCBOH/+PO7evYsDBw5g2LBhryxiateujcLCQixbtgz37t3Dxo0blZ2o/72/7OxshIeHIzU1tcRbZsHBwfDx8cH777+PS5cu4dy5cxg8eDDatWuHZs2aVfp7QETqxUKIiDTWtGnTIJPJ0LBhQ9jb2yMuLg7Ozs44deoU5HI5OnfuDB8fH0yaNAlWVlbKKz0l8fX1xcKFC/Hdd9/B29sbv/76K+bNm6eyTqtWrTBq1CgMGDAA9vb2xTpbA89vce3atQvW1tYICgpCcHAwPD09sWXLlko/fiJSP4kgCILYIYiIiIjEwCtCREREpLNYCBEREZHOYiFEREREOouFEBEREeksFkJERESks1gIERERkc5iIUREREQ6i4UQERER6SwWQkRERKSzWAgRERGRzmIhRERERDqLhRARERHprP8Hst0hbU3Ur5gAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "print(w)\n", + "print(norms[len(norms) - 1])\n", + "plt.plot(range(itr), norms)\n", + "plt.xlabel('Iteration')\n", + "plt.ylabel('Norm of param.grad')\n", + "plt.title('Norm of param.grad vs Iteration')\n", + "plt.yscale('log')\n", + "plt.show()\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 305, + "metadata": {}, + "outputs": [], + "source": [ + "# sum2 = {name: torch.zeros_like(param) for name, param in net2.named_parameters()}\n", + "\n", + "# for gradients in individual_gradients:\n", + "# for name, param in gradients.items():\n", + "# sum2[name] += param\n", + "\n", + "# for name, param in sum2.items(): # Fix: iterate over items() to access both key and value\n", + "# print(f\"Parameter: {name}\\n{param.data}\\n\")\n", + "\n", + "# for name, param in sum_gradients.items(): # Fix: iterate over items() to access both key and value\n", + "# print(f\"Parameter: {name}\\n{param.data}\\n\")\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "llm-env", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.14" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/src/optim/base.py b/src/optim/base.py index da008fc..92aa5c8 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -18,7 +18,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( - device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype) + device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible substep = itr * acc_steps data_cnt = 0 @@ -32,7 +32,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i ) num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) - w = torch.ones(num_train_seq) + + w = torch.ones(num_train_seq, device=device_type) data["train"], train_sampler = get_dataloader( data["train"][num_curated_tok : ], sequence_length=sequence_length, @@ -84,72 +85,84 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i for _ in range(substep % num_substeps_per_epoch): get_batch(data_train_iter, device=extra_args.device) + microstep_idx = 1 while itr < iterations: - for microstep_idx in range(acc_steps): # gradient accumulation - x0, y0 = get_batch(data_curated_iter, device=extra_args.device) + + x0, y0 = get_batch(data_curated_iter, device=extra_args.device) + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x0, targets=y0) + loss0 = outputs['loss'] / acc_steps + + opt.zero_grad(set_to_none=True) + loss0.backward() + grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} + + print(f'Curated loss: {loss0}') + + grads_batch = copy.deepcopy(grad0) + loss = loss0.clone() + + print(f'w_norm: {sum(w)}') + + x, y = get_batch(data_train_iter, device=extra_args.device) + + for i in range(x.size(0)): # Iterate over each data point in the batch + + xi = x[i].unsqueeze(0) # Get the i-th data point + yi = y[i].unsqueeze(0) # Get the i-th target with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x0, targets=y0) - loss0 = outputs['loss'] / acc_steps - loss0.backward() - grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} + output_i = model(xi, targets=yi) + lossi = output_i['loss'] + loss += w[data_cnt] * lossi + opt.zero_grad(set_to_none=True) + lossi.backward() + gradi = {name: param.grad.clone() for name, param in model.named_parameters()} - x, y = get_batch(data_train_iter, device=extra_args.device) - - grads_batch = grad0.copy() - loss = loss0.copy() - for i in range(x.size(0)): # Iterate over each data point in the batch - xi = x[i].unsqueeze(0) # Get the i-th data point - yi = y[i].unsqueeze(0) # Get the i-th target - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - output_i = model(xi, targets=yi) - lossi = output_i['loss'] - loss += w[data_cnt] * lossi - lossi.backward() - gradi = {name: param.grad.clone() for name, param in model.named_parameters()} - # individual_gradients.append(current_gradients) - inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) - # print(inner_product) - w[data_cnt] += gamma * inner_product - w[data_cnt] = torch.clamp(w[i], 0, 1) - # Accumulate the gradients - for name, param in model.named_parameters(): - if param.grad is not None: - grads_batch[name] += w[data_cnt] * param.grad.clone() - opt.zero_grad(set_to_none=True) - data_cnt += 1 + inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) + print(inner_product) + + w[data_cnt] += gamma * inner_product + w[data_cnt] = torch.clamp(w[i], 0, 1) + # Accumulate the gradients for name, param in model.named_parameters(): if param.grad is not None: - param.grad = grads_batch[name] - substep += 1 - - if data_cnt % num_train_seq == 0: - data_cnt = 0 - - if substep % len(data["train"]) == 0: - train_epochs += 1 - print(f"Train epoch {train_epochs} done (full pass over training data)") - if hasattr(train_sampler, "set_epoch"): - # set epoch for reshuffling between epochs - train_sampler.set_epoch(train_epochs) - sampler_state_before_iter = None - else: - sampler_state_before_iter = train_sampler.generator.get_state() - data_train_iter = iter(data["train"]) - - data_curated_iter = iter(data["curated"]) - # pdb.set_trace() - + grads_batch[name] += w[data_cnt] * gradi[name] + + data_cnt += 1 + + for name, param in model.named_parameters(): + if param.grad is not None: + param.grad = grads_batch[name] + if extra_args.grad_clip != 0.0: torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) + opt.step() scheduler.step() - opt.zero_grad(set_to_none=True) itr += 1 + substep += 1 + + if data_cnt % (num_train_seq-1) == 0: + data_cnt = 0 + + if substep % len(data["train"]) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + if hasattr(train_sampler, "set_epoch"): + # set epoch for reshuffling between epochs + train_sampler.set_epoch(train_epochs) + sampler_state_before_iter = None + else: + sampler_state_before_iter = train_sampler.generator.get_state() + + data_train_iter = iter(data["train"]) + + data_curated_iter = iter(data["curated"]) if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above if distributed_backend.is_master_process(): @@ -158,6 +171,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i epoch = substep//num_substeps_per_epoch model.eval() + curated_loss = loss0.detach().cpu().item() train_loss = loss.detach().cpu().item() * acc_steps current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr @@ -172,7 +186,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i ctx=type_ctx, ) - print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" From 78043a75d48a462b776d9f3d155c1d66a10a9d58 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 00:42:09 +0000 Subject: [PATCH 07/45] debug for modified --- scripts/train-baselines-example.sh | 8 ++++++-- src/config/base.py | 2 +- src/optim/base.py | 8 +++----- 3 files changed, 10 insertions(+), 8 deletions(-) diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 64057c3..ae64178 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -4,10 +4,14 @@ cd /path/to/your/repo/llm-baselines pip install -r requirements.txt export WANDB_API_KEY="put your authorize key here, to find it: https://wandb.ai/authorize" -python ./src/main.py --model base --n_embd 768 --n_head 12 --wandb_run_prefix h768_nh12_nlyr24_sl512_d005 --n_layer 24 --batch_size 50 --sequence_length 512 --wandb --acc_steps 4 --dropout 0.05 +python ./src/main.py --model base --n_embd 768 --n_head 12 --wandb --n_layer 24 --batch_size 50 --sequence_length 512 --wandb --acc_steps 1 --dropout 0.05 # for cpu python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --device=cpu --vocab_size=96 # for quick gpu test -python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --vocab_size=96 \ No newline at end of file +python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 --dataset=shakespeare-char --vocab_size=96 + +# for full training with shakespeare +export WANDB_API_KEY="put your authorize key here, to find it: https://wandb.ai/authorize" +python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --wandb --n_layer 24 --batch_size 100 --sequence_length 512 --wandb --acc_steps 1 --dropout 0.05 diff --git a/src/config/base.py b/src/config/base.py index 16cef40..d750843 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -15,7 +15,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--seed', default=0, type=int) parser.add_argument('--data_seed', default=1337, type=int) parser.add_argument('--device', default='cuda:0', type=str) - parser.add_argument('--iterations', default=1080, type=int) # 25000 + parser.add_argument('--iterations', default=25000, type=int) # 25000 parser.add_argument('--lr', default=1e-3, type=float) parser.add_argument('--warmup_percent', default=0.05, type=float) parser.add_argument('--weight_decay', default=0.1, type=float) diff --git a/src/optim/base.py b/src/optim/base.py index 92aa5c8..3c0fa99 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -99,13 +99,11 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i loss0.backward() grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} - print(f'Curated loss: {loss0}') + # print(f'Curated loss: {loss0}') grads_batch = copy.deepcopy(grad0) loss = loss0.clone() - print(f'w_norm: {sum(w)}') - x, y = get_batch(data_train_iter, device=extra_args.device) for i in range(x.size(0)): # Iterate over each data point in the batch @@ -123,7 +121,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i gradi = {name: param.grad.clone() for name, param in model.named_parameters()} inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) - print(inner_product) + # print(inner_product) w[data_cnt] += gamma * inner_product w[data_cnt] = torch.clamp(w[i], 0, 1) @@ -186,7 +184,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i ctx=type_ctx, ) - print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" From 66434070ce41d45e5b59109adb23de1e912889ff Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 00:46:45 +0000 Subject: [PATCH 08/45] debug for modified --- src/optim/base.py | 2 ++ 1 file changed, 2 insertions(+) diff --git a/src/optim/base.py b/src/optim/base.py index 3c0fa99..040b73c 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -193,6 +193,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i if extra_args.wandb: logs = { "iter": itr, + "w_sum": sum(w), + "curated/loss": curated_loss, "train/loss": train_loss, "val/loss": val_loss, "val/perplexity": val_perplexity, From 48b2b07f6556c9545271e1b3570bdc1bb20c02ef Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 08:19:06 +0000 Subject: [PATCH 09/45] modified --- src/optim/base.py | 8 ++++++-- 1 file changed, 6 insertions(+), 2 deletions(-) diff --git a/src/optim/base.py b/src/optim/base.py index 040b73c..46e9649 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -113,8 +113,12 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): output_i = model(xi, targets=yi) - lossi = output_i['loss'] - loss += w[data_cnt] * lossi + + # lossi = output_i['loss'] + # loss += w[data_cnt] * lossi + # + lossi = w[data_cnt] * output_i['loss'] + loss += lossi opt.zero_grad(set_to_none=True) lossi.backward() From e52b004f4efa100463d0e1193e1703f2559af0c4 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 14:53:14 +0000 Subject: [PATCH 10/45] add random data in the training data --- src/config/base.py | 3 ++- src/exercise.ipynb | 12 ++++++++++++ src/main.py | 12 +++++++++++- src/optim/base.py | 27 ++++++++++++++++++++++----- 4 files changed, 47 insertions(+), 7 deletions(-) diff --git a/src/config/base.py b/src/config/base.py index d750843..94e3204 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -28,7 +28,8 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--grad_clip', default=0.0, type=float) # default value is 1.0 in NanoGPT # Dataset params parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) - parser.add_argument('--num_curated_batch', default=1, type=int) # number of curated tokens separated from the training data + parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data + parser.add_argument('--num_curated_batch', default=10, type=int) # number of curated tokens separated from the training data parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 diff --git a/src/exercise.ipynb b/src/exercise.ipynb index 202ee17..182653a 100644 --- a/src/exercise.ipynb +++ b/src/exercise.ipynb @@ -24,6 +24,18 @@ " return x" ] }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "a = torch.tensor([1, 1, 0], requires_grad=True)\n", + "b = torch.tensor([1, 0, 1], requires_grad=True)\n", + "cross_entropy_loss = nn.CrossEntropyLoss(a,b)\n", + "print(cross_entropy_loss)" + ] + }, { "cell_type": "code", "execution_count": 300, diff --git a/src/main.py b/src/main.py index 2e86584..0692b38 100755 --- a/src/main.py +++ b/src/main.py @@ -50,12 +50,22 @@ def main(args): if args.data_in_ram: data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} + # random generate some data added to the training data + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + + print(f"Num trian tokens: {len(data['train'])}") + + data['train'] = np.concatenate((data['train'], random_data)) + + print(f"Num train + random tokens: {len(data['train'])}") + print(f"Num curated tokens: {len(data['train'][:num_curated_tok])}") print(f"Num training tokens: {len(data['train'][num_curated_tok:])}") print(f"Num validation tokens: {len(data['val'])}") # pdb.set_trace() + model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' model = distributed_backend.transform_model(model) @@ -146,7 +156,7 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, num_curated_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + stats = train(model, opt, data, args.gamma, num_curated_tok, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) diff --git a/src/optim/base.py b/src/optim/base.py index 46e9649..a480928 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -12,9 +12,10 @@ import numpy as np from .utils import eval, get_batch, save_checkpoint +from torch import mean import pdb -def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, +def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( @@ -32,8 +33,20 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i ) num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) - + num_rand_seq = int(np.ceil(num_rand_tok / sequence_length)) w = torch.ones(num_train_seq, device=device_type) + w_gt = torch.zeros(num_train_seq, device=device_type) + w_gt[num_train_seq - num_rand_seq:] = 1 + w_gt = w_gt.bool() + num_clean_seq = num_train_seq - num_rand_seq + print(f'Num clean seq in train: {num_clean_seq}') + print(f'Num random seq: {num_rand_seq}') + + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + print(f'Initial w_gap: {w_gap}') + + # pdb.set_trace() + data["train"], train_sampler = get_dataloader( data["train"][num_curated_tok : ], sequence_length=sequence_length, @@ -166,7 +179,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i data_curated_iter = iter(data["curated"]) - if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 @@ -187,8 +201,10 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i max_num_batches=eval_steps, ctx=type_ctx, ) - - print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + + print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={sum(w_gap):.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" @@ -204,6 +220,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, data_seed, scheduler, i "val/perplexity": val_perplexity, "val/acc": val_acc, "lr": current_lr, + "w_gap": w_gap, } if itr == iterations: From f96307ec42ec6a520812a4ff4f116efffe38550d Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 15:34:54 +0000 Subject: [PATCH 11/45] data cleaning in modified --- src/main.py | 2 +- src/optim/base.py | 4 ++-- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/src/main.py b/src/main.py index 0692b38..7d473a3 100755 --- a/src/main.py +++ b/src/main.py @@ -51,7 +51,7 @@ def main(args): data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} # random generate some data added to the training data - random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16, seed=args.data_seed) print(f"Num trian tokens: {len(data['train'])}") diff --git a/src/optim/base.py b/src/optim/base.py index a480928..e4bd29f 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -203,8 +203,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed ) w_gap = mean(w[w_gt]) - mean(w[~w_gt]) - - print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={sum(w_gap):.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + + print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={w_gap:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" From 4186d128f5fa5aae95a42472ae2644c06b415616 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 18:43:36 +0000 Subject: [PATCH 12/45] use cosine similarity w = w + gamma * cos; ignore points with small w < 1e-2 --- src/config/base.py | 2 +- src/optim/base.py | 55 +++++++++++++++++++++++----------------------- 2 files changed, 29 insertions(+), 28 deletions(-) diff --git a/src/config/base.py b/src/config/base.py index 94e3204..820dbb4 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -30,7 +30,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=10, type=int) # number of curated tokens separated from the training data - parser.add_argument('--gamma', default=0.001, type=float) # step size for w + parser.add_argument('--gamma', default=0.1, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params diff --git a/src/optim/base.py b/src/optim/base.py index e4bd29f..8aab138 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -120,33 +120,34 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed x, y = get_batch(data_train_iter, device=extra_args.device) for i in range(x.size(0)): # Iterate over each data point in the batch - - xi = x[i].unsqueeze(0) # Get the i-th data point - yi = y[i].unsqueeze(0) # Get the i-th target - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - output_i = model(xi, targets=yi) - - # lossi = output_i['loss'] - # loss += w[data_cnt] * lossi - # - lossi = w[data_cnt] * output_i['loss'] - loss += lossi - - opt.zero_grad(set_to_none=True) - lossi.backward() - gradi = {name: param.grad.clone() for name, param in model.named_parameters()} - - inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) - # print(inner_product) - - w[data_cnt] += gamma * inner_product - w[data_cnt] = torch.clamp(w[i], 0, 1) - - # Accumulate the gradients - for name, param in model.named_parameters(): - if param.grad is not None: - grads_batch[name] += w[data_cnt] * gradi[name] + if w[data_cnt] > 1e-2: + xi = x[i].unsqueeze(0) # Get the i-th data point + yi = y[i].unsqueeze(0) # Get the i-th target + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + output_i = model(xi, targets=yi) + + # lossi = output_i['loss'] + # loss += w[data_cnt] * lossi + # + lossi = w[data_cnt] * output_i['loss'] + loss += lossi + + opt.zero_grad(set_to_none=True) + lossi.backward() + gradi = {name: param.grad.clone() for name, param in model.named_parameters()} + + # inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) + # print(inner_product) + # w[data_cnt] += gamma * inner_product + cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() / (torch.norm(grad0[name]) * torch.norm(gradi[name])) for name in grad0.keys()) + w[data_cnt] += gamma * cos_sim + w[data_cnt] = torch.clamp(w[i], 0, 1) + + # Accumulate the gradients + for name, param in model.named_parameters(): + if param.grad is not None: + grads_batch[name] += w[data_cnt] * gradi[name] data_cnt += 1 From b828ef82165f4b0054be85781eaae2fdda9228f7 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 20:59:26 +0200 Subject: [PATCH 13/45] Update base.py --- src/models/base.py | 1 - 1 file changed, 1 deletion(-) diff --git a/src/models/base.py b/src/models/base.py index dad9497..a844592 100755 --- a/src/models/base.py +++ b/src/models/base.py @@ -293,6 +293,5 @@ def generate(self, idx, max_new_tokens, temperature=1.0, top_k=None): @torch.no_grad() def generate_from_string(self, in_str, max_new_tokens, temperature=1.0, top_k=None): idx = torch.tensor(self.tokenizer.encode(in_str, allowed_special={"<|endoftext|>"})).view(1,-1).to(self.lm_head.weight.device) - print(f"idx=", idx) out_idx = self.generate(idx, max_new_tokens, temperature, top_k).view(-1).to('cpu').numpy() return self.tokenizer.decode(out_idx) From cbb412408b9a62facdf7ae7e4751327059a0cd04 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Fri, 16 Aug 2024 20:39:04 +0000 Subject: [PATCH 14/45] dc, bm, nz settings --- scripts/train-baselines-example.sh | 9 + src/config/base.py | 3 +- src/main.py | 18 +- src/main_dc.py | 176 +++++++++++++++++++ src/main_nz.py | 175 +++++++++++++++++++ src/optim/base.py | 134 +++----------- src/optim/base_dc.py | 271 +++++++++++++++++++++++++++++ 7 files changed, 666 insertions(+), 120 deletions(-) create mode 100755 src/main_dc.py create mode 100755 src/main_nz.py create mode 100755 src/optim/base_dc.py diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index ae64178..aadb74d 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -15,3 +15,12 @@ python ./src/main.py --n_layer=2 --n_head=4 --n_embd=128 --sequence_length=256 - # for full training with shakespeare export WANDB_API_KEY="put your authorize key here, to find it: https://wandb.ai/authorize" python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --wandb --n_layer 24 --batch_size 100 --sequence_length 512 --wandb --acc_steps 1 --dropout 0.05 + + +# 2024-08-16 +# dc +python ./src/main_dc.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +# bm +python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +# nz +python ./src/main_nz.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb diff --git a/src/config/base.py b/src/config/base.py index 820dbb4..611a0d8 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -14,6 +14,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--acc_steps', default=1, type=int) # 4 parser.add_argument('--seed', default=0, type=int) parser.add_argument('--data_seed', default=1337, type=int) + parser.add_argument('--data_rd_seed', default=4, type=int) parser.add_argument('--device', default='cuda:0', type=str) parser.add_argument('--iterations', default=25000, type=int) # 25000 parser.add_argument('--lr', default=1e-3, type=float) @@ -30,7 +31,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=10, type=int) # number of curated tokens separated from the training data - parser.add_argument('--gamma', default=0.1, type=float) # step size for w + parser.add_argument('--gamma', default=0.05, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params diff --git a/src/main.py b/src/main.py index 7d473a3..8f4571d 100755 --- a/src/main.py +++ b/src/main.py @@ -44,23 +44,17 @@ def main(args): print(f"Loading dataset '{args.dataset}'") - num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) + # num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} if args.data_in_ram: - data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} + data = {'train': np.array(data['train']), 'val': np.array(data['val'])} # random generate some data added to the training data - random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16, seed=args.data_seed) + np.random.seed(args.data_rd_seed) + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) - print(f"Num trian tokens: {len(data['train'])}") - - data['train'] = np.concatenate((data['train'], random_data)) - - print(f"Num train + random tokens: {len(data['train'])}") - - print(f"Num curated tokens: {len(data['train'][:num_curated_tok])}") - print(f"Num training tokens: {len(data['train'][num_curated_tok:])}") + print(f"Num training tokens: {len(data['train'])}") print(f"Num validation tokens: {len(data['val'])}") # pdb.set_trace() @@ -156,7 +150,7 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, num_curated_tok, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) diff --git a/src/main_dc.py b/src/main_dc.py new file mode 100755 index 0000000..29e2a9c --- /dev/null +++ b/src/main_dc.py @@ -0,0 +1,176 @@ +import os +import sys +import numpy as np +import torch +import inspect +import json +import copy +import argparse +import random +import wandb + +import config +from models.utils import get_model +from data.utils import get_dataset +from optim.base_dc import train_base_dc +import distributed + +import pdb +def get_args(): + parser = argparse.ArgumentParser(allow_abbrev=False) + parser.add_argument('--config_format', default='base', choices=config.registered_formats()) + + args, rem_args = parser.parse_known_args() + + return config.parse_args_with_format(format=args.config_format, base_parser=parser, args=rem_args, namespace=args) + + +def main(args): + + torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training + torch.backends.cudnn.allow_tf32 = True + + distributed_backend = distributed.make_backend_from_args(args) + args = distributed_backend.get_adjusted_args_for_process(args) + + args.device = torch.device(args.device) + device_type = "cuda" if "cuda" in str(args.device) else "cpu" + if device_type == "cuda": + torch.cuda.set_device(args.device) + + torch.manual_seed(args.seed) + random.seed(args.seed) + np.random.seed(args.seed) + + print(f"Loading dataset '{args.dataset}'") + + num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) + + data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} + if args.data_in_ram: + data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} + + # random generate some data added to the training data + np.random.seed(args.data_rd_seed) + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + + print(f"Num trian tokens: {len(data['train'])}") + + data['train'] = np.concatenate((data['train'], random_data)) + + print(f"Num train + random tokens: {len(data['train'])}") + + print(f"Num curated tokens: {len(data['train'][:num_curated_tok])}") + print(f"Num training tokens: {len(data['train'][num_curated_tok:])}") + print(f"Num validation tokens: {len(data['val'])}") + + # pdb.set_trace() + + + model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + + model = distributed_backend.transform_model(model) + + group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() + param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} + optimized_params_cnt = 0 + for g in group_specs: + params = [] + for p_name in g["params"]: + translated_p_names = distributed_backend.translate_model_parameter_name_for_node(p_name) + params += [param_name_mapping[p_name] for p_name in translated_p_names] + g["params"] = params + optimized_params_cnt += sum([p.numel() for p in g["params"]]) + print("number of optimized parameters: %.2fM" % (optimized_params_cnt/1e6,)) + if args.opt == 'adamw': + use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) + print(f"using fused AdamW: {use_fused}") + extra_args = dict(fused=True) if use_fused else dict() + opt = torch.optim.AdamW(group_specs, lr=args.lr, betas=(args.beta1, args.beta2), + weight_decay=args.weight_decay, **extra_args) + else: + opt = torch.optim.SGD(group_specs, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + + if args.scheduler != 'none': + if args.scheduler in ['cos', 'linear']: + scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, total_steps=args.iterations, + pct_start=args.warmup_percent, anneal_strategy=args.scheduler, + cycle_momentum=False, div_factor=1e2, final_div_factor=.1) + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + else: + scheduler = None + + args.world_size = distributed_backend.get_world_size() + exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: + params_copy = copy.deepcopy(vars(args)) + del params_copy['device'] + wandb.init(project=args.wandb_project, name=exp_name, config=params_copy) + + ckpt_path = os.path.join(args.results_base_folder, args.dataset, args.model, exp_name) + if not os.path.exists(ckpt_path): + if distributed_backend.is_master_process(): + os.makedirs(ckpt_path) + distributed_backend.sync() + elif os.path.isfile(os.path.join(ckpt_path, "summary.json")): # the experiment was already completed + print(f"Already found experiment '{ckpt_path}'.\nSkipping.") + sys.exit(0) + + itr = 0 + rng_state_dict = None + if args.use_pretrained == "auto": + checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] + if checkpoints: + args.use_pretrained = sorted(checkpoints)[-1] + else: + args.use_pretrained = None + + if args.use_pretrained is not None: + last_ckpt_path = args.use_pretrained + print(f"Resuming from {last_ckpt_path}") + checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # FIXME checkpoints from compiled model have _orig_mod keyword + + optimizer_state_dict = checkpoint['optimizer'] + rng_state_dict = { + module: checkpoint[module] for module in [ + "cpu_rng_state", + "gpu_rng_state", + "numpy_rng_state", + "py_rng_state", + "train_sampler_state" + ] + } + + model.load_state_dict(model_state_dict) + opt.load_state_dict(optimizer_state_dict) + itr = checkpoint['itr'] + if scheduler is not None: + scheduler_state_dict = checkpoint['scheduler'] + scheduler.load_state_dict(scheduler_state_dict) + + if args.model in ['base', 'llama2']: # all train functions have the same interface + train = train_base_dc + else: + raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") + + print(f"\nTraining model={args.model} \n{vars(args)}\n") + stats = train(model, opt, data, args.gamma, num_curated_tok, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + eval_freq=args.eval_freq, + distributed_backend=distributed_backend, + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) + + args.device = None + args.dtype = None + stats['args'] = vars(args) + if distributed_backend.is_master_process(): + with open(f"{ckpt_path}/summary.json", "w") as fs: + json.dump(stats, fs) + distributed_backend.finalize() + + +if __name__ == "__main__": + args = get_args() + main(args) diff --git a/src/main_nz.py b/src/main_nz.py new file mode 100755 index 0000000..1babd57 --- /dev/null +++ b/src/main_nz.py @@ -0,0 +1,175 @@ +import os +import sys +import numpy as np +import torch +import inspect +import json +import copy +import argparse +import random +import wandb + +import config +from models.utils import get_model +from data.utils import get_dataset +from optim.base import train_base +import distributed + +import pdb +def get_args(): + parser = argparse.ArgumentParser(allow_abbrev=False) + parser.add_argument('--config_format', default='base', choices=config.registered_formats()) + + args, rem_args = parser.parse_known_args() + + return config.parse_args_with_format(format=args.config_format, base_parser=parser, args=rem_args, namespace=args) + + +def main(args): + + torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training + torch.backends.cudnn.allow_tf32 = True + + distributed_backend = distributed.make_backend_from_args(args) + args = distributed_backend.get_adjusted_args_for_process(args) + + args.device = torch.device(args.device) + device_type = "cuda" if "cuda" in str(args.device) else "cpu" + if device_type == "cuda": + torch.cuda.set_device(args.device) + + torch.manual_seed(args.seed) + random.seed(args.seed) + np.random.seed(args.seed) + + print(f"Loading dataset '{args.dataset}'") + + num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) + + data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} + if args.data_in_ram: + data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} + + # random generate some data added to the training data + np.random.seed(args.data_rd_seed) + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + + print(f"Num trian tokens: {len(data['train'])}") + + data['train'] = np.concatenate((data['train'], random_data)) + + print(f"Num clean + random tokens: {len(data['train'])}") + + print(f"Num training tokens: {len(data['train'])}") + print(f"Num validation tokens: {len(data['val'])}") + + # pdb.set_trace() + + + model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + + model = distributed_backend.transform_model(model) + + group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() + param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} + optimized_params_cnt = 0 + for g in group_specs: + params = [] + for p_name in g["params"]: + translated_p_names = distributed_backend.translate_model_parameter_name_for_node(p_name) + params += [param_name_mapping[p_name] for p_name in translated_p_names] + g["params"] = params + optimized_params_cnt += sum([p.numel() for p in g["params"]]) + print("number of optimized parameters: %.2fM" % (optimized_params_cnt/1e6,)) + if args.opt == 'adamw': + use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) + print(f"using fused AdamW: {use_fused}") + extra_args = dict(fused=True) if use_fused else dict() + opt = torch.optim.AdamW(group_specs, lr=args.lr, betas=(args.beta1, args.beta2), + weight_decay=args.weight_decay, **extra_args) + else: + opt = torch.optim.SGD(group_specs, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + + if args.scheduler != 'none': + if args.scheduler in ['cos', 'linear']: + scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, total_steps=args.iterations, + pct_start=args.warmup_percent, anneal_strategy=args.scheduler, + cycle_momentum=False, div_factor=1e2, final_div_factor=.1) + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + else: + scheduler = None + + args.world_size = distributed_backend.get_world_size() + exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: + params_copy = copy.deepcopy(vars(args)) + del params_copy['device'] + wandb.init(project=args.wandb_project, name=exp_name, config=params_copy) + + ckpt_path = os.path.join(args.results_base_folder, args.dataset, args.model, exp_name) + if not os.path.exists(ckpt_path): + if distributed_backend.is_master_process(): + os.makedirs(ckpt_path) + distributed_backend.sync() + elif os.path.isfile(os.path.join(ckpt_path, "summary.json")): # the experiment was already completed + print(f"Already found experiment '{ckpt_path}'.\nSkipping.") + sys.exit(0) + + itr = 0 + rng_state_dict = None + if args.use_pretrained == "auto": + checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] + if checkpoints: + args.use_pretrained = sorted(checkpoints)[-1] + else: + args.use_pretrained = None + + if args.use_pretrained is not None: + last_ckpt_path = args.use_pretrained + print(f"Resuming from {last_ckpt_path}") + checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # FIXME checkpoints from compiled model have _orig_mod keyword + + optimizer_state_dict = checkpoint['optimizer'] + rng_state_dict = { + module: checkpoint[module] for module in [ + "cpu_rng_state", + "gpu_rng_state", + "numpy_rng_state", + "py_rng_state", + "train_sampler_state" + ] + } + + model.load_state_dict(model_state_dict) + opt.load_state_dict(optimizer_state_dict) + itr = checkpoint['itr'] + if scheduler is not None: + scheduler_state_dict = checkpoint['scheduler'] + scheduler.load_state_dict(scheduler_state_dict) + + if args.model in ['base', 'llama2']: # all train functions have the same interface + train = train_base + else: + raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") + + print(f"\nTraining model={args.model} \n{vars(args)}\n") + stats = train(model, opt, data, args.gamma, num_curated_tok, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + eval_freq=args.eval_freq, + distributed_backend=distributed_backend, + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) + + args.device = None + args.dtype = None + stats['args'] = vars(args) + if distributed_backend.is_master_process(): + with open(f"{ckpt_path}/summary.json", "w") as fs: + json.dump(stats, fs) + distributed_backend.finalize() + + +if __name__ == "__main__": + args = get_args() + main(args) diff --git a/src/optim/base.py b/src/optim/base.py index 8aab138..df5e942 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -22,33 +22,10 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible substep = itr * acc_steps - data_cnt = 0 - - print(f'Num curated tokens: {num_curated_tok}') - data["curated"], curated_sampler = get_dataloader( - data["train"][:num_curated_tok], - sequence_length=sequence_length, - batch_size=batch_size, - seed=data_seed, - ) - - num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) - num_rand_seq = int(np.ceil(num_rand_tok / sequence_length)) - w = torch.ones(num_train_seq, device=device_type) - w_gt = torch.zeros(num_train_seq, device=device_type) - w_gt[num_train_seq - num_rand_seq:] = 1 - w_gt = w_gt.bool() - num_clean_seq = num_train_seq - num_rand_seq - print(f'Num clean seq in train: {num_clean_seq}') - print(f'Num random seq: {num_rand_seq}') - w_gap = mean(w[w_gt]) - mean(w[~w_gt]) - print(f'Initial w_gap: {w_gap}') - - # pdb.set_trace() data["train"], train_sampler = get_dataloader( - data["train"][num_curated_tok : ], + data["train"], sequence_length=sequence_length, batch_size=batch_size, seed=data_seed, @@ -74,13 +51,12 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed data_train_iter = iter(data["train"]) print(f'Data train: {len(data["train"])}') - print(f'Data curated: {len(data["curated"])}') + print(f'Data eval: {len(data["val"])}') # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) data_val_iter = itertools.cycle(data["val"]) - data_curated_iter = itertools.cycle(data["curated"]) - stats = {"curated_loss": [], "train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} if extra_args.compile: print(f"Compiling model ...") @@ -98,97 +74,45 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed for _ in range(substep % num_substeps_per_epoch): get_batch(data_train_iter, device=extra_args.device) - microstep_idx = 1 while itr < iterations: - - x0, y0 = get_batch(data_curated_iter, device=extra_args.device) - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x0, targets=y0) - loss0 = outputs['loss'] / acc_steps - - opt.zero_grad(set_to_none=True) - loss0.backward() - grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} - - # print(f'Curated loss: {loss0}') - - grads_batch = copy.deepcopy(grad0) - loss = loss0.clone() - - x, y = get_batch(data_train_iter, device=extra_args.device) - - for i in range(x.size(0)): # Iterate over each data point in the batch - if w[data_cnt] > 1e-2: - xi = x[i].unsqueeze(0) # Get the i-th data point - yi = y[i].unsqueeze(0) # Get the i-th target - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - output_i = model(xi, targets=yi) - - # lossi = output_i['loss'] - # loss += w[data_cnt] * lossi - # - lossi = w[data_cnt] * output_i['loss'] - loss += lossi - - opt.zero_grad(set_to_none=True) - lossi.backward() - gradi = {name: param.grad.clone() for name, param in model.named_parameters()} - - # inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) - # print(inner_product) - # w[data_cnt] += gamma * inner_product - cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() / (torch.norm(grad0[name]) * torch.norm(gradi[name])) for name in grad0.keys()) - w[data_cnt] += gamma * cos_sim - w[data_cnt] = torch.clamp(w[i], 0, 1) - - # Accumulate the gradients - for name, param in model.named_parameters(): - if param.grad is not None: - grads_batch[name] += w[data_cnt] * gradi[name] - - data_cnt += 1 - - for name, param in model.named_parameters(): - if param.grad is not None: - param.grad = grads_batch[name] + for microstep_idx in range(acc_steps): # gradient accumulation + x, y = get_batch(data_train_iter, device=extra_args.device) + + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x, targets=y) + + loss = outputs['loss'] / acc_steps + loss.backward() + substep += 1 + if substep % len(data["train"]) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + if hasattr(train_sampler, "set_epoch"): + # set epoch for reshuffling between epochs + train_sampler.set_epoch(train_epochs) + sampler_state_before_iter = None + else: + sampler_state_before_iter = train_sampler.generator.get_state() + data_train_iter = iter(data["train"]) if extra_args.grad_clip != 0.0: torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) opt.step() scheduler.step() + opt.zero_grad(set_to_none=True) itr += 1 - substep += 1 - if data_cnt % (num_train_seq-1) == 0: - data_cnt = 0 - - if substep % len(data["train"]) == 0: - train_epochs += 1 - print(f"Train epoch {train_epochs} done (full pass over training data)") - if hasattr(train_sampler, "set_epoch"): - # set epoch for reshuffling between epochs - train_sampler.set_epoch(train_epochs) - sampler_state_before_iter = None - else: - sampler_state_before_iter = train_sampler.generator.get_state() - - data_train_iter = iter(data["train"]) - - data_curated_iter = iter(data["curated"]) - - # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + # if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 epoch = substep//num_substeps_per_epoch model.eval() - curated_loss = loss0.detach().cpu().item() train_loss = loss.detach().cpu().item() * acc_steps current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr @@ -203,9 +127,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed ctx=type_ctx, ) - w_gap = mean(w[w_gt]) - mean(w[~w_gt]) - - print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={w_gap:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" @@ -215,13 +137,11 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed logs = { "iter": itr, "w_sum": sum(w), - "curated/loss": curated_loss, "train/loss": train_loss, "val/loss": val_loss, "val/perplexity": val_perplexity, "val/acc": val_acc, "lr": current_lr, - "w_gap": w_gap, } if itr == iterations: diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py new file mode 100755 index 0000000..3891d13 --- /dev/null +++ b/src/optim/base_dc.py @@ -0,0 +1,271 @@ +from contextlib import nullcontext +from data.utils import get_dataloader + +import torch +import torch.nn.functional as F +import wandb +import time +import itertools +import copy +import random +import os +import numpy as np +from .utils import eval, get_batch, save_checkpoint + +from torch import mean +import pdb + +def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, + eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): + device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' + type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( + device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype + best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible + substep = itr * acc_steps + + data_cnt = 0 + + print(f'Num curated tokens: {num_curated_tok}') + data["curated"], curated_sampler = get_dataloader( + data["train"][:num_curated_tok], + sequence_length=sequence_length, + batch_size=batch_size, + seed=data_seed, + ) + + num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) + num_rand_seq = int(np.ceil(num_rand_tok / sequence_length)) + w = torch.ones(num_train_seq, device=device_type) + w_gt = torch.zeros(num_train_seq, device=device_type) + w_gt[num_train_seq - num_rand_seq:] = 1 + w_gt = w_gt.bool() + num_clean_seq = num_train_seq - num_rand_seq + print(f'Num clean seq in train: {num_clean_seq}') + print(f'Num random seq: {num_rand_seq}') + + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + print(f'Initial w_gap: {w_gap}') + + # pdb.set_trace() + + data["train"], train_sampler = get_dataloader( + data["train"][num_curated_tok :], + sequence_length=sequence_length, + batch_size=batch_size, + seed=data_seed, + distributed_backend=distributed_backend, + ) + + data["val"], val_sampler = get_dataloader( + data["val"], + sequence_length=sequence_length, + batch_size=batch_size, + seed=data_seed, + ) + + num_substeps_per_epoch = len(data["train"]) + train_epochs = substep//num_substeps_per_epoch # counting the current epoch + + if rng_state_dict is not None and rng_state_dict.get("train_sampler_state", None) is not None: + train_sampler.generator.set_state(rng_state_dict["train_sampler_state"]) + if hasattr(train_sampler, "set_epoch"): + train_sampler.set_epoch(train_epochs) + else: + sampler_state_before_iter = train_sampler.generator.get_state() + data_train_iter = iter(data["train"]) + + print(f'Data train: {len(data["train"])}') + print(f'Data eval: {len(data["val"])}') + + # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) + data_val_iter = itertools.cycle(data["val"]) + data_curated_iter = itertools.cycle(data["curated"]) + + stats = {"curated_loss": [], "train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + + if extra_args.compile: + print(f"Compiling model ...") + model = torch.compile(model) # requires pytorch 2.0+ + + model.train() + + t0 = time.time() + + if rng_state_dict is not None: + torch.set_rng_state(rng_state_dict["cpu_rng_state"]) + torch.cuda.set_rng_state(rng_state_dict["gpu_rng_state"]) + np.random.set_state(rng_state_dict["numpy_rng_state"]) + random.setstate(rng_state_dict["py_rng_state"]) + for _ in range(substep % num_substeps_per_epoch): + get_batch(data_train_iter, device=extra_args.device) + + + while itr < iterations: + for microstep_idx in range(acc_steps): + x0, y0 = get_batch(data_curated_iter, device=extra_args.device) + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x0, targets=y0) + loss0 = outputs['loss'] / acc_steps + + opt.zero_grad(set_to_none=True) + loss0.backward() + grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} + + # print(f'Curated loss: {loss0}') + + grads_batch = copy.deepcopy(grad0) + loss = loss0.clone() + + x, y = get_batch(data_train_iter, device=extra_args.device) + + for i in range(x.size(0)): # Iterate over each data point in the batch + if w[data_cnt] > 1e-2: + xi = x[i].unsqueeze(0) # Get the i-th data point + yi = y[i].unsqueeze(0) # Get the i-th target + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + output_i = model(xi, targets=yi) + + # lossi = output_i['loss'] + # loss += w[data_cnt] * lossi + # + lossi = w[data_cnt] * output_i['loss'] + loss += lossi + + opt.zero_grad(set_to_none=True) + lossi.backward() + gradi = {name: param.grad.clone() for name, param in model.named_parameters()} + + # inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) + # print(inner_product) + # w[data_cnt] += gamma * inner_product + cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() / (torch.norm(grad0[name]) * torch.norm(gradi[name])) for name in grad0.keys()) + w[data_cnt] += gamma * cos_sim + w[data_cnt] = torch.clamp(w[i], 0, 1) + + # Accumulate the gradients + for name, param in model.named_parameters(): + if param.grad is not None: + grads_batch[name] += w[data_cnt] * gradi[name] + + data_cnt += 1 + + for name, param in model.named_parameters(): + if param.grad is not None: + param.grad = grads_batch[name] + + if extra_args.grad_clip != 0.0: + torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) + + opt.step() + scheduler.step() + itr += 1 + substep += 1 + + if data_cnt % (num_train_seq-1) == 0: + data_cnt = 0 + + if substep % len(data["train"]) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + if hasattr(train_sampler, "set_epoch"): + # set epoch for reshuffling between epochs + train_sampler.set_epoch(train_epochs) + sampler_state_before_iter = None + else: + sampler_state_before_iter = train_sampler.generator.get_state() + + data_train_iter = iter(data["train"]) + + # data_curated_iter = iter(data["curated"]) + + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if distributed_backend.is_master_process(): + t1 = time.time() + dt = t1 - t0 + epoch = substep//num_substeps_per_epoch + + model.eval() + curated_loss = loss0.detach().cpu().item() + train_loss = loss.detach().cpu().item() * acc_steps + current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr + + eval_steps = ( + 24 if itr < iterations else len(data["val"]) + ) + val_acc, val_loss, val_perplexity = eval( + model, + data_val_iter, + extra_args.device, + max_num_batches=eval_steps, + ctx=type_ctx, + ) + + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + + print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={w_gap:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" + if scheduler is not None: + print_string += f" [lr] {current_lr:.5f}" + print(print_string) + + if extra_args.wandb: + logs = { + "iter": itr, + "w_sum": sum(w), + "curated/loss": curated_loss, + "train/loss": train_loss, + "val/loss": val_loss, + "val/perplexity": val_perplexity, + "val/acc": val_acc, + "lr": current_lr, + "w_gap": w_gap, + } + + if itr == iterations: + logs["val/final-ppl"] = val_perplexity + logs["val/final-acc"] = val_acc + logs["val/final-loss"] = val_loss + + wandb.log(logs) + + if extra_args.eval_seq_prefix != 'none' and (itr % (eval_freq * 5) == 0 or itr == iterations): + if text_table is None: + text_table = wandb.Table(columns=["itr", "val-pp", "text"]) + + out_str = distributed_backend.get_raw_model(model).generate_from_string( + extra_args.eval_seq_prefix, max_new_tokens=40, temperature=0.9, top_k=None) + text_table.add_data(itr, val_perplexity, out_str) + # why a copy? see github.com/wandb/wandb/issues/2981 + wandb.log({f"generated-text-{wandb.run.name}": copy.copy(text_table)}) + + model.train() + t0 = time.time() + + if distributed_backend.is_master_process(): + if extra_args.save_checkpoint_freq is not None and itr % extra_args.save_checkpoint_freq == 0: + print(f"saving checkpoint to {os.path.dirname(ckpt_path)}/ckpt_{itr}.pt") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + cpu_rng_state=torch.get_rng_state(), + gpu_rng_state=torch.cuda.get_rng_state(), + numpy_rng_state=np.random.get_state(), + py_rng_state=random.getstate(), + train_sampler_state=sampler_state_before_iter, + ckpt_path=os.path.join(os.path.dirname(ckpt_path), f"ckpt_{itr}.pt")) + + if distributed_backend.is_master_process(): + print(f"saving checkpoint to {ckpt_path}") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + ckpt_path=ckpt_path) + + return stats From 635a1b32d303e44db14c14cdc9020c8c172c29da Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sat, 17 Aug 2024 14:56:26 +0000 Subject: [PATCH 15/45] align eval freq with dc --- src/optim/base.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/src/optim/base.py b/src/optim/base.py index df5e942..bcfe73d 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -105,8 +105,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed opt.zero_grad(set_to_none=True) itr += 1 - if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - # if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 From ca7a118e1b4bdb58817018556efeabb6e137fb59 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sat, 17 Aug 2024 14:58:13 +0000 Subject: [PATCH 16/45] debug --- src/optim/base.py | 1 - 1 file changed, 1 deletion(-) diff --git a/src/optim/base.py b/src/optim/base.py index bcfe73d..411fa25 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -136,7 +136,6 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed if extra_args.wandb: logs = { "iter": itr, - "w_sum": sum(w), "train/loss": train_loss, "val/loss": val_loss, "val/perplexity": val_perplexity, From d84787fd772a5e72b933e9f2f702667de6e913e3 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sat, 17 Aug 2024 21:04:57 +0000 Subject: [PATCH 17/45] log more in wandb --- src/optim/base_dc.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 3891d13..f1a0f89 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -207,6 +207,7 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s print_string = f"{epoch}/{itr} [curated] loss={curated_loss:.3f} w_sum={sum(w):.3f} w_gap={w_gap:.3f} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" + # print_string += f" w={w}" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" print(print_string) @@ -222,6 +223,9 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s "val/acc": val_acc, "lr": current_lr, "w_gap": w_gap, + "w1_mean": mean(w[w_gt]), + "w0_mean": mean(w[~w_gt]), + "w": w, } if itr == iterations: From ac850a250f3207e5b44227f9882d3b0cf3f78ac6 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 13:13:55 +0000 Subject: [PATCH 18/45] grad is not weighted by w, average over all curated batches to compute the unique curated gradient, consider the batch size when sum the weighted grads up --- src/optim/base_dc.py | 69 +++++++++++++++++++++++++++++++++----------- 1 file changed, 52 insertions(+), 17 deletions(-) diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index f1a0f89..55eebcf 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -33,6 +33,8 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s seed=data_seed, ) + num_curate_batch = len(data["curated"]) + num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) num_rand_seq = int(np.ceil(num_rand_tok / sequence_length)) w = torch.ones(num_train_seq, device=device_type) @@ -99,26 +101,59 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s for _ in range(substep % num_substeps_per_epoch): get_batch(data_train_iter, device=extra_args.device) - while itr < iterations: for microstep_idx in range(acc_steps): - x0, y0 = get_batch(data_curated_iter, device=extra_args.device) - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x0, targets=y0) - loss0 = outputs['loss'] / acc_steps - - opt.zero_grad(set_to_none=True) - loss0.backward() - grad0 = {name: param.grad.clone() for name, param in model.named_parameters()} - - # print(f'Curated loss: {loss0}') + grad0 = {name: torch.zeros_like(param) for name, param in model.named_parameters()} + loss0 = 0 + for _ in range(num_curate_batch): + x0, y0 = get_batch(data_curated_iter, device=extra_args.device) + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x0, targets=y0) + loss0i = outputs['loss'] / acc_steps + opt.zero_grad(set_to_none=True) + loss0i.backward() + grad0i = {name: param.grad.clone() for name, param in model.named_parameters()} + for name, param in model.named_parameters(): + grad0[name] += grad0i[name] / num_curate_batch + loss0 += loss0i / num_curate_batch grads_batch = copy.deepcopy(grad0) loss = loss0.clone() x, y = get_batch(data_train_iter, device=extra_args.device) + # # to check the batch grad is the MEAN (not the sum) of the individual grads + # with type_ctx: + # with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + # output = model(x, targets=y) + # loss = output['loss'] + # opt.zero_grad(set_to_none=True) + # loss.backward() + # grad_b = {name: param.grad.clone() for name, param in model.named_parameters()} + # print('Grad_b: ', grad_b['transformer.h.22.mlp.c_proj.weight'][:2]) + + # grad_sum = {name: torch.zeros_like(grad_b[name]) for name in grad_b.keys()} + # for i in range(x.size(0)): # Iterate over each data point in the batch + # xi = x[i].unsqueeze(0) # Get the i-th data point + # yi = y[i].unsqueeze(0) # Get the i-th target + # with type_ctx: + # with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + # output_i = model(xi, targets=yi) + + # lossi = output_i['loss'] + # opt.zero_grad(set_to_none=True) + # lossi.backward() + # gradi = {name: param.grad.clone() for name, param in model.named_parameters()} + # for name, param in model.named_parameters(): + # grad_sum[name] += gradi[name] + # print('Grad_sum: ', grad_sum['transformer.h.22.mlp.c_proj.weight'][:2]) + + # pdb.set_trace() + + + + for i in range(x.size(0)): # Iterate over each data point in the batch if w[data_cnt] > 1e-2: xi = x[i].unsqueeze(0) # Get the i-th data point @@ -127,11 +162,11 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): output_i = model(xi, targets=yi) - # lossi = output_i['loss'] - # loss += w[data_cnt] * lossi + lossi = output_i['loss'] + loss += w[data_cnt] * lossi / batch_size # - lossi = w[data_cnt] * output_i['loss'] - loss += lossi + # lossi = w[data_cnt] * output_i['loss'] + # loss += lossi opt.zero_grad(set_to_none=True) lossi.backward() @@ -147,7 +182,7 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # Accumulate the gradients for name, param in model.named_parameters(): if param.grad is not None: - grads_batch[name] += w[data_cnt] * gradi[name] + grads_batch[name] += w[data_cnt] * gradi[name] / batch_size data_cnt += 1 From 5fed19a70badaf5da21055bf4b9db14628ce6ec3 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 13:33:05 +0000 Subject: [PATCH 19/45] update the scripts --- scripts/train-baselines-example.sh | 9 +++++++++ 1 file changed, 9 insertions(+) diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index aadb74d..73d8bbf 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -24,3 +24,12 @@ python ./src/main_dc.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_ python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb # nz python ./src/main_nz.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb + + +# slimpajama +# dc +python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +# bm +python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +# nz +python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd \ No newline at end of file From 03c3c22796c3875e47f9c394bc6eafc1299b38bb Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 13:47:08 +0000 Subject: [PATCH 20/45] add main.py training on only curated data in dc --- scripts/train-baselines-example.sh | 3 +- src/main_cr.py | 169 +++++++++++++++++++++++++++++ 2 files changed, 171 insertions(+), 1 deletion(-) create mode 100755 src/main_cr.py diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 73d8bbf..7551eae 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -24,7 +24,8 @@ python ./src/main_dc.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_ python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb # nz python ./src/main_nz.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb - +# cr +python ./src/main_cr.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb # slimpajama # dc diff --git a/src/main_cr.py b/src/main_cr.py new file mode 100755 index 0000000..72aa16f --- /dev/null +++ b/src/main_cr.py @@ -0,0 +1,169 @@ +import os +import sys +import numpy as np +import torch +import inspect +import json +import copy +import argparse +import random +import wandb + +import config +from models.utils import get_model +from data.utils import get_dataset +from optim.base import train_base +import distributed + +import pdb +def get_args(): + parser = argparse.ArgumentParser(allow_abbrev=False) + parser.add_argument('--config_format', default='base', choices=config.registered_formats()) + + args, rem_args = parser.parse_known_args() + + return config.parse_args_with_format(format=args.config_format, base_parser=parser, args=rem_args, namespace=args) + + +def main(args): + + torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training + torch.backends.cudnn.allow_tf32 = True + + distributed_backend = distributed.make_backend_from_args(args) + args = distributed_backend.get_adjusted_args_for_process(args) + + args.device = torch.device(args.device) + device_type = "cuda" if "cuda" in str(args.device) else "cpu" + if device_type == "cuda": + torch.cuda.set_device(args.device) + + torch.manual_seed(args.seed) + random.seed(args.seed) + np.random.seed(args.seed) + + print(f"Loading dataset '{args.dataset}'") + + num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) + + data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} + if args.data_in_ram: + data = {'train': np.array(data['train'][:num_curated_tok]), 'val': np.array(data['val'])} + + # random generate some data added to the training data + np.random.seed(args.data_rd_seed) + random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + + print(f"Num training tokens is num curated tokens in dc: {len(data['train'])}") + print(f"Num validation tokens: {len(data['val'])}") + + # pdb.set_trace() + + + model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + + model = distributed_backend.transform_model(model) + + group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() + param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} + optimized_params_cnt = 0 + for g in group_specs: + params = [] + for p_name in g["params"]: + translated_p_names = distributed_backend.translate_model_parameter_name_for_node(p_name) + params += [param_name_mapping[p_name] for p_name in translated_p_names] + g["params"] = params + optimized_params_cnt += sum([p.numel() for p in g["params"]]) + print("number of optimized parameters: %.2fM" % (optimized_params_cnt/1e6,)) + if args.opt == 'adamw': + use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) + print(f"using fused AdamW: {use_fused}") + extra_args = dict(fused=True) if use_fused else dict() + opt = torch.optim.AdamW(group_specs, lr=args.lr, betas=(args.beta1, args.beta2), + weight_decay=args.weight_decay, **extra_args) + else: + opt = torch.optim.SGD(group_specs, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + + if args.scheduler != 'none': + if args.scheduler in ['cos', 'linear']: + scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, total_steps=args.iterations, + pct_start=args.warmup_percent, anneal_strategy=args.scheduler, + cycle_momentum=False, div_factor=1e2, final_div_factor=.1) + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + else: + scheduler = None + + args.world_size = distributed_backend.get_world_size() + exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: + params_copy = copy.deepcopy(vars(args)) + del params_copy['device'] + wandb.init(project=args.wandb_project, name=exp_name, config=params_copy) + + ckpt_path = os.path.join(args.results_base_folder, args.dataset, args.model, exp_name) + if not os.path.exists(ckpt_path): + if distributed_backend.is_master_process(): + os.makedirs(ckpt_path) + distributed_backend.sync() + elif os.path.isfile(os.path.join(ckpt_path, "summary.json")): # the experiment was already completed + print(f"Already found experiment '{ckpt_path}'.\nSkipping.") + sys.exit(0) + + itr = 0 + rng_state_dict = None + if args.use_pretrained == "auto": + checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] + if checkpoints: + args.use_pretrained = sorted(checkpoints)[-1] + else: + args.use_pretrained = None + + if args.use_pretrained is not None: + last_ckpt_path = args.use_pretrained + print(f"Resuming from {last_ckpt_path}") + checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # FIXME checkpoints from compiled model have _orig_mod keyword + + optimizer_state_dict = checkpoint['optimizer'] + rng_state_dict = { + module: checkpoint[module] for module in [ + "cpu_rng_state", + "gpu_rng_state", + "numpy_rng_state", + "py_rng_state", + "train_sampler_state" + ] + } + + model.load_state_dict(model_state_dict) + opt.load_state_dict(optimizer_state_dict) + itr = checkpoint['itr'] + if scheduler is not None: + scheduler_state_dict = checkpoint['scheduler'] + scheduler.load_state_dict(scheduler_state_dict) + + if args.model in ['base', 'llama2']: # all train functions have the same interface + train = train_base + else: + raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") + + print(f"\nTraining model={args.model} \n{vars(args)}\n") + stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + eval_freq=args.eval_freq, + distributed_backend=distributed_backend, + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) + + args.device = None + args.dtype = None + stats['args'] = vars(args) + if distributed_backend.is_master_process(): + with open(f"{ckpt_path}/summary.json", "w") as fs: + json.dump(stats, fs) + distributed_backend.finalize() + + +if __name__ == "__main__": + args = get_args() + main(args) From 92813399fc9ea13595224f3356a289353944d62e Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 17:08:07 +0000 Subject: [PATCH 21/45] change cos_sim to the real one, no like before it was the sum of partial cos_sims --- scripts/train-baselines-example.sh | 4 +++- src/optim/base_dc.py | 9 ++++++--- 2 files changed, 9 insertions(+), 4 deletions(-) diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 7551eae..d1f2d28 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -33,4 +33,6 @@ python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer # bm python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb # nz -python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd \ No newline at end of file +python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd +# cr +python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb \ No newline at end of file diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 55eebcf..a415a57 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -175,7 +175,10 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) # print(inner_product) # w[data_cnt] += gamma * inner_product - cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() / (torch.norm(grad0[name]) * torch.norm(gradi[name])) for name in grad0.keys()) + cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) / (torch.norm(torch.cat([torch.flatten(grad0[name]) for name in grad0.keys()])) * torch.norm(torch.cat([torch.flatten(gradi[name]) for name in grad0.keys()]))) + print(cos_sim) + + pdb.set_trace() w[data_cnt] += gamma * cos_sim w[data_cnt] = torch.clamp(w[i], 0, 1) @@ -215,8 +218,8 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # data_curated_iter = iter(data["curated"]) - # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + # if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 From f5d8a77448b0c42ab184071ad37130248e784ef7 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 17:09:25 +0000 Subject: [PATCH 22/45] change cos_sim to the real one, no like before it was the sum of partial cos_sims --- src/optim/base_dc.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index a415a57..6670813 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -176,9 +176,8 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # print(inner_product) # w[data_cnt] += gamma * inner_product cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) / (torch.norm(torch.cat([torch.flatten(grad0[name]) for name in grad0.keys()])) * torch.norm(torch.cat([torch.flatten(gradi[name]) for name in grad0.keys()]))) - print(cos_sim) + # print(cos_sim) - pdb.set_trace() w[data_cnt] += gamma * cos_sim w[data_cnt] = torch.clamp(w[i], 0, 1) From ec53dd2f0ed8d9a539f8d70ed5679bb2c9dad804 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 17:40:11 +0000 Subject: [PATCH 23/45] gamma=1 for cos sim --- src/config/base.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/src/config/base.py b/src/config/base.py index 611a0d8..56b262c 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -31,7 +31,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=10, type=int) # number of curated tokens separated from the training data - parser.add_argument('--gamma', default=0.05, type=float) # step size for w + parser.add_argument('--gamma', default=1, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params From 1aa06ef58b01c0ee227908cc4a0392b06d3dac77 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 17:43:12 +0000 Subject: [PATCH 24/45] update scripts --- scripts/train-baselines-example.sh | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index d1f2d28..36ca045 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -29,10 +29,10 @@ python ./src/main_cr.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_ # slimpajama # dc -python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_dc # bm -python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_bm # nz -python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd +python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd --wandb_run_prefix slimpajama_nz # cr -python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb \ No newline at end of file +python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_cr \ No newline at end of file From e1d3d42d723bfb3837f6d40f7f37160d7b47c31d Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 17:47:49 +0000 Subject: [PATCH 25/45] update scripts --- scripts/train-baselines-example.sh | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index 36ca045..f810214 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -29,10 +29,10 @@ python ./src/main_cr.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_ # slimpajama # dc -python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_dc +python ./src/main_dc.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_project slimpajama --wandb_run_prefix dc # bm -python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_bm +python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_project slimpajama --wandb_run_prefix bm # nz -python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd --wandb_run_prefix slimpajama_nz +python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd --wandb_project slimpajama --wandb_run_prefix nz # cr -python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_run_prefix slimpajama_cr \ No newline at end of file +python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_project slimpajama --wandb_run_prefix cr \ No newline at end of file From 2e47d38115c08bb73723568d622d78457a7aa737 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 21:37:58 +0000 Subject: [PATCH 26/45] add wandb saving checkpoint after training --- src/main_cr.py | 4 ++-- src/main_nz.py | 2 +- src/optim/base.py | 4 ++++ src/optim/base_dc.py | 5 +++++ 4 files changed, 12 insertions(+), 3 deletions(-) diff --git a/src/main_cr.py b/src/main_cr.py index 72aa16f..deedeba 100755 --- a/src/main_cr.py +++ b/src/main_cr.py @@ -51,8 +51,8 @@ def main(args): data = {'train': np.array(data['train'][:num_curated_tok]), 'val': np.array(data['val'])} # random generate some data added to the training data - np.random.seed(args.data_rd_seed) - random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) + # np.random.seed(args.data_rd_seed) + # random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) print(f"Num training tokens is num curated tokens in dc: {len(data['train'])}") print(f"Num validation tokens: {len(data['val'])}") diff --git a/src/main_nz.py b/src/main_nz.py index 1babd57..c73af6e 100755 --- a/src/main_nz.py +++ b/src/main_nz.py @@ -54,7 +54,7 @@ def main(args): np.random.seed(args.data_rd_seed) random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) - print(f"Num trian tokens: {len(data['train'])}") + print(f"Num train tokens: {len(data['train'])}") data['train'] = np.concatenate((data['train'], random_data)) diff --git a/src/optim/base.py b/src/optim/base.py index 411fa25..96a36bc 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -186,5 +186,9 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed scheduler=scheduler, itr=itr, ckpt_path=ckpt_path) + + artifact = wandb.Artifact('model_checkpoint', type='model') + artifact.add_file(ckpt_path) + wandb.log_artifact(artifact) return stats diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 6670813..1c2ffec 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -309,4 +309,9 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s itr=itr, ckpt_path=ckpt_path) + + artifact = wandb.Artifact('model_checkpoint', type='model') + artifact.add_file(ckpt_path) + wandb.log_artifact(artifact) + return stats From 97693337074e9cbbeaf0dfaaf2ef0b02c46ab06f Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Sun, 18 Aug 2024 21:40:18 +0000 Subject: [PATCH 27/45] wj = wj + ||g0|| cos_sim --- src/optim/base_dc.py | 9 +++++---- 1 file changed, 5 insertions(+), 4 deletions(-) diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 1c2ffec..1822f20 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -175,10 +175,11 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # inner_product = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) # print(inner_product) # w[data_cnt] += gamma * inner_product - cos_sim = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) / (torch.norm(torch.cat([torch.flatten(grad0[name]) for name in grad0.keys()])) * torch.norm(torch.cat([torch.flatten(gradi[name]) for name in grad0.keys()]))) - # print(cos_sim) - w[data_cnt] += gamma * cos_sim + # wj = wj + ||g0|| cos_sim + cos_sim_g0 = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) / torch.norm(torch.cat([torch.flatten(gradi[name]) for name in grad0.keys()])) + + w[data_cnt] += gamma * cos_sim_g0 w[data_cnt] = torch.clamp(w[i], 0, 1) # Accumulate the gradients @@ -313,5 +314,5 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s artifact = wandb.Artifact('model_checkpoint', type='model') artifact.add_file(ckpt_path) wandb.log_artifact(artifact) - + return stats From 46633c91b3241e115083e85eb81de0ee3cffd665 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 20 Aug 2024 16:13:15 +0000 Subject: [PATCH 28/45] align the pertry to align the permutation of wutation, use pre-trained model by slimpajama --- .gitignore | 1 + scripts/train-baselines-example.sh | 8 ++-- src/config/base.py | 4 +- src/main.py | 55 +++++++++++++------------ src/main_cr.py | 54 ++++++++++++++----------- src/main_dc.py | 65 ++++++++++++++++-------------- src/main_nz.py | 54 ++++++++++++++----------- src/optim/base_dc.py | 21 ++++++++-- src/test.py | 48 ++++++++++++++++++++++ 9 files changed, 197 insertions(+), 113 deletions(-) create mode 100644 src/test.py diff --git a/.gitignore b/.gitignore index 398988e..8d7b20b 100755 --- a/.gitignore +++ b/.gitignore @@ -3,6 +3,7 @@ src/data/datasets/ wandb/ exps/ scripts/ +artifacts/ # Byte-compiled / optimized / DLL files __pycache__/ diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index f810214..f150853 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -19,13 +19,13 @@ python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --wandb # 2024-08-16 # dc -python ./src/main_dc.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main_dc.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --use_pretrained yes # bm -python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --use_pretrained yes # nz -python ./src/main_nz.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main_nz.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --use_pretrained yes # cr -python ./src/main_cr.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb +python ./src/main_cr.py --dataset=shakespeare-char --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --use_pretrained yes # slimpajama # dc diff --git a/src/config/base.py b/src/config/base.py index 56b262c..d5db628 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -30,13 +30,13 @@ def parse_args(base_parser, args, namespace): # Dataset params parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data - parser.add_argument('--num_curated_batch', default=10, type=int) # number of curated tokens separated from the training data + parser.add_argument('--num_curated_batch', default=3, type=int) # number of curated tokens separated from the training data parser.add_argument('--gamma', default=1, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params parser.add_argument('--model', default='base', choices=['base', 'llama2']) - parser.add_argument('--use_pretrained', default='auto', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model + parser.add_argument('--use_pretrained', default='none', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model parser.add_argument('--dropout', default=0.0, type=float) parser.add_argument('--n_head', default=12, type=int) parser.add_argument('--n_layer', default=12, type=int) # depths in att + ff blocks diff --git a/src/main.py b/src/main.py index 8f4571d..ceb30b8 100755 --- a/src/main.py +++ b/src/main.py @@ -61,7 +61,12 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' - + if args.use_pretrained != 'none': + api = wandb.Api() + artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') + artifact_dir = artifact.download() + checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() @@ -119,30 +124,30 @@ def main(args): else: args.use_pretrained = None - if args.use_pretrained is not None: - last_ckpt_path = args.use_pretrained - print(f"Resuming from {last_ckpt_path}") - checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) - model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} - # FIXME checkpoints from compiled model have _orig_mod keyword - - optimizer_state_dict = checkpoint['optimizer'] - rng_state_dict = { - module: checkpoint[module] for module in [ - "cpu_rng_state", - "gpu_rng_state", - "numpy_rng_state", - "py_rng_state", - "train_sampler_state" - ] - } - - model.load_state_dict(model_state_dict) - opt.load_state_dict(optimizer_state_dict) - itr = checkpoint['itr'] - if scheduler is not None: - scheduler_state_dict = checkpoint['scheduler'] - scheduler.load_state_dict(scheduler_state_dict) + # if args.use_pretrained is not None: + # last_ckpt_path = args.use_pretrained + # print(f"Resuming from {last_ckpt_path}") + # checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + # model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # # FIXME checkpoints from compiled model have _orig_mod keyword + + # optimizer_state_dict = checkpoint['optimizer'] + # rng_state_dict = { + # module: checkpoint[module] for module in [ + # "cpu_rng_state", + # "gpu_rng_state", + # "numpy_rng_state", + # "py_rng_state", + # "train_sampler_state" + # ] + # } + + # model.load_state_dict(model_state_dict) + # opt.load_state_dict(optimizer_state_dict) + # itr = checkpoint['itr'] + # if scheduler is not None: + # scheduler_state_dict = checkpoint['scheduler'] + # scheduler.load_state_dict(scheduler_state_dict) if args.model in ['base', 'llama2']: # all train functions have the same interface train = train_base diff --git a/src/main_cr.py b/src/main_cr.py index deedeba..238256d 100755 --- a/src/main_cr.py +++ b/src/main_cr.py @@ -61,6 +61,12 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + if args.use_pretrained != 'none': + api = wandb.Api() + artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') + artifact_dir = artifact.download() + checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) @@ -119,30 +125,30 @@ def main(args): else: args.use_pretrained = None - if args.use_pretrained is not None: - last_ckpt_path = args.use_pretrained - print(f"Resuming from {last_ckpt_path}") - checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) - model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} - # FIXME checkpoints from compiled model have _orig_mod keyword - - optimizer_state_dict = checkpoint['optimizer'] - rng_state_dict = { - module: checkpoint[module] for module in [ - "cpu_rng_state", - "gpu_rng_state", - "numpy_rng_state", - "py_rng_state", - "train_sampler_state" - ] - } - - model.load_state_dict(model_state_dict) - opt.load_state_dict(optimizer_state_dict) - itr = checkpoint['itr'] - if scheduler is not None: - scheduler_state_dict = checkpoint['scheduler'] - scheduler.load_state_dict(scheduler_state_dict) + # if args.use_pretrained is not None: + # last_ckpt_path = args.use_pretrained + # print(f"Resuming from {last_ckpt_path}") + # checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + # model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # # FIXME checkpoints from compiled model have _orig_mod keyword + + # optimizer_state_dict = checkpoint['optimizer'] + # rng_state_dict = { + # module: checkpoint[module] for module in [ + # "cpu_rng_state", + # "gpu_rng_state", + # "numpy_rng_state", + # "py_rng_state", + # "train_sampler_state" + # ] + # } + + # model.load_state_dict(model_state_dict) + # opt.load_state_dict(optimizer_state_dict) + # itr = checkpoint['itr'] + # if scheduler is not None: + # scheduler_state_dict = checkpoint['scheduler'] + # scheduler.load_state_dict(scheduler_state_dict) if args.model in ['base', 'llama2']: # all train functions have the same interface train = train_base diff --git a/src/main_dc.py b/src/main_dc.py index 29e2a9c..a89cfa1 100755 --- a/src/main_dc.py +++ b/src/main_dc.py @@ -54,20 +54,23 @@ def main(args): np.random.seed(args.data_rd_seed) random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) - print(f"Num trian tokens: {len(data['train'])}") + print(f"Before splitting curated, Num original clean trian tokens: {len(data['train'])}") data['train'] = np.concatenate((data['train'], random_data)) - - print(f"Num train + random tokens: {len(data['train'])}") + print(f"Num random tokens: {len(random_data)}") + print(f"Num clean train + random tokens: {len(data['train'])}") - print(f"Num curated tokens: {len(data['train'][:num_curated_tok])}") + print(f"After splitting the curated, Num curated tokens: {len(data['train'][:num_curated_tok])}") print(f"Num training tokens: {len(data['train'][num_curated_tok:])}") print(f"Num validation tokens: {len(data['val'])}") - - # pdb.set_trace() - model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + if args.use_pretrained != 'none': + api = wandb.Api() + artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') + artifact_dir = artifact.download() + checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) @@ -126,30 +129,30 @@ def main(args): else: args.use_pretrained = None - if args.use_pretrained is not None: - last_ckpt_path = args.use_pretrained - print(f"Resuming from {last_ckpt_path}") - checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) - model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} - # FIXME checkpoints from compiled model have _orig_mod keyword - - optimizer_state_dict = checkpoint['optimizer'] - rng_state_dict = { - module: checkpoint[module] for module in [ - "cpu_rng_state", - "gpu_rng_state", - "numpy_rng_state", - "py_rng_state", - "train_sampler_state" - ] - } - - model.load_state_dict(model_state_dict) - opt.load_state_dict(optimizer_state_dict) - itr = checkpoint['itr'] - if scheduler is not None: - scheduler_state_dict = checkpoint['scheduler'] - scheduler.load_state_dict(scheduler_state_dict) + # if args.use_pretrained is not None: + # last_ckpt_path = args.use_pretrained + # print(f"Resuming from {last_ckpt_path}") + # checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + # model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # # FIXME checkpoints from compiled model have _orig_mod keyword + + # optimizer_state_dict = checkpoint['optimizer'] + # rng_state_dict = { + # module: checkpoint[module] for module in [ + # "cpu_rng_state", + # "gpu_rng_state", + # "numpy_rng_state", + # "py_rng_state", + # "train_sampler_state" + # ] + # } + + # model.load_state_dict(model_state_dict) + # opt.load_state_dict(optimizer_state_dict) + # itr = checkpoint['itr'] + # if scheduler is not None: + # scheduler_state_dict = checkpoint['scheduler'] + # scheduler.load_state_dict(scheduler_state_dict) if args.model in ['base', 'llama2']: # all train functions have the same interface train = train_base_dc diff --git a/src/main_nz.py b/src/main_nz.py index c73af6e..6987e5e 100755 --- a/src/main_nz.py +++ b/src/main_nz.py @@ -67,6 +67,12 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + if args.use_pretrained != 'none': + api = wandb.Api() + artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') + artifact_dir = artifact.download() + checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) @@ -125,30 +131,30 @@ def main(args): else: args.use_pretrained = None - if args.use_pretrained is not None: - last_ckpt_path = args.use_pretrained - print(f"Resuming from {last_ckpt_path}") - checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) - model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} - # FIXME checkpoints from compiled model have _orig_mod keyword - - optimizer_state_dict = checkpoint['optimizer'] - rng_state_dict = { - module: checkpoint[module] for module in [ - "cpu_rng_state", - "gpu_rng_state", - "numpy_rng_state", - "py_rng_state", - "train_sampler_state" - ] - } - - model.load_state_dict(model_state_dict) - opt.load_state_dict(optimizer_state_dict) - itr = checkpoint['itr'] - if scheduler is not None: - scheduler_state_dict = checkpoint['scheduler'] - scheduler.load_state_dict(scheduler_state_dict) + # if args.use_pretrained is not None: + # last_ckpt_path = args.use_pretrained + # print(f"Resuming from {last_ckpt_path}") + # checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) + # model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} + # # FIXME checkpoints from compiled model have _orig_mod keyword + + # optimizer_state_dict = checkpoint['optimizer'] + # rng_state_dict = { + # module: checkpoint[module] for module in [ + # "cpu_rng_state", + # "gpu_rng_state", + # "numpy_rng_state", + # "py_rng_state", + # "train_sampler_state" + # ] + # } + + # model.load_state_dict(model_state_dict) + # opt.load_state_dict(optimizer_state_dict) + # itr = checkpoint['itr'] + # if scheduler is not None: + # scheduler_state_dict = checkpoint['scheduler'] + # scheduler.load_state_dict(scheduler_state_dict) if args.model in ['base', 'llama2']: # all train functions have the same interface train = train_base diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 1822f20..9e022c6 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -40,7 +40,22 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s w = torch.ones(num_train_seq, device=device_type) w_gt = torch.zeros(num_train_seq, device=device_type) w_gt[num_train_seq - num_rand_seq:] = 1 - w_gt = w_gt.bool() + + g = torch.Generator() + g.manual_seed(data_seed) + sampler_w = torch.utils.data.RandomSampler( + w_gt, replacement=False, generator=g) + + w_gt = torch.utils.data.DataLoader( + w_gt, sampler=sampler_w, batch_size=1) + + w_list = [] + for wi in w_gt: + wii = wi[0] + w_list.append(wii) + + w_gt = torch.tensor(w_list).bool() + num_clean_seq = num_train_seq - num_rand_seq print(f'Num clean seq in train: {num_clean_seq}') print(f'Num random seq: {num_rand_seq}') @@ -218,8 +233,8 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s # data_curated_iter = iter(data["curated"]) - if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - # if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 diff --git a/src/test.py b/src/test.py new file mode 100644 index 0000000..e438f8d --- /dev/null +++ b/src/test.py @@ -0,0 +1,48 @@ +import torch +from torch.utils.data import DataLoader, RandomSampler, TensorDataset +import pdb +# Step 2: Create a sample dataset +# For simplicity, let's create a dataset with 10 samples, each with a single feature +data = torch.arange(10).float().unsqueeze(1) +labels = torch.arange(10).long() + +# Create a TensorDataset +dataset = TensorDataset(data, labels) + +g = torch.Generator() +g.manual_seed(0) +# Step 3: Initialize a RandomSampler with the dataset +sampler1 = RandomSampler(dataset, replacement=False, generator=g) + + +data_loader = DataLoader(dataset, sampler=sampler1, batch_size=1) + + +w = torch.arange(10) +w_data = TensorDataset(w) +g = torch.Generator() +g.manual_seed(0) +# Step 3: Initialize a RandomSampler with the dataset +sampler2 = RandomSampler(dataset, replacement=False, generator=g) + +# Step 4: Create a DataLoader using the RandomSampler + +# Step 5: Iterate over the DataLoader to access the randomly sampled batches +w_loader = DataLoader(w, sampler=sampler2, batch_size=1) +w_tensor = [] +for wi in w_loader: + wii = wi[0] + w_tensor.append(wii) + +w_gt = torch.tensor(w_tensor).bool() +print(w_gt) +pdb.set_trace() +for batch_data, batch_labels in data_loader: + print(f"Data: {batch_data}, Labels: {batch_labels}") + # print(f"Data: {w_loader}, Labels: {batch_labels}") +print("Done") +for wi in w_loader: + print(f"Data: {wi}") + +print(list(sampler1)) +print(list(sampler2)) \ No newline at end of file From 62abe2b98b73e4a747bbc37e8e913368da6ccf77 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 20 Aug 2024 16:50:02 +0000 Subject: [PATCH 29/45] fix the bug of cr --- src/main_cr.py | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/src/main_cr.py b/src/main_cr.py index 238256d..bbd7e13 100755 --- a/src/main_cr.py +++ b/src/main_cr.py @@ -48,8 +48,10 @@ def main(args): data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} if args.data_in_ram: - data = {'train': np.array(data['train'][:num_curated_tok]), 'val': np.array(data['val'])} + data = {'train': np.array(data['train']), 'val': np.array(data['val'])} + data['train'] = data['train'][:num_curated_tok] + # random generate some data added to the training data # np.random.seed(args.data_rd_seed) # random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) From b499329ef07897f909b044ef9b7785e8c05f9656 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 20 Aug 2024 21:54:09 +0000 Subject: [PATCH 30/45] try to make w permuted as dataset, add w_gt_sum for reset w --- src/data/utils.py | 2 +- src/optim/base_dc.py | 42 +++++++++++++++++++++++++++--------------- 2 files changed, 28 insertions(+), 16 deletions(-) diff --git a/src/data/utils.py b/src/data/utils.py index b5c7bb8..527ac82 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -83,6 +83,6 @@ def get_dataloader(data, sequence_length, batch_size, seed=0, distributed_backen dataset, sampler=sampler, batch_size=batch_size, - num_workers=4, + num_workers=0, ) return loader, sampler diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 9e022c6..e1ee53d 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -38,30 +38,38 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s num_train_seq = int(np.ceil(len(data["train"][num_curated_tok :]) / sequence_length)) num_rand_seq = int(np.ceil(num_rand_tok / sequence_length)) w = torch.ones(num_train_seq, device=device_type) - w_gt = torch.zeros(num_train_seq, device=device_type) + w_gt = np.zeros(num_train_seq) w_gt[num_train_seq - num_rand_seq:] = 1 + w_gt_sum = sum(w_gt) - g = torch.Generator() - g.manual_seed(data_seed) - sampler_w = torch.utils.data.RandomSampler( - w_gt, replacement=False, generator=g) - - w_gt = torch.utils.data.DataLoader( - w_gt, sampler=sampler_w, batch_size=1) - - w_list = [] - for wi in w_gt: - wii = wi[0] - w_list.append(wii) - - w_gt = torch.tensor(w_list).bool() + w_loader, w_sampler = get_dataloader( + w_gt, + sequence_length=1, + batch_size=1, + seed=data_seed, + distributed_backend=distributed_backend, + ) + # print(f'w_loader: {w_loader}') + + w_list1 = [] + w_list2 = [] + for wi, wj in w_loader: + w_list1.append(wi[0]) + w_list2.append(wj[0]) + w_list1.append(w_list2[-1]) + w_gt_tensor = torch.tensor(w_list1, device=device_type) + w_gt = w_gt_tensor.bool() + print(f'w_gt: {w_gt}') + # pdb.set_trace() num_clean_seq = num_train_seq - num_rand_seq print(f'Num clean seq in train: {num_clean_seq}') print(f'Num random seq: {num_rand_seq}') w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + w_error = mean((w - w_gt_tensor) ** 2) print(f'Initial w_gap: {w_gap}') + print(f'Initial w_error: {w_error}') # pdb.set_trace() @@ -220,6 +228,9 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s data_cnt = 0 if substep % len(data["train"]) == 0: + if sum(w) <= w_gt_sum: + w[w > 0.5] = 1 + w[w <= 0.5] = 0 train_epochs += 1 print(f"Train epoch {train_epochs} done (full pass over training data)") if hasattr(train_sampler, "set_epoch"): @@ -279,6 +290,7 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s "w1_mean": mean(w[w_gt]), "w0_mean": mean(w[~w_gt]), "w": w, + "w_error": mean((w - w_gt_tensor) ** 2), } if itr == iterations: From f0cb2c84f636a3854049b9a9607eef565a71b1ff Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Wed, 21 Aug 2024 09:41:22 +0000 Subject: [PATCH 31/45] remove reset, change gamma to 0.001 --- src/config/base.py | 2 +- src/optim/base_dc.py | 6 +++--- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/src/config/base.py b/src/config/base.py index d5db628..bdd9ccc 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -31,7 +31,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=3, type=int) # number of curated tokens separated from the training data - parser.add_argument('--gamma', default=1, type=float) # step size for w + parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index e1ee53d..47b9308 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -228,9 +228,9 @@ def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_s data_cnt = 0 if substep % len(data["train"]) == 0: - if sum(w) <= w_gt_sum: - w[w > 0.5] = 1 - w[w <= 0.5] = 0 + # if sum(w) <= w_gt_sum: + # w[w > 0.5] = 1 + # w[w <= 0.5] = 0 train_epochs += 1 print(f"Train epoch {train_epochs} done (full pass over training data)") if hasattr(train_sampler, "set_epoch"): From 43cda8fcfde1a264a1f0244592f1bd0ebe6ada9a Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Thu, 22 Aug 2024 16:11:18 +0000 Subject: [PATCH 32/45] no need to download pre-trained model --- src/main.py | 8 ++++---- src/main_cr.py | 5 +---- src/main_dc.py | 5 +---- src/main_nz.py | 5 +---- 4 files changed, 7 insertions(+), 16 deletions(-) diff --git a/src/main.py b/src/main.py index ceb30b8..5ee2b0f 100755 --- a/src/main.py +++ b/src/main.py @@ -62,10 +62,10 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' if args.use_pretrained != 'none': - api = wandb.Api() - artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') - artifact_dir = artifact.download() - checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + # api = wandb.Api() + # artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') + # artifact_dir = artifact.download() + checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) diff --git a/src/main_cr.py b/src/main_cr.py index bbd7e13..ae8efc5 100755 --- a/src/main_cr.py +++ b/src/main_cr.py @@ -64,10 +64,7 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' if args.use_pretrained != 'none': - api = wandb.Api() - artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') - artifact_dir = artifact.download() - checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) diff --git a/src/main_dc.py b/src/main_dc.py index a89cfa1..a785d46 100755 --- a/src/main_dc.py +++ b/src/main_dc.py @@ -66,10 +66,7 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' if args.use_pretrained != 'none': - api = wandb.Api() - artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') - artifact_dir = artifact.download() - checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) diff --git a/src/main_nz.py b/src/main_nz.py index 6987e5e..0d114b6 100755 --- a/src/main_nz.py +++ b/src/main_nz.py @@ -68,10 +68,7 @@ def main(args): model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' if args.use_pretrained != 'none': - api = wandb.Api() - artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') - artifact_dir = artifact.download() - checkpoint = torch.load("artifacts/model_checkpoint:v2/ckpt.pt") + checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) From 3ff6e373b8430b769849f7d1c21c5f31368bfd5e Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 01:55:25 +0000 Subject: [PATCH 33/45] from scratch by myself --- datasets/shakespeare/raw.txt | 40000 +++++++++++++++++++++++++++++++++ plain.ipynb | 349 + 2 files changed, 40349 insertions(+) create mode 100644 datasets/shakespeare/raw.txt create mode 100644 plain.ipynb diff --git a/datasets/shakespeare/raw.txt b/datasets/shakespeare/raw.txt new file mode 100644 index 0000000..7dcb3a2 --- /dev/null +++ b/datasets/shakespeare/raw.txt @@ -0,0 +1,40000 @@ +First Citizen: +Before we proceed any further, hear me speak. + +All: +Speak, speak. + +First Citizen: +You are all resolved rather to die than to famish? + +All: +Resolved. resolved. + +First Citizen: +First, you know Caius Marcius is chief enemy to the people. + +All: +We know't, we know't. + +First Citizen: +Let us kill him, and we'll have corn at our own price. +Is't a verdict? + +All: +No more talking on't; let it be done: away, away! + +Second Citizen: +One word, good citizens. + +First Citizen: +We are accounted poor citizens, the patricians good. +What authority surfeits on would relieve us: if they +would yield us but the superfluity, while it were +wholesome, we might guess they relieved us humanely; +but they think we are too dear: the leanness that +afflicts us, the object of our misery, is as an +inventory to particularise their abundance; our +sufferance is a gain to them Let us revenge this with +our pikes, ere we become rakes: for the gods know I +speak this in hunger for bread, not in thirst for revenge. + +Second Citizen: +Would you proceed especially against Caius Marcius? + +All: +Against him first: he's a very dog to the commonalty. + +Second Citizen: +Consider you what services he has done for his country? + +First Citizen: +Very well; and could be content to give him good +report fort, but that he pays himself with being proud. + +Second Citizen: +Nay, but speak not maliciously. + +First Citizen: +I say unto you, what he hath done famously, he did +it to that end: though soft-conscienced men can be +content to say it was for his country he did it to +please his mother and to be partly proud; which he +is, even till the altitude of his virtue. + +Second Citizen: +What he cannot help in his nature, you account a +vice in him. You must in no way say he is covetous. + +First Citizen: +If I must not, I need not be barren of accusations; +he hath faults, with surplus, to tire in repetition. +What shouts are these? The other side o' the city +is risen: why stay we prating here? to the Capitol! + +All: +Come, come. + +First Citizen: +Soft! who comes here? + +Second Citizen: +Worthy Menenius Agrippa; one that hath always loved +the people. + +First Citizen: +He's one honest enough: would all the rest were so! + +MENENIUS: +What work's, my countrymen, in hand? where go you +With bats and clubs? The matter? speak, I pray you. + +First Citizen: +Our business is not unknown to the senate; they have +had inkling this fortnight what we intend to do, +which now we'll show 'em in deeds. They say poor +suitors have strong breaths: they shall know we +have strong arms too. + +MENENIUS: +Why, masters, my good friends, mine honest neighbours, +Will you undo yourselves? + +First Citizen: +We cannot, sir, we are undone already. + +MENENIUS: +I tell you, friends, most charitable care +Have the patricians of you. For your wants, +Your suffering in this dearth, you may as well +Strike at the heaven with your staves as lift them +Against the Roman state, whose course will on +The way it takes, cracking ten thousand curbs +Of more strong link asunder than can ever +Appear in your impediment. For the dearth, +The gods, not the patricians, make it, and +Your knees to them, not arms, must help. Alack, +You are transported by calamity +Thither where more attends you, and you slander +The helms o' the state, who care for you like fathers, +When you curse them as enemies. + +First Citizen: +Care for us! True, indeed! They ne'er cared for us +yet: suffer us to famish, and their store-houses +crammed with grain; make edicts for usury, to +support usurers; repeal daily any wholesome act +established against the rich, and provide more +piercing statutes daily, to chain up and restrain +the poor. If the wars eat us not up, they will; and +there's all the love they bear us. + +MENENIUS: +Either you must +Confess yourselves wondrous malicious, +Or be accused of folly. I shall tell you +A pretty tale: it may be you have heard it; +But, since it serves my purpose, I will venture +To stale 't a little more. + +First Citizen: +Well, I'll hear it, sir: yet you must not think to +fob off our disgrace with a tale: but, an 't please +you, deliver. + +MENENIUS: +There was a time when all the body's members +Rebell'd against the belly, thus accused it: +That only like a gulf it did remain +I' the midst o' the body, idle and unactive, +Still cupboarding the viand, never bearing +Like labour with the rest, where the other instruments +Did see and hear, devise, instruct, walk, feel, +And, mutually participate, did minister +Unto the appetite and affection common +Of the whole body. The belly answer'd-- + +First Citizen: +Well, sir, what answer made the belly? + +MENENIUS: +Sir, I shall tell you. With a kind of smile, +Which ne'er came from the lungs, but even thus-- +For, look you, I may make the belly smile +As well as speak--it tauntingly replied +To the discontented members, the mutinous parts +That envied his receipt; even so most fitly +As you malign our senators for that +They are not such as you. + +First Citizen: +Your belly's answer? What! +The kingly-crowned head, the vigilant eye, +The counsellor heart, the arm our soldier, +Our steed the leg, the tongue our trumpeter. +With other muniments and petty helps +In this our fabric, if that they-- + +MENENIUS: +What then? +'Fore me, this fellow speaks! What then? what then? + +First Citizen: +Should by the cormorant belly be restrain'd, +Who is the sink o' the body,-- + +MENENIUS: +Well, what then? + +First Citizen: +The former agents, if they did complain, +What could the belly answer? + +MENENIUS: +I will tell you +If you'll bestow a small--of what you have little-- +Patience awhile, you'll hear the belly's answer. + +First Citizen: +Ye're long about it. + +MENENIUS: +Note me this, good friend; +Your most grave belly was deliberate, +Not rash like his accusers, and thus answer'd: +'True is it, my incorporate friends,' quoth he, +'That I receive the general food at first, +Which you do live upon; and fit it is, +Because I am the store-house and the shop +Of the whole body: but, if you do remember, +I send it through the rivers of your blood, +Even to the court, the heart, to the seat o' the brain; +And, through the cranks and offices of man, +The strongest nerves and small inferior veins +From me receive that natural competency +Whereby they live: and though that all at once, +You, my good friends,'--this says the belly, mark me,-- + +First Citizen: +Ay, sir; well, well. + +MENENIUS: +'Though all at once cannot +See what I do deliver out to each, +Yet I can make my audit up, that all +From me do back receive the flour of all, +And leave me but the bran.' What say you to't? + +First Citizen: +It was an answer: how apply you this? + +MENENIUS: +The senators of Rome are this good belly, +And you the mutinous members; for examine +Their counsels and their cares, digest things rightly +Touching the weal o' the common, you shall find +No public benefit which you receive +But it proceeds or comes from them to you +And no way from yourselves. What do you think, +You, the great toe of this assembly? + +First Citizen: +I the great toe! why the great toe? + +MENENIUS: +For that, being one o' the lowest, basest, poorest, +Of this most wise rebellion, thou go'st foremost: +Thou rascal, that art worst in blood to run, +Lead'st first to win some vantage. +But make you ready your stiff bats and clubs: +Rome and her rats are at the point of battle; +The one side must have bale. +Hail, noble Marcius! + +MARCIUS: +Thanks. What's the matter, you dissentious rogues, +That, rubbing the poor itch of your opinion, +Make yourselves scabs? + +First Citizen: +We have ever your good word. + +MARCIUS: +He that will give good words to thee will flatter +Beneath abhorring. What would you have, you curs, +That like nor peace nor war? the one affrights you, +The other makes you proud. He that trusts to you, +Where he should find you lions, finds you hares; +Where foxes, geese: you are no surer, no, +Than is the coal of fire upon the ice, +Or hailstone in the sun. Your virtue is +To make him worthy whose offence subdues him +And curse that justice did it. +Who deserves greatness +Deserves your hate; and your affections are +A sick man's appetite, who desires most that +Which would increase his evil. He that depends +Upon your favours swims with fins of lead +And hews down oaks with rushes. Hang ye! Trust Ye? +With every minute you do change a mind, +And call him noble that was now your hate, +Him vile that was your garland. What's the matter, +That in these several places of the city +You cry against the noble senate, who, +Under the gods, keep you in awe, which else +Would feed on one another? What's their seeking? + +MENENIUS: +For corn at their own rates; whereof, they say, +The city is well stored. + +MARCIUS: +Hang 'em! They say! +They'll sit by the fire, and presume to know +What's done i' the Capitol; who's like to rise, +Who thrives and who declines; side factions +and give out +Conjectural marriages; making parties strong +And feebling such as stand not in their liking +Below their cobbled shoes. They say there's +grain enough! +Would the nobility lay aside their ruth, +And let me use my sword, I'll make a quarry +With thousands of these quarter'd slaves, as high +As I could pick my lance. + +MENENIUS: +Nay, these are almost thoroughly persuaded; +For though abundantly they lack discretion, +Yet are they passing cowardly. But, I beseech you, +What says the other troop? + +MARCIUS: +They are dissolved: hang 'em! +They said they were an-hungry; sigh'd forth proverbs, +That hunger broke stone walls, that dogs must eat, +That meat was made for mouths, that the gods sent not +Corn for the rich men only: with these shreds +They vented their complainings; which being answer'd, +And a petition granted them, a strange one-- +To break the heart of generosity, +And make bold power look pale--they threw their caps +As they would hang them on the horns o' the moon, +Shouting their emulation. + +MENENIUS: +What is granted them? + +MARCIUS: +Five tribunes to defend their vulgar wisdoms, +Of their own choice: one's Junius Brutus, +Sicinius Velutus, and I know not--'Sdeath! +The rabble should have first unroof'd the city, +Ere so prevail'd with me: it will in time +Win upon power and throw forth greater themes +For insurrection's arguing. + +MENENIUS: +This is strange. + +MARCIUS: +Go, get you home, you fragments! + +Messenger: +Where's Caius Marcius? + +MARCIUS: +Here: what's the matter? + +Messenger: +The news is, sir, the Volsces are in arms. + +MARCIUS: +I am glad on 't: then we shall ha' means to vent +Our musty superfluity. See, our best elders. + +First Senator: +Marcius, 'tis true that you have lately told us; +The Volsces are in arms. + +MARCIUS: +They have a leader, +Tullus Aufidius, that will put you to 't. +I sin in envying his nobility, +And were I any thing but what I am, +I would wish me only he. + +COMINIUS: +You have fought together. + +MARCIUS: +Were half to half the world by the ears and he. +Upon my party, I'ld revolt to make +Only my wars with him: he is a lion +That I am proud to hunt. + +First Senator: +Then, worthy Marcius, +Attend upon Cominius to these wars. + +COMINIUS: +It is your former promise. + +MARCIUS: +Sir, it is; +And I am constant. Titus Lartius, thou +Shalt see me once more strike at Tullus' face. +What, art thou stiff? stand'st out? + +TITUS: +No, Caius Marcius; +I'll lean upon one crutch and fight with t'other, +Ere stay behind this business. + +MENENIUS: +O, true-bred! + +First Senator: +Your company to the Capitol; where, I know, +Our greatest friends attend us. + +TITUS: + +COMINIUS: +Noble Marcius! + +First Senator: + +MARCIUS: +Nay, let them follow: +The Volsces have much corn; take these rats thither +To gnaw their garners. Worshipful mutiners, +Your valour puts well forth: pray, follow. + +SICINIUS: +Was ever man so proud as is this Marcius? + +BRUTUS: +He has no equal. + +SICINIUS: +When we were chosen tribunes for the people,-- + +BRUTUS: +Mark'd you his lip and eyes? + +SICINIUS: +Nay. but his taunts. + +BRUTUS: +Being moved, he will not spare to gird the gods. + +SICINIUS: +Be-mock the modest moon. + +BRUTUS: +The present wars devour him: he is grown +Too proud to be so valiant. + +SICINIUS: +Such a nature, +Tickled with good success, disdains the shadow +Which he treads on at noon: but I do wonder +His insolence can brook to be commanded +Under Cominius. + +BRUTUS: +Fame, at the which he aims, +In whom already he's well graced, can not +Better be held nor more attain'd than by +A place below the first: for what miscarries +Shall be the general's fault, though he perform +To the utmost of a man, and giddy censure +Will then cry out of Marcius 'O if he +Had borne the business!' + +SICINIUS: +Besides, if things go well, +Opinion that so sticks on Marcius shall +Of his demerits rob Cominius. + +BRUTUS: +Come: +Half all Cominius' honours are to Marcius. +Though Marcius earned them not, and all his faults +To Marcius shall be honours, though indeed +In aught he merit not. + +SICINIUS: +Let's hence, and hear +How the dispatch is made, and in what fashion, +More than his singularity, he goes +Upon this present action. + +BRUTUS: +Lets along. + +First Senator: +So, your opinion is, Aufidius, +That they of Rome are entered in our counsels +And know how we proceed. + +AUFIDIUS: +Is it not yours? +What ever have been thought on in this state, +That could be brought to bodily act ere Rome +Had circumvention? 'Tis not four days gone +Since I heard thence; these are the words: I think +I have the letter here; yes, here it is. +'They have press'd a power, but it is not known +Whether for east or west: the dearth is great; +The people mutinous; and it is rumour'd, +Cominius, Marcius your old enemy, +Who is of Rome worse hated than of you, +And Titus Lartius, a most valiant Roman, +These three lead on this preparation +Whither 'tis bent: most likely 'tis for you: +Consider of it.' + +First Senator: +Our army's in the field +We never yet made doubt but Rome was ready +To answer us. + +AUFIDIUS: +Nor did you think it folly +To keep your great pretences veil'd till when +They needs must show themselves; which +in the hatching, +It seem'd, appear'd to Rome. By the discovery. +We shall be shorten'd in our aim, which was +To take in many towns ere almost Rome +Should know we were afoot. + +Second Senator: +Noble Aufidius, +Take your commission; hie you to your bands: +Let us alone to guard Corioli: +If they set down before 's, for the remove +Bring your army; but, I think, you'll find +They've not prepared for us. + +AUFIDIUS: +O, doubt not that; +I speak from certainties. Nay, more, +Some parcels of their power are forth already, +And only hitherward. I leave your honours. +If we and Caius Marcius chance to meet, +'Tis sworn between us we shall ever strike +Till one can do no more. + +All: +The gods assist you! + +AUFIDIUS: +And keep your honours safe! + +First Senator: +Farewell. + +Second Senator: +Farewell. + +All: +Farewell. + +VOLUMNIA: +I pray you, daughter, sing; or express yourself in a +more comfortable sort: if my son were my husband, I +should freelier rejoice in that absence wherein he +won honour than in the embracements of his bed where +he would show most love. When yet he was but +tender-bodied and the only son of my womb, when +youth with comeliness plucked all gaze his way, when +for a day of kings' entreaties a mother should not +sell him an hour from her beholding, I, considering +how honour would become such a person. that it was +no better than picture-like to hang by the wall, if +renown made it not stir, was pleased to let him seek +danger where he was like to find fame. To a cruel +war I sent him; from whence he returned, his brows +bound with oak. I tell thee, daughter, I sprang not +more in joy at first hearing he was a man-child +than now in first seeing he had proved himself a +man. + +VIRGILIA: +But had he died in the business, madam; how then? + +VOLUMNIA: +Then his good report should have been my son; I +therein would have found issue. Hear me profess +sincerely: had I a dozen sons, each in my love +alike and none less dear than thine and my good +Marcius, I had rather had eleven die nobly for their +country than one voluptuously surfeit out of action. + +Gentlewoman: +Madam, the Lady Valeria is come to visit you. + +VIRGILIA: +Beseech you, give me leave to retire myself. + +VOLUMNIA: +Indeed, you shall not. +Methinks I hear hither your husband's drum, +See him pluck Aufidius down by the hair, +As children from a bear, the Volsces shunning him: +Methinks I see him stamp thus, and call thus: +'Come on, you cowards! you were got in fear, +Though you were born in Rome:' his bloody brow +With his mail'd hand then wiping, forth he goes, +Like to a harvest-man that's task'd to mow +Or all or lose his hire. + +VIRGILIA: +His bloody brow! O Jupiter, no blood! + +VOLUMNIA: +Away, you fool! it more becomes a man +Than gilt his trophy: the breasts of Hecuba, +When she did suckle Hector, look'd not lovelier +Than Hector's forehead when it spit forth blood +At Grecian sword, contemning. Tell Valeria, +We are fit to bid her welcome. + +VIRGILIA: +Heavens bless my lord from fell Aufidius! + +VOLUMNIA: +He'll beat Aufidius 'head below his knee +And tread upon his neck. + +VALERIA: +My ladies both, good day to you. + +VOLUMNIA: +Sweet madam. + +VIRGILIA: +I am glad to see your ladyship. + +VALERIA: +How do you both? you are manifest house-keepers. +What are you sewing here? A fine spot, in good +faith. How does your little son? + +VIRGILIA: +I thank your ladyship; well, good madam. + +VOLUMNIA: +He had rather see the swords, and hear a drum, than +look upon his school-master. + +VALERIA: +O' my word, the father's son: I'll swear,'tis a +very pretty boy. O' my troth, I looked upon him o' +Wednesday half an hour together: has such a +confirmed countenance. I saw him run after a gilded +butterfly: and when he caught it, he let it go +again; and after it again; and over and over he +comes, and again; catched it again; or whether his +fall enraged him, or how 'twas, he did so set his +teeth and tear it; O, I warrant it, how he mammocked +it! + +VOLUMNIA: +One on 's father's moods. + +VALERIA: +Indeed, la, 'tis a noble child. + +VIRGILIA: +A crack, madam. + +VALERIA: +Come, lay aside your stitchery; I must have you play +the idle husewife with me this afternoon. + +VIRGILIA: +No, good madam; I will not out of doors. + +VALERIA: +Not out of doors! + +VOLUMNIA: +She shall, she shall. + +VIRGILIA: +Indeed, no, by your patience; I'll not over the +threshold till my lord return from the wars. + +VALERIA: +Fie, you confine yourself most unreasonably: come, +you must go visit the good lady that lies in. + +VIRGILIA: +I will wish her speedy strength, and visit her with +my prayers; but I cannot go thither. + +VOLUMNIA: +Why, I pray you? + +VIRGILIA: +'Tis not to save labour, nor that I want love. + +VALERIA: +You would be another Penelope: yet, they say, all +the yarn she spun in Ulysses' absence did but fill +Ithaca full of moths. Come; I would your cambric +were sensible as your finger, that you might leave +pricking it for pity. Come, you shall go with us. + +VIRGILIA: +No, good madam, pardon me; indeed, I will not forth. + +VALERIA: +In truth, la, go with me; and I'll tell you +excellent news of your husband. + +VIRGILIA: +O, good madam, there can be none yet. + +VALERIA: +Verily, I do not jest with you; there came news from +him last night. + +VIRGILIA: +Indeed, madam? + +VALERIA: +In earnest, it's true; I heard a senator speak it. +Thus it is: the Volsces have an army forth; against +whom Cominius the general is gone, with one part of +our Roman power: your lord and Titus Lartius are set +down before their city Corioli; they nothing doubt +prevailing and to make it brief wars. This is true, +on mine honour; and so, I pray, go with us. + +VIRGILIA: +Give me excuse, good madam; I will obey you in every +thing hereafter. + +VOLUMNIA: +Let her alone, lady: as she is now, she will but +disease our better mirth. + +VALERIA: +In troth, I think she would. Fare you well, then. +Come, good sweet lady. Prithee, Virgilia, turn thy +solemness out o' door. and go along with us. + +VIRGILIA: +No, at a word, madam; indeed, I must not. I wish +you much mirth. + +VALERIA: +Well, then, farewell. + +MARCIUS: +Yonder comes news. A wager they have met. + +LARTIUS: +My horse to yours, no. + +MARCIUS: +'Tis done. + +LARTIUS: +Agreed. + +MARCIUS: +Say, has our general met the enemy? + +Messenger: +They lie in view; but have not spoke as yet. + +LARTIUS: +So, the good horse is mine. + +MARCIUS: +I'll buy him of you. + +LARTIUS: +No, I'll nor sell nor give him: lend you him I will +For half a hundred years. Summon the town. + +MARCIUS: +How far off lie these armies? + +Messenger: +Within this mile and half. + +MARCIUS: +Then shall we hear their 'larum, and they ours. +Now, Mars, I prithee, make us quick in work, +That we with smoking swords may march from hence, +To help our fielded friends! Come, blow thy blast. +Tutus Aufidius, is he within your walls? + +First Senator: +No, nor a man that fears you less than he, +That's lesser than a little. +Hark! our drums +Are bringing forth our youth. We'll break our walls, +Rather than they shall pound us up: our gates, +Which yet seem shut, we, have but pinn'd with rushes; +They'll open of themselves. +Hark you. far off! +There is Aufidius; list, what work he makes +Amongst your cloven army. + +MARCIUS: +O, they are at it! + +LARTIUS: +Their noise be our instruction. Ladders, ho! + +MARCIUS: +They fear us not, but issue forth their city. +Now put your shields before your hearts, and fight +With hearts more proof than shields. Advance, +brave Titus: +They do disdain us much beyond our thoughts, +Which makes me sweat with wrath. Come on, my fellows: +He that retires I'll take him for a Volsce, +And he shall feel mine edge. + +MARCIUS: +All the contagion of the south light on you, +You shames of Rome! you herd of--Boils and plagues +Plaster you o'er, that you may be abhorr'd +Further than seen and one infect another +Against the wind a mile! You souls of geese, +That bear the shapes of men, how have you run +From slaves that apes would beat! Pluto and hell! +All hurt behind; backs red, and faces pale +With flight and agued fear! Mend and charge home, +Or, by the fires of heaven, I'll leave the foe +And make my wars on you: look to't: come on; +If you'll stand fast, we'll beat them to their wives, +As they us to our trenches followed. +So, now the gates are ope: now prove good seconds: +'Tis for the followers fortune widens them, +Not for the fliers: mark me, and do the like. + +First Soldier: +Fool-hardiness; not I. + +Second Soldier: +Nor I. + +First Soldier: +See, they have shut him in. + +All: +To the pot, I warrant him. + +LARTIUS: +What is become of Marcius? + +All: +Slain, sir, doubtless. + +First Soldier: +Following the fliers at the very heels, +With them he enters; who, upon the sudden, +Clapp'd to their gates: he is himself alone, +To answer all the city. + +LARTIUS: +O noble fellow! +Who sensibly outdares his senseless sword, +And, when it bows, stands up. Thou art left, Marcius: +A carbuncle entire, as big as thou art, +Were not so rich a jewel. Thou wast a soldier +Even to Cato's wish, not fierce and terrible +Only in strokes; but, with thy grim looks and +The thunder-like percussion of thy sounds, +Thou madst thine enemies shake, as if the world +Were feverous and did tremble. + +First Soldier: +Look, sir. + +LARTIUS: +O,'tis Marcius! +Let's fetch him off, or make remain alike. + +First Roman: +This will I carry to Rome. + +Second Roman: +And I this. + +Third Roman: +A murrain on't! I took this for silver. + +MARCIUS: +See here these movers that do prize their hours +At a crack'd drachm! Cushions, leaden spoons, +Irons of a doit, doublets that hangmen would +Bury with those that wore them, these base slaves, +Ere yet the fight be done, pack up: down with them! +And hark, what noise the general makes! To him! +There is the man of my soul's hate, Aufidius, +Piercing our Romans: then, valiant Titus, take +Convenient numbers to make good the city; +Whilst I, with those that have the spirit, will haste +To help Cominius. + +LARTIUS: +Worthy sir, thou bleed'st; +Thy exercise hath been too violent for +A second course of fight. + +MARCIUS: +Sir, praise me not; +My work hath yet not warm'd me: fare you well: +The blood I drop is rather physical +Than dangerous to me: to Aufidius thus +I will appear, and fight. + +LARTIUS: +Now the fair goddess, Fortune, +Fall deep in love with thee; and her great charms +Misguide thy opposers' swords! Bold gentleman, +Prosperity be thy page! + +MARCIUS: +Thy friend no less +Than those she placeth highest! So, farewell. + +LARTIUS: +Thou worthiest Marcius! +Go, sound thy trumpet in the market-place; +Call thither all the officers o' the town, +Where they shall know our mind: away! + +COMINIUS: +Breathe you, my friends: well fought; +we are come off +Like Romans, neither foolish in our stands, +Nor cowardly in retire: believe me, sirs, +We shall be charged again. Whiles we have struck, +By interims and conveying gusts we have heard +The charges of our friends. Ye Roman gods! +Lead their successes as we wish our own, +That both our powers, with smiling +fronts encountering, +May give you thankful sacrifice. +Thy news? + +Messenger: +The citizens of Corioli have issued, +And given to Lartius and to Marcius battle: +I saw our party to their trenches driven, +And then I came away. + +COMINIUS: +Though thou speak'st truth, +Methinks thou speak'st not well. +How long is't since? + +Messenger: +Above an hour, my lord. + +COMINIUS: +'Tis not a mile; briefly we heard their drums: +How couldst thou in a mile confound an hour, +And bring thy news so late? + +Messenger: +Spies of the Volsces +Held me in chase, that I was forced to wheel +Three or four miles about, else had I, sir, +Half an hour since brought my report. + +COMINIUS: +Who's yonder, +That does appear as he were flay'd? O gods +He has the stamp of Marcius; and I have +Before-time seen him thus. + +MARCIUS: + +COMINIUS: +The shepherd knows not thunder from a tabour +More than I know the sound of Marcius' tongue +From every meaner man. + +MARCIUS: +Come I too late? + +COMINIUS: +Ay, if you come not in the blood of others, +But mantled in your own. + +MARCIUS: +O, let me clip ye +In arms as sound as when I woo'd, in heart +As merry as when our nuptial day was done, +And tapers burn'd to bedward! + +COMINIUS: +Flower of warriors, +How is it with Titus Lartius? + +MARCIUS: +As with a man busied about decrees: +Condemning some to death, and some to exile; +Ransoming him, or pitying, threatening the other; +Holding Corioli in the name of Rome, +Even like a fawning greyhound in the leash, +To let him slip at will. + +COMINIUS: +Where is that slave +Which told me they had beat you to your trenches? +Where is he? call him hither. + +MARCIUS: +Let him alone; +He did inform the truth: but for our gentlemen, +The common file--a plague! tribunes for them!-- +The mouse ne'er shunn'd the cat as they did budge +From rascals worse than they. + +COMINIUS: +But how prevail'd you? + +MARCIUS: +Will the time serve to tell? I do not think. +Where is the enemy? are you lords o' the field? +If not, why cease you till you are so? + +COMINIUS: +Marcius, +We have at disadvantage fought and did +Retire to win our purpose. + +MARCIUS: +How lies their battle? know you on which side +They have placed their men of trust? + +COMINIUS: +As I guess, Marcius, +Their bands i' the vaward are the Antiates, +Of their best trust; o'er them Aufidius, +Their very heart of hope. + +MARCIUS: +I do beseech you, +By all the battles wherein we have fought, +By the blood we have shed together, by the vows +We have made to endure friends, that you directly +Set me against Aufidius and his Antiates; +And that you not delay the present, but, +Filling the air with swords advanced and darts, +We prove this very hour. + +COMINIUS: +Though I could wish +You were conducted to a gentle bath +And balms applied to, you, yet dare I never +Deny your asking: take your choice of those +That best can aid your action. + +MARCIUS: +Those are they +That most are willing. If any such be here-- +As it were sin to doubt--that love this painting +Wherein you see me smear'd; if any fear +Lesser his person than an ill report; +If any think brave death outweighs bad life +And that his country's dearer than himself; +Let him alone, or so many so minded, +Wave thus, to express his disposition, +And follow Marcius. +O, me alone! make you a sword of me? +If these shows be not outward, which of you +But is four Volsces? none of you but is +Able to bear against the great Aufidius +A shield as hard as his. A certain number, +Though thanks to all, must I select +from all: the rest +Shall bear the business in some other fight, +As cause will be obey'd. Please you to march; +And four shall quickly draw out my command, +Which men are best inclined. + +COMINIUS: +March on, my fellows: +Make good this ostentation, and you shall +Divide in all with us. + +LARTIUS: +So, let the ports be guarded: keep your duties, +As I have set them down. If I do send, dispatch +Those centuries to our aid: the rest will serve +For a short holding: if we lose the field, +We cannot keep the town. + +Lieutenant: +Fear not our care, sir. + +LARTIUS: +Hence, and shut your gates upon's. +Our guider, come; to the Roman camp conduct us. + +MARCIUS: +I'll fight with none but thee; for I do hate thee +Worse than a promise-breaker. + +AUFIDIUS: +We hate alike: +Not Afric owns a serpent I abhor +More than thy fame and envy. Fix thy foot. + +MARCIUS: +Let the first budger die the other's slave, +And the gods doom him after! + +AUFIDIUS: +If I fly, Marcius, +Holloa me like a hare. + +MARCIUS: +Within these three hours, Tullus, +Alone I fought in your Corioli walls, +And made what work I pleased: 'tis not my blood +Wherein thou seest me mask'd; for thy revenge +Wrench up thy power to the highest. + +AUFIDIUS: +Wert thou the Hector +That was the whip of your bragg'd progeny, +Thou shouldst not scape me here. +Officious, and not valiant, you have shamed me +In your condemned seconds. + +COMINIUS: +If I should tell thee o'er this thy day's work, +Thou'ldst not believe thy deeds: but I'll report it +Where senators shall mingle tears with smiles, +Where great patricians shall attend and shrug, +I' the end admire, where ladies shall be frighted, +And, gladly quaked, hear more; where the +dull tribunes, +That, with the fusty plebeians, hate thine honours, +Shall say against their hearts 'We thank the gods +Our Rome hath such a soldier.' +Yet camest thou to a morsel of this feast, +Having fully dined before. + +LARTIUS: +O general, +Here is the steed, we the caparison: +Hadst thou beheld-- + +MARCIUS: +Pray now, no more: my mother, +Who has a charter to extol her blood, +When she does praise me grieves me. I have done +As you have done; that's what I can; induced +As you have been; that's for my country: +He that has but effected his good will +Hath overta'en mine act. + +COMINIUS: +You shall not be +The grave of your deserving; Rome must know +The value of her own: 'twere a concealment +Worse than a theft, no less than a traducement, +To hide your doings; and to silence that, +Which, to the spire and top of praises vouch'd, +Would seem but modest: therefore, I beseech you +In sign of what you are, not to reward +What you have done--before our army hear me. + +MARCIUS: +I have some wounds upon me, and they smart +To hear themselves remember'd. + +COMINIUS: +Should they not, +Well might they fester 'gainst ingratitude, +And tent themselves with death. Of all the horses, +Whereof we have ta'en good and good store, of all +The treasure in this field achieved and city, +We render you the tenth, to be ta'en forth, +Before the common distribution, at +Your only choice. + +MARCIUS: +I thank you, general; +But cannot make my heart consent to take +A bribe to pay my sword: I do refuse it; +And stand upon my common part with those +That have beheld the doing. + +MARCIUS: +May these same instruments, which you profane, +Never sound more! when drums and trumpets shall +I' the field prove flatterers, let courts and cities be +Made all of false-faced soothing! +When steel grows soft as the parasite's silk, +Let him be made a coverture for the wars! +No more, I say! For that I have not wash'd +My nose that bled, or foil'd some debile wretch.-- +Which, without note, here's many else have done,-- +You shout me forth +In acclamations hyperbolical; +As if I loved my little should be dieted +In praises sauced with lies. + +COMINIUS: +Too modest are you; +More cruel to your good report than grateful +To us that give you truly: by your patience, +If 'gainst yourself you be incensed, we'll put you, +Like one that means his proper harm, in manacles, +Then reason safely with you. Therefore, be it known, +As to us, to all the world, that Caius Marcius +Wears this war's garland: in token of the which, +My noble steed, known to the camp, I give him, +With all his trim belonging; and from this time, +For what he did before Corioli, call him, +With all the applause and clamour of the host, +CAIUS MARCIUS CORIOLANUS! Bear +The addition nobly ever! + +All: +Caius Marcius Coriolanus! + +CORIOLANUS: +I will go wash; +And when my face is fair, you shall perceive +Whether I blush or no: howbeit, I thank you. +I mean to stride your steed, and at all times +To undercrest your good addition +To the fairness of my power. + +COMINIUS: +So, to our tent; +Where, ere we do repose us, we will write +To Rome of our success. You, Titus Lartius, +Must to Corioli back: send us to Rome +The best, with whom we may articulate, +For their own good and ours. + +LARTIUS: +I shall, my lord. + +CORIOLANUS: +The gods begin to mock me. I, that now +Refused most princely gifts, am bound to beg +Of my lord general. + +COMINIUS: +Take't; 'tis yours. What is't? + +CORIOLANUS: +I sometime lay here in Corioli +At a poor man's house; he used me kindly: +He cried to me; I saw him prisoner; +But then Aufidius was within my view, +And wrath o'erwhelm'd my pity: I request you +To give my poor host freedom. + +COMINIUS: +O, well begg'd! +Were he the butcher of my son, he should +Be free as is the wind. Deliver him, Titus. + +LARTIUS: +Marcius, his name? + +CORIOLANUS: +By Jupiter! forgot. +I am weary; yea, my memory is tired. +Have we no wine here? + +COMINIUS: +Go we to our tent: +The blood upon your visage dries; 'tis time +It should be look'd to: come. + +AUFIDIUS: +The town is ta'en! + +First Soldier: +'Twill be deliver'd back on good condition. + +AUFIDIUS: +Condition! +I would I were a Roman; for I cannot, +Being a Volsce, be that I am. Condition! +What good condition can a treaty find +I' the part that is at mercy? Five times, Marcius, +I have fought with thee: so often hast thou beat me, +And wouldst do so, I think, should we encounter +As often as we eat. By the elements, +If e'er again I meet him beard to beard, +He's mine, or I am his: mine emulation +Hath not that honour in't it had; for where +I thought to crush him in an equal force, +True sword to sword, I'll potch at him some way +Or wrath or craft may get him. + +First Soldier: +He's the devil. + +AUFIDIUS: +Bolder, though not so subtle. My valour's poison'd +With only suffering stain by him; for him +Shall fly out of itself: nor sleep nor sanctuary, +Being naked, sick, nor fane nor Capitol, +The prayers of priests nor times of sacrifice, +Embarquements all of fury, shall lift up +Their rotten privilege and custom 'gainst +My hate to Marcius: where I find him, were it +At home, upon my brother's guard, even there, +Against the hospitable canon, would I +Wash my fierce hand in's heart. Go you to the city; +Learn how 'tis held; and what they are that must +Be hostages for Rome. + +First Soldier: +Will not you go? + +AUFIDIUS: +I am attended at the cypress grove: I pray you-- +'Tis south the city mills--bring me word thither +How the world goes, that to the pace of it +I may spur on my journey. + +First Soldier: +I shall, sir. + +MENENIUS: +The augurer tells me we shall have news to-night. + +BRUTUS: +Good or bad? + +MENENIUS: +Not according to the prayer of the people, for they +love not Marcius. + +SICINIUS: +Nature teaches beasts to know their friends. + +MENENIUS: +Pray you, who does the wolf love? + +SICINIUS: +The lamb. + +MENENIUS: +Ay, to devour him; as the hungry plebeians would the +noble Marcius. + +BRUTUS: +He's a lamb indeed, that baes like a bear. + +MENENIUS: +He's a bear indeed, that lives like a lamb. You two +are old men: tell me one thing that I shall ask you. + +Both: +Well, sir. + +MENENIUS: +In what enormity is Marcius poor in, that you two +have not in abundance? + +BRUTUS: +He's poor in no one fault, but stored with all. + +SICINIUS: +Especially in pride. + +BRUTUS: +And topping all others in boasting. + +MENENIUS: +This is strange now: do you two know how you are +censured here in the city, I mean of us o' the +right-hand file? do you? + +Both: +Why, how are we censured? + +MENENIUS: +Because you talk of pride now,--will you not be angry? + +Both: +Well, well, sir, well. + +MENENIUS: +Why, 'tis no great matter; for a very little thief of +occasion will rob you of a great deal of patience: +give your dispositions the reins, and be angry at +your pleasures; at the least if you take it as a +pleasure to you in being so. You blame Marcius for +being proud? + +BRUTUS: +We do it not alone, sir. + +MENENIUS: +I know you can do very little alone; for your helps +are many, or else your actions would grow wondrous +single: your abilities are too infant-like for +doing much alone. You talk of pride: O that you +could turn your eyes toward the napes of your necks, +and make but an interior survey of your good selves! +O that you could! + +BRUTUS: +What then, sir? + +MENENIUS: +Why, then you should discover a brace of unmeriting, +proud, violent, testy magistrates, alias fools, as +any in Rome. + +SICINIUS: +Menenius, you are known well enough too. + +MENENIUS: +I am known to be a humorous patrician, and one that +loves a cup of hot wine with not a drop of allaying +Tiber in't; said to be something imperfect in +favouring the first complaint; hasty and tinder-like +upon too trivial motion; one that converses more +with the buttock of the night than with the forehead +of the morning: what I think I utter, and spend my +malice in my breath. Meeting two such wealsmen as +you are--I cannot call you Lycurguses--if the drink +you give me touch my palate adversely, I make a +crooked face at it. I can't say your worships have +delivered the matter well, when I find the ass in +compound with the major part of your syllables: and +though I must be content to bear with those that say +you are reverend grave men, yet they lie deadly that +tell you you have good faces. If you see this in +the map of my microcosm, follows it that I am known +well enough too? what barm can your bisson +conspectuities glean out of this character, if I be +known well enough too? + +BRUTUS: +Come, sir, come, we know you well enough. + +MENENIUS: +You know neither me, yourselves nor any thing. You +are ambitious for poor knaves' caps and legs: you +wear out a good wholesome forenoon in hearing a +cause between an orange wife and a fosset-seller; +and then rejourn the controversy of three pence to a +second day of audience. When you are hearing a +matter between party and party, if you chance to be +pinched with the colic, you make faces like +mummers; set up the bloody flag against all +patience; and, in roaring for a chamber-pot, +dismiss the controversy bleeding the more entangled +by your hearing: all the peace you make in their +cause is, calling both the parties knaves. You are +a pair of strange ones. + +BRUTUS: +Come, come, you are well understood to be a +perfecter giber for the table than a necessary +bencher in the Capitol. + +MENENIUS: +Our very priests must become mockers, if they shall +encounter such ridiculous subjects as you are. When +you speak best unto the purpose, it is not worth the +wagging of your beards; and your beards deserve not +so honourable a grave as to stuff a botcher's +cushion, or to be entombed in an ass's pack- +saddle. Yet you must be saying, Marcius is proud; +who in a cheap estimation, is worth predecessors +since Deucalion, though peradventure some of the +best of 'em were hereditary hangmen. God-den to +your worships: more of your conversation would +infect my brain, being the herdsmen of the beastly +plebeians: I will be bold to take my leave of you. +How now, my as fair as noble ladies,--and the moon, +were she earthly, no nobler,--whither do you follow +your eyes so fast? + +VOLUMNIA: +Honourable Menenius, my boy Marcius approaches; for +the love of Juno, let's go. + +MENENIUS: +Ha! Marcius coming home! + +VOLUMNIA: +Ay, worthy Menenius; and with most prosperous +approbation. + +MENENIUS: +Take my cap, Jupiter, and I thank thee. Hoo! +Marcius coming home! + +VOLUMNIA: +Nay,'tis true. + +VOLUMNIA: +Look, here's a letter from him: the state hath +another, his wife another; and, I think, there's one +at home for you. + +MENENIUS: +I will make my very house reel tonight: a letter for +me! + +VIRGILIA: +Yes, certain, there's a letter for you; I saw't. + +MENENIUS: +A letter for me! it gives me an estate of seven +years' health; in which time I will make a lip at +the physician: the most sovereign prescription in +Galen is but empiricutic, and, to this preservative, +of no better report than a horse-drench. Is he +not wounded? he was wont to come home wounded. + +VIRGILIA: +O, no, no, no. + +VOLUMNIA: +O, he is wounded; I thank the gods for't. + +MENENIUS: +So do I too, if it be not too much: brings a' +victory in his pocket? the wounds become him. + +VOLUMNIA: +On's brows: Menenius, he comes the third time home +with the oaken garland. + +MENENIUS: +Has he disciplined Aufidius soundly? + +VOLUMNIA: +Titus Lartius writes, they fought together, but +Aufidius got off. + +MENENIUS: +And 'twas time for him too, I'll warrant him that: +an he had stayed by him, I would not have been so +fidiused for all the chests in Corioli, and the gold +that's in them. Is the senate possessed of this? + +VOLUMNIA: +Good ladies, let's go. Yes, yes, yes; the senate +has letters from the general, wherein he gives my +son the whole name of the war: he hath in this +action outdone his former deeds doubly + +VALERIA: +In troth, there's wondrous things spoke of him. + +MENENIUS: +Wondrous! ay, I warrant you, and not without his +true purchasing. + +VIRGILIA: +The gods grant them true! + +VOLUMNIA: +True! pow, wow. + +MENENIUS: +True! I'll be sworn they are true. +Where is he wounded? +God save your good worships! Marcius is coming +home: he has more cause to be proud. Where is he wounded? + +VOLUMNIA: +I' the shoulder and i' the left arm there will be +large cicatrices to show the people, when he shall +stand for his place. He received in the repulse of +Tarquin seven hurts i' the body. + +MENENIUS: +One i' the neck, and two i' the thigh,--there's +nine that I know. + +VOLUMNIA: +He had, before this last expedition, twenty-five +wounds upon him. + +MENENIUS: +Now it's twenty-seven: every gash was an enemy's grave. +Hark! the trumpets. + +VOLUMNIA: +These are the ushers of Marcius: before him he +carries noise, and behind him he leaves tears: +Death, that dark spirit, in 's nervy arm doth lie; +Which, being advanced, declines, and then men die. + +Herald: +Know, Rome, that all alone Marcius did fight +Within Corioli gates: where he hath won, +With fame, a name to Caius Marcius; these +In honour follows Coriolanus. +Welcome to Rome, renowned Coriolanus! + +All: +Welcome to Rome, renowned Coriolanus! + +CORIOLANUS: +No more of this; it does offend my heart: +Pray now, no more. + +COMINIUS: +Look, sir, your mother! + +CORIOLANUS: +O, +You have, I know, petition'd all the gods +For my prosperity! + +VOLUMNIA: +Nay, my good soldier, up; +My gentle Marcius, worthy Caius, and +By deed-achieving honour newly named,-- +What is it?--Coriolanus must I call thee?-- +But O, thy wife! + +CORIOLANUS: +My gracious silence, hail! +Wouldst thou have laugh'd had I come coffin'd home, +That weep'st to see me triumph? Ay, my dear, +Such eyes the widows in Corioli wear, +And mothers that lack sons. + +MENENIUS: +Now, the gods crown thee! + +CORIOLANUS: +And live you yet? +O my sweet lady, pardon. + +VOLUMNIA: +I know not where to turn: O, welcome home: +And welcome, general: and ye're welcome all. + +MENENIUS: +A hundred thousand welcomes. I could weep +And I could laugh, I am light and heavy. Welcome. +A curse begin at very root on's heart, +That is not glad to see thee! You are three +That Rome should dote on: yet, by the faith of men, +We have some old crab-trees here +at home that will not +Be grafted to your relish. Yet welcome, warriors: +We call a nettle but a nettle and +The faults of fools but folly. + +COMINIUS: +Ever right. + +CORIOLANUS: +Menenius ever, ever. + +Herald: +Give way there, and go on! + +CORIOLANUS: + +VOLUMNIA: +I have lived +To see inherited my very wishes +And the buildings of my fancy: only +There's one thing wanting, which I doubt not but +Our Rome will cast upon thee. + +CORIOLANUS: +Know, good mother, +I had rather be their servant in my way, +Than sway with them in theirs. + +COMINIUS: +On, to the Capitol! + +BRUTUS: +All tongues speak of him, and the bleared sights +Are spectacled to see him: your prattling nurse +Into a rapture lets her baby cry +While she chats him: the kitchen malkin pins +Her richest lockram 'bout her reechy neck, +Clambering the walls to eye him: stalls, bulks, windows, +Are smother'd up, leads fill'd, and ridges horsed +With variable complexions, all agreeing +In earnestness to see him: seld-shown flamens +Do press among the popular throngs and puff +To win a vulgar station: or veil'd dames +Commit the war of white and damask in +Their nicely-gawded cheeks to the wanton spoil +Of Phoebus' burning kisses: such a pother +As if that whatsoever god who leads him +Were slily crept into his human powers +And gave him graceful posture. + +SICINIUS: +On the sudden, +I warrant him consul. + +BRUTUS: +Then our office may, +During his power, go sleep. + +SICINIUS: +He cannot temperately transport his honours +From where he should begin and end, but will +Lose those he hath won. + +BRUTUS: +In that there's comfort. + +SICINIUS: +Doubt not +The commoners, for whom we stand, but they +Upon their ancient malice will forget +With the least cause these his new honours, which +That he will give them make I as little question +As he is proud to do't. + +BRUTUS: +I heard him swear, +Were he to stand for consul, never would he +Appear i' the market-place nor on him put +The napless vesture of humility; +Nor showing, as the manner is, his wounds +To the people, beg their stinking breaths. + +SICINIUS: +'Tis right. + +BRUTUS: +It was his word: O, he would miss it rather +Than carry it but by the suit of the gentry to him, +And the desire of the nobles. + +SICINIUS: +I wish no better +Than have him hold that purpose and to put it +In execution. + +BRUTUS: +'Tis most like he will. + +SICINIUS: +It shall be to him then as our good wills, +A sure destruction. + +BRUTUS: +So it must fall out +To him or our authorities. For an end, +We must suggest the people in what hatred +He still hath held them; that to's power he would +Have made them mules, silenced their pleaders and +Dispropertied their freedoms, holding them, +In human action and capacity, +Of no more soul nor fitness for the world +Than camels in the war, who have their provand +Only for bearing burdens, and sore blows +For sinking under them. + +SICINIUS: +This, as you say, suggested +At some time when his soaring insolence +Shall touch the people--which time shall not want, +If he be put upon 't; and that's as easy +As to set dogs on sheep--will be his fire +To kindle their dry stubble; and their blaze +Shall darken him for ever. + +BRUTUS: +What's the matter? + +Messenger: +You are sent for to the Capitol. 'Tis thought +That Marcius shall be consul: +I have seen the dumb men throng to see him and +The blind to bear him speak: matrons flung gloves, +Ladies and maids their scarfs and handkerchers, +Upon him as he pass'd: the nobles bended, +As to Jove's statue, and the commons made +A shower and thunder with their caps and shouts: +I never saw the like. + +BRUTUS: +Let's to the Capitol; +And carry with us ears and eyes for the time, +But hearts for the event. + +SICINIUS: +Have with you. + +First Officer: +Come, come, they are almost here. How many stand +for consulships? + +Second Officer: +Three, they say: but 'tis thought of every one +Coriolanus will carry it. + +First Officer: +That's a brave fellow; but he's vengeance proud, and +loves not the common people. + +Second Officer: +Faith, there had been many great men that have +flattered the people, who ne'er loved them; and there +be many that they have loved, they know not +wherefore: so that, if they love they know not why, +they hate upon no better a ground: therefore, for +Coriolanus neither to care whether they love or hate +him manifests the true knowledge he has in their +disposition; and out of his noble carelessness lets +them plainly see't. + +First Officer: +If he did not care whether he had their love or no, +he waved indifferently 'twixt doing them neither +good nor harm: but he seeks their hate with greater +devotion than can render it him; and leaves +nothing undone that may fully discover him their +opposite. Now, to seem to affect the malice and +displeasure of the people is as bad as that which he +dislikes, to flatter them for their love. + +Second Officer: +He hath deserved worthily of his country: and his +ascent is not by such easy degrees as those who, +having been supple and courteous to the people, +bonneted, without any further deed to have them at +an into their estimation and report: but he hath so +planted his honours in their eyes, and his actions +in their hearts, that for their tongues to be +silent, and not confess so much, were a kind of +ingrateful injury; to report otherwise, were a +malice, that, giving itself the lie, would pluck +reproof and rebuke from every ear that heard it. + +First Officer: +No more of him; he is a worthy man: make way, they +are coming. + +MENENIUS: +Having determined of the Volsces and +To send for Titus Lartius, it remains, +As the main point of this our after-meeting, +To gratify his noble service that +Hath thus stood for his country: therefore, +please you, +Most reverend and grave elders, to desire +The present consul, and last general +In our well-found successes, to report +A little of that worthy work perform'd +By Caius Marcius Coriolanus, whom +We met here both to thank and to remember +With honours like himself. + +First Senator: +Speak, good Cominius: +Leave nothing out for length, and make us think +Rather our state's defective for requital +Than we to stretch it out. +Masters o' the people, +We do request your kindest ears, and after, +Your loving motion toward the common body, +To yield what passes here. + +SICINIUS: +We are convented +Upon a pleasing treaty, and have hearts +Inclinable to honour and advance +The theme of our assembly. + +BRUTUS: +Which the rather +We shall be blest to do, if he remember +A kinder value of the people than +He hath hereto prized them at. + +MENENIUS: +That's off, that's off; +I would you rather had been silent. Please you +To hear Cominius speak? + +BRUTUS: +Most willingly; +But yet my caution was more pertinent +Than the rebuke you give it. + +MENENIUS: +He loves your people +But tie him not to be their bedfellow. +Worthy Cominius, speak. +Nay, keep your place. + +First Senator: +Sit, Coriolanus; never shame to hear +What you have nobly done. + +CORIOLANUS: +Your horror's pardon: +I had rather have my wounds to heal again +Than hear say how I got them. + +BRUTUS: +Sir, I hope +My words disbench'd you not. + +CORIOLANUS: +No, sir: yet oft, +When blows have made me stay, I fled from words. +You soothed not, therefore hurt not: but +your people, +I love them as they weigh. + +MENENIUS: +Pray now, sit down. + +CORIOLANUS: +I had rather have one scratch my head i' the sun +When the alarum were struck than idly sit +To hear my nothings monster'd. + +MENENIUS: +Masters of the people, +Your multiplying spawn how can he flatter-- +That's thousand to one good one--when you now see +He had rather venture all his limbs for honour +Than one on's ears to hear it? Proceed, Cominius. + +COMINIUS: +I shall lack voice: the deeds of Coriolanus +Should not be utter'd feebly. It is held +That valour is the chiefest virtue, and +Most dignifies the haver: if it be, +The man I speak of cannot in the world +Be singly counterpoised. At sixteen years, +When Tarquin made a head for Rome, he fought +Beyond the mark of others: our then dictator, +Whom with all praise I point at, saw him fight, +When with his Amazonian chin he drove +The bristled lips before him: be bestrid +An o'er-press'd Roman and i' the consul's view +Slew three opposers: Tarquin's self he met, +And struck him on his knee: in that day's feats, +When he might act the woman in the scene, +He proved best man i' the field, and for his meed +Was brow-bound with the oak. His pupil age +Man-enter'd thus, he waxed like a sea, +And in the brunt of seventeen battles since +He lurch'd all swords of the garland. For this last, +Before and in Corioli, let me say, +I cannot speak him home: he stopp'd the fliers; +And by his rare example made the coward +Turn terror into sport: as weeds before +A vessel under sail, so men obey'd +And fell below his stem: his sword, death's stamp, +Where it did mark, it took; from face to foot +He was a thing of blood, whose every motion +Was timed with dying cries: alone he enter'd +The mortal gate of the city, which he painted +With shunless destiny; aidless came off, +And with a sudden reinforcement struck +Corioli like a planet: now all's his: +When, by and by, the din of war gan pierce +His ready sense; then straight his doubled spirit +Re-quicken'd what in flesh was fatigate, +And to the battle came he; where he did +Run reeking o'er the lives of men, as if +'Twere a perpetual spoil: and till we call'd +Both field and city ours, he never stood +To ease his breast with panting. + +MENENIUS: +Worthy man! + +First Senator: +He cannot but with measure fit the honours +Which we devise him. + +COMINIUS: +Our spoils he kick'd at, +And look'd upon things precious as they were +The common muck of the world: he covets less +Than misery itself would give; rewards +His deeds with doing them, and is content +To spend the time to end it. + +MENENIUS: +He's right noble: +Let him be call'd for. + +First Senator: +Call Coriolanus. + +Officer: +He doth appear. + +MENENIUS: +The senate, Coriolanus, are well pleased +To make thee consul. + +CORIOLANUS: +I do owe them still +My life and services. + +MENENIUS: +It then remains +That you do speak to the people. + +CORIOLANUS: +I do beseech you, +Let me o'erleap that custom, for I cannot +Put on the gown, stand naked and entreat them, +For my wounds' sake, to give their suffrage: please you +That I may pass this doing. + +SICINIUS: +Sir, the people +Must have their voices; neither will they bate +One jot of ceremony. + +MENENIUS: +Put them not to't: +Pray you, go fit you to the custom and +Take to you, as your predecessors have, +Your honour with your form. + +CORIOLANUS: +It is apart +That I shall blush in acting, and might well +Be taken from the people. + +BRUTUS: +Mark you that? + +CORIOLANUS: +To brag unto them, thus I did, and thus; +Show them the unaching scars which I should hide, +As if I had received them for the hire +Of their breath only! + +MENENIUS: +Do not stand upon't. +We recommend to you, tribunes of the people, +Our purpose to them: and to our noble consul +Wish we all joy and honour. + +Senators: +To Coriolanus come all joy and honour! + +BRUTUS: +You see how he intends to use the people. + +SICINIUS: +May they perceive's intent! He will require them, +As if he did contemn what he requested +Should be in them to give. + +BRUTUS: +Come, we'll inform them +Of our proceedings here: on the marketplace, +I know, they do attend us. + +First Citizen: +Once, if he do require our voices, we ought not to deny him. + +Second Citizen: +We may, sir, if we will. + +Third Citizen: +We have power in ourselves to do it, but it is a +power that we have no power to do; for if he show us +his wounds and tell us his deeds, we are to put our +tongues into those wounds and speak for them; so, if +he tell us his noble deeds, we must also tell him +our noble acceptance of them. Ingratitude is +monstrous, and for the multitude to be ingrateful, +were to make a monster of the multitude: of the +which we being members, should bring ourselves to be +monstrous members. + +First Citizen: +And to make us no better thought of, a little help +will serve; for once we stood up about the corn, he +himself stuck not to call us the many-headed multitude. + +Third Citizen: +We have been called so of many; not that our heads +are some brown, some black, some auburn, some bald, +but that our wits are so diversely coloured: and +truly I think if all our wits were to issue out of +one skull, they would fly east, west, north, south, +and their consent of one direct way should be at +once to all the points o' the compass. + +Second Citizen: +Think you so? Which way do you judge my wit would +fly? + +Third Citizen: +Nay, your wit will not so soon out as another man's +will;'tis strongly wedged up in a block-head, but +if it were at liberty, 'twould, sure, southward. + +Second Citizen: +Why that way? + +Third Citizen: +To lose itself in a fog, where being three parts +melted away with rotten dews, the fourth would return +for conscience sake, to help to get thee a wife. + +Second Citizen: +You are never without your tricks: you may, you may. + +Third Citizen: +Are you all resolved to give your voices? But +that's no matter, the greater part carries it. I +say, if he would incline to the people, there was +never a worthier man. +Here he comes, and in the gown of humility: mark his +behavior. We are not to stay all together, but to +come by him where he stands, by ones, by twos, and +by threes. He's to make his requests by +particulars; wherein every one of us has a single +honour, in giving him our own voices with our own +tongues: therefore follow me, and I direct you how +you shall go by him. + +All: +Content, content. + +MENENIUS: +O sir, you are not right: have you not known +The worthiest men have done't? + +CORIOLANUS: +What must I say? +'I Pray, sir'--Plague upon't! I cannot bring +My tongue to such a pace:--'Look, sir, my wounds! +I got them in my country's service, when +Some certain of your brethren roar'd and ran +From the noise of our own drums.' + +MENENIUS: +O me, the gods! +You must not speak of that: you must desire them +To think upon you. + +CORIOLANUS: +Think upon me! hang 'em! +I would they would forget me, like the virtues +Which our divines lose by 'em. + +MENENIUS: +You'll mar all: +I'll leave you: pray you, speak to 'em, I pray you, +In wholesome manner. + +CORIOLANUS: +Bid them wash their faces +And keep their teeth clean. +So, here comes a brace. +You know the cause, air, of my standing here. + +Third Citizen: +We do, sir; tell us what hath brought you to't. + +CORIOLANUS: +Mine own desert. + +Second Citizen: +Your own desert! + +CORIOLANUS: +Ay, but not mine own desire. + +Third Citizen: +How not your own desire? + +CORIOLANUS: +No, sir,'twas never my desire yet to trouble the +poor with begging. + +Third Citizen: +You must think, if we give you any thing, we hope to +gain by you. + +CORIOLANUS: +Well then, I pray, your price o' the consulship? + +First Citizen: +The price is to ask it kindly. + +CORIOLANUS: +Kindly! Sir, I pray, let me ha't: I have wounds to +show you, which shall be yours in private. Your +good voice, sir; what say you? + +Second Citizen: +You shall ha' it, worthy sir. + +CORIOLANUS: +A match, sir. There's in all two worthy voices +begged. I have your alms: adieu. + +Third Citizen: +But this is something odd. + +Second Citizen: +An 'twere to give again,--but 'tis no matter. + +CORIOLANUS: +Pray you now, if it may stand with the tune of your +voices that I may be consul, I have here the +customary gown. + +Fourth Citizen: +You have deserved nobly of your country, and you +have not deserved nobly. + +CORIOLANUS: +Your enigma? + +Fourth Citizen: +You have been a scourge to her enemies, you have +been a rod to her friends; you have not indeed loved +the common people. + +CORIOLANUS: +You should account me the more virtuous that I have +not been common in my love. I will, sir, flatter my +sworn brother, the people, to earn a dearer +estimation of them; 'tis a condition they account +gentle: and since the wisdom of their choice is +rather to have my hat than my heart, I will practise +the insinuating nod and be off to them most +counterfeitly; that is, sir, I will counterfeit the +bewitchment of some popular man and give it +bountiful to the desirers. Therefore, beseech you, +I may be consul. + +Fifth Citizen: +We hope to find you our friend; and therefore give +you our voices heartily. + +Fourth Citizen: +You have received many wounds for your country. + +CORIOLANUS: +I will not seal your knowledge with showing them. I +will make much of your voices, and so trouble you no further. + +Both Citizens: +The gods give you joy, sir, heartily! + +CORIOLANUS: +Most sweet voices! +Better it is to die, better to starve, +Than crave the hire which first we do deserve. +Why in this woolvish toge should I stand here, +To beg of Hob and Dick, that do appear, +Their needless vouches? Custom calls me to't: +What custom wills, in all things should we do't, +The dust on antique time would lie unswept, +And mountainous error be too highly heapt +For truth to o'er-peer. Rather than fool it so, +Let the high office and the honour go +To one that would do thus. I am half through; +The one part suffer'd, the other will I do. +Here come more voices. +Your voices: for your voices I have fought; +Watch'd for your voices; for Your voices bear +Of wounds two dozen odd; battles thrice six +I have seen and heard of; for your voices have +Done many things, some less, some more your voices: +Indeed I would be consul. + +Sixth Citizen: +He has done nobly, and cannot go without any honest +man's voice. + +Seventh Citizen: +Therefore let him be consul: the gods give him joy, +and make him good friend to the people! + +All Citizens: +Amen, amen. God save thee, noble consul! + +CORIOLANUS: +Worthy voices! + +MENENIUS: +You have stood your limitation; and the tribunes +Endue you with the people's voice: remains +That, in the official marks invested, you +Anon do meet the senate. + +CORIOLANUS: +Is this done? + +SICINIUS: +The custom of request you have discharged: +The people do admit you, and are summon'd +To meet anon, upon your approbation. + +CORIOLANUS: +Where? at the senate-house? + +SICINIUS: +There, Coriolanus. + +CORIOLANUS: +May I change these garments? + +SICINIUS: +You may, sir. + +CORIOLANUS: +That I'll straight do; and, knowing myself again, +Repair to the senate-house. + +MENENIUS: +I'll keep you company. Will you along? + +BRUTUS: +We stay here for the people. + +SICINIUS: +Fare you well. +He has it now, and by his looks methink +'Tis warm at 's heart. + +BRUTUS: +With a proud heart he wore his humble weeds. +will you dismiss the people? + +SICINIUS: +How now, my masters! have you chose this man? + +First Citizen: +He has our voices, sir. + +BRUTUS: +We pray the gods he may deserve your loves. + +Second Citizen: +Amen, sir: to my poor unworthy notice, +He mock'd us when he begg'd our voices. + +Third Citizen: +Certainly +He flouted us downright. + +First Citizen: +No,'tis his kind of speech: he did not mock us. + +Second Citizen: +Not one amongst us, save yourself, but says +He used us scornfully: he should have show'd us +His marks of merit, wounds received for's country. + +SICINIUS: +Why, so he did, I am sure. + +Citizens: +No, no; no man saw 'em. + +Third Citizen: +He said he had wounds, which he could show +in private; +And with his hat, thus waving it in scorn, +'I would be consul,' says he: 'aged custom, +But by your voices, will not so permit me; +Your voices therefore.' When we granted that, +Here was 'I thank you for your voices: thank you: +Your most sweet voices: now you have left +your voices, +I have no further with you.' Was not this mockery? + +SICINIUS: +Why either were you ignorant to see't, +Or, seeing it, of such childish friendliness +To yield your voices? + +BRUTUS: +Could you not have told him +As you were lesson'd, when he had no power, +But was a petty servant to the state, +He was your enemy, ever spake against +Your liberties and the charters that you bear +I' the body of the weal; and now, arriving +A place of potency and sway o' the state, +If he should still malignantly remain +Fast foe to the plebeii, your voices might +Be curses to yourselves? You should have said +That as his worthy deeds did claim no less +Than what he stood for, so his gracious nature +Would think upon you for your voices and +Translate his malice towards you into love, +Standing your friendly lord. + +SICINIUS: +Thus to have said, +As you were fore-advised, had touch'd his spirit +And tried his inclination; from him pluck'd +Either his gracious promise, which you might, +As cause had call'd you up, have held him to +Or else it would have gall'd his surly nature, +Which easily endures not article +Tying him to aught; so putting him to rage, +You should have ta'en the advantage of his choler +And pass'd him unelected. + +BRUTUS: +Did you perceive +He did solicit you in free contempt +When he did need your loves, and do you think +That his contempt shall not be bruising to you, +When he hath power to crush? Why, had your bodies +No heart among you? or had you tongues to cry +Against the rectorship of judgment? + +SICINIUS: +Have you +Ere now denied the asker? and now again +Of him that did not ask, but mock, bestow +Your sued-for tongues? + +Third Citizen: +He's not confirm'd; we may deny him yet. + +Second Citizen: +And will deny him: +I'll have five hundred voices of that sound. + +First Citizen: +I twice five hundred and their friends to piece 'em. + +BRUTUS: +Get you hence instantly, and tell those friends, +They have chose a consul that will from them take +Their liberties; make them of no more voice +Than dogs that are as often beat for barking +As therefore kept to do so. + +SICINIUS: +Let them assemble, +And on a safer judgment all revoke +Your ignorant election; enforce his pride, +And his old hate unto you; besides, forget not +With what contempt he wore the humble weed, +How in his suit he scorn'd you; but your loves, +Thinking upon his services, took from you +The apprehension of his present portance, +Which most gibingly, ungravely, he did fashion +After the inveterate hate he bears you. + +BRUTUS: +Lay +A fault on us, your tribunes; that we laboured, +No impediment between, but that you must +Cast your election on him. + +SICINIUS: +Say, you chose him +More after our commandment than as guided +By your own true affections, and that your minds, +Preoccupied with what you rather must do +Than what you should, made you against the grain +To voice him consul: lay the fault on us. + +BRUTUS: +Ay, spare us not. Say we read lectures to you. +How youngly he began to serve his country, +How long continued, and what stock he springs of, +The noble house o' the Marcians, from whence came +That Ancus Marcius, Numa's daughter's son, +Who, after great Hostilius, here was king; +Of the same house Publius and Quintus were, +That our beat water brought by conduits hither; +And +Twice being +Was his great ancestor. + +SICINIUS: +One thus descended, +That hath beside well in his person wrought +To be set high in place, we did commend +To your remembrances: but you have found, +Scaling his present bearing with his past, +That he's your fixed enemy, and revoke +Your sudden approbation. + +BRUTUS: +Say, you ne'er had done't-- +Harp on that still--but by our putting on; +And presently, when you have drawn your number, +Repair to the Capitol. + +All: +We will so: almost all +Repent in their election. + +BRUTUS: +Let them go on; +This mutiny were better put in hazard, +Than stay, past doubt, for greater: +If, as his nature is, he fall in rage +With their refusal, both observe and answer +The vantage of his anger. + +SICINIUS: +To the Capitol, come: +We will be there before the stream o' the people; +And this shall seem, as partly 'tis, their own, +Which we have goaded onward. + +CORIOLANUS: +Tullus Aufidius then had made new head? + +LARTIUS: +He had, my lord; and that it was which caused +Our swifter composition. + +CORIOLANUS: +So then the Volsces stand but as at first, +Ready, when time shall prompt them, to make road. +Upon's again. + +COMINIUS: +They are worn, lord consul, so, +That we shall hardly in our ages see +Their banners wave again. + +CORIOLANUS: +Saw you Aufidius? + +LARTIUS: +On safe-guard he came to me; and did curse +Against the Volsces, for they had so vilely +Yielded the town: he is retired to Antium. + +CORIOLANUS: +Spoke he of me? + +LARTIUS: +He did, my lord. + +CORIOLANUS: +How? what? + +LARTIUS: +How often he had met you, sword to sword; +That of all things upon the earth he hated +Your person most, that he would pawn his fortunes +To hopeless restitution, so he might +Be call'd your vanquisher. + +CORIOLANUS: +At Antium lives he? + +LARTIUS: +At Antium. + +CORIOLANUS: +I wish I had a cause to seek him there, +To oppose his hatred fully. Welcome home. +Behold, these are the tribunes of the people, +The tongues o' the common mouth: I do despise them; +For they do prank them in authority, +Against all noble sufferance. + +SICINIUS: +Pass no further. + +CORIOLANUS: +Ha! what is that? + +BRUTUS: +It will be dangerous to go on: no further. + +CORIOLANUS: +What makes this change? + +MENENIUS: +The matter? + +COMINIUS: +Hath he not pass'd the noble and the common? + +BRUTUS: +Cominius, no. + +CORIOLANUS: +Have I had children's voices? + +First Senator: +Tribunes, give way; he shall to the market-place. + +BRUTUS: +The people are incensed against him. + +SICINIUS: +Stop, +Or all will fall in broil. + +CORIOLANUS: +Are these your herd? +Must these have voices, that can yield them now +And straight disclaim their tongues? What are +your offices? +You being their mouths, why rule you not their teeth? +Have you not set them on? + +MENENIUS: +Be calm, be calm. + +CORIOLANUS: +It is a purposed thing, and grows by plot, +To curb the will of the nobility: +Suffer't, and live with such as cannot rule +Nor ever will be ruled. + +BRUTUS: +Call't not a plot: +The people cry you mock'd them, and of late, +When corn was given them gratis, you repined; +Scandal'd the suppliants for the people, call'd them +Time-pleasers, flatterers, foes to nobleness. + +CORIOLANUS: +Why, this was known before. + +BRUTUS: +Not to them all. + +CORIOLANUS: +Have you inform'd them sithence? + +BRUTUS: +How! I inform them! + +CORIOLANUS: +You are like to do such business. + +BRUTUS: +Not unlike, +Each way, to better yours. + +CORIOLANUS: +Why then should I be consul? By yond clouds, +Let me deserve so ill as you, and make me +Your fellow tribune. + +SICINIUS: +You show too much of that +For which the people stir: if you will pass +To where you are bound, you must inquire your way, +Which you are out of, with a gentler spirit, +Or never be so noble as a consul, +Nor yoke with him for tribune. + +MENENIUS: +Let's be calm. + +COMINIUS: +The people are abused; set on. This paltering +Becomes not Rome, nor has Coriolanus +Deserved this so dishonour'd rub, laid falsely +I' the plain way of his merit. + +CORIOLANUS: +Tell me of corn! +This was my speech, and I will speak't again-- + +MENENIUS: +Not now, not now. + +First Senator: +Not in this heat, sir, now. + +CORIOLANUS: +Now, as I live, I will. My nobler friends, +I crave their pardons: +For the mutable, rank-scented many, let them +Regard me as I do not flatter, and +Therein behold themselves: I say again, +In soothing them, we nourish 'gainst our senate +The cockle of rebellion, insolence, sedition, +Which we ourselves have plough'd for, sow'd, +and scatter'd, +By mingling them with us, the honour'd number, +Who lack not virtue, no, nor power, but that +Which they have given to beggars. + +MENENIUS: +Well, no more. + +First Senator: +No more words, we beseech you. + +CORIOLANUS: +How! no more! +As for my country I have shed my blood, +Not fearing outward force, so shall my lungs +Coin words till their decay against those measles, +Which we disdain should tatter us, yet sought +The very way to catch them. + +BRUTUS: +You speak o' the people, +As if you were a god to punish, not +A man of their infirmity. + +SICINIUS: +'Twere well +We let the people know't. + +MENENIUS: +What, what? his choler? + +CORIOLANUS: +Choler! +Were I as patient as the midnight sleep, +By Jove, 'twould be my mind! + +SICINIUS: +It is a mind +That shall remain a poison where it is, +Not poison any further. + +CORIOLANUS: +Shall remain! +Hear you this Triton of the minnows? mark you +His absolute 'shall'? + +COMINIUS: +'Twas from the canon. + +CORIOLANUS: +'Shall'! +O good but most unwise patricians! why, +You grave but reckless senators, have you thus +Given Hydra here to choose an officer, +That with his peremptory 'shall,' being but +The horn and noise o' the monster's, wants not spirit +To say he'll turn your current in a ditch, +And make your channel his? If he have power +Then vail your ignorance; if none, awake +Your dangerous lenity. If you are learn'd, +Be not as common fools; if you are not, +Let them have cushions by you. You are plebeians, +If they be senators: and they are no less, +When, both your voices blended, the great'st taste +Most palates theirs. They choose their magistrate, +And such a one as he, who puts his 'shall,' +His popular 'shall' against a graver bench +Than ever frown in Greece. By Jove himself! +It makes the consuls base: and my soul aches +To know, when two authorities are up, +Neither supreme, how soon confusion +May enter 'twixt the gap of both and take +The one by the other. + +COMINIUS: +Well, on to the market-place. + +CORIOLANUS: +Whoever gave that counsel, to give forth +The corn o' the storehouse gratis, as 'twas used +Sometime in Greece,-- + +MENENIUS: +Well, well, no more of that. + +CORIOLANUS: +Though there the people had more absolute power, +I say, they nourish'd disobedience, fed +The ruin of the state. + +BRUTUS: +Why, shall the people give +One that speaks thus their voice? + +CORIOLANUS: +I'll give my reasons, +More worthier than their voices. They know the corn +Was not our recompense, resting well assured +That ne'er did service for't: being press'd to the war, +Even when the navel of the state was touch'd, +They would not thread the gates. This kind of service +Did not deserve corn gratis. Being i' the war +Their mutinies and revolts, wherein they show'd +Most valour, spoke not for them: the accusation +Which they have often made against the senate, +All cause unborn, could never be the motive +Of our so frank donation. Well, what then? +How shall this bisson multitude digest +The senate's courtesy? Let deeds express +What's like to be their words: 'we did request it; +We are the greater poll, and in true fear +They gave us our demands.' Thus we debase +The nature of our seats and make the rabble +Call our cares fears; which will in time +Break ope the locks o' the senate and bring in +The crows to peck the eagles. + +MENENIUS: +Come, enough. + +BRUTUS: +Enough, with over-measure. + +CORIOLANUS: +No, take more: +What may be sworn by, both divine and human, +Seal what I end withal! This double worship, +Where one part does disdain with cause, the other +Insult without all reason, where gentry, title, wisdom, +Cannot conclude but by the yea and no +Of general ignorance,--it must omit +Real necessities, and give way the while +To unstable slightness: purpose so barr'd, +it follows, +Nothing is done to purpose. Therefore, beseech you,-- +You that will be less fearful than discreet, +That love the fundamental part of state +More than you doubt the change on't, that prefer +A noble life before a long, and wish +To jump a body with a dangerous physic +That's sure of death without it, at once pluck out +The multitudinous tongue; let them not lick +The sweet which is their poison: your dishonour +Mangles true judgment and bereaves the state +Of that integrity which should become't, +Not having the power to do the good it would, +For the in which doth control't. + +BRUTUS: +Has said enough. + +SICINIUS: +Has spoken like a traitor, and shall answer +As traitors do. + +CORIOLANUS: +Thou wretch, despite o'erwhelm thee! +What should the people do with these bald tribunes? +On whom depending, their obedience fails +To the greater bench: in a rebellion, +When what's not meet, but what must be, was law, +Then were they chosen: in a better hour, +Let what is meet be said it must be meet, +And throw their power i' the dust. + +BRUTUS: +Manifest treason! + +SICINIUS: +This a consul? no. + +BRUTUS: +The aediles, ho! +Let him be apprehended. + +SICINIUS: +Go, call the people: +in whose name myself +Attach thee as a traitorous innovator, +A foe to the public weal: obey, I charge thee, +And follow to thine answer. + +CORIOLANUS: +Hence, old goat! + +Senators, &C: +We'll surety him. + +COMINIUS: +Aged sir, hands off. + +CORIOLANUS: +Hence, rotten thing! or I shall shake thy bones +Out of thy garments. + +SICINIUS: +Help, ye citizens! + +MENENIUS: +On both sides more respect. + +SICINIUS: +Here's he that would take from you all your power. + +BRUTUS: +Seize him, AEdiles! + +Citizens: +Down with him! down with him! + +Senators, &C: +Weapons, weapons, weapons! +'Tribunes!' 'Patricians!' 'Citizens!' 'What, ho!' +'Sicinius!' 'Brutus!' 'Coriolanus!' 'Citizens!' +'Peace, peace, peace!' 'Stay, hold, peace!' + +MENENIUS: +What is about to be? I am out of breath; +Confusion's near; I cannot speak. You, tribunes +To the people! Coriolanus, patience! +Speak, good Sicinius. + +SICINIUS: +Hear me, people; peace! + +Citizens: +Let's hear our tribune: peace Speak, speak, speak. + +SICINIUS: +You are at point to lose your liberties: +Marcius would have all from you; Marcius, +Whom late you have named for consul. + +MENENIUS: +Fie, fie, fie! +This is the way to kindle, not to quench. + +First Senator: +To unbuild the city and to lay all flat. + +SICINIUS: +What is the city but the people? + +Citizens: +True, +The people are the city. + +BRUTUS: +By the consent of all, we were establish'd +The people's magistrates. + +Citizens: +You so remain. + +MENENIUS: +And so are like to do. + +COMINIUS: +That is the way to lay the city flat; +To bring the roof to the foundation, +And bury all, which yet distinctly ranges, +In heaps and piles of ruin. + +SICINIUS: +This deserves death. + +BRUTUS: +Or let us stand to our authority, +Or let us lose it. We do here pronounce, +Upon the part o' the people, in whose power +We were elected theirs, Marcius is worthy +Of present death. + +SICINIUS: +Therefore lay hold of him; +Bear him to the rock Tarpeian, and from thence +Into destruction cast him. + +BRUTUS: +AEdiles, seize him! + +Citizens: +Yield, Marcius, yield! + +MENENIUS: +Hear me one word; +Beseech you, tribunes, hear me but a word. + +AEdile: +Peace, peace! + +MENENIUS: + +BRUTUS: +Sir, those cold ways, +That seem like prudent helps, are very poisonous +Where the disease is violent. Lay hands upon him, +And bear him to the rock. + +CORIOLANUS: +No, I'll die here. +There's some among you have beheld me fighting: +Come, try upon yourselves what you have seen me. + +MENENIUS: +Down with that sword! Tribunes, withdraw awhile. + +BRUTUS: +Lay hands upon him. + +COMINIUS: +Help Marcius, help, +You that be noble; help him, young and old! + +Citizens: +Down with him, down with him! + +MENENIUS: +Go, get you to your house; be gone, away! +All will be naught else. + +Second Senator: +Get you gone. + +COMINIUS: +Stand fast; +We have as many friends as enemies. + +MENENIUS: +Sham it be put to that? + +First Senator: +The gods forbid! +I prithee, noble friend, home to thy house; +Leave us to cure this cause. + +MENENIUS: +For 'tis a sore upon us, +You cannot tent yourself: be gone, beseech you. + +COMINIUS: +Come, sir, along with us. + +CORIOLANUS: +I would they were barbarians--as they are, +Though in Rome litter'd--not Romans--as they are not, +Though calved i' the porch o' the Capitol-- + +MENENIUS: +Be gone; +Put not your worthy rage into your tongue; +One time will owe another. + +CORIOLANUS: +On fair ground +I could beat forty of them. + +COMINIUS: +I could myself +Take up a brace o' the best of them; yea, the +two tribunes: +But now 'tis odds beyond arithmetic; +And manhood is call'd foolery, when it stands +Against a falling fabric. Will you hence, +Before the tag return? whose rage doth rend +Like interrupted waters and o'erbear +What they are used to bear. + +MENENIUS: +Pray you, be gone: +I'll try whether my old wit be in request +With those that have but little: this must be patch'd +With cloth of any colour. + +COMINIUS: +Nay, come away. + +A Patrician: +This man has marr'd his fortune. + +MENENIUS: +His nature is too noble for the world: +He would not flatter Neptune for his trident, +Or Jove for's power to thunder. His heart's his mouth: +What his breast forges, that his tongue must vent; +And, being angry, does forget that ever +He heard the name of death. +Here's goodly work! + +Second Patrician: +I would they were abed! + +MENENIUS: +I would they were in Tiber! What the vengeance! +Could he not speak 'em fair? + +SICINIUS: +Where is this viper +That would depopulate the city and +Be every man himself? + +MENENIUS: +You worthy tribunes,-- + +SICINIUS: +He shall be thrown down the Tarpeian rock +With rigorous hands: he hath resisted law, +And therefore law shall scorn him further trial +Than the severity of the public power +Which he so sets at nought. + +First Citizen: +He shall well know +The noble tribunes are the people's mouths, +And we their hands. + +Citizens: +He shall, sure on't. + +MENENIUS: +Sir, sir,-- + +SICINIUS: +Peace! + +MENENIUS: +Do not cry havoc, where you should but hunt +With modest warrant. + +SICINIUS: +Sir, how comes't that you +Have holp to make this rescue? + +MENENIUS: +Hear me speak: +As I do know the consul's worthiness, +So can I name his faults,-- + +SICINIUS: +Consul! what consul? + +MENENIUS: +The consul Coriolanus. + +BRUTUS: +He consul! + +Citizens: +No, no, no, no, no. + +MENENIUS: +If, by the tribunes' leave, and yours, good people, +I may be heard, I would crave a word or two; +The which shall turn you to no further harm +Than so much loss of time. + +SICINIUS: +Speak briefly then; +For we are peremptory to dispatch +This viperous traitor: to eject him hence +Were but one danger, and to keep him here +Our certain death: therefore it is decreed +He dies to-night. + +MENENIUS: +Now the good gods forbid +That our renowned Rome, whose gratitude +Towards her deserved children is enroll'd +In Jove's own book, like an unnatural dam +Should now eat up her own! + +SICINIUS: +He's a disease that must be cut away. + +MENENIUS: +O, he's a limb that has but a disease; +Mortal, to cut it off; to cure it, easy. +What has he done to Rome that's worthy death? +Killing our enemies, the blood he hath lost-- +Which, I dare vouch, is more than that he hath, +By many an ounce--he dropp'd it for his country; +And what is left, to lose it by his country, +Were to us all, that do't and suffer it, +A brand to the end o' the world. + +SICINIUS: +This is clean kam. + +BRUTUS: +Merely awry: when he did love his country, +It honour'd him. + +MENENIUS: +The service of the foot +Being once gangrened, is not then respected +For what before it was. + +BRUTUS: +We'll hear no more. +Pursue him to his house, and pluck him thence: +Lest his infection, being of catching nature, +Spread further. + +MENENIUS: +One word more, one word. +This tiger-footed rage, when it shall find +The harm of unscann'd swiftness, will too late +Tie leaden pounds to's heels. Proceed by process; +Lest parties, as he is beloved, break out, +And sack great Rome with Romans. + +BRUTUS: +If it were so,-- + +SICINIUS: +What do ye talk? +Have we not had a taste of his obedience? +Our aediles smote? ourselves resisted? Come. + +MENENIUS: +Consider this: he has been bred i' the wars +Since he could draw a sword, and is ill school'd +In bolted language; meal and bran together +He throws without distinction. Give me leave, +I'll go to him, and undertake to bring him +Where he shall answer, by a lawful form, +In peace, to his utmost peril. + +First Senator: +Noble tribunes, +It is the humane way: the other course +Will prove too bloody, and the end of it +Unknown to the beginning. + +SICINIUS: +Noble Menenius, +Be you then as the people's officer. +Masters, lay down your weapons. + +BRUTUS: +Go not home. + +SICINIUS: +Meet on the market-place. We'll attend you there: +Where, if you bring not Marcius, we'll proceed +In our first way. + +MENENIUS: +I'll bring him to you. +Let me desire your company: he must come, +Or what is worst will follow. + +First Senator: +Pray you, let's to him. + +CORIOLANUS: +Let them puff all about mine ears, present me +Death on the wheel or at wild horses' heels, +Or pile ten hills on the Tarpeian rock, +That the precipitation might down stretch +Below the beam of sight, yet will I still +Be thus to them. + +A Patrician: +You do the nobler. + +CORIOLANUS: +I muse my mother +Does not approve me further, who was wont +To call them woollen vassals, things created +To buy and sell with groats, to show bare heads +In congregations, to yawn, be still and wonder, +When one but of my ordinance stood up +To speak of peace or war. +I talk of you: +Why did you wish me milder? would you have me +False to my nature? Rather say I play +The man I am. + +VOLUMNIA: +O, sir, sir, sir, +I would have had you put your power well on, +Before you had worn it out. + +CORIOLANUS: +Let go. + +VOLUMNIA: +You might have been enough the man you are, +With striving less to be so; lesser had been +The thwartings of your dispositions, if +You had not show'd them how ye were disposed +Ere they lack'd power to cross you. + +CORIOLANUS: +Let them hang. + +A Patrician: +Ay, and burn too. + +MENENIUS: +Come, come, you have been too rough, something +too rough; +You must return and mend it. + +First Senator: +There's no remedy; +Unless, by not so doing, our good city +Cleave in the midst, and perish. + +VOLUMNIA: +Pray, be counsell'd: +I have a heart as little apt as yours, +But yet a brain that leads my use of anger +To better vantage. + +MENENIUS: +Well said, noble woman? +Before he should thus stoop to the herd, but that +The violent fit o' the time craves it as physic +For the whole state, I would put mine armour on, +Which I can scarcely bear. + +CORIOLANUS: +What must I do? + +MENENIUS: +Return to the tribunes. + +CORIOLANUS: +Well, what then? what then? + +MENENIUS: +Repent what you have spoke. + +CORIOLANUS: +For them! I cannot do it to the gods; +Must I then do't to them? + +VOLUMNIA: +You are too absolute; +Though therein you can never be too noble, +But when extremities speak. I have heard you say, +Honour and policy, like unsever'd friends, +I' the war do grow together: grant that, and tell me, +In peace what each of them by the other lose, +That they combine not there. + +CORIOLANUS: +Tush, tush! + +MENENIUS: +A good demand. + +VOLUMNIA: +If it be honour in your wars to seem +The same you are not, which, for your best ends, +You adopt your policy, how is it less or worse, +That it shall hold companionship in peace +With honour, as in war, since that to both +It stands in like request? + +CORIOLANUS: +Why force you this? + +VOLUMNIA: +Because that now it lies you on to speak +To the people; not by your own instruction, +Nor by the matter which your heart prompts you, +But with such words that are but rooted in +Your tongue, though but bastards and syllables +Of no allowance to your bosom's truth. +Now, this no more dishonours you at all +Than to take in a town with gentle words, +Which else would put you to your fortune and +The hazard of much blood. +I would dissemble with my nature where +My fortunes and my friends at stake required +I should do so in honour: I am in this, +Your wife, your son, these senators, the nobles; +And you will rather show our general louts +How you can frown than spend a fawn upon 'em, +For the inheritance of their loves and safeguard +Of what that want might ruin. + +MENENIUS: +Noble lady! +Come, go with us; speak fair: you may salve so, +Not what is dangerous present, but the loss +Of what is past. + +VOLUMNIA: +I prithee now, my son, +Go to them, with this bonnet in thy hand; +And thus far having stretch'd it--here be with them-- +Thy knee bussing the stones--for in such business +Action is eloquence, and the eyes of the ignorant +More learned than the ears--waving thy head, +Which often, thus, correcting thy stout heart, +Now humble as the ripest mulberry +That will not hold the handling: or say to them, +Thou art their soldier, and being bred in broils +Hast not the soft way which, thou dost confess, +Were fit for thee to use as they to claim, +In asking their good loves, but thou wilt frame +Thyself, forsooth, hereafter theirs, so far +As thou hast power and person. + +MENENIUS: +This but done, +Even as she speaks, why, their hearts were yours; +For they have pardons, being ask'd, as free +As words to little purpose. + +VOLUMNIA: +Prithee now, +Go, and be ruled: although I know thou hadst rather +Follow thine enemy in a fiery gulf +Than flatter him in a bower. Here is Cominius. + +COMINIUS: +I have been i' the market-place; and, sir,'tis fit +You make strong party, or defend yourself +By calmness or by absence: all's in anger. + +MENENIUS: +Only fair speech. + +COMINIUS: +I think 'twill serve, if he +Can thereto frame his spirit. + +VOLUMNIA: +He must, and will +Prithee now, say you will, and go about it. + +CORIOLANUS: +Must I go show them my unbarbed sconce? +Must I with base tongue give my noble heart +A lie that it must bear? Well, I will do't: +Yet, were there but this single plot to lose, +This mould of Marcius, they to dust should grind it +And throw't against the wind. To the market-place! +You have put me now to such a part which never +I shall discharge to the life. + +COMINIUS: +Come, come, we'll prompt you. + +VOLUMNIA: +I prithee now, sweet son, as thou hast said +My praises made thee first a soldier, so, +To have my praise for this, perform a part +Thou hast not done before. + +CORIOLANUS: +Well, I must do't: +Away, my disposition, and possess me +Some harlot's spirit! my throat of war be turn'd, +Which quired with my drum, into a pipe +Small as an eunuch, or the virgin voice +That babies lulls asleep! the smiles of knaves +Tent in my cheeks, and schoolboys' tears take up +The glasses of my sight! a beggar's tongue +Make motion through my lips, and my arm'd knees, +Who bow'd but in my stirrup, bend like his +That hath received an alms! I will not do't, +Lest I surcease to honour mine own truth +And by my body's action teach my mind +A most inherent baseness. + +VOLUMNIA: +At thy choice, then: +To beg of thee, it is my more dishonour +Than thou of them. Come all to ruin; let +Thy mother rather feel thy pride than fear +Thy dangerous stoutness, for I mock at death +With as big heart as thou. Do as thou list +Thy valiantness was mine, thou suck'dst it from me, +But owe thy pride thyself. + +CORIOLANUS: +Pray, be content: +Mother, I am going to the market-place; +Chide me no more. I'll mountebank their loves, +Cog their hearts from them, and come home beloved +Of all the trades in Rome. Look, I am going: +Commend me to my wife. I'll return consul; +Or never trust to what my tongue can do +I' the way of flattery further. + +VOLUMNIA: +Do your will. + +COMINIUS: +Away! the tribunes do attend you: arm yourself +To answer mildly; for they are prepared +With accusations, as I hear, more strong +Than are upon you yet. + +CORIOLANUS: +The word is 'mildly.' Pray you, let us go: +Let them accuse me by invention, I +Will answer in mine honour. + +MENENIUS: +Ay, but mildly. + +CORIOLANUS: +Well, mildly be it then. Mildly! + +BRUTUS: +In this point charge him home, that he affects +Tyrannical power: if he evade us there, +Enforce him with his envy to the people, +And that the spoil got on the Antiates +Was ne'er distributed. +What, will he come? + +AEdile: +He's coming. + +BRUTUS: +How accompanied? + +AEdile: +With old Menenius, and those senators +That always favour'd him. + +SICINIUS: +Have you a catalogue +Of all the voices that we have procured +Set down by the poll? + +AEdile: +I have; 'tis ready. + +SICINIUS: +Have you collected them by tribes? + +AEdile: +I have. + +SICINIUS: +Assemble presently the people hither; +And when they bear me say 'It shall be so +I' the right and strength o' the commons,' be it either +For death, for fine, or banishment, then let them +If I say fine, cry 'Fine;' if death, cry 'Death.' +Insisting on the old prerogative +And power i' the truth o' the cause. + +AEdile: +I shall inform them. + +BRUTUS: +And when such time they have begun to cry, +Let them not cease, but with a din confused +Enforce the present execution +Of what we chance to sentence. + +AEdile: +Very well. + +SICINIUS: +Make them be strong and ready for this hint, +When we shall hap to give 't them. + +BRUTUS: +Go about it. +Put him to choler straight: he hath been used +Ever to conquer, and to have his worth +Of contradiction: being once chafed, he cannot +Be rein'd again to temperance; then he speaks +What's in his heart; and that is there which looks +With us to break his neck. + +SICINIUS: +Well, here he comes. + +MENENIUS: +Calmly, I do beseech you. + +CORIOLANUS: +Ay, as an ostler, that for the poorest piece +Will bear the knave by the volume. The honour'd gods +Keep Rome in safety, and the chairs of justice +Supplied with worthy men! plant love among 's! +Throng our large temples with the shows of peace, +And not our streets with war! + +First Senator: +Amen, amen. + +MENENIUS: +A noble wish. + +SICINIUS: +Draw near, ye people. + +AEdile: +List to your tribunes. Audience: peace, I say! + +CORIOLANUS: +First, hear me speak. + +Both Tribunes: +Well, say. Peace, ho! + +CORIOLANUS: +Shall I be charged no further than this present? +Must all determine here? + +SICINIUS: +I do demand, +If you submit you to the people's voices, +Allow their officers and are content +To suffer lawful censure for such faults +As shall be proved upon you? + +CORIOLANUS: +I am content. + +MENENIUS: +Lo, citizens, he says he is content: +The warlike service he has done, consider; think +Upon the wounds his body bears, which show +Like graves i' the holy churchyard. + +CORIOLANUS: +Scratches with briers, +Scars to move laughter only. + +MENENIUS: +Consider further, +That when he speaks not like a citizen, +You find him like a soldier: do not take +His rougher accents for malicious sounds, +But, as I say, such as become a soldier, +Rather than envy you. + +COMINIUS: +Well, well, no more. + +CORIOLANUS: +What is the matter +That being pass'd for consul with full voice, +I am so dishonour'd that the very hour +You take it off again? + +SICINIUS: +Answer to us. + +CORIOLANUS: +Say, then: 'tis true, I ought so. + +SICINIUS: +We charge you, that you have contrived to take +From Rome all season'd office and to wind +Yourself into a power tyrannical; +For which you are a traitor to the people. + +CORIOLANUS: +How! traitor! + +MENENIUS: +Nay, temperately; your promise. + +CORIOLANUS: +The fires i' the lowest hell fold-in the people! +Call me their traitor! Thou injurious tribune! +Within thine eyes sat twenty thousand deaths, +In thy hand clutch'd as many millions, in +Thy lying tongue both numbers, I would say +'Thou liest' unto thee with a voice as free +As I do pray the gods. + +SICINIUS: +Mark you this, people? + +Citizens: +To the rock, to the rock with him! + +SICINIUS: +Peace! +We need not put new matter to his charge: +What you have seen him do and heard him speak, +Beating your officers, cursing yourselves, +Opposing laws with strokes and here defying +Those whose great power must try him; even this, +So criminal and in such capital kind, +Deserves the extremest death. + +BRUTUS: +But since he hath +Served well for Rome,-- + +CORIOLANUS: +What do you prate of service? + +BRUTUS: +I talk of that, that know it. + +CORIOLANUS: +You? + +MENENIUS: +Is this the promise that you made your mother? + +COMINIUS: +Know, I pray you,-- + +CORIOLANUS: +I know no further: +Let them pronounce the steep Tarpeian death, +Vagabond exile, raying, pent to linger +But with a grain a day, I would not buy +Their mercy at the price of one fair word; +Nor cheque my courage for what they can give, +To have't with saying 'Good morrow.' + +SICINIUS: +For that he has, +As much as in him lies, from time to time +Envied against the people, seeking means +To pluck away their power, as now at last +Given hostile strokes, and that not in the presence +Of dreaded justice, but on the ministers +That do distribute it; in the name o' the people +And in the power of us the tribunes, we, +Even from this instant, banish him our city, +In peril of precipitation +From off the rock Tarpeian never more +To enter our Rome gates: i' the people's name, +I say it shall be so. + +Citizens: +It shall be so, it shall be so; let him away: +He's banish'd, and it shall be so. + +COMINIUS: +Hear me, my masters, and my common friends,-- + +SICINIUS: +He's sentenced; no more hearing. + +COMINIUS: +Let me speak: +I have been consul, and can show for Rome +Her enemies' marks upon me. I do love +My country's good with a respect more tender, +More holy and profound, than mine own life, +My dear wife's estimate, her womb's increase, +And treasure of my loins; then if I would +Speak that,-- + +SICINIUS: +We know your drift: speak what? + +BRUTUS: +There's no more to be said, but he is banish'd, +As enemy to the people and his country: +It shall be so. + +Citizens: +It shall be so, it shall be so. + +CORIOLANUS: +You common cry of curs! whose breath I hate +As reek o' the rotten fens, whose loves I prize +As the dead carcasses of unburied men +That do corrupt my air, I banish you; +And here remain with your uncertainty! +Let every feeble rumour shake your hearts! +Your enemies, with nodding of their plumes, +Fan you into despair! Have the power still +To banish your defenders; till at length +Your ignorance, which finds not till it feels, +Making not reservation of yourselves, +Still your own foes, deliver you as most +Abated captives to some nation +That won you without blows! Despising, +For you, the city, thus I turn my back: +There is a world elsewhere. + +AEdile: +The people's enemy is gone, is gone! + +Citizens: +Our enemy is banish'd! he is gone! Hoo! hoo! + +SICINIUS: +Go, see him out at gates, and follow him, +As he hath followed you, with all despite; +Give him deserved vexation. Let a guard +Attend us through the city. + +Citizens: +Come, come; let's see him out at gates; come. +The gods preserve our noble tribunes! Come. + +CORIOLANUS: +Come, leave your tears: a brief farewell: the beast +With many heads butts me away. Nay, mother, +Where is your ancient courage? you were used +To say extremity was the trier of spirits; +That common chances common men could bear; +That when the sea was calm all boats alike +Show'd mastership in floating; fortune's blows, +When most struck home, being gentle wounded, craves +A noble cunning: you were used to load me +With precepts that would make invincible +The heart that conn'd them. + +VIRGILIA: +O heavens! O heavens! + +CORIOLANUS: +Nay! prithee, woman,-- + +VOLUMNIA: +Now the red pestilence strike all trades in Rome, +And occupations perish! + +CORIOLANUS: +What, what, what! +I shall be loved when I am lack'd. Nay, mother. +Resume that spirit, when you were wont to say, +If you had been the wife of Hercules, +Six of his labours you'ld have done, and saved +Your husband so much sweat. Cominius, +Droop not; adieu. Farewell, my wife, my mother: +I'll do well yet. Thou old and true Menenius, +Thy tears are salter than a younger man's, +And venomous to thine eyes. My sometime general, +I have seen thee stem, and thou hast oft beheld +Heart-hardening spectacles; tell these sad women +'Tis fond to wail inevitable strokes, +As 'tis to laugh at 'em. My mother, you wot well +My hazards still have been your solace: and +Believe't not lightly--though I go alone, +Like to a lonely dragon, that his fen +Makes fear'd and talk'd of more than seen--your son +Will or exceed the common or be caught +With cautelous baits and practise. + +VOLUMNIA: +My first son. +Whither wilt thou go? Take good Cominius +With thee awhile: determine on some course, +More than a wild exposture to each chance +That starts i' the way before thee. + +CORIOLANUS: +O the gods! + +COMINIUS: +I'll follow thee a month, devise with thee +Where thou shalt rest, that thou mayst hear of us +And we of thee: so if the time thrust forth +A cause for thy repeal, we shall not send +O'er the vast world to seek a single man, +And lose advantage, which doth ever cool +I' the absence of the needer. + +CORIOLANUS: +Fare ye well: +Thou hast years upon thee; and thou art too full +Of the wars' surfeits, to go rove with one +That's yet unbruised: bring me but out at gate. +Come, my sweet wife, my dearest mother, and +My friends of noble touch, when I am forth, +Bid me farewell, and smile. I pray you, come. +While I remain above the ground, you shall +Hear from me still, and never of me aught +But what is like me formerly. + +MENENIUS: +That's worthily +As any ear can hear. Come, let's not weep. +If I could shake off but one seven years +From these old arms and legs, by the good gods, +I'ld with thee every foot. + +CORIOLANUS: +Give me thy hand: Come. + +SICINIUS: +Bid them all home; he's gone, and we'll no further. +The nobility are vex'd, whom we see have sided +In his behalf. + +BRUTUS: +Now we have shown our power, +Let us seem humbler after it is done +Than when it was a-doing. + +SICINIUS: +Bid them home: +Say their great enemy is gone, and they +Stand in their ancient strength. + +BRUTUS: +Dismiss them home. +Here comes his mother. + +SICINIUS: +Let's not meet her. + +BRUTUS: +Why? + +SICINIUS: +They say she's mad. + +BRUTUS: +They have ta'en note of us: keep on your way. + +VOLUMNIA: +O, ye're well met: the hoarded plague o' the gods +Requite your love! + +MENENIUS: +Peace, peace; be not so loud. + +VOLUMNIA: +If that I could for weeping, you should hear,-- +Nay, and you shall hear some. +Will you be gone? + +VIRGILIA: + +SICINIUS: +Are you mankind? + +VOLUMNIA: +Ay, fool; is that a shame? Note but this fool. +Was not a man my father? Hadst thou foxship +To banish him that struck more blows for Rome +Than thou hast spoken words? + +SICINIUS: +O blessed heavens! + +VOLUMNIA: +More noble blows than ever thou wise words; +And for Rome's good. I'll tell thee what; yet go: +Nay, but thou shalt stay too: I would my son +Were in Arabia, and thy tribe before him, +His good sword in his hand. + +SICINIUS: +What then? + +VIRGILIA: +What then! +He'ld make an end of thy posterity. + +VOLUMNIA: +Bastards and all. +Good man, the wounds that he does bear for Rome! + +MENENIUS: +Come, come, peace. + +SICINIUS: +I would he had continued to his country +As he began, and not unknit himself +The noble knot he made. + +BRUTUS: +I would he had. + +VOLUMNIA: +'I would he had'! 'Twas you incensed the rabble: +Cats, that can judge as fitly of his worth +As I can of those mysteries which heaven +Will not have earth to know. + +BRUTUS: +Pray, let us go. + +VOLUMNIA: +Now, pray, sir, get you gone: +You have done a brave deed. Ere you go, hear this:-- +As far as doth the Capitol exceed +The meanest house in Rome, so far my son-- +This lady's husband here, this, do you see-- +Whom you have banish'd, does exceed you all. + +BRUTUS: +Well, well, we'll leave you. + +SICINIUS: +Why stay we to be baited +With one that wants her wits? + +VOLUMNIA: +Take my prayers with you. +I would the gods had nothing else to do +But to confirm my curses! Could I meet 'em +But once a-day, it would unclog my heart +Of what lies heavy to't. + +MENENIUS: +You have told them home; +And, by my troth, you have cause. You'll sup with me? + +VOLUMNIA: +Anger's my meat; I sup upon myself, +And so shall starve with feeding. Come, let's go: +Leave this faint puling and lament as I do, +In anger, Juno-like. Come, come, come. + +MENENIUS: +Fie, fie, fie! + +Roman: +I know you well, sir, and you know +me: your name, I think, is Adrian. + +Volsce: +It is so, sir: truly, I have forgot you. + +Roman: +I am a Roman; and my services are, +as you are, against 'em: know you me yet? + +Volsce: +Nicanor? no. + +Roman: +The same, sir. + +Volsce: +You had more beard when I last saw you; but your +favour is well approved by your tongue. What's the +news in Rome? I have a note from the Volscian state, +to find you out there: you have well saved me a +day's journey. + +Roman: +There hath been in Rome strange insurrections; the +people against the senators, patricians, and nobles. + +Volsce: +Hath been! is it ended, then? Our state thinks not +so: they are in a most warlike preparation, and +hope to come upon them in the heat of their division. + +Roman: +The main blaze of it is past, but a small thing +would make it flame again: for the nobles receive +so to heart the banishment of that worthy +Coriolanus, that they are in a ripe aptness to take +all power from the people and to pluck from them +their tribunes for ever. This lies glowing, I can +tell you, and is almost mature for the violent +breaking out. + +Volsce: +Coriolanus banished! + +Roman: +Banished, sir. + +Volsce: +You will be welcome with this intelligence, Nicanor. + +Roman: +The day serves well for them now. I have heard it +said, the fittest time to corrupt a man's wife is +when she's fallen out with her husband. Your noble +Tullus Aufidius will appear well in these wars, his +great opposer, Coriolanus, being now in no request +of his country. + +Volsce: +He cannot choose. I am most fortunate, thus +accidentally to encounter you: you have ended my +business, and I will merrily accompany you home. + +Roman: +I shall, between this and supper, tell you most +strange things from Rome; all tending to the good of +their adversaries. Have you an army ready, say you? + +Volsce: +A most royal one; the centurions and their charges, +distinctly billeted, already in the entertainment, +and to be on foot at an hour's warning. + +Roman: +I am joyful to hear of their readiness, and am the +man, I think, that shall set them in present action. +So, sir, heartily well met, and most glad of your company. + +Volsce: +You take my part from me, sir; I have the most cause +to be glad of yours. + +Roman: +Well, let us go together. + +CORIOLANUS: +A goodly city is this Antium. City, +'Tis I that made thy widows: many an heir +Of these fair edifices 'fore my wars +Have I heard groan and drop: then know me not, +Lest that thy wives with spits and boys with stones +In puny battle slay me. +Save you, sir. + +Citizen: +And you. + +CORIOLANUS: +Direct me, if it be your will, +Where great Aufidius lies: is he in Antium? + +Citizen: +He is, and feasts the nobles of the state +At his house this night. + +CORIOLANUS: +Which is his house, beseech you? + +Citizen: +This, here before you. + +CORIOLANUS: +Thank you, sir: farewell. +O world, thy slippery turns! Friends now fast sworn, +Whose double bosoms seem to wear one heart, +Whose house, whose bed, whose meal, and exercise, +Are still together, who twin, as 'twere, in love +Unseparable, shall within this hour, +On a dissension of a doit, break out +To bitterest enmity: so, fellest foes, +Whose passions and whose plots have broke their sleep, +To take the one the other, by some chance, +Some trick not worth an egg, shall grow dear friends +And interjoin their issues. So with me: +My birth-place hate I, and my love's upon +This enemy town. I'll enter: if he slay me, +He does fair justice; if he give me way, +I'll do his country service. + +First Servingman: +Wine, wine, wine! What service +is here! I think our fellows are asleep. + +Second Servingman: +Where's Cotus? my master calls +for him. Cotus! + +CORIOLANUS: +A goodly house: the feast smells well; but I +Appear not like a guest. + +First Servingman: +What would you have, friend? whence are you? +Here's no place for you: pray, go to the door. + +CORIOLANUS: +I have deserved no better entertainment, +In being Coriolanus. + +Second Servingman: +Whence are you, sir? Has the porter his eyes in his +head; that he gives entrance to such companions? +Pray, get you out. + +CORIOLANUS: +Away! + +Second Servingman: +Away! get you away. + +CORIOLANUS: +Now thou'rt troublesome. + +Second Servingman: +Are you so brave? I'll have you talked with anon. + +Third Servingman: +What fellow's this? + +First Servingman: +A strange one as ever I looked on: I cannot get him +out of the house: prithee, call my master to him. + +Third Servingman: +What have you to do here, fellow? Pray you, avoid +the house. + +CORIOLANUS: +Let me but stand; I will not hurt your hearth. + +Third Servingman: +What are you? + +CORIOLANUS: +A gentleman. + +Third Servingman: +A marvellous poor one. + +CORIOLANUS: +True, so I am. + +Third Servingman: +Pray you, poor gentleman, take up some other +station; here's no place for you; pray you, avoid: come. + +CORIOLANUS: +Follow your function, go, and batten on cold bits. + +Third Servingman: +What, you will not? Prithee, tell my master what a +strange guest he has here. + +Second Servingman: +And I shall. + +Third Servingman: +Where dwellest thou? + +CORIOLANUS: +Under the canopy. + +Third Servingman: +Under the canopy! + +CORIOLANUS: +Ay. + +Third Servingman: +Where's that? + +CORIOLANUS: +I' the city of kites and crows. + +Third Servingman: +I' the city of kites and crows! What an ass it is! +Then thou dwellest with daws too? + +CORIOLANUS: +No, I serve not thy master. + +Third Servingman: +How, sir! do you meddle with my master? + +CORIOLANUS: +Ay; 'tis an honester service than to meddle with thy +mistress. Thou pratest, and pratest; serve with thy +trencher, hence! + +AUFIDIUS: +Where is this fellow? + +Second Servingman: +Here, sir: I'ld have beaten him like a dog, but for +disturbing the lords within. + +AUFIDIUS: +Whence comest thou? what wouldst thou? thy name? +Why speak'st not? speak, man: what's thy name? + +CORIOLANUS: +If, Tullus, +Not yet thou knowest me, and, seeing me, dost not +Think me for the man I am, necessity +Commands me name myself. + +AUFIDIUS: +What is thy name? + +CORIOLANUS: +A name unmusical to the Volscians' ears, +And harsh in sound to thine. + +AUFIDIUS: +Say, what's thy name? +Thou hast a grim appearance, and thy face +Bears a command in't; though thy tackle's torn. +Thou show'st a noble vessel: what's thy name? + +CORIOLANUS: +Prepare thy brow to frown: know'st +thou me yet? + +AUFIDIUS: +I know thee not: thy name? + +CORIOLANUS: +My name is Caius Marcius, who hath done +To thee particularly and to all the Volsces +Great hurt and mischief; thereto witness may +My surname, Coriolanus: the painful service, +The extreme dangers and the drops of blood +Shed for my thankless country are requited +But with that surname; a good memory, +And witness of the malice and displeasure +Which thou shouldst bear me: only that name remains; +The cruelty and envy of the people, +Permitted by our dastard nobles, who +Have all forsook me, hath devour'd the rest; +And suffer'd me by the voice of slaves to be +Whoop'd out of Rome. Now this extremity +Hath brought me to thy hearth; not out of hope-- +Mistake me not--to save my life, for if +I had fear'd death, of all the men i' the world +I would have 'voided thee, but in mere spite, +To be full quit of those my banishers, +Stand I before thee here. Then if thou hast +A heart of wreak in thee, that wilt revenge +Thine own particular wrongs and stop those maims +Of shame seen through thy country, speed +thee straight, +And make my misery serve thy turn: so use it +That my revengeful services may prove +As benefits to thee, for I will fight +Against my canker'd country with the spleen +Of all the under fiends. But if so be +Thou darest not this and that to prove more fortunes +Thou'rt tired, then, in a word, I also am +Longer to live most weary, and present +My throat to thee and to thy ancient malice; +Which not to cut would show thee but a fool, +Since I have ever follow'd thee with hate, +Drawn tuns of blood out of thy country's breast, +And cannot live but to thy shame, unless +It be to do thee service. + +AUFIDIUS: +O Marcius, Marcius! +Each word thou hast spoke hath weeded from my heart +A root of ancient envy. If Jupiter +Should from yond cloud speak divine things, +And say 'Tis true,' I'ld not believe them more +Than thee, all noble Marcius. Let me twine +Mine arms about that body, where against +My grained ash an hundred times hath broke +And scarr'd the moon with splinters: here I clip +The anvil of my sword, and do contest +As hotly and as nobly with thy love +As ever in ambitious strength I did +Contend against thy valour. Know thou first, +I loved the maid I married; never man +Sigh'd truer breath; but that I see thee here, +Thou noble thing! more dances my rapt heart +Than when I first my wedded mistress saw +Bestride my threshold. Why, thou Mars! I tell thee, +We have a power on foot; and I had purpose +Once more to hew thy target from thy brawn, +Or lose mine arm fort: thou hast beat me out +Twelve several times, and I have nightly since +Dreamt of encounters 'twixt thyself and me; +We have been down together in my sleep, +Unbuckling helms, fisting each other's throat, +And waked half dead with nothing. Worthy Marcius, +Had we no quarrel else to Rome, but that +Thou art thence banish'd, we would muster all +From twelve to seventy, and pouring war +Into the bowels of ungrateful Rome, +Like a bold flood o'er-bear. O, come, go in, +And take our friendly senators by the hands; +Who now are here, taking their leaves of me, +Who am prepared against your territories, +Though not for Rome itself. + +CORIOLANUS: +You bless me, gods! + +AUFIDIUS: +Therefore, most absolute sir, if thou wilt have +The leading of thine own revenges, take +The one half of my commission; and set down-- +As best thou art experienced, since thou know'st +Thy country's strength and weakness,--thine own ways; +Whether to knock against the gates of Rome, +Or rudely visit them in parts remote, +To fright them, ere destroy. But come in: +Let me commend thee first to those that shall +Say yea to thy desires. A thousand welcomes! +And more a friend than e'er an enemy; +Yet, Marcius, that was much. Your hand: most welcome! + +First Servingman: +Here's a strange alteration! + +Second Servingman: +By my hand, I had thought to have strucken him with +a cudgel; and yet my mind gave me his clothes made a +false report of him. + +First Servingman: +What an arm he has! he turned me about with his +finger and his thumb, as one would set up a top. + +Second Servingman: +Nay, I knew by his face that there was something in +him: he had, sir, a kind of face, methought,--I +cannot tell how to term it. + +First Servingman: +He had so; looking as it were--would I were hanged, +but I thought there was more in him than I could think. + +Second Servingman: +So did I, I'll be sworn: he is simply the rarest +man i' the world. + +First Servingman: +I think he is: but a greater soldier than he you wot on. + +Second Servingman: +Who, my master? + +First Servingman: +Nay, it's no matter for that. + +Second Servingman: +Worth six on him. + +First Servingman: +Nay, not so neither: but I take him to be the +greater soldier. + +Second Servingman: +Faith, look you, one cannot tell how to say that: +for the defence of a town, our general is excellent. + +First Servingman: +Ay, and for an assault too. + +Third Servingman: +O slaves, I can tell you news,-- news, you rascals! + +First Servingman: +What, what, what? let's partake. + +Third Servingman: +I would not be a Roman, of all nations; I had as +lieve be a condemned man. + +First Servingman: +Wherefore? wherefore? + +Third Servingman: +Why, here's he that was wont to thwack our general, +Caius Marcius. + +First Servingman: +Why do you say 'thwack our general '? + +Third Servingman: +I do not say 'thwack our general;' but he was always +good enough for him. + +Second Servingman: +Come, we are fellows and friends: he was ever too +hard for him; I have heard him say so himself. + +First Servingman: +He was too hard for him directly, to say the troth +on't: before Corioli he scotched him and notched +him like a carbon ado. + +Second Servingman: +An he had been cannibally given, he might have +broiled and eaten him too. + +First Servingman: +But, more of thy news? + +Third Servingman: +Why, he is so made on here within, as if he were son +and heir to Mars; set at upper end o' the table; no +question asked him by any of the senators, but they +stand bald before him: our general himself makes a +mistress of him: sanctifies himself with's hand and +turns up the white o' the eye to his discourse. But +the bottom of the news is that our general is cut i' +the middle and but one half of what he was +yesterday; for the other has half, by the entreaty +and grant of the whole table. He'll go, he says, +and sowl the porter of Rome gates by the ears: he +will mow all down before him, and leave his passage polled. + +Second Servingman: +And he's as like to do't as any man I can imagine. + +Third Servingman: +Do't! he will do't; for, look you, sir, he has as +many friends as enemies; which friends, sir, as it +were, durst not, look you, sir, show themselves, as +we term it, his friends whilst he's in directitude. + +First Servingman: +Directitude! what's that? + +Third Servingman: +But when they shall see, sir, his crest up again, +and the man in blood, they will out of their +burrows, like conies after rain, and revel all with +him. + +First Servingman: +But when goes this forward? + +Third Servingman: +To-morrow; to-day; presently; you shall have the +drum struck up this afternoon: 'tis, as it were, a +parcel of their feast, and to be executed ere they +wipe their lips. + +Second Servingman: +Why, then we shall have a stirring world again. +This peace is nothing, but to rust iron, increase +tailors, and breed ballad-makers. + +First Servingman: +Let me have war, say I; it exceeds peace as far as +day does night; it's spritely, waking, audible, and +full of vent. Peace is a very apoplexy, lethargy; +mulled, deaf, sleepy, insensible; a getter of more +bastard children than war's a destroyer of men. + +Second Servingman: +'Tis so: and as war, in some sort, may be said to +be a ravisher, so it cannot be denied but peace is a +great maker of cuckolds. + +First Servingman: +Ay, and it makes men hate one another. + +Third Servingman: +Reason; because they then less need one another. +The wars for my money. I hope to see Romans as cheap +as Volscians. They are rising, they are rising. + +All: +In, in, in, in! + +SICINIUS: +We hear not of him, neither need we fear him; +His remedies are tame i' the present peace +And quietness of the people, which before +Were in wild hurry. Here do we make his friends +Blush that the world goes well, who rather had, +Though they themselves did suffer by't, behold +Dissentious numbers pestering streets than see +Our tradesmen with in their shops and going +About their functions friendly. + +BRUTUS: +We stood to't in good time. +Is this Menenius? + +SICINIUS: +'Tis he,'tis he: O, he is grown most kind of late. + +Both Tribunes: +Hail sir! + +MENENIUS: +Hail to you both! + +SICINIUS: +Your Coriolanus +Is not much miss'd, but with his friends: +The commonwealth doth stand, and so would do, +Were he more angry at it. + +MENENIUS: +All's well; and might have been much better, if +He could have temporized. + +SICINIUS: +Where is he, hear you? + +MENENIUS: +Nay, I hear nothing: his mother and his wife +Hear nothing from him. + +Citizens: +The gods preserve you both! + +SICINIUS: +God-den, our neighbours. + +BRUTUS: +God-den to you all, god-den to you all. + +First Citizen: +Ourselves, our wives, and children, on our knees, +Are bound to pray for you both. + +SICINIUS: +Live, and thrive! + +BRUTUS: +Farewell, kind neighbours: we wish'd Coriolanus +Had loved you as we did. + +Citizens: +Now the gods keep you! + +Both Tribunes: +Farewell, farewell. + +SICINIUS: +This is a happier and more comely time +Than when these fellows ran about the streets, +Crying confusion. + +BRUTUS: +Caius Marcius was +A worthy officer i' the war; but insolent, +O'ercome with pride, ambitious past all thinking, +Self-loving,-- + +SICINIUS: +And affecting one sole throne, +Without assistance. + +MENENIUS: +I think not so. + +SICINIUS: +We should by this, to all our lamentation, +If he had gone forth consul, found it so. + +BRUTUS: +The gods have well prevented it, and Rome +Sits safe and still without him. + +AEdile: +Worthy tribunes, +There is a slave, whom we have put in prison, +Reports, the Volsces with two several powers +Are enter'd in the Roman territories, +And with the deepest malice of the war +Destroy what lies before 'em. + +MENENIUS: +'Tis Aufidius, +Who, hearing of our Marcius' banishment, +Thrusts forth his horns again into the world; +Which were inshell'd when Marcius stood for Rome, +And durst not once peep out. + +SICINIUS: +Come, what talk you +Of Marcius? + +BRUTUS: +Go see this rumourer whipp'd. It cannot be +The Volsces dare break with us. + +MENENIUS: +Cannot be! +We have record that very well it can, +And three examples of the like have been +Within my age. But reason with the fellow, +Before you punish him, where he heard this, +Lest you shall chance to whip your information +And beat the messenger who bids beware +Of what is to be dreaded. + +SICINIUS: +Tell not me: +I know this cannot be. + +BRUTUS: +Not possible. + +Messenger: +The nobles in great earnestness are going +All to the senate-house: some news is come +That turns their countenances. + +SICINIUS: +'Tis this slave;-- +Go whip him, 'fore the people's eyes:--his raising; +Nothing but his report. + +Messenger: +Yes, worthy sir, +The slave's report is seconded; and more, +More fearful, is deliver'd. + +SICINIUS: +What more fearful? + +Messenger: +It is spoke freely out of many mouths-- +How probable I do not know--that Marcius, +Join'd with Aufidius, leads a power 'gainst Rome, +And vows revenge as spacious as between +The young'st and oldest thing. + +SICINIUS: +This is most likely! + +BRUTUS: +Raised only, that the weaker sort may wish +Good Marcius home again. + +SICINIUS: +The very trick on't. + +MENENIUS: +This is unlikely: +He and Aufidius can no more atone +Than violentest contrariety. + +Second Messenger: +You are sent for to the senate: +A fearful army, led by Caius Marcius +Associated with Aufidius, rages +Upon our territories; and have already +O'erborne their way, consumed with fire, and took +What lay before them. + +COMINIUS: +O, you have made good work! + +MENENIUS: +What news? what news? + +COMINIUS: +You have holp to ravish your own daughters and +To melt the city leads upon your pates, +To see your wives dishonour'd to your noses,-- + +MENENIUS: +What's the news? what's the news? + +COMINIUS: +Your temples burned in their cement, and +Your franchises, whereon you stood, confined +Into an auger's bore. + +MENENIUS: +Pray now, your news? +You have made fair work, I fear me.--Pray, your news?-- +If Marcius should be join'd with Volscians,-- + +COMINIUS: +If! +He is their god: he leads them like a thing +Made by some other deity than nature, +That shapes man better; and they follow him, +Against us brats, with no less confidence +Than boys pursuing summer butterflies, +Or butchers killing flies. + +MENENIUS: +You have made good work, +You and your apron-men; you that stood so up much +on the voice of occupation and +The breath of garlic-eaters! + +COMINIUS: +He will shake +Your Rome about your ears. + +MENENIUS: +As Hercules +Did shake down mellow fruit. +You have made fair work! + +BRUTUS: +But is this true, sir? + +COMINIUS: +Ay; and you'll look pale +Before you find it other. All the regions +Do smilingly revolt; and who resist +Are mock'd for valiant ignorance, +And perish constant fools. Who is't can blame him? +Your enemies and his find something in him. + +MENENIUS: +We are all undone, unless +The noble man have mercy. + +COMINIUS: +Who shall ask it? +The tribunes cannot do't for shame; the people +Deserve such pity of him as the wolf +Does of the shepherds: for his best friends, if they +Should say 'Be good to Rome,' they charged him even +As those should do that had deserved his hate, +And therein show'd like enemies. + +MENENIUS: +'Tis true: +If he were putting to my house the brand +That should consume it, I have not the face +To say 'Beseech you, cease.' You have made fair hands, +You and your crafts! you have crafted fair! + +COMINIUS: +You have brought +A trembling upon Rome, such as was never +So incapable of help. + +Both Tribunes: +Say not we brought it. + +MENENIUS: +How! Was it we? we loved him but, like beasts +And cowardly nobles, gave way unto your clusters, +Who did hoot him out o' the city. + +COMINIUS: +But I fear +They'll roar him in again. Tullus Aufidius, +The second name of men, obeys his points +As if he were his officer: desperation +Is all the policy, strength and defence, +That Rome can make against them. + +MENENIUS: +Here come the clusters. +And is Aufidius with him? You are they +That made the air unwholesome, when you cast +Your stinking greasy caps in hooting at +Coriolanus' exile. Now he's coming; +And not a hair upon a soldier's head +Which will not prove a whip: as many coxcombs +As you threw caps up will he tumble down, +And pay you for your voices. 'Tis no matter; +if he could burn us all into one coal, +We have deserved it. + +Citizens: +Faith, we hear fearful news. + +First Citizen: +For mine own part, +When I said, banish him, I said 'twas pity. + +Second Citizen: +And so did I. + +Third Citizen: +And so did I; and, to say the truth, so did very +many of us: that we did, we did for the best; and +though we willingly consented to his banishment, yet +it was against our will. + +COMINIUS: +Ye re goodly things, you voices! + +MENENIUS: +You have made +Good work, you and your cry! Shall's to the Capitol? + +COMINIUS: +O, ay, what else? + +SICINIUS: +Go, masters, get you home; be not dismay'd: +These are a side that would be glad to have +This true which they so seem to fear. Go home, +And show no sign of fear. + +First Citizen: +The gods be good to us! Come, masters, let's home. +I ever said we were i' the wrong when we banished +him. + +Second Citizen: +So did we all. But, come, let's home. + +BRUTUS: +I do not like this news. + +SICINIUS: +Nor I. + +BRUTUS: +Let's to the Capitol. Would half my wealth +Would buy this for a lie! + +SICINIUS: +Pray, let us go. + +AUFIDIUS: +Do they still fly to the Roman? + +Lieutenant: +I do not know what witchcraft's in him, but +Your soldiers use him as the grace 'fore meat, +Their talk at table, and their thanks at end; +And you are darken'd in this action, sir, +Even by your own. + +AUFIDIUS: +I cannot help it now, +Unless, by using means, I lame the foot +Of our design. He bears himself more proudlier, +Even to my person, than I thought he would +When first I did embrace him: yet his nature +In that's no changeling; and I must excuse +What cannot be amended. + +Lieutenant: +Yet I wish, sir,-- +I mean for your particular,--you had not +Join'd in commission with him; but either +Had borne the action of yourself, or else +To him had left it solely. + +AUFIDIUS: +I understand thee well; and be thou sure, +when he shall come to his account, he knows not +What I can urge against him. Although it seems, +And so he thinks, and is no less apparent +To the vulgar eye, that he bears all things fairly. +And shows good husbandry for the Volscian state, +Fights dragon-like, and does achieve as soon +As draw his sword; yet he hath left undone +That which shall break his neck or hazard mine, +Whene'er we come to our account. + +Lieutenant: +Sir, I beseech you, think you he'll carry Rome? + +AUFIDIUS: +All places yield to him ere he sits down; +And the nobility of Rome are his: +The senators and patricians love him too: +The tribunes are no soldiers; and their people +Will be as rash in the repeal, as hasty +To expel him thence. I think he'll be to Rome +As is the osprey to the fish, who takes it +By sovereignty of nature. First he was +A noble servant to them; but he could not +Carry his honours even: whether 'twas pride, +Which out of daily fortune ever taints +The happy man; whether defect of judgment, +To fail in the disposing of those chances +Which he was lord of; or whether nature, +Not to be other than one thing, not moving +From the casque to the cushion, but commanding peace +Even with the same austerity and garb +As he controll'd the war; but one of these-- +As he hath spices of them all, not all, +For I dare so far free him--made him fear'd, +So hated, and so banish'd: but he has a merit, +To choke it in the utterance. So our virtues +Lie in the interpretation of the time: +And power, unto itself most commendable, +Hath not a tomb so evident as a chair +To extol what it hath done. +One fire drives out one fire; one nail, one nail; +Rights by rights falter, strengths by strengths do fail. +Come, let's away. When, Caius, Rome is thine, +Thou art poor'st of all; then shortly art thou mine. + +MENENIUS: +No, I'll not go: you hear what he hath said +Which was sometime his general; who loved him +In a most dear particular. He call'd me father: +But what o' that? Go, you that banish'd him; +A mile before his tent fall down, and knee +The way into his mercy: nay, if he coy'd +To hear Cominius speak, I'll keep at home. + +COMINIUS: +He would not seem to know me. + +MENENIUS: +Do you hear? + +COMINIUS: +Yet one time he did call me by my name: +I urged our old acquaintance, and the drops +That we have bled together. Coriolanus +He would not answer to: forbad all names; +He was a kind of nothing, titleless, +Till he had forged himself a name o' the fire +Of burning Rome. + +MENENIUS: +Why, so: you have made good work! +A pair of tribunes that have rack'd for Rome, +To make coals cheap,--a noble memory! + +COMINIUS: +I minded him how royal 'twas to pardon +When it was less expected: he replied, +It was a bare petition of a state +To one whom they had punish'd. + +MENENIUS: +Very well: +Could he say less? + +COMINIUS: +I offer'd to awaken his regard +For's private friends: his answer to me was, +He could not stay to pick them in a pile +Of noisome musty chaff: he said 'twas folly, +For one poor grain or two, to leave unburnt, +And still to nose the offence. + +MENENIUS: +For one poor grain or two! +I am one of those; his mother, wife, his child, +And this brave fellow too, we are the grains: +You are the musty chaff; and you are smelt +Above the moon: we must be burnt for you. + +SICINIUS: +Nay, pray, be patient: if you refuse your aid +In this so never-needed help, yet do not +Upbraid's with our distress. But, sure, if you +Would be your country's pleader, your good tongue, +More than the instant army we can make, +Might stop our countryman. + +MENENIUS: +No, I'll not meddle. + +SICINIUS: +Pray you, go to him. + +MENENIUS: +What should I do? + +BRUTUS: +Only make trial what your love can do +For Rome, towards Marcius. + +MENENIUS: +Well, and say that Marcius +Return me, as Cominius is return'd, +Unheard; what then? +But as a discontented friend, grief-shot +With his unkindness? say't be so? + +SICINIUS: +Yet your good will +must have that thanks from Rome, after the measure +As you intended well. + +MENENIUS: +I'll undertake 't: +I think he'll hear me. Yet, to bite his lip +And hum at good Cominius, much unhearts me. +He was not taken well; he had not dined: +The veins unfill'd, our blood is cold, and then +We pout upon the morning, are unapt +To give or to forgive; but when we have stuff'd +These and these conveyances of our blood +With wine and feeding, we have suppler souls +Than in our priest-like fasts: therefore I'll watch him +Till he be dieted to my request, +And then I'll set upon him. + +BRUTUS: +You know the very road into his kindness, +And cannot lose your way. + +MENENIUS: +Good faith, I'll prove him, +Speed how it will. I shall ere long have knowledge +Of my success. + +COMINIUS: +He'll never hear him. + +SICINIUS: +Not? + +COMINIUS: +I tell you, he does sit in gold, his eye +Red as 'twould burn Rome; and his injury +The gaoler to his pity. I kneel'd before him; +'Twas very faintly he said 'Rise;' dismiss'd me +Thus, with his speechless hand: what he would do, +He sent in writing after me; what he would not, +Bound with an oath to yield to his conditions: +So that all hope is vain. +Unless his noble mother, and his wife; +Who, as I hear, mean to solicit him +For mercy to his country. Therefore, let's hence, +And with our fair entreaties haste them on. + +First Senator: +Stay: whence are you? + +Second Senator: +Stand, and go back. + +MENENIUS: +You guard like men; 'tis well: but, by your leave, +I am an officer of state, and come +To speak with Coriolanus. + +First Senator: +From whence? + +MENENIUS: +From Rome. + +First Senator: +You may not pass, you must return: our general +Will no more hear from thence. + +Second Senator: +You'll see your Rome embraced with fire before +You'll speak with Coriolanus. + +MENENIUS: +Good my friends, +If you have heard your general talk of Rome, +And of his friends there, it is lots to blanks, +My name hath touch'd your ears it is Menenius. + +First Senator: +Be it so; go back: the virtue of your name +Is not here passable. + +MENENIUS: +I tell thee, fellow, +The general is my lover: I have been +The book of his good acts, whence men have read +His name unparallel'd, haply amplified; +For I have ever verified my friends, +Of whom he's chief, with all the size that verity +Would without lapsing suffer: nay, sometimes, +Like to a bowl upon a subtle ground, +I have tumbled past the throw; and in his praise +Have almost stamp'd the leasing: therefore, fellow, +I must have leave to pass. + +First Senator: +Faith, sir, if you had told as many lies in his +behalf as you have uttered words in your own, you +should not pass here; no, though it were as virtuous +to lie as to live chastely. Therefore, go back. + +MENENIUS: +Prithee, fellow, remember my name is Menenius, +always factionary on the party of your general. + +Second Senator: +Howsoever you have been his liar, as you say you +have, I am one that, telling true under him, must +say, you cannot pass. Therefore, go back. + +MENENIUS: +Has he dined, canst thou tell? for I would not +speak with him till after dinner. + +First Senator: +You are a Roman, are you? + +MENENIUS: +I am, as thy general is. + +First Senator: +Then you should hate Rome, as he does. Can you, +when you have pushed out your gates the very +defender of them, and, in a violent popular +ignorance, given your enemy your shield, think to +front his revenges with the easy groans of old +women, the virginal palms of your daughters, or with +the palsied intercession of such a decayed dotant as +you seem to be? Can you think to blow out the +intended fire your city is ready to flame in, with +such weak breath as this? No, you are deceived; +therefore, back to Rome, and prepare for your +execution: you are condemned, our general has sworn +you out of reprieve and pardon. + +MENENIUS: +Sirrah, if thy captain knew I were here, he would +use me with estimation. + +Second Senator: +Come, my captain knows you not. + +MENENIUS: +I mean, thy general. + +First Senator: +My general cares not for you. Back, I say, go; lest +I let forth your half-pint of blood; back,--that's +the utmost of your having: back. + +MENENIUS: +Nay, but, fellow, fellow,-- + +CORIOLANUS: +What's the matter? + +MENENIUS: +Now, you companion, I'll say an errand for you: +You shall know now that I am in estimation; you shall +perceive that a Jack guardant cannot office me from +my son Coriolanus: guess, but by my entertainment +with him, if thou standest not i' the state of +hanging, or of some death more long in +spectatorship, and crueller in suffering; behold now +presently, and swoon for what's to come upon thee. +The glorious gods sit in hourly synod about thy +particular prosperity, and love thee no worse than +thy old father Menenius does! O my son, my son! +thou art preparing fire for us; look thee, here's +water to quench it. I was hardly moved to come to +thee; but being assured none but myself could move +thee, I have been blown out of your gates with +sighs; and conjure thee to pardon Rome, and thy +petitionary countrymen. The good gods assuage thy +wrath, and turn the dregs of it upon this varlet +here,--this, who, like a block, hath denied my +access to thee. + +CORIOLANUS: +Away! + +MENENIUS: +How! away! + +CORIOLANUS: +Wife, mother, child, I know not. My affairs +Are servanted to others: though I owe +My revenge properly, my remission lies +In Volscian breasts. That we have been familiar, +Ingrate forgetfulness shall poison, rather +Than pity note how much. Therefore, be gone. +Mine ears against your suits are stronger than +Your gates against my force. Yet, for I loved thee, +Take this along; I writ it for thy sake +And would have rent it. Another word, Menenius, +I will not hear thee speak. This man, Aufidius, +Was my beloved in Rome: yet thou behold'st! + +AUFIDIUS: +You keep a constant temper. + +First Senator: +Now, sir, is your name Menenius? + +Second Senator: +'Tis a spell, you see, of much power: you know the +way home again. + +First Senator: +Do you hear how we are shent for keeping your +greatness back? + +Second Senator: +What cause, do you think, I have to swoon? + +MENENIUS: +I neither care for the world nor your general: for +such things as you, I can scarce think there's any, +ye're so slight. He that hath a will to die by +himself fears it not from another: let your general +do his worst. For you, be that you are, long; and +your misery increase with your age! I say to you, +as I was said to, Away! + +First Senator: +A noble fellow, I warrant him. + +Second Senator: +The worthy fellow is our general: he's the rock, the +oak not to be wind-shaken. + +CORIOLANUS: +We will before the walls of Rome tomorrow +Set down our host. My partner in this action, +You must report to the Volscian lords, how plainly +I have borne this business. + +AUFIDIUS: +Only their ends +You have respected; stopp'd your ears against +The general suit of Rome; never admitted +A private whisper, no, not with such friends +That thought them sure of you. + +CORIOLANUS: +This last old man, +Whom with a crack'd heart I have sent to Rome, +Loved me above the measure of a father; +Nay, godded me, indeed. Their latest refuge +Was to send him; for whose old love I have, +Though I show'd sourly to him, once more offer'd +The first conditions, which they did refuse +And cannot now accept; to grace him only +That thought he could do more, a very little +I have yielded to: fresh embassies and suits, +Nor from the state nor private friends, hereafter +Will I lend ear to. Ha! what shout is this? +Shall I be tempted to infringe my vow +In the same time 'tis made? I will not. +My wife comes foremost; then the honour'd mould +Wherein this trunk was framed, and in her hand +The grandchild to her blood. But, out, affection! +All bond and privilege of nature, break! +Let it be virtuous to be obstinate. +What is that curt'sy worth? or those doves' eyes, +Which can make gods forsworn? I melt, and am not +Of stronger earth than others. My mother bows; +As if Olympus to a molehill should +In supplication nod: and my young boy +Hath an aspect of intercession, which +Great nature cries 'Deny not.' let the Volsces +Plough Rome and harrow Italy: I'll never +Be such a gosling to obey instinct, but stand, +As if a man were author of himself +And knew no other kin. + +VIRGILIA: +My lord and husband! + +CORIOLANUS: +These eyes are not the same I wore in Rome. + +VIRGILIA: +The sorrow that delivers us thus changed +Makes you think so. + +CORIOLANUS: +Like a dull actor now, +I have forgot my part, and I am out, +Even to a full disgrace. Best of my flesh, +Forgive my tyranny; but do not say +For that 'Forgive our Romans.' O, a kiss +Long as my exile, sweet as my revenge! +Now, by the jealous queen of heaven, that kiss +I carried from thee, dear; and my true lip +Hath virgin'd it e'er since. You gods! I prate, +And the most noble mother of the world +Leave unsaluted: sink, my knee, i' the earth; +Of thy deep duty more impression show +Than that of common sons. + +VOLUMNIA: +O, stand up blest! +Whilst, with no softer cushion than the flint, +I kneel before thee; and unproperly +Show duty, as mistaken all this while +Between the child and parent. + +CORIOLANUS: +What is this? +Your knees to me? to your corrected son? +Then let the pebbles on the hungry beach +Fillip the stars; then let the mutinous winds +Strike the proud cedars 'gainst the fiery sun; +Murdering impossibility, to make +What cannot be, slight work. + +VOLUMNIA: +Thou art my warrior; +I holp to frame thee. Do you know this lady? + +CORIOLANUS: +The noble sister of Publicola, +The moon of Rome, chaste as the icicle +That's curdied by the frost from purest snow +And hangs on Dian's temple: dear Valeria! + +VOLUMNIA: +This is a poor epitome of yours, +Which by the interpretation of full time +May show like all yourself. + +CORIOLANUS: +The god of soldiers, +With the consent of supreme Jove, inform +Thy thoughts with nobleness; that thou mayst prove +To shame unvulnerable, and stick i' the wars +Like a great sea-mark, standing every flaw, +And saving those that eye thee! + +VOLUMNIA: +Your knee, sirrah. + +CORIOLANUS: +That's my brave boy! + +VOLUMNIA: +Even he, your wife, this lady, and myself, +Are suitors to you. + +CORIOLANUS: +I beseech you, peace: +Or, if you'ld ask, remember this before: +The thing I have forsworn to grant may never +Be held by you denials. Do not bid me +Dismiss my soldiers, or capitulate +Again with Rome's mechanics: tell me not +Wherein I seem unnatural: desire not +To ally my rages and revenges with +Your colder reasons. + +VOLUMNIA: +O, no more, no more! +You have said you will not grant us any thing; +For we have nothing else to ask, but that +Which you deny already: yet we will ask; +That, if you fail in our request, the blame +May hang upon your hardness: therefore hear us. + +CORIOLANUS: +Aufidius, and you Volsces, mark; for we'll +Hear nought from Rome in private. Your request? + +VOLUMNIA: +Should we be silent and not speak, our raiment +And state of bodies would bewray what life +We have led since thy exile. Think with thyself +How more unfortunate than all living women +Are we come hither: since that thy sight, +which should +Make our eyes flow with joy, hearts dance +with comforts, +Constrains them weep and shake with fear and sorrow; +Making the mother, wife and child to see +The son, the husband and the father tearing +His country's bowels out. And to poor we +Thine enmity's most capital: thou barr'st us +Our prayers to the gods, which is a comfort +That all but we enjoy; for how can we, +Alas, how can we for our country pray. +Whereto we are bound, together with thy victory, +Whereto we are bound? alack, or we must lose +The country, our dear nurse, or else thy person, +Our comfort in the country. We must find +An evident calamity, though we had +Our wish, which side should win: for either thou +Must, as a foreign recreant, be led +With manacles thorough our streets, or else +triumphantly tread on thy country's ruin, +And bear the palm for having bravely shed +Thy wife and children's blood. For myself, son, +I purpose not to wait on fortune till +These wars determine: if I cannot persuade thee +Rather to show a noble grace to both parts +Than seek the end of one, thou shalt no sooner +March to assault thy country than to tread-- +Trust to't, thou shalt not--on thy mother's womb, +That brought thee to this world. + +VIRGILIA: +Ay, and mine, +That brought you forth this boy, to keep your name +Living to time. + +Young MARCIUS: +A' shall not tread on me; +I'll run away till I am bigger, but then I'll fight. + +CORIOLANUS: +Not of a woman's tenderness to be, +Requires nor child nor woman's face to see. +I have sat too long. + +VOLUMNIA: +Nay, go not from us thus. +If it were so that our request did tend +To save the Romans, thereby to destroy +The Volsces whom you serve, you might condemn us, +As poisonous of your honour: no; our suit +Is that you reconcile them: while the Volsces +May say 'This mercy we have show'd;' the Romans, +'This we received;' and each in either side +Give the all-hail to thee and cry 'Be blest +For making up this peace!' Thou know'st, great son, +The end of war's uncertain, but this certain, +That, if thou conquer Rome, the benefit +Which thou shalt thereby reap is such a name, +Whose repetition will be dogg'd with curses; +Whose chronicle thus writ: 'The man was noble, +But with his last attempt he wiped it out; +Destroy'd his country, and his name remains +To the ensuing age abhorr'd.' Speak to me, son: +Thou hast affected the fine strains of honour, +To imitate the graces of the gods; +To tear with thunder the wide cheeks o' the air, +And yet to charge thy sulphur with a bolt +That should but rive an oak. Why dost not speak? +Think'st thou it honourable for a noble man +Still to remember wrongs? Daughter, speak you: +He cares not for your weeping. Speak thou, boy: +Perhaps thy childishness will move him more +Than can our reasons. There's no man in the world +More bound to 's mother; yet here he lets me prate +Like one i' the stocks. Thou hast never in thy life +Show'd thy dear mother any courtesy, +When she, poor hen, fond of no second brood, +Has cluck'd thee to the wars and safely home, +Loaden with honour. Say my request's unjust, +And spurn me back: but if it be not so, +Thou art not honest; and the gods will plague thee, +That thou restrain'st from me the duty which +To a mother's part belongs. He turns away: +Down, ladies; let us shame him with our knees. +To his surname Coriolanus 'longs more pride +Than pity to our prayers. Down: an end; +This is the last: so we will home to Rome, +And die among our neighbours. Nay, behold 's: +This boy, that cannot tell what he would have +But kneels and holds up bands for fellowship, +Does reason our petition with more strength +Than thou hast to deny 't. Come, let us go: +This fellow had a Volscian to his mother; +His wife is in Corioli and his child +Like him by chance. Yet give us our dispatch: +I am hush'd until our city be a-fire, +And then I'll speak a little. + +CORIOLANUS: +O mother, mother! +What have you done? Behold, the heavens do ope, +The gods look down, and this unnatural scene +They laugh at. O my mother, mother! O! +You have won a happy victory to Rome; +But, for your son,--believe it, O, believe it, +Most dangerously you have with him prevail'd, +If not most mortal to him. But, let it come. +Aufidius, though I cannot make true wars, +I'll frame convenient peace. Now, good Aufidius, +Were you in my stead, would you have heard +A mother less? or granted less, Aufidius? + +AUFIDIUS: +I was moved withal. + +CORIOLANUS: +I dare be sworn you were: +And, sir, it is no little thing to make +Mine eyes to sweat compassion. But, good sir, +What peace you'll make, advise me: for my part, +I'll not to Rome, I'll back with you; and pray you, +Stand to me in this cause. O mother! wife! + +AUFIDIUS: + +CORIOLANUS: +Ay, by and by; +But we will drink together; and you shall bear +A better witness back than words, which we, +On like conditions, will have counter-seal'd. +Come, enter with us. Ladies, you deserve +To have a temple built you: all the swords +In Italy, and her confederate arms, +Could not have made this peace. + +MENENIUS: +See you yond coign o' the Capitol, yond +corner-stone? + +SICINIUS: +Why, what of that? + +MENENIUS: +If it be possible for you to displace it with your +little finger, there is some hope the ladies of +Rome, especially his mother, may prevail with him. +But I say there is no hope in't: our throats are +sentenced and stay upon execution. + +SICINIUS: +Is't possible that so short a time can alter the +condition of a man! + +MENENIUS: +There is differency between a grub and a butterfly; +yet your butterfly was a grub. This Marcius is grown +from man to dragon: he has wings; he's more than a +creeping thing. + +SICINIUS: +He loved his mother dearly. + +MENENIUS: +So did he me: and he no more remembers his mother +now than an eight-year-old horse. The tartness +of his face sours ripe grapes: when he walks, he +moves like an engine, and the ground shrinks before +his treading: he is able to pierce a corslet with +his eye; talks like a knell, and his hum is a +battery. He sits in his state, as a thing made for +Alexander. What he bids be done is finished with +his bidding. He wants nothing of a god but eternity +and a heaven to throne in. + +SICINIUS: +Yes, mercy, if you report him truly. + +MENENIUS: +I paint him in the character. Mark what mercy his +mother shall bring from him: there is no more mercy +in him than there is milk in a male tiger; that +shall our poor city find: and all this is long of +you. + +SICINIUS: +The gods be good unto us! + +MENENIUS: +No, in such a case the gods will not be good unto +us. When we banished him, we respected not them; +and, he returning to break our necks, they respect not us. + +Messenger: +Sir, if you'ld save your life, fly to your house: +The plebeians have got your fellow-tribune +And hale him up and down, all swearing, if +The Roman ladies bring not comfort home, +They'll give him death by inches. + +SICINIUS: +What's the news? + +Second Messenger: +Good news, good news; the ladies have prevail'd, +The Volscians are dislodged, and Marcius gone: +A merrier day did never yet greet Rome, +No, not the expulsion of the Tarquins. + +SICINIUS: +Friend, +Art thou certain this is true? is it most certain? + +Second Messenger: +As certain as I know the sun is fire: +Where have you lurk'd, that you make doubt of it? +Ne'er through an arch so hurried the blown tide, +As the recomforted through the gates. Why, hark you! +The trumpets, sackbuts, psalteries and fifes, +Tabours and cymbals and the shouting Romans, +Make the sun dance. Hark you! + +MENENIUS: +This is good news: +I will go meet the ladies. This Volumnia +Is worth of consuls, senators, patricians, +A city full; of tribunes, such as you, +A sea and land full. You have pray'd well to-day: +This morning for ten thousand of your throats +I'd not have given a doit. Hark, how they joy! + +SICINIUS: +First, the gods bless you for your tidings; next, +Accept my thankfulness. + +Second Messenger: +Sir, we have all +Great cause to give great thanks. + +SICINIUS: +They are near the city? + +Second Messenger: +Almost at point to enter. + +SICINIUS: +We will meet them, +And help the joy. + +First Senator: +Behold our patroness, the life of Rome! +Call all your tribes together, praise the gods, +And make triumphant fires; strew flowers before them: +Unshout the noise that banish'd Marcius, +Repeal him with the welcome of his mother; +Cry 'Welcome, ladies, welcome!' + +All: +Welcome, ladies, Welcome! + +AUFIDIUS: +Go tell the lords o' the city I am here: +Deliver them this paper: having read it, +Bid them repair to the market place; where I, +Even in theirs and in the commons' ears, +Will vouch the truth of it. Him I accuse +The city ports by this hath enter'd and +Intends to appear before the people, hoping +To purge herself with words: dispatch. +Most welcome! + +First Conspirator: +How is it with our general? + +AUFIDIUS: +Even so +As with a man by his own alms empoison'd, +And with his charity slain. + +Second Conspirator: +Most noble sir, +If you do hold the same intent wherein +You wish'd us parties, we'll deliver you +Of your great danger. + +AUFIDIUS: +Sir, I cannot tell: +We must proceed as we do find the people. + +Third Conspirator: +The people will remain uncertain whilst +'Twixt you there's difference; but the fall of either +Makes the survivor heir of all. + +AUFIDIUS: +I know it; +And my pretext to strike at him admits +A good construction. I raised him, and I pawn'd +Mine honour for his truth: who being so heighten'd, +He water'd his new plants with dews of flattery, +Seducing so my friends; and, to this end, +He bow'd his nature, never known before +But to be rough, unswayable and free. + +Third Conspirator: +Sir, his stoutness +When he did stand for consul, which he lost +By lack of stooping,-- + +AUFIDIUS: +That I would have spoke of: +Being banish'd for't, he came unto my hearth; +Presented to my knife his throat: I took him; +Made him joint-servant with me; gave him way +In all his own desires; nay, let him choose +Out of my files, his projects to accomplish, +My best and freshest men; served his designments +In mine own person; holp to reap the fame +Which he did end all his; and took some pride +To do myself this wrong: till, at the last, +I seem'd his follower, not partner, and +He waged me with his countenance, as if +I had been mercenary. + +First Conspirator: +So he did, my lord: +The army marvell'd at it, and, in the last, +When he had carried Rome and that we look'd +For no less spoil than glory,-- + +AUFIDIUS: +There was it: +For which my sinews shall be stretch'd upon him. +At a few drops of women's rheum, which are +As cheap as lies, he sold the blood and labour +Of our great action: therefore shall he die, +And I'll renew me in his fall. But, hark! + +First Conspirator: +Your native town you enter'd like a post, +And had no welcomes home: but he returns, +Splitting the air with noise. + +Second Conspirator: +And patient fools, +Whose children he hath slain, their base throats tear +With giving him glory. + +Third Conspirator: +Therefore, at your vantage, +Ere he express himself, or move the people +With what he would say, let him feel your sword, +Which we will second. When he lies along, +After your way his tale pronounced shall bury +His reasons with his body. + +AUFIDIUS: +Say no more: +Here come the lords. + +All The Lords: +You are most welcome home. + +AUFIDIUS: +I have not deserved it. +But, worthy lords, have you with heed perused +What I have written to you? + +Lords: +We have. + +First Lord: +And grieve to hear't. +What faults he made before the last, I think +Might have found easy fines: but there to end +Where he was to begin and give away +The benefit of our levies, answering us +With our own charge, making a treaty where +There was a yielding,--this admits no excuse. + +AUFIDIUS: +He approaches: you shall hear him. + +CORIOLANUS: +Hail, lords! I am return'd your soldier, +No more infected with my country's love +Than when I parted hence, but still subsisting +Under your great command. You are to know +That prosperously I have attempted and +With bloody passage led your wars even to +The gates of Rome. Our spoils we have brought home +Do more than counterpoise a full third part +The charges of the action. We have made peace +With no less honour to the Antiates +Than shame to the Romans: and we here deliver, +Subscribed by the consuls and patricians, +Together with the seal o' the senate, what +We have compounded on. + +AUFIDIUS: +Read it not, noble lords; +But tell the traitor, in the high'st degree +He hath abused your powers. + +CORIOLANUS: +Traitor! how now! + +AUFIDIUS: +Ay, traitor, Marcius! + +CORIOLANUS: +Marcius! + +AUFIDIUS: +Ay, Marcius, Caius Marcius: dost thou think +I'll grace thee with that robbery, thy stol'n name +Coriolanus in Corioli? +You lords and heads o' the state, perfidiously +He has betray'd your business, and given up, +For certain drops of salt, your city Rome, +I say 'your city,' to his wife and mother; +Breaking his oath and resolution like +A twist of rotten silk, never admitting +Counsel o' the war, but at his nurse's tears +He whined and roar'd away your victory, +That pages blush'd at him and men of heart +Look'd wondering each at other. + +CORIOLANUS: +Hear'st thou, Mars? + +AUFIDIUS: +Name not the god, thou boy of tears! + +CORIOLANUS: +Ha! + +AUFIDIUS: +No more. + +CORIOLANUS: +Measureless liar, thou hast made my heart +Too great for what contains it. Boy! O slave! +Pardon me, lords, 'tis the first time that ever +I was forced to scold. Your judgments, my grave lords, +Must give this cur the lie: and his own notion-- +Who wears my stripes impress'd upon him; that +Must bear my beating to his grave--shall join +To thrust the lie unto him. + +First Lord: +Peace, both, and hear me speak. + +CORIOLANUS: +Cut me to pieces, Volsces; men and lads, +Stain all your edges on me. Boy! false hound! +If you have writ your annals true, 'tis there, +That, like an eagle in a dove-cote, I +Flutter'd your Volscians in Corioli: +Alone I did it. Boy! + +AUFIDIUS: +Why, noble lords, +Will you be put in mind of his blind fortune, +Which was your shame, by this unholy braggart, +'Fore your own eyes and ears? + +All Conspirators: +Let him die for't. + +All The People: +'Tear him to pieces.' 'Do it presently.' 'He kill'd +my son.' 'My daughter.' 'He killed my cousin +Marcus.' 'He killed my father.' + +Second Lord: +Peace, ho! no outrage: peace! +The man is noble and his fame folds-in +This orb o' the earth. His last offences to us +Shall have judicious hearing. Stand, Aufidius, +And trouble not the peace. + +CORIOLANUS: +O that I had him, +With six Aufidiuses, or more, his tribe, +To use my lawful sword! + +AUFIDIUS: +Insolent villain! + +All Conspirators: +Kill, kill, kill, kill, kill him! + +Lords: +Hold, hold, hold, hold! + +AUFIDIUS: +My noble masters, hear me speak. + +First Lord: +O Tullus,-- + +Second Lord: +Thou hast done a deed whereat valour will weep. + +Third Lord: +Tread not upon him. Masters all, be quiet; +Put up your swords. + +AUFIDIUS: +My lords, when you shall know--as in this rage, +Provoked by him, you cannot--the great danger +Which this man's life did owe you, you'll rejoice +That he is thus cut off. Please it your honours +To call me to your senate, I'll deliver +Myself your loyal servant, or endure +Your heaviest censure. + +First Lord: +Bear from hence his body; +And mourn you for him: let him be regarded +As the most noble corse that ever herald +Did follow to his urn. + +Second Lord: +His own impatience +Takes from Aufidius a great part of blame. +Let's make the best of it. + +AUFIDIUS: +My rage is gone; +And I am struck with sorrow. Take him up. +Help, three o' the chiefest soldiers; I'll be one. +Beat thou the drum, that it speak mournfully: +Trail your steel pikes. Though in this city he +Hath widow'd and unchilded many a one, +Which to this hour bewail the injury, +Yet he shall have a noble memory. Assist. + +GLOUCESTER: +Now is the winter of our discontent +Made glorious summer by this sun of York; +And all the clouds that lour'd upon our house +In the deep bosom of the ocean buried. +Now are our brows bound with victorious wreaths; +Our bruised arms hung up for monuments; +Our stern alarums changed to merry meetings, +Our dreadful marches to delightful measures. +Grim-visaged war hath smooth'd his wrinkled front; +And now, instead of mounting barded steeds +To fright the souls of fearful adversaries, +He capers nimbly in a lady's chamber +To the lascivious pleasing of a lute. +But I, that am not shaped for sportive tricks, +Nor made to court an amorous looking-glass; +I, that am rudely stamp'd, and want love's majesty +To strut before a wanton ambling nymph; +I, that am curtail'd of this fair proportion, +Cheated of feature by dissembling nature, +Deformed, unfinish'd, sent before my time +Into this breathing world, scarce half made up, +And that so lamely and unfashionable +That dogs bark at me as I halt by them; +Why, I, in this weak piping time of peace, +Have no delight to pass away the time, +Unless to spy my shadow in the sun +And descant on mine own deformity: +And therefore, since I cannot prove a lover, +To entertain these fair well-spoken days, +I am determined to prove a villain +And hate the idle pleasures of these days. +Plots have I laid, inductions dangerous, +By drunken prophecies, libels and dreams, +To set my brother Clarence and the king +In deadly hate the one against the other: +And if King Edward be as true and just +As I am subtle, false and treacherous, +This day should Clarence closely be mew'd up, +About a prophecy, which says that 'G' +Of Edward's heirs the murderer shall be. +Dive, thoughts, down to my soul: here +Clarence comes. +Brother, good day; what means this armed guard +That waits upon your grace? + +CLARENCE: +His majesty +Tendering my person's safety, hath appointed +This conduct to convey me to the Tower. + +GLOUCESTER: +Upon what cause? + +CLARENCE: +Because my name is George. + +GLOUCESTER: +Alack, my lord, that fault is none of yours; +He should, for that, commit your godfathers: +O, belike his majesty hath some intent +That you shall be new-christen'd in the Tower. +But what's the matter, Clarence? may I know? + +CLARENCE: +Yea, Richard, when I know; for I protest +As yet I do not: but, as I can learn, +He hearkens after prophecies and dreams; +And from the cross-row plucks the letter G. +And says a wizard told him that by G +His issue disinherited should be; +And, for my name of George begins with G, +It follows in his thought that I am he. +These, as I learn, and such like toys as these +Have moved his highness to commit me now. + +GLOUCESTER: +Why, this it is, when men are ruled by women: +'Tis not the king that sends you to the Tower: +My Lady Grey his wife, Clarence, 'tis she +That tempers him to this extremity. +Was it not she and that good man of worship, +Anthony Woodville, her brother there, +That made him send Lord Hastings to the Tower, +From whence this present day he is deliver'd? +We are not safe, Clarence; we are not safe. + +CLARENCE: +By heaven, I think there's no man is secure +But the queen's kindred and night-walking heralds +That trudge betwixt the king and Mistress Shore. +Heard ye not what an humble suppliant +Lord hastings was to her for his delivery? + +GLOUCESTER: +Humbly complaining to her deity +Got my lord chamberlain his liberty. +I'll tell you what; I think it is our way, +If we will keep in favour with the king, +To be her men and wear her livery: +The jealous o'erworn widow and herself, +Since that our brother dubb'd them gentlewomen. +Are mighty gossips in this monarchy. + +BRAKENBURY: +I beseech your graces both to pardon me; +His majesty hath straitly given in charge +That no man shall have private conference, +Of what degree soever, with his brother. + +GLOUCESTER: +Even so; an't please your worship, Brakenbury, +You may partake of any thing we say: +We speak no treason, man: we say the king +Is wise and virtuous, and his noble queen +Well struck in years, fair, and not jealous; +We say that Shore's wife hath a pretty foot, +A cherry lip, a bonny eye, a passing pleasing tongue; +And that the queen's kindred are made gentle-folks: +How say you sir? Can you deny all this? + +BRAKENBURY: +With this, my lord, myself have nought to do. + +GLOUCESTER: +Naught to do with mistress Shore! I tell thee, fellow, +He that doth naught with her, excepting one, +Were best he do it secretly, alone. + +BRAKENBURY: +What one, my lord? + +GLOUCESTER: +Her husband, knave: wouldst thou betray me? + +BRAKENBURY: +I beseech your grace to pardon me, and withal +Forbear your conference with the noble duke. + +CLARENCE: +We know thy charge, Brakenbury, and will obey. + +GLOUCESTER: +We are the queen's abjects, and must obey. +Brother, farewell: I will unto the king; +And whatsoever you will employ me in, +Were it to call King Edward's widow sister, +I will perform it to enfranchise you. +Meantime, this deep disgrace in brotherhood +Touches me deeper than you can imagine. + +CLARENCE: +I know it pleaseth neither of us well. + +GLOUCESTER: +Well, your imprisonment shall not be long; +Meantime, have patience. + +CLARENCE: +I must perforce. Farewell. + +GLOUCESTER: +Go, tread the path that thou shalt ne'er return. +Simple, plain Clarence! I do love thee so, +That I will shortly send thy soul to heaven, +If heaven will take the present at our hands. +But who comes here? the new-deliver'd Hastings? + +HASTINGS: +Good time of day unto my gracious lord! + +GLOUCESTER: +As much unto my good lord chamberlain! +Well are you welcome to the open air. +How hath your lordship brook'd imprisonment? + +HASTINGS: +With patience, noble lord, as prisoners must: +But I shall live, my lord, to give them thanks +That were the cause of my imprisonment. + +GLOUCESTER: +No doubt, no doubt; and so shall Clarence too; +For they that were your enemies are his, +And have prevail'd as much on him as you. + +HASTINGS: +More pity that the eagle should be mew'd, +While kites and buzzards prey at liberty. + +GLOUCESTER: +What news abroad? + +HASTINGS: +No news so bad abroad as this at home; +The King is sickly, weak and melancholy, +And his physicians fear him mightily. + +GLOUCESTER: +Now, by Saint Paul, this news is bad indeed. +O, he hath kept an evil diet long, +And overmuch consumed his royal person: +'Tis very grievous to be thought upon. +What, is he in his bed? + +HASTINGS: +He is. + +GLOUCESTER: +Go you before, and I will follow you. +He cannot live, I hope; and must not die +Till George be pack'd with post-horse up to heaven. +I'll in, to urge his hatred more to Clarence, +With lies well steel'd with weighty arguments; +And, if I fall not in my deep intent, +Clarence hath not another day to live: +Which done, God take King Edward to his mercy, +And leave the world for me to bustle in! +For then I'll marry Warwick's youngest daughter. +What though I kill'd her husband and her father? +The readiest way to make the wench amends +Is to become her husband and her father: +The which will I; not all so much for love +As for another secret close intent, +By marrying her which I must reach unto. +But yet I run before my horse to market: +Clarence still breathes; Edward still lives and reigns: +When they are gone, then must I count my gains. + +LADY ANNE: +Set down, set down your honourable load, +If honour may be shrouded in a hearse, +Whilst I awhile obsequiously lament +The untimely fall of virtuous Lancaster. +Poor key-cold figure of a holy king! +Pale ashes of the house of Lancaster! +Thou bloodless remnant of that royal blood! +Be it lawful that I invocate thy ghost, +To hear the lamentations of Poor Anne, +Wife to thy Edward, to thy slaughter'd son, +Stabb'd by the selfsame hand that made these wounds! +Lo, in these windows that let forth thy life, +I pour the helpless balm of my poor eyes. +Cursed be the hand that made these fatal holes! +Cursed be the heart that had the heart to do it! +Cursed the blood that let this blood from hence! +More direful hap betide that hated wretch, +That makes us wretched by the death of thee, +Than I can wish to adders, spiders, toads, +Or any creeping venom'd thing that lives! +If ever he have child, abortive be it, +Prodigious, and untimely brought to light, +Whose ugly and unnatural aspect +May fright the hopeful mother at the view; +And that be heir to his unhappiness! +If ever he have wife, let her he made +A miserable by the death of him +As I am made by my poor lord and thee! +Come, now towards Chertsey with your holy load, +Taken from Paul's to be interred there; +And still, as you are weary of the weight, +Rest you, whiles I lament King Henry's corse. + +GLOUCESTER: +Stay, you that bear the corse, and set it down. + +LADY ANNE: +What black magician conjures up this fiend, +To stop devoted charitable deeds? + +GLOUCESTER: +Villains, set down the corse; or, by Saint Paul, +I'll make a corse of him that disobeys. + +Gentleman: +My lord, stand back, and let the coffin pass. + +GLOUCESTER: +Unmanner'd dog! stand thou, when I command: +Advance thy halbert higher than my breast, +Or, by Saint Paul, I'll strike thee to my foot, +And spurn upon thee, beggar, for thy boldness. + +LADY ANNE: +What, do you tremble? are you all afraid? +Alas, I blame you not; for you are mortal, +And mortal eyes cannot endure the devil. +Avaunt, thou dreadful minister of hell! +Thou hadst but power over his mortal body, +His soul thou canst not have; therefore be gone. + +GLOUCESTER: +Sweet saint, for charity, be not so curst. + +LADY ANNE: +Foul devil, for God's sake, hence, and trouble us not; +For thou hast made the happy earth thy hell, +Fill'd it with cursing cries and deep exclaims. +If thou delight to view thy heinous deeds, +Behold this pattern of thy butcheries. +O, gentlemen, see, see! dead Henry's wounds +Open their congeal'd mouths and bleed afresh! +Blush, Blush, thou lump of foul deformity; +For 'tis thy presence that exhales this blood +From cold and empty veins, where no blood dwells; +Thy deed, inhuman and unnatural, +Provokes this deluge most unnatural. +O God, which this blood madest, revenge his death! +O earth, which this blood drink'st revenge his death! +Either heaven with lightning strike the +murderer dead, +Or earth, gape open wide and eat him quick, +As thou dost swallow up this good king's blood +Which his hell-govern'd arm hath butchered! + +GLOUCESTER: +Lady, you know no rules of charity, +Which renders good for bad, blessings for curses. + +LADY ANNE: +Villain, thou know'st no law of God nor man: +No beast so fierce but knows some touch of pity. + +GLOUCESTER: +But I know none, and therefore am no beast. + +LADY ANNE: +O wonderful, when devils tell the truth! + +GLOUCESTER: +More wonderful, when angels are so angry. +Vouchsafe, divine perfection of a woman, +Of these supposed-evils, to give me leave, +By circumstance, but to acquit myself. + +LADY ANNE: +Vouchsafe, defused infection of a man, +For these known evils, but to give me leave, +By circumstance, to curse thy cursed self. + +GLOUCESTER: +Fairer than tongue can name thee, let me have +Some patient leisure to excuse myself. + +LADY ANNE: +Fouler than heart can think thee, thou canst make +No excuse current, but to hang thyself. + +GLOUCESTER: +By such despair, I should accuse myself. + +LADY ANNE: +And, by despairing, shouldst thou stand excused; +For doing worthy vengeance on thyself, +Which didst unworthy slaughter upon others. + +GLOUCESTER: +Say that I slew them not? + +LADY ANNE: +Why, then they are not dead: +But dead they are, and devilish slave, by thee. + +GLOUCESTER: +I did not kill your husband. + +LADY ANNE: +Why, then he is alive. + +GLOUCESTER: +Nay, he is dead; and slain by Edward's hand. + +LADY ANNE: +In thy foul throat thou liest: Queen Margaret saw +Thy murderous falchion smoking in his blood; +The which thou once didst bend against her breast, +But that thy brothers beat aside the point. + +GLOUCESTER: +I was provoked by her slanderous tongue, +which laid their guilt upon my guiltless shoulders. + +LADY ANNE: +Thou wast provoked by thy bloody mind. +Which never dreamt on aught but butcheries: +Didst thou not kill this king? + +GLOUCESTER: +I grant ye. + +LADY ANNE: +Dost grant me, hedgehog? then, God grant me too +Thou mayst be damned for that wicked deed! +O, he was gentle, mild, and virtuous! + +GLOUCESTER: +The fitter for the King of heaven, that hath him. + +LADY ANNE: +He is in heaven, where thou shalt never come. + +GLOUCESTER: +Let him thank me, that holp to send him thither; +For he was fitter for that place than earth. + +LADY ANNE: +And thou unfit for any place but hell. + +GLOUCESTER: +Yes, one place else, if you will hear me name it. + +LADY ANNE: +Some dungeon. + +GLOUCESTER: +Your bed-chamber. + +LADY ANNE: +I'll rest betide the chamber where thou liest! + +GLOUCESTER: +So will it, madam till I lie with you. + +LADY ANNE: +I hope so. + +GLOUCESTER: +I know so. But, gentle Lady Anne, +To leave this keen encounter of our wits, +And fall somewhat into a slower method, +Is not the causer of the timeless deaths +Of these Plantagenets, Henry and Edward, +As blameful as the executioner? + +LADY ANNE: +Thou art the cause, and most accursed effect. + +GLOUCESTER: +Your beauty was the cause of that effect; +Your beauty: which did haunt me in my sleep +To undertake the death of all the world, +So I might live one hour in your sweet bosom. + +LADY ANNE: +If I thought that, I tell thee, homicide, +These nails should rend that beauty from my cheeks. + +GLOUCESTER: +These eyes could never endure sweet beauty's wreck; +You should not blemish it, if I stood by: +As all the world is cheered by the sun, +So I by that; it is my day, my life. + +LADY ANNE: +Black night o'ershade thy day, and death thy life! + +GLOUCESTER: +Curse not thyself, fair creature thou art both. + +LADY ANNE: +I would I were, to be revenged on thee. + +GLOUCESTER: +It is a quarrel most unnatural, +To be revenged on him that loveth you. + +LADY ANNE: +It is a quarrel just and reasonable, +To be revenged on him that slew my husband. + +GLOUCESTER: +He that bereft thee, lady, of thy husband, +Did it to help thee to a better husband. + +LADY ANNE: +His better doth not breathe upon the earth. + +GLOUCESTER: +He lives that loves thee better than he could. + +LADY ANNE: +Name him. + +GLOUCESTER: +Plantagenet. + +LADY ANNE: +Why, that was he. + +GLOUCESTER: +The selfsame name, but one of better nature. + +LADY ANNE: +Where is he? + +GLOUCESTER: +Here. +Why dost thou spit at me? + +LADY ANNE: +Would it were mortal poison, for thy sake! + +GLOUCESTER: +Never came poison from so sweet a place. + +LADY ANNE: +Never hung poison on a fouler toad. +Out of my sight! thou dost infect my eyes. + +GLOUCESTER: +Thine eyes, sweet lady, have infected mine. + +LADY ANNE: +Would they were basilisks, to strike thee dead! + +GLOUCESTER: +I would they were, that I might die at once; +For now they kill me with a living death. +Those eyes of thine from mine have drawn salt tears, +Shamed their aspect with store of childish drops: +These eyes that never shed remorseful tear, +No, when my father York and Edward wept, +To hear the piteous moan that Rutland made +When black-faced Clifford shook his sword at him; +Nor when thy warlike father, like a child, +Told the sad story of my father's death, +And twenty times made pause to sob and weep, +That all the standers-by had wet their cheeks +Like trees bedash'd with rain: in that sad time +My manly eyes did scorn an humble tear; +And what these sorrows could not thence exhale, +Thy beauty hath, and made them blind with weeping. +I never sued to friend nor enemy; +My tongue could never learn sweet smoothing word; +But now thy beauty is proposed my fee, +My proud heart sues, and prompts my tongue to speak. +Teach not thy lips such scorn, for they were made +For kissing, lady, not for such contempt. +If thy revengeful heart cannot forgive, +Lo, here I lend thee this sharp-pointed sword; +Which if thou please to hide in this true bosom. +And let the soul forth that adoreth thee, +I lay it naked to the deadly stroke, +And humbly beg the death upon my knee. +Nay, do not pause; for I did kill King Henry, +But 'twas thy beauty that provoked me. +Nay, now dispatch; 'twas I that stabb'd young Edward, +But 'twas thy heavenly face that set me on. +Take up the sword again, or take up me. + +LADY ANNE: +Arise, dissembler: though I wish thy death, +I will not be the executioner. + +GLOUCESTER: +Then bid me kill myself, and I will do it. + +LADY ANNE: +I have already. + +GLOUCESTER: +Tush, that was in thy rage: +Speak it again, and, even with the word, +That hand, which, for thy love, did kill thy love, +Shall, for thy love, kill a far truer love; +To both their deaths thou shalt be accessary. + +LADY ANNE: +I would I knew thy heart. + +GLOUCESTER: +'Tis figured in my tongue. + +LADY ANNE: +I fear me both are false. + +GLOUCESTER: +Then never man was true. + +LADY ANNE: +Well, well, put up your sword. + +GLOUCESTER: +Say, then, my peace is made. + +LADY ANNE: +That shall you know hereafter. + +GLOUCESTER: +But shall I live in hope? + +LADY ANNE: +All men, I hope, live so. + +GLOUCESTER: +Vouchsafe to wear this ring. + +LADY ANNE: +To take is not to give. + +GLOUCESTER: +Look, how this ring encompasseth finger. +Even so thy breast encloseth my poor heart; +Wear both of them, for both of them are thine. +And if thy poor devoted suppliant may +But beg one favour at thy gracious hand, +Thou dost confirm his happiness for ever. + +LADY ANNE: +What is it? + +GLOUCESTER: +That it would please thee leave these sad designs +To him that hath more cause to be a mourner, +And presently repair to Crosby Place; +Where, after I have solemnly interr'd +At Chertsey monastery this noble king, +And wet his grave with my repentant tears, +I will with all expedient duty see you: +For divers unknown reasons. I beseech you, +Grant me this boon. + +LADY ANNE: +With all my heart; and much it joys me too, +To see you are become so penitent. +Tressel and Berkeley, go along with me. + +GLOUCESTER: +Bid me farewell. + +LADY ANNE: +'Tis more than you deserve; +But since you teach me how to flatter you, +Imagine I have said farewell already. + +GLOUCESTER: +Sirs, take up the corse. + +GENTLEMEN: +Towards Chertsey, noble lord? + +GLOUCESTER: +No, to White-Friars; there attend my coining. +Was ever woman in this humour woo'd? +Was ever woman in this humour won? +I'll have her; but I will not keep her long. +What! I, that kill'd her husband and his father, +To take her in her heart's extremest hate, +With curses in her mouth, tears in her eyes, +The bleeding witness of her hatred by; +Having God, her conscience, and these bars +against me, +And I nothing to back my suit at all, +But the plain devil and dissembling looks, +And yet to win her, all the world to nothing! +Ha! +Hath she forgot already that brave prince, +Edward, her lord, whom I, some three months since, +Stabb'd in my angry mood at Tewksbury? +A sweeter and a lovelier gentleman, +Framed in the prodigality of nature, +Young, valiant, wise, and, no doubt, right royal, +The spacious world cannot again afford +And will she yet debase her eyes on me, +That cropp'd the golden prime of this sweet prince, +And made her widow to a woful bed? +On me, whose all not equals Edward's moiety? +On me, that halt and am unshapen thus? +My dukedom to a beggarly denier, +I do mistake my person all this while: +Upon my life, she finds, although I cannot, +Myself to be a marvellous proper man. +I'll be at charges for a looking-glass, +And entertain some score or two of tailors, +To study fashions to adorn my body: +Since I am crept in favour with myself, +Will maintain it with some little cost. +But first I'll turn yon fellow in his grave; +And then return lamenting to my love. +Shine out, fair sun, till I have bought a glass, +That I may see my shadow as I pass. + +RIVERS: +Have patience, madam: there's no doubt his majesty +Will soon recover his accustom'd health. + +GREY: +In that you brook it in, it makes him worse: +Therefore, for God's sake, entertain good comfort, +And cheer his grace with quick and merry words. + +QUEEN ELIZABETH: +If he were dead, what would betide of me? + +RIVERS: +No other harm but loss of such a lord. + +QUEEN ELIZABETH: +The loss of such a lord includes all harm. + +GREY: +The heavens have bless'd you with a goodly son, +To be your comforter when he is gone. + +QUEEN ELIZABETH: +Oh, he is young and his minority +Is put unto the trust of Richard Gloucester, +A man that loves not me, nor none of you. + +RIVERS: +Is it concluded that he shall be protector? + +QUEEN ELIZABETH: +It is determined, not concluded yet: +But so it must be, if the king miscarry. + +GREY: +Here come the lords of Buckingham and Derby. + +BUCKINGHAM: +Good time of day unto your royal grace! + +DERBY: +God make your majesty joyful as you have been! + +QUEEN ELIZABETH: +The Countess Richmond, good my Lord of Derby. +To your good prayers will scarcely say amen. +Yet, Derby, notwithstanding she's your wife, +And loves not me, be you, good lord, assured +I hate not you for her proud arrogance. + +DERBY: +I do beseech you, either not believe +The envious slanders of her false accusers; +Or, if she be accused in true report, +Bear with her weakness, which, I think proceeds +From wayward sickness, and no grounded malice. + +RIVERS: +Saw you the king to-day, my Lord of Derby? + +DERBY: +But now the Duke of Buckingham and I +Are come from visiting his majesty. + +QUEEN ELIZABETH: +What likelihood of his amendment, lords? + +BUCKINGHAM: +Madam, good hope; his grace speaks cheerfully. + +QUEEN ELIZABETH: +God grant him health! Did you confer with him? + +BUCKINGHAM: +Madam, we did: he desires to make atonement +Betwixt the Duke of Gloucester and your brothers, +And betwixt them and my lord chamberlain; +And sent to warn them to his royal presence. + +QUEEN ELIZABETH: +Would all were well! but that will never be +I fear our happiness is at the highest. + +GLOUCESTER: +They do me wrong, and I will not endure it: +Who are they that complain unto the king, +That I, forsooth, am stern, and love them not? +By holy Paul, they love his grace but lightly +That fill his ears with such dissentious rumours. +Because I cannot flatter and speak fair, +Smile in men's faces, smooth, deceive and cog, +Duck with French nods and apish courtesy, +I must be held a rancorous enemy. +Cannot a plain man live and think no harm, +But thus his simple truth must be abused +By silken, sly, insinuating Jacks? + +RIVERS: +To whom in all this presence speaks your grace? + +GLOUCESTER: +To thee, that hast nor honesty nor grace. +When have I injured thee? when done thee wrong? +Or thee? or thee? or any of your faction? +A plague upon you all! His royal person,-- +Whom God preserve better than you would wish!-- +Cannot be quiet scarce a breathing-while, +But you must trouble him with lewd complaints. + +QUEEN ELIZABETH: +Brother of Gloucester, you mistake the matter. +The king, of his own royal disposition, +And not provoked by any suitor else; +Aiming, belike, at your interior hatred, +Which in your outward actions shows itself +Against my kindred, brothers, and myself, +Makes him to send; that thereby he may gather +The ground of your ill-will, and so remove it. + +GLOUCESTER: +I cannot tell: the world is grown so bad, +That wrens make prey where eagles dare not perch: +Since every Jack became a gentleman +There's many a gentle person made a Jack. + +QUEEN ELIZABETH: +Come, come, we know your meaning, brother +Gloucester; +You envy my advancement and my friends': +God grant we never may have need of you! + +GLOUCESTER: +Meantime, God grants that we have need of you: +Your brother is imprison'd by your means, +Myself disgraced, and the nobility +Held in contempt; whilst many fair promotions +Are daily given to ennoble those +That scarce, some two days since, were worth a noble. + +QUEEN ELIZABETH: +By Him that raised me to this careful height +From that contented hap which I enjoy'd, +I never did incense his majesty +Against the Duke of Clarence, but have been +An earnest advocate to plead for him. +My lord, you do me shameful injury, +Falsely to draw me in these vile suspects. + +GLOUCESTER: +You may deny that you were not the cause +Of my Lord Hastings' late imprisonment. + +RIVERS: +She may, my lord, for-- + +GLOUCESTER: +She may, Lord Rivers! why, who knows not so? +She may do more, sir, than denying that: +She may help you to many fair preferments, +And then deny her aiding hand therein, +And lay those honours on your high deserts. +What may she not? She may, yea, marry, may she-- + +RIVERS: +What, marry, may she? + +GLOUCESTER: +What, marry, may she! marry with a king, +A bachelor, a handsome stripling too: +I wis your grandam had a worser match. + +QUEEN ELIZABETH: +My Lord of Gloucester, I have too long borne +Your blunt upbraidings and your bitter scoffs: +By heaven, I will acquaint his majesty +With those gross taunts I often have endured. +I had rather be a country servant-maid +Than a great queen, with this condition, +To be thus taunted, scorn'd, and baited at: +Small joy have I in being England's queen. + +QUEEN MARGARET: +And lessen'd be that small, God, I beseech thee! +Thy honour, state and seat is due to me. + +GLOUCESTER: +What! threat you me with telling of the king? +Tell him, and spare not: look, what I have said +I will avouch in presence of the king: +I dare adventure to be sent to the Tower. +'Tis time to speak; my pains are quite forgot. + +QUEEN MARGARET: +Out, devil! I remember them too well: +Thou slewest my husband Henry in the Tower, +And Edward, my poor son, at Tewksbury. + +GLOUCESTER: +Ere you were queen, yea, or your husband king, +I was a pack-horse in his great affairs; +A weeder-out of his proud adversaries, +A liberal rewarder of his friends: +To royalize his blood I spilt mine own. + +QUEEN MARGARET: +Yea, and much better blood than his or thine. + +GLOUCESTER: +In all which time you and your husband Grey +Were factious for the house of Lancaster; +And, Rivers, so were you. Was not your husband +In Margaret's battle at Saint Alban's slain? +Let me put in your minds, if you forget, +What you have been ere now, and what you are; +Withal, what I have been, and what I am. + +QUEEN MARGARET: +A murderous villain, and so still thou art. + +GLOUCESTER: +Poor Clarence did forsake his father, Warwick; +Yea, and forswore himself,--which Jesu pardon!-- + +QUEEN MARGARET: +Which God revenge! + +GLOUCESTER: +To fight on Edward's party for the crown; +And for his meed, poor lord, he is mew'd up. +I would to God my heart were flint, like Edward's; +Or Edward's soft and pitiful, like mine +I am too childish-foolish for this world. + +QUEEN MARGARET: +Hie thee to hell for shame, and leave the world, +Thou cacodemon! there thy kingdom is. + +RIVERS: +My Lord of Gloucester, in those busy days +Which here you urge to prove us enemies, +We follow'd then our lord, our lawful king: +So should we you, if you should be our king. + +GLOUCESTER: +If I should be! I had rather be a pedlar: +Far be it from my heart, the thought of it! + +QUEEN ELIZABETH: +As little joy, my lord, as you suppose +You should enjoy, were you this country's king, +As little joy may you suppose in me. +That I enjoy, being the queen thereof. + +QUEEN MARGARET: +A little joy enjoys the queen thereof; +For I am she, and altogether joyless. +I can no longer hold me patient. +Hear me, you wrangling pirates, that fall out +In sharing that which you have pill'd from me! +Which of you trembles not that looks on me? +If not, that, I being queen, you bow like subjects, +Yet that, by you deposed, you quake like rebels? +O gentle villain, do not turn away! + +GLOUCESTER: +Foul wrinkled witch, what makest thou in my sight? + +QUEEN MARGARET: +But repetition of what thou hast marr'd; +That will I make before I let thee go. + +GLOUCESTER: +Wert thou not banished on pain of death? + +QUEEN MARGARET: +I was; but I do find more pain in banishment +Than death can yield me here by my abode. +A husband and a son thou owest to me; +And thou a kingdom; all of you allegiance: +The sorrow that I have, by right is yours, +And all the pleasures you usurp are mine. + +GLOUCESTER: +The curse my noble father laid on thee, +When thou didst crown his warlike brows with paper +And with thy scorns drew'st rivers from his eyes, +And then, to dry them, gavest the duke a clout +Steep'd in the faultless blood of pretty Rutland-- +His curses, then from bitterness of soul +Denounced against thee, are all fall'n upon thee; +And God, not we, hath plagued thy bloody deed. + +QUEEN ELIZABETH: +So just is God, to right the innocent. + +HASTINGS: +O, 'twas the foulest deed to slay that babe, +And the most merciless that e'er was heard of! + +RIVERS: +Tyrants themselves wept when it was reported. + +DORSET: +No man but prophesied revenge for it. + +BUCKINGHAM: +Northumberland, then present, wept to see it. + +QUEEN MARGARET: +What were you snarling all before I came, +Ready to catch each other by the throat, +And turn you all your hatred now on me? +Did York's dread curse prevail so much with heaven? +That Henry's death, my lovely Edward's death, +Their kingdom's loss, my woful banishment, +Could all but answer for that peevish brat? +Can curses pierce the clouds and enter heaven? +Why, then, give way, dull clouds, to my quick curses! +If not by war, by surfeit die your king, +As ours by murder, to make him a king! +Edward thy son, which now is Prince of Wales, +For Edward my son, which was Prince of Wales, +Die in his youth by like untimely violence! +Thyself a queen, for me that was a queen, +Outlive thy glory, like my wretched self! +Long mayst thou live to wail thy children's loss; +And see another, as I see thee now, +Deck'd in thy rights, as thou art stall'd in mine! +Long die thy happy days before thy death; +And, after many lengthen'd hours of grief, +Die neither mother, wife, nor England's queen! +Rivers and Dorset, you were standers by, +And so wast thou, Lord Hastings, when my son +Was stabb'd with bloody daggers: God, I pray him, +That none of you may live your natural age, +But by some unlook'd accident cut off! + +GLOUCESTER: +Have done thy charm, thou hateful wither'd hag! + +QUEEN MARGARET: +And leave out thee? stay, dog, for thou shalt hear me. +If heaven have any grievous plague in store +Exceeding those that I can wish upon thee, +O, let them keep it till thy sins be ripe, +And then hurl down their indignation +On thee, the troubler of the poor world's peace! +The worm of conscience still begnaw thy soul! +Thy friends suspect for traitors while thou livest, +And take deep traitors for thy dearest friends! +No sleep close up that deadly eye of thine, +Unless it be whilst some tormenting dream +Affrights thee with a hell of ugly devils! +Thou elvish-mark'd, abortive, rooting hog! +Thou that wast seal'd in thy nativity +The slave of nature and the son of hell! +Thou slander of thy mother's heavy womb! +Thou loathed issue of thy father's loins! +Thou rag of honour! thou detested-- + +GLOUCESTER: +Margaret. + +QUEEN MARGARET: +Richard! + +GLOUCESTER: +Ha! + +QUEEN MARGARET: +I call thee not. + +GLOUCESTER: +I cry thee mercy then, for I had thought +That thou hadst call'd me all these bitter names. + +QUEEN MARGARET: +Why, so I did; but look'd for no reply. +O, let me make the period to my curse! + +GLOUCESTER: +'Tis done by me, and ends in 'Margaret.' + +QUEEN ELIZABETH: +Thus have you breathed your curse against yourself. + +QUEEN MARGARET: +Poor painted queen, vain flourish of my fortune! +Why strew'st thou sugar on that bottled spider, +Whose deadly web ensnareth thee about? +Fool, fool! thou whet'st a knife to kill thyself. +The time will come when thou shalt wish for me +To help thee curse that poisonous bunchback'd toad. + +HASTINGS: +False-boding woman, end thy frantic curse, +Lest to thy harm thou move our patience. + +QUEEN MARGARET: +Foul shame upon you! you have all moved mine. + +RIVERS: +Were you well served, you would be taught your duty. + +QUEEN MARGARET: +To serve me well, you all should do me duty, +Teach me to be your queen, and you my subjects: +O, serve me well, and teach yourselves that duty! + +DORSET: +Dispute not with her; she is lunatic. + +QUEEN MARGARET: +Peace, master marquess, you are malapert: +Your fire-new stamp of honour is scarce current. +O, that your young nobility could judge +What 'twere to lose it, and be miserable! +They that stand high have many blasts to shake them; +And if they fall, they dash themselves to pieces. + +GLOUCESTER: +Good counsel, marry: learn it, learn it, marquess. + +DORSET: +It toucheth you, my lord, as much as me. + +GLOUCESTER: +Yea, and much more: but I was born so high, +Our aery buildeth in the cedar's top, +And dallies with the wind and scorns the sun. + +QUEEN MARGARET: +And turns the sun to shade; alas! alas! +Witness my son, now in the shade of death; +Whose bright out-shining beams thy cloudy wrath +Hath in eternal darkness folded up. +Your aery buildeth in our aery's nest. +O God, that seest it, do not suffer it! +As it was won with blood, lost be it so! + +BUCKINGHAM: +Have done! for shame, if not for charity. + +QUEEN MARGARET: +Urge neither charity nor shame to me: +Uncharitably with me have you dealt, +And shamefully by you my hopes are butcher'd. +My charity is outrage, life my shame +And in that shame still live my sorrow's rage. + +BUCKINGHAM: +Have done, have done. + +QUEEN MARGARET: +O princely Buckingham I'll kiss thy hand, +In sign of league and amity with thee: +Now fair befal thee and thy noble house! +Thy garments are not spotted with our blood, +Nor thou within the compass of my curse. + +BUCKINGHAM: +Nor no one here; for curses never pass +The lips of those that breathe them in the air. + +QUEEN MARGARET: +I'll not believe but they ascend the sky, +And there awake God's gentle-sleeping peace. +O Buckingham, take heed of yonder dog! +Look, when he fawns, he bites; and when he bites, +His venom tooth will rankle to the death: +Have not to do with him, beware of him; +Sin, death, and hell have set their marks on him, +And all their ministers attend on him. + +GLOUCESTER: +What doth she say, my Lord of Buckingham? + +BUCKINGHAM: +Nothing that I respect, my gracious lord. + +QUEEN MARGARET: +What, dost thou scorn me for my gentle counsel? +And soothe the devil that I warn thee from? +O, but remember this another day, +When he shall split thy very heart with sorrow, +And say poor Margaret was a prophetess! +Live each of you the subjects to his hate, +And he to yours, and all of you to God's! + +HASTINGS: +My hair doth stand on end to hear her curses. + +RIVERS: +And so doth mine: I muse why she's at liberty. + +GLOUCESTER: +I cannot blame her: by God's holy mother, +She hath had too much wrong; and I repent +My part thereof that I have done to her. + +QUEEN ELIZABETH: +I never did her any, to my knowledge. + +GLOUCESTER: +But you have all the vantage of her wrong. +I was too hot to do somebody good, +That is too cold in thinking of it now. +Marry, as for Clarence, he is well repaid, +He is frank'd up to fatting for his pains +God pardon them that are the cause of it! + +RIVERS: +A virtuous and a Christian-like conclusion, +To pray for them that have done scathe to us. + +GLOUCESTER: +So do I ever: +being well-advised. +For had I cursed now, I had cursed myself. + +CATESBY: +Madam, his majesty doth call for you, +And for your grace; and you, my noble lords. + +QUEEN ELIZABETH: +Catesby, we come. Lords, will you go with us? + +RIVERS: +Madam, we will attend your grace. + +GLOUCESTER: +I do the wrong, and first begin to brawl. +The secret mischiefs that I set abroach +I lay unto the grievous charge of others. +Clarence, whom I, indeed, have laid in darkness, +I do beweep to many simple gulls +Namely, to Hastings, Derby, Buckingham; +And say it is the queen and her allies +That stir the king against the duke my brother. +Now, they believe it; and withal whet me +To be revenged on Rivers, Vaughan, Grey: +But then I sigh; and, with a piece of scripture, +Tell them that God bids us do good for evil: +And thus I clothe my naked villany +With old odd ends stolen out of holy writ; +And seem a saint, when most I play the devil. +But, soft! here come my executioners. +How now, my hardy, stout resolved mates! +Are you now going to dispatch this deed? + +First Murderer: +We are, my lord; and come to have the warrant +That we may be admitted where he is. + +GLOUCESTER: +Well thought upon; I have it here about me. +When you have done, repair to Crosby Place. +But, sirs, be sudden in the execution, +Withal obdurate, do not hear him plead; +For Clarence is well-spoken, and perhaps +May move your hearts to pity if you mark him. + +First Murderer: +Tush! +Fear not, my lord, we will not stand to prate; +Talkers are no good doers: be assured +We come to use our hands and not our tongues. + +GLOUCESTER: +Your eyes drop millstones, when fools' eyes drop tears: +I like you, lads; about your business straight; +Go, go, dispatch. + +First Murderer: +We will, my noble lord. + +BRAKENBURY: +Why looks your grace so heavily today? + +CLARENCE: +O, I have pass'd a miserable night, +So full of ugly sights, of ghastly dreams, +That, as I am a Christian faithful man, +I would not spend another such a night, +Though 'twere to buy a world of happy days, +So full of dismal terror was the time! + +BRAKENBURY: +What was your dream? I long to hear you tell it. + +CLARENCE: +Methoughts that I had broken from the Tower, +And was embark'd to cross to Burgundy; +And, in my company, my brother Gloucester; +Who from my cabin tempted me to walk +Upon the hatches: thence we looked toward England, +And cited up a thousand fearful times, +During the wars of York and Lancaster +That had befall'n us. As we paced along +Upon the giddy footing of the hatches, +Methought that Gloucester stumbled; and, in falling, +Struck me, that thought to stay him, overboard, +Into the tumbling billows of the main. +Lord, Lord! methought, what pain it was to drown! +What dreadful noise of waters in mine ears! +What ugly sights of death within mine eyes! +Methought I saw a thousand fearful wrecks; +Ten thousand men that fishes gnaw'd upon; +Wedges of gold, great anchors, heaps of pearl, +Inestimable stones, unvalued jewels, +All scatter'd in the bottom of the sea: +Some lay in dead men's skulls; and, in those holes +Where eyes did once inhabit, there were crept, +As 'twere in scorn of eyes, reflecting gems, +Which woo'd the slimy bottom of the deep, +And mock'd the dead bones that lay scatter'd by. + +BRAKENBURY: +Had you such leisure in the time of death +To gaze upon the secrets of the deep? + +CLARENCE: +Methought I had; and often did I strive +To yield the ghost: but still the envious flood +Kept in my soul, and would not let it forth +To seek the empty, vast and wandering air; +But smother'd it within my panting bulk, +Which almost burst to belch it in the sea. + +BRAKENBURY: +Awaked you not with this sore agony? + +CLARENCE: +O, no, my dream was lengthen'd after life; +O, then began the tempest to my soul, +Who pass'd, methought, the melancholy flood, +With that grim ferryman which poets write of, +Unto the kingdom of perpetual night. +The first that there did greet my stranger soul, +Was my great father-in-law, renowned Warwick; +Who cried aloud, 'What scourge for perjury +Can this dark monarchy afford false Clarence?' +And so he vanish'd: then came wandering by +A shadow like an angel, with bright hair +Dabbled in blood; and he squeak'd out aloud, +'Clarence is come; false, fleeting, perjured Clarence, +That stabb'd me in the field by Tewksbury; +Seize on him, Furies, take him to your torments!' +With that, methoughts, a legion of foul fiends +Environ'd me about, and howled in mine ears +Such hideous cries, that with the very noise +I trembling waked, and for a season after +Could not believe but that I was in hell, +Such terrible impression made the dream. + +BRAKENBURY: +No marvel, my lord, though it affrighted you; +I promise, I am afraid to hear you tell it. + +CLARENCE: +O Brakenbury, I have done those things, +Which now bear evidence against my soul, +For Edward's sake; and see how he requites me! +O God! if my deep prayers cannot appease thee, +But thou wilt be avenged on my misdeeds, +Yet execute thy wrath in me alone, +O, spare my guiltless wife and my poor children! +I pray thee, gentle keeper, stay by me; +My soul is heavy, and I fain would sleep. + +BRAKENBURY: +I will, my lord: God give your grace good rest! +Sorrow breaks seasons and reposing hours, +Makes the night morning, and the noon-tide night. +Princes have but their tides for their glories, +An outward honour for an inward toil; +And, for unfelt imagination, +They often feel a world of restless cares: +So that, betwixt their tides and low names, +There's nothing differs but the outward fame. + +First Murderer: +Ho! who's here? + +BRAKENBURY: +In God's name what are you, and how came you hither? + +First Murderer: +I would speak with Clarence, and I came hither on my legs. + +BRAKENBURY: +Yea, are you so brief? + +Second Murderer: +O sir, it is better to be brief than tedious. Show +him our commission; talk no more. + +BRAKENBURY: +I am, in this, commanded to deliver +The noble Duke of Clarence to your hands: +I will not reason what is meant hereby, +Because I will be guiltless of the meaning. +Here are the keys, there sits the duke asleep: +I'll to the king; and signify to him +That thus I have resign'd my charge to you. + +First Murderer: +Do so, it is a point of wisdom: fare you well. + +Second Murderer: +What, shall we stab him as he sleeps? + +First Murderer: +No; then he will say 'twas done cowardly, when he wakes. + +Second Murderer: +When he wakes! why, fool, he shall never wake till +the judgment-day. + +First Murderer: +Why, then he will say we stabbed him sleeping. + +Second Murderer: +The urging of that word 'judgment' hath bred a kind +of remorse in me. + +First Murderer: +What, art thou afraid? + +Second Murderer: +Not to kill him, having a warrant for it; but to be +damned for killing him, from which no warrant can defend us. + +First Murderer: +I thought thou hadst been resolute. + +Second Murderer: +So I am, to let him live. + +First Murderer: +Back to the Duke of Gloucester, tell him so. + +Second Murderer: +I pray thee, stay a while: I hope my holy humour +will change; 'twas wont to hold me but while one +would tell twenty. + +First Murderer: +How dost thou feel thyself now? + +Second Murderer: +'Faith, some certain dregs of conscience are yet +within me. + +First Murderer: +Remember our reward, when the deed is done. + +Second Murderer: +'Zounds, he dies: I had forgot the reward. + +First Murderer: +Where is thy conscience now? + +Second Murderer: +In the Duke of Gloucester's purse. + +First Murderer: +So when he opens his purse to give us our reward, +thy conscience flies out. + +Second Murderer: +Let it go; there's few or none will entertain it. + +First Murderer: +How if it come to thee again? + +Second Murderer: +I'll not meddle with it: it is a dangerous thing: it +makes a man a coward: a man cannot steal, but it +accuseth him; he cannot swear, but it cheques him; +he cannot lie with his neighbour's wife, but it +detects him: 'tis a blushing shamefast spirit that +mutinies in a man's bosom; it fills one full of +obstacles: it made me once restore a purse of gold +that I found; it beggars any man that keeps it: it +is turned out of all towns and cities for a +dangerous thing; and every man that means to live +well endeavours to trust to himself and to live +without it. + +First Murderer: +'Zounds, it is even now at my elbow, persuading me +not to kill the duke. + +Second Murderer: +Take the devil in thy mind, and relieve him not: he +would insinuate with thee but to make thee sigh. + +First Murderer: +Tut, I am strong-framed, he cannot prevail with me, +I warrant thee. + +Second Murderer: +Spoke like a tail fellow that respects his +reputation. Come, shall we to this gear? + +First Murderer: +Take him over the costard with the hilts of thy +sword, and then we will chop him in the malmsey-butt +in the next room. + +Second Murderer: +O excellent devise! make a sop of him. + +First Murderer: +Hark! he stirs: shall I strike? + +Second Murderer: +No, first let's reason with him. + +CLARENCE: +Where art thou, keeper? give me a cup of wine. + +Second murderer: +You shall have wine enough, my lord, anon. + +CLARENCE: +In God's name, what art thou? + +Second Murderer: +A man, as you are. + +CLARENCE: +But not, as I am, royal. + +Second Murderer: +Nor you, as we are, loyal. + +CLARENCE: +Thy voice is thunder, but thy looks are humble. + +Second Murderer: +My voice is now the king's, my looks mine own. + +CLARENCE: +How darkly and how deadly dost thou speak! +Your eyes do menace me: why look you pale? +Who sent you hither? Wherefore do you come? + +Both: +To, to, to-- + +CLARENCE: +To murder me? + +Both: +Ay, ay. + +CLARENCE: +You scarcely have the hearts to tell me so, +And therefore cannot have the hearts to do it. +Wherein, my friends, have I offended you? + +First Murderer: +Offended us you have not, but the king. + +CLARENCE: +I shall be reconciled to him again. + +Second Murderer: +Never, my lord; therefore prepare to die. + +CLARENCE: +Are you call'd forth from out a world of men +To slay the innocent? What is my offence? +Where are the evidence that do accuse me? +What lawful quest have given their verdict up +Unto the frowning judge? or who pronounced +The bitter sentence of poor Clarence' death? +Before I be convict by course of law, +To threaten me with death is most unlawful. +I charge you, as you hope to have redemption +By Christ's dear blood shed for our grievous sins, +That you depart and lay no hands on me +The deed you undertake is damnable. + +First Murderer: +What we will do, we do upon command. + +Second Murderer: +And he that hath commanded is the king. + +CLARENCE: +Erroneous vassal! the great King of kings +Hath in the tables of his law commanded +That thou shalt do no murder: and wilt thou, then, +Spurn at his edict and fulfil a man's? +Take heed; for he holds vengeance in his hands, +To hurl upon their heads that break his law. + +Second Murderer: +And that same vengeance doth he hurl on thee, +For false forswearing and for murder too: +Thou didst receive the holy sacrament, +To fight in quarrel of the house of Lancaster. + +First Murderer: +And, like a traitor to the name of God, +Didst break that vow; and with thy treacherous blade +Unrip'dst the bowels of thy sovereign's son. + +Second Murderer: +Whom thou wert sworn to cherish and defend. + +First Murderer: +How canst thou urge God's dreadful law to us, +When thou hast broke it in so dear degree? + +CLARENCE: +Alas! for whose sake did I that ill deed? +For Edward, for my brother, for his sake: Why, sirs, +He sends ye not to murder me for this +For in this sin he is as deep as I. +If God will be revenged for this deed. +O, know you yet, he doth it publicly, +Take not the quarrel from his powerful arm; +He needs no indirect nor lawless course +To cut off those that have offended him. + +First Murderer: +Who made thee, then, a bloody minister, +When gallant-springing brave Plantagenet, +That princely novice, was struck dead by thee? + +CLARENCE: +My brother's love, the devil, and my rage. + +First Murderer: +Thy brother's love, our duty, and thy fault, +Provoke us hither now to slaughter thee. + +CLARENCE: +Oh, if you love my brother, hate not me; +I am his brother, and I love him well. +If you be hired for meed, go back again, +And I will send you to my brother Gloucester, +Who shall reward you better for my life +Than Edward will for tidings of my death. + +Second Murderer: +You are deceived, your brother Gloucester hates you. + +CLARENCE: +O, no, he loves me, and he holds me dear: +Go you to him from me. + +Both: +Ay, so we will. + +CLARENCE: +Tell him, when that our princely father York +Bless'd his three sons with his victorious arm, +And charged us from his soul to love each other, +He little thought of this divided friendship: +Bid Gloucester think of this, and he will weep. + +First Murderer: +Ay, millstones; as be lesson'd us to weep. + +CLARENCE: +O, do not slander him, for he is kind. + +First Murderer: +Right, +As snow in harvest. Thou deceivest thyself: +'Tis he that sent us hither now to slaughter thee. + +CLARENCE: +It cannot be; for when I parted with him, +He hugg'd me in his arms, and swore, with sobs, +That he would labour my delivery. + +Second Murderer: +Why, so he doth, now he delivers thee +From this world's thraldom to the joys of heaven. + +First Murderer: +Make peace with God, for you must die, my lord. + +CLARENCE: +Hast thou that holy feeling in thy soul, +To counsel me to make my peace with God, +And art thou yet to thy own soul so blind, +That thou wilt war with God by murdering me? +Ah, sirs, consider, he that set you on +To do this deed will hate you for the deed. + +Second Murderer: +What shall we do? + +CLARENCE: +Relent, and save your souls. + +First Murderer: +Relent! 'tis cowardly and womanish. + +CLARENCE: +Not to relent is beastly, savage, devilish. +Which of you, if you were a prince's son, +Being pent from liberty, as I am now, +if two such murderers as yourselves came to you, +Would not entreat for life? +My friend, I spy some pity in thy looks: +O, if thine eye be not a flatterer, +Come thou on my side, and entreat for me, +As you would beg, were you in my distress +A begging prince what beggar pities not? + +Second Murderer: +Look behind you, my lord. + +First Murderer: +Take that, and that: if all this will not do, +I'll drown you in the malmsey-butt within. + +Second Murderer: +A bloody deed, and desperately dispatch'd! +How fain, like Pilate, would I wash my hands +Of this most grievous guilty murder done! + +First Murderer: +How now! what mean'st thou, that thou help'st me not? +By heavens, the duke shall know how slack thou art! + +Second Murderer: +I would he knew that I had saved his brother! +Take thou the fee, and tell him what I say; +For I repent me that the duke is slain. + +First Murderer: +So do not I: go, coward as thou art. +Now must I hide his body in some hole, +Until the duke take order for his burial: +And when I have my meed, I must away; +For this will out, and here I must not stay. + +KING EDWARD IV: +Why, so: now have I done a good day's work: +You peers, continue this united league: +I every day expect an embassage +From my Redeemer to redeem me hence; +And now in peace my soul shall part to heaven, +Since I have set my friends at peace on earth. +Rivers and Hastings, take each other's hand; +Dissemble not your hatred, swear your love. + +RIVERS: +By heaven, my heart is purged from grudging hate: +And with my hand I seal my true heart's love. + +HASTINGS: +So thrive I, as I truly swear the like! + +KING EDWARD IV: +Take heed you dally not before your king; +Lest he that is the supreme King of kings +Confound your hidden falsehood, and award +Either of you to be the other's end. + +HASTINGS: +So prosper I, as I swear perfect love! + +RIVERS: +And I, as I love Hastings with my heart! + +KING EDWARD IV: +Madam, yourself are not exempt in this, +Nor your son Dorset, Buckingham, nor you; +You have been factious one against the other, +Wife, love Lord Hastings, let him kiss your hand; +And what you do, do it unfeignedly. + +QUEEN ELIZABETH: +Here, Hastings; I will never more remember +Our former hatred, so thrive I and mine! + +KING EDWARD IV: +Dorset, embrace him; Hastings, love lord marquess. + +DORSET: +This interchange of love, I here protest, +Upon my part shall be unviolable. + +HASTINGS: +And so swear I, my lord + +KING EDWARD IV: +Now, princely Buckingham, seal thou this league +With thy embracements to my wife's allies, +And make me happy in your unity. + +BUCKINGHAM: +Whenever Buckingham doth turn his hate +On you or yours, +but with all duteous love +Doth cherish you and yours, God punish me +With hate in those where I expect most love! +When I have most need to employ a friend, +And most assured that he is a friend +Deep, hollow, treacherous, and full of guile, +Be he unto me! this do I beg of God, +When I am cold in zeal to yours. + +KING EDWARD IV: +A pleasing cordial, princely Buckingham, +is this thy vow unto my sickly heart. +There wanteth now our brother Gloucester here, +To make the perfect period of this peace. + +BUCKINGHAM: +And, in good time, here comes the noble duke. + +GLOUCESTER: +Good morrow to my sovereign king and queen: +And, princely peers, a happy time of day! + +KING EDWARD IV: +Happy, indeed, as we have spent the day. +Brother, we done deeds of charity; +Made peace enmity, fair love of hate, +Between these swelling wrong-incensed peers. + +GLOUCESTER: +A blessed labour, my most sovereign liege: +Amongst this princely heap, if any here, +By false intelligence, or wrong surmise, +Hold me a foe; +If I unwittingly, or in my rage, +Have aught committed that is hardly borne +By any in this presence, I desire +To reconcile me to his friendly peace: +'Tis death to me to be at enmity; +I hate it, and desire all good men's love. +First, madam, I entreat true peace of you, +Which I will purchase with my duteous service; +Of you, my noble cousin Buckingham, +If ever any grudge were lodged between us; +Of you, Lord Rivers, and, Lord Grey, of you; +That without desert have frown'd on me; +Dukes, earls, lords, gentlemen; indeed, of all. +I do not know that Englishman alive +With whom my soul is any jot at odds +More than the infant that is born to-night +I thank my God for my humility. + +QUEEN ELIZABETH: +A holy day shall this be kept hereafter: +I would to God all strifes were well compounded. +My sovereign liege, I do beseech your majesty +To take our brother Clarence to your grace. + +GLOUCESTER: +Why, madam, have I offer'd love for this +To be so bouted in this royal presence? +Who knows not that the noble duke is dead? +You do him injury to scorn his corse. + +RIVERS: +Who knows not he is dead! who knows he is? + +QUEEN ELIZABETH: +All seeing heaven, what a world is this! + +BUCKINGHAM: +Look I so pale, Lord Dorset, as the rest? + +DORSET: +Ay, my good lord; and no one in this presence +But his red colour hath forsook his cheeks. + +KING EDWARD IV: +Is Clarence dead? the order was reversed. + +GLOUCESTER: +But he, poor soul, by your first order died, +And that a winged Mercury did bear: +Some tardy cripple bore the countermand, +That came too lag to see him buried. +God grant that some, less noble and less loyal, +Nearer in bloody thoughts, but not in blood, +Deserve not worse than wretched Clarence did, +And yet go current from suspicion! + +DORSET: +A boon, my sovereign, for my service done! + +KING EDWARD IV: +I pray thee, peace: my soul is full of sorrow. + +DORSET: +I will not rise, unless your highness grant. + +KING EDWARD IV: +Then speak at once what is it thou demand'st. + +DORSET: +The forfeit, sovereign, of my servant's life; +Who slew to-day a righteous gentleman +Lately attendant on the Duke of Norfolk. + +KING EDWARD IV: +Have a tongue to doom my brother's death, +And shall the same give pardon to a slave? +My brother slew no man; his fault was thought, +And yet his punishment was cruel death. +Who sued to me for him? who, in my rage, +Kneel'd at my feet, and bade me be advised +Who spake of brotherhood? who spake of love? +Who told me how the poor soul did forsake +The mighty Warwick, and did fight for me? +Who told me, in the field by Tewksbury +When Oxford had me down, he rescued me, +And said, 'Dear brother, live, and be a king'? +Who told me, when we both lay in the field +Frozen almost to death, how he did lap me +Even in his own garments, and gave himself, +All thin and naked, to the numb cold night? +All this from my remembrance brutish wrath +Sinfully pluck'd, and not a man of you +Had so much grace to put it in my mind. +But when your carters or your waiting-vassals +Have done a drunken slaughter, and defaced +The precious image of our dear Redeemer, +You straight are on your knees for pardon, pardon; +And I unjustly too, must grant it you +But for my brother not a man would speak, +Nor I, ungracious, speak unto myself +For him, poor soul. The proudest of you all +Have been beholding to him in his life; +Yet none of you would once plead for his life. +O God, I fear thy justice will take hold +On me, and you, and mine, and yours for this! +Come, Hastings, help me to my closet. +Oh, poor Clarence! + +GLOUCESTER: +This is the fruit of rashness! Mark'd you not +How that the guilty kindred of the queen +Look'd pale when they did hear of Clarence' death? +O, they did urge it still unto the king! +God will revenge it. But come, let us in, +To comfort Edward with our company. + +BUCKINGHAM: +We wait upon your grace. + +Boy: +Tell me, good grandam, is our father dead? + +DUCHESS OF YORK: +No, boy. + +Boy: +Why do you wring your hands, and beat your breast, +And cry 'O Clarence, my unhappy son!' + +Girl: +Why do you look on us, and shake your head, +And call us wretches, orphans, castaways +If that our noble father be alive? + +DUCHESS OF YORK: +My pretty cousins, you mistake me much; +I do lament the sickness of the king. +As loath to lose him, not your father's death; +It were lost sorrow to wail one that's lost. + +Boy: +Then, grandam, you conclude that he is dead. +The king my uncle is to blame for this: +God will revenge it; whom I will importune +With daily prayers all to that effect. + +Girl: +And so will I. + +DUCHESS OF YORK: +Peace, children, peace! the king doth love you well: +Incapable and shallow innocents, +You cannot guess who caused your father's death. + +Boy: +Grandam, we can; for my good uncle Gloucester +Told me, the king, provoked by the queen, +Devised impeachments to imprison him : +And when my uncle told me so, he wept, +And hugg'd me in his arm, and kindly kiss'd my cheek; +Bade me rely on him as on my father, +And he would love me dearly as his child. + +DUCHESS OF YORK: +Oh, that deceit should steal such gentle shapes, +And with a virtuous vizard hide foul guile! +He is my son; yea, and therein my shame; +Yet from my dugs he drew not this deceit. + +Boy: +Think you my uncle did dissemble, grandam? + +DUCHESS OF YORK: +Ay, boy. + +Boy: +I cannot think it. Hark! what noise is this? + +QUEEN ELIZABETH: +Oh, who shall hinder me to wail and weep, +To chide my fortune, and torment myself? +I'll join with black despair against my soul, +And to myself become an enemy. + +DUCHESS OF YORK: +What means this scene of rude impatience? + +QUEEN ELIZABETH: +To make an act of tragic violence: +Edward, my lord, your son, our king, is dead. +Why grow the branches now the root is wither'd? +Why wither not the leaves the sap being gone? +If you will live, lament; if die, be brief, +That our swift-winged souls may catch the king's; +Or, like obedient subjects, follow him +To his new kingdom of perpetual rest. + +DUCHESS OF YORK: +Ah, so much interest have I in thy sorrow +As I had title in thy noble husband! +I have bewept a worthy husband's death, +And lived by looking on his images: +But now two mirrors of his princely semblance +Are crack'd in pieces by malignant death, +And I for comfort have but one false glass, +Which grieves me when I see my shame in him. +Thou art a widow; yet thou art a mother, +And hast the comfort of thy children left thee: +But death hath snatch'd my husband from mine arms, +And pluck'd two crutches from my feeble limbs, +Edward and Clarence. O, what cause have I, +Thine being but a moiety of my grief, +To overgo thy plaints and drown thy cries! + +Boy: +Good aunt, you wept not for our father's death; +How can we aid you with our kindred tears? + +Girl: +Our fatherless distress was left unmoan'd; +Your widow-dolour likewise be unwept! + +QUEEN ELIZABETH: +Give me no help in lamentation; +I am not barren to bring forth complaints +All springs reduce their currents to mine eyes, +That I, being govern'd by the watery moon, +May send forth plenteous tears to drown the world! +Oh for my husband, for my dear lord Edward! + +Children: +Oh for our father, for our dear lord Clarence! + +DUCHESS OF YORK: +Alas for both, both mine, Edward and Clarence! + +QUEEN ELIZABETH: +What stay had I but Edward? and he's gone. + +Children: +What stay had we but Clarence? and he's gone. + +DUCHESS OF YORK: +What stays had I but they? and they are gone. + +QUEEN ELIZABETH: +Was never widow had so dear a loss! + +Children: +Were never orphans had so dear a loss! + +DUCHESS OF YORK: +Was never mother had so dear a loss! +Alas, I am the mother of these moans! +Their woes are parcell'd, mine are general. +She for an Edward weeps, and so do I; +I for a Clarence weep, so doth not she: +These babes for Clarence weep and so do I; +I for an Edward weep, so do not they: +Alas, you three, on me, threefold distress'd, +Pour all your tears! I am your sorrow's nurse, +And I will pamper it with lamentations. + +DORSET: +Comfort, dear mother: God is much displeased +That you take with unthankfulness, his doing: +In common worldly things, 'tis call'd ungrateful, +With dull unwilligness to repay a debt +Which with a bounteous hand was kindly lent; +Much more to be thus opposite with heaven, +For it requires the royal debt it lent you. + +RIVERS: +Madam, bethink you, like a careful mother, +Of the young prince your son: send straight for him +Let him be crown'd; in him your comfort lives: +Drown desperate sorrow in dead Edward's grave, +And plant your joys in living Edward's throne. + +GLOUCESTER: +Madam, have comfort: all of us have cause +To wail the dimming of our shining star; +But none can cure their harms by wailing them. +Madam, my mother, I do cry you mercy; +I did not see your grace: humbly on my knee +I crave your blessing. + +DUCHESS OF YORK: +God bless thee; and put meekness in thy mind, +Love, charity, obedience, and true duty! + +GLOUCESTER: + +BUCKINGHAM: +You cloudy princes and heart-sorrowing peers, +That bear this mutual heavy load of moan, +Now cheer each other in each other's love +Though we have spent our harvest of this king, +We are to reap the harvest of his son. +The broken rancour of your high-swoln hearts, +But lately splinter'd, knit, and join'd together, +Must gently be preserved, cherish'd, and kept: +Me seemeth good, that, with some little train, +Forthwith from Ludlow the young prince be fetch'd +Hither to London, to be crown'd our king. + +RIVERS: +Why with some little train, my Lord of Buckingham? + +BUCKINGHAM: +Marry, my lord, lest, by a multitude, +The new-heal'd wound of malice should break out, +Which would be so much the more dangerous +By how much the estate is green and yet ungovern'd: +Where every horse bears his commanding rein, +And may direct his course as please himself, +As well the fear of harm, as harm apparent, +In my opinion, ought to be prevented. + +GLOUCESTER: +I hope the king made peace with all of us +And the compact is firm and true in me. + +RIVERS: +And so in me; and so, I think, in all: +Yet, since it is but green, it should be put +To no apparent likelihood of breach, +Which haply by much company might be urged: +Therefore I say with noble Buckingham, +That it is meet so few should fetch the prince. + +HASTINGS: +And so say I. + +GLOUCESTER: +Then be it so; and go we to determine +Who they shall be that straight shall post to Ludlow. +Madam, and you, my mother, will you go +To give your censures in this weighty business? + +QUEEN ELIZABETH: +With all our harts. + +BUCKINGHAM: +My lord, whoever journeys to the Prince, +For God's sake, let not us two be behind; +For, by the way, I'll sort occasion, +As index to the story we late talk'd of, +To part the queen's proud kindred from the king. + +GLOUCESTER: +My other self, my counsel's consistory, +My oracle, my prophet! My dear cousin, +I, like a child, will go by thy direction. +Towards Ludlow then, for we'll not stay behind. + +First Citizen: +Neighbour, well met: whither away so fast? + +Second Citizen: +I promise you, I scarcely know myself: +Hear you the news abroad? + +First Citizen: +Ay, that the king is dead. + +Second Citizen: +Bad news, by'r lady; seldom comes the better: +I fear, I fear 'twill prove a troublous world. + +Third Citizen: +Neighbours, God speed! + +First Citizen: +Give you good morrow, sir. + +Third Citizen: +Doth this news hold of good King Edward's death? + +Second Citizen: +Ay, sir, it is too true; God help the while! + +Third Citizen: +Then, masters, look to see a troublous world. + +First Citizen: +No, no; by God's good grace his son shall reign. + +Third Citizen: +Woe to the land that's govern'd by a child! + +Second Citizen: +In him there is a hope of government, +That in his nonage council under him, +And in his full and ripen'd years himself, +No doubt, shall then and till then govern well. + +First Citizen: +So stood the state when Henry the Sixth +Was crown'd in Paris but at nine months old. + +Third Citizen: +Stood the state so? No, no, good friends, God wot; +For then this land was famously enrich'd +With politic grave counsel; then the king +Had virtuous uncles to protect his grace. + +First Citizen: +Why, so hath this, both by the father and mother. + +Third Citizen: +Better it were they all came by the father, +Or by the father there were none at all; +For emulation now, who shall be nearest, +Will touch us all too near, if God prevent not. +O, full of danger is the Duke of Gloucester! +And the queen's sons and brothers haught and proud: +And were they to be ruled, and not to rule, +This sickly land might solace as before. + +First Citizen: +Come, come, we fear the worst; all shall be well. + +Third Citizen: +When clouds appear, wise men put on their cloaks; +When great leaves fall, the winter is at hand; +When the sun sets, who doth not look for night? +Untimely storms make men expect a dearth. +All may be well; but, if God sort it so, +'Tis more than we deserve, or I expect. + +Second Citizen: +Truly, the souls of men are full of dread: +Ye cannot reason almost with a man +That looks not heavily and full of fear. + +Third Citizen: +Before the times of change, still is it so: +By a divine instinct men's minds mistrust +Ensuing dangers; as by proof, we see +The waters swell before a boisterous storm. +But leave it all to God. whither away? + +Second Citizen: +Marry, we were sent for to the justices. + +Third Citizen: +And so was I: I'll bear you company. + +ARCHBISHOP OF YORK: +Last night, I hear, they lay at Northampton; +At Stony-Stratford will they be to-night: +To-morrow, or next day, they will be here. + +DUCHESS OF YORK: +I long with all my heart to see the prince: +I hope he is much grown since last I saw him. + +QUEEN ELIZABETH: +But I hear, no; they say my son of York +Hath almost overta'en him in his growth. + +YORK: +Ay, mother; but I would not have it so. + +DUCHESS OF YORK: +Why, my young cousin, it is good to grow. + +YORK: +Grandam, one night, as we did sit at supper, +My uncle Rivers talk'd how I did grow +More than my brother: 'Ay,' quoth my uncle +Gloucester, +'Small herbs have grace, great weeds do grow apace:' +And since, methinks, I would not grow so fast, +Because sweet flowers are slow and weeds make haste. + +DUCHESS OF YORK: +Good faith, good faith, the saying did not hold +In him that did object the same to thee; +He was the wretched'st thing when he was young, +So long a-growing and so leisurely, +That, if this rule were true, he should be gracious. + +ARCHBISHOP OF YORK: +Why, madam, so, no doubt, he is. + +DUCHESS OF YORK: +I hope he is; but yet let mothers doubt. + +YORK: +Now, by my troth, if I had been remember'd, +I could have given my uncle's grace a flout, +To touch his growth nearer than he touch'd mine. + +DUCHESS OF YORK: +How, my pretty York? I pray thee, let me hear it. + +YORK: +Marry, they say my uncle grew so fast +That he could gnaw a crust at two hours old +'Twas full two years ere I could get a tooth. +Grandam, this would have been a biting jest. + +DUCHESS OF YORK: +I pray thee, pretty York, who told thee this? + +YORK: +Grandam, his nurse. + +DUCHESS OF YORK: +His nurse! why, she was dead ere thou wert born. + +YORK: +If 'twere not she, I cannot tell who told me. + +QUEEN ELIZABETH: +A parlous boy: go to, you are too shrewd. + +ARCHBISHOP OF YORK: +Good madam, be not angry with the child. + +QUEEN ELIZABETH: +Pitchers have ears. + +ARCHBISHOP OF YORK: +Here comes a messenger. What news? + +Messenger: +Such news, my lord, as grieves me to unfold. + +QUEEN ELIZABETH: +How fares the prince? + +Messenger: +Well, madam, and in health. + +DUCHESS OF YORK: +What is thy news then? + +Messenger: +Lord Rivers and Lord Grey are sent to Pomfret, +With them Sir Thomas Vaughan, prisoners. + +DUCHESS OF YORK: +Who hath committed them? + +Messenger: +The mighty dukes +Gloucester and Buckingham. + +QUEEN ELIZABETH: +For what offence? + +Messenger: +The sum of all I can, I have disclosed; +Why or for what these nobles were committed +Is all unknown to me, my gracious lady. + +QUEEN ELIZABETH: +Ay me, I see the downfall of our house! +The tiger now hath seized the gentle hind; +Insulting tyranny begins to jet +Upon the innocent and aweless throne: +Welcome, destruction, death, and massacre! +I see, as in a map, the end of all. + +DUCHESS OF YORK: +Accursed and unquiet wrangling days, +How many of you have mine eyes beheld! +My husband lost his life to get the crown; +And often up and down my sons were toss'd, +For me to joy and weep their gain and loss: +And being seated, and domestic broils +Clean over-blown, themselves, the conquerors. +Make war upon themselves; blood against blood, +Self against self: O, preposterous +And frantic outrage, end thy damned spleen; +Or let me die, to look on death no more! + +QUEEN ELIZABETH: +Come, come, my boy; we will to sanctuary. +Madam, farewell. + +DUCHESS OF YORK: +I'll go along with you. + +QUEEN ELIZABETH: +You have no cause. + +ARCHBISHOP OF YORK: +My gracious lady, go; +And thither bear your treasure and your goods. +For my part, I'll resign unto your grace +The seal I keep: and so betide to me +As well I tender you and all of yours! +Come, I'll conduct you to the sanctuary. + +BUCKINGHAM: +Welcome, sweet prince, to London, to your chamber. + +GLOUCESTER: +Welcome, dear cousin, my thoughts' sovereign +The weary way hath made you melancholy. + +PRINCE EDWARD: +No, uncle; but our crosses on the way +Have made it tedious, wearisome, and heavy +I want more uncles here to welcome me. + +GLOUCESTER: +Sweet prince, the untainted virtue of your years +Hath not yet dived into the world's deceit +Nor more can you distinguish of a man +Than of his outward show; which, God he knows, +Seldom or never jumpeth with the heart. +Those uncles which you want were dangerous; +Your grace attended to their sugar'd words, +But look'd not on the poison of their hearts : +God keep you from them, and from such false friends! + +PRINCE EDWARD: +God keep me from false friends! but they were none. + +GLOUCESTER: +My lord, the mayor of London comes to greet you. + +Lord Mayor: +God bless your grace with health and happy days! + +PRINCE EDWARD: +I thank you, good my lord; and thank you all. +I thought my mother, and my brother York, +Would long ere this have met us on the way +Fie, what a slug is Hastings, that he comes not +To tell us whether they will come or no! + +BUCKINGHAM: +And, in good time, here comes the sweating lord. + +PRINCE EDWARD: +Welcome, my lord: what, will our mother come? + +HASTINGS: +On what occasion, God he knows, not I, +The queen your mother, and your brother York, +Have taken sanctuary: the tender prince +Would fain have come with me to meet your grace, +But by his mother was perforce withheld. + +BUCKINGHAM: +Fie, what an indirect and peevish course +Is this of hers! Lord cardinal, will your grace +Persuade the queen to send the Duke of York +Unto his princely brother presently? +If she deny, Lord Hastings, go with him, +And from her jealous arms pluck him perforce. + +CARDINAL: +My Lord of Buckingham, if my weak oratory +Can from his mother win the Duke of York, +Anon expect him here; but if she be obdurate +To mild entreaties, God in heaven forbid +We should infringe the holy privilege +Of blessed sanctuary! not for all this land +Would I be guilty of so deep a sin. + +BUCKINGHAM: +You are too senseless--obstinate, my lord, +Too ceremonious and traditional +Weigh it but with the grossness of this age, +You break not sanctuary in seizing him. +The benefit thereof is always granted +To those whose dealings have deserved the place, +And those who have the wit to claim the place: +This prince hath neither claim'd it nor deserved it; +And therefore, in mine opinion, cannot have it: +Then, taking him from thence that is not there, +You break no privilege nor charter there. +Oft have I heard of sanctuary men; +But sanctuary children ne'er till now. + +CARDINAL: +My lord, you shall o'er-rule my mind for once. +Come on, Lord Hastings, will you go with me? + +HASTINGS: +I go, my lord. + +PRINCE EDWARD: +Good lords, make all the speedy haste you may. +Say, uncle Gloucester, if our brother come, +Where shall we sojourn till our coronation? + +GLOUCESTER: +Where it seems best unto your royal self. +If I may counsel you, some day or two +Your highness shall repose you at the Tower: +Then where you please, and shall be thought most fit +For your best health and recreation. + +PRINCE EDWARD: +I do not like the Tower, of any place. +Did Julius Caesar build that place, my lord? + +BUCKINGHAM: +He did, my gracious lord, begin that place; +Which, since, succeeding ages have re-edified. + +PRINCE EDWARD: +Is it upon record, or else reported +Successively from age to age, he built it? + +BUCKINGHAM: +Upon record, my gracious lord. + +PRINCE EDWARD: +But say, my lord, it were not register'd, +Methinks the truth should live from age to age, +As 'twere retail'd to all posterity, +Even to the general all-ending day. + +GLOUCESTER: + +PRINCE EDWARD: +What say you, uncle? + +GLOUCESTER: +I say, without characters, fame lives long. +Thus, like the formal vice, Iniquity, +I moralize two meanings in one word. + +PRINCE EDWARD: +That Julius Caesar was a famous man; +With what his valour did enrich his wit, +His wit set down to make his valour live +Death makes no conquest of this conqueror; +For now he lives in fame, though not in life. +I'll tell you what, my cousin Buckingham,-- + +BUCKINGHAM: +What, my gracious lord? + +PRINCE EDWARD: +An if I live until I be a man, +I'll win our ancient right in France again, +Or die a soldier, as I lived a king. + +GLOUCESTER: + +BUCKINGHAM: +Now, in good time, here comes the Duke of York. + +PRINCE EDWARD: +Richard of York! how fares our loving brother? + +YORK: +Well, my dread lord; so must I call you now. + +PRINCE EDWARD: +Ay, brother, to our grief, as it is yours: +Too late he died that might have kept that title, +Which by his death hath lost much majesty. + +GLOUCESTER: +How fares our cousin, noble Lord of York? + +YORK: +I thank you, gentle uncle. O, my lord, +You said that idle weeds are fast in growth +The prince my brother hath outgrown me far. + +GLOUCESTER: +He hath, my lord. + +YORK: +And therefore is he idle? + +GLOUCESTER: +O, my fair cousin, I must not say so. + +YORK: +Then is he more beholding to you than I. + +GLOUCESTER: +He may command me as my sovereign; +But you have power in me as in a kinsman. + +YORK: +I pray you, uncle, give me this dagger. + +GLOUCESTER: +My dagger, little cousin? with all my heart. + +PRINCE EDWARD: +A beggar, brother? + +YORK: +Of my kind uncle, that I know will give; +And being but a toy, which is no grief to give. + +GLOUCESTER: +A greater gift than that I'll give my cousin. + +YORK: +A greater gift! O, that's the sword to it. + +GLOUCESTER: +A gentle cousin, were it light enough. + +YORK: +O, then, I see, you will part but with light gifts; +In weightier things you'll say a beggar nay. + +GLOUCESTER: +It is too heavy for your grace to wear. + +YORK: +I weigh it lightly, were it heavier. + +GLOUCESTER: +What, would you have my weapon, little lord? + +YORK: +I would, that I might thank you as you call me. + +GLOUCESTER: +How? + +YORK: +Little. + +PRINCE EDWARD: +My Lord of York will still be cross in talk: +Uncle, your grace knows how to bear with him. + +YORK: +You mean, to bear me, not to bear with me: +Uncle, my brother mocks both you and me; +Because that I am little, like an ape, +He thinks that you should bear me on your shoulders. + +BUCKINGHAM: +With what a sharp-provided wit he reasons! +To mitigate the scorn he gives his uncle, +He prettily and aptly taunts himself: +So cunning and so young is wonderful. + +GLOUCESTER: +My lord, will't please you pass along? +Myself and my good cousin Buckingham +Will to your mother, to entreat of her +To meet you at the Tower and welcome you. + +YORK: +What, will you go unto the Tower, my lord? + +PRINCE EDWARD: +My lord protector needs will have it so. + +YORK: +I shall not sleep in quiet at the Tower. + +GLOUCESTER: +Why, what should you fear? + +YORK: +Marry, my uncle Clarence' angry ghost: +My grandam told me he was murdered there. + +PRINCE EDWARD: +I fear no uncles dead. + +GLOUCESTER: +Nor none that live, I hope. + +PRINCE EDWARD: +An if they live, I hope I need not fear. +But come, my lord; and with a heavy heart, +Thinking on them, go I unto the Tower. + +BUCKINGHAM: +Think you, my lord, this little prating York +Was not incensed by his subtle mother +To taunt and scorn you thus opprobriously? + +GLOUCESTER: +No doubt, no doubt; O, 'tis a parlous boy; +Bold, quick, ingenious, forward, capable +He is all the mother's, from the top to toe. + +BUCKINGHAM: +Well, let them rest. Come hither, Catesby. +Thou art sworn as deeply to effect what we intend +As closely to conceal what we impart: +Thou know'st our reasons urged upon the way; +What think'st thou? is it not an easy matter +To make William Lord Hastings of our mind, +For the instalment of this noble duke +In the seat royal of this famous isle? + +CATESBY: +He for his father's sake so loves the prince, +That he will not be won to aught against him. + +BUCKINGHAM: +What think'st thou, then, of Stanley? what will he? + +CATESBY: +He will do all in all as Hastings doth. + +BUCKINGHAM: +Well, then, no more but this: go, gentle Catesby, +And, as it were far off sound thou Lord Hastings, +How doth he stand affected to our purpose; +And summon him to-morrow to the Tower, +To sit about the coronation. +If thou dost find him tractable to us, +Encourage him, and show him all our reasons: +If he be leaden, icy-cold, unwilling, +Be thou so too; and so break off your talk, +And give us notice of his inclination: +For we to-morrow hold divided councils, +Wherein thyself shalt highly be employ'd. + +GLOUCESTER: +Commend me to Lord William: tell him, Catesby, +His ancient knot of dangerous adversaries +To-morrow are let blood at Pomfret-castle; +And bid my friend, for joy of this good news, +Give mistress Shore one gentle kiss the more. + +BUCKINGHAM: +Good Catesby, go, effect this business soundly. + +CATESBY: +My good lords both, with all the heed I may. + +GLOUCESTER: +Shall we hear from you, Catesby, ere we sleep? + +CATESBY: +You shall, my lord. + +GLOUCESTER: +At Crosby Place, there shall you find us both. + +BUCKINGHAM: +Now, my lord, what shall we do, if we perceive +Lord Hastings will not yield to our complots? + +GLOUCESTER: +Chop off his head, man; somewhat we will do: +And, look, when I am king, claim thou of me +The earldom of Hereford, and the moveables +Whereof the king my brother stood possess'd. + +BUCKINGHAM: +I'll claim that promise at your grace's hands. + +GLOUCESTER: +And look to have it yielded with all willingness. +Come, let us sup betimes, that afterwards +We may digest our complots in some form. + +Messenger: +What, ho! my lord! + +HASTINGS: + +Messenger: +A messenger from the Lord Stanley. + +HASTINGS: +What is't o'clock? + +Messenger: +Upon the stroke of four. + +HASTINGS: +Cannot thy master sleep these tedious nights? + +Messenger: +So it should seem by that I have to say. +First, he commends him to your noble lordship. + +HASTINGS: +And then? + +Messenger: +And then he sends you word +He dreamt to-night the boar had razed his helm: +Besides, he says there are two councils held; +And that may be determined at the one +which may make you and him to rue at the other. +Therefore he sends to know your lordship's pleasure, +If presently you will take horse with him, +And with all speed post with him toward the north, +To shun the danger that his soul divines. + +HASTINGS: +Go, fellow, go, return unto thy lord; +Bid him not fear the separated councils +His honour and myself are at the one, +And at the other is my servant Catesby +Where nothing can proceed that toucheth us +Whereof I shall not have intelligence. +Tell him his fears are shallow, wanting instance: +And for his dreams, I wonder he is so fond +To trust the mockery of unquiet slumbers +To fly the boar before the boar pursues, +Were to incense the boar to follow us +And make pursuit where he did mean no chase. +Go, bid thy master rise and come to me +And we will both together to the Tower, +Where, he shall see, the boar will use us kindly. + +Messenger: +My gracious lord, I'll tell him what you say. + +CATESBY: +Many good morrows to my noble lord! + +HASTINGS: +Good morrow, Catesby; you are early stirring +What news, what news, in this our tottering state? + +CATESBY: +It is a reeling world, indeed, my lord; +And I believe twill never stand upright +Tim Richard wear the garland of the realm. + +HASTINGS: +How! wear the garland! dost thou mean the crown? + +CATESBY: +Ay, my good lord. + +HASTINGS: +I'll have this crown of mine cut from my shoulders +Ere I will see the crown so foul misplaced. +But canst thou guess that he doth aim at it? + +CATESBY: +Ay, on my life; and hopes to find forward +Upon his party for the gain thereof: +And thereupon he sends you this good news, +That this same very day your enemies, +The kindred of the queen, must die at Pomfret. + +HASTINGS: +Indeed, I am no mourner for that news, +Because they have been still mine enemies: +But, that I'll give my voice on Richard's side, +To bar my master's heirs in true descent, +God knows I will not do it, to the death. + +CATESBY: +God keep your lordship in that gracious mind! + +HASTINGS: +But I shall laugh at this a twelve-month hence, +That they who brought me in my master's hate +I live to look upon their tragedy. +I tell thee, Catesby-- + +CATESBY: +What, my lord? + +HASTINGS: +Ere a fortnight make me elder, +I'll send some packing that yet think not on it. + +CATESBY: +'Tis a vile thing to die, my gracious lord, +When men are unprepared and look not for it. + +HASTINGS: +O monstrous, monstrous! and so falls it out +With Rivers, Vaughan, Grey: and so 'twill do +With some men else, who think themselves as safe +As thou and I; who, as thou know'st, are dear +To princely Richard and to Buckingham. + +CATESBY: +The princes both make high account of you; +For they account his head upon the bridge. + +HASTINGS: +I know they do; and I have well deserved it. +Come on, come on; where is your boar-spear, man? +Fear you the boar, and go so unprovided? + +STANLEY: +My lord, good morrow; good morrow, Catesby: +You may jest on, but, by the holy rood, +I do not like these several councils, I. + +HASTINGS: +My lord, +I hold my life as dear as you do yours; +And never in my life, I do protest, +Was it more precious to me than 'tis now: +Think you, but that I know our state secure, +I would be so triumphant as I am? + +STANLEY: +The lords at Pomfret, when they rode from London, +Were jocund, and supposed their state was sure, +And they indeed had no cause to mistrust; +But yet, you see how soon the day o'ercast. +This sudden stag of rancour I misdoubt: +Pray God, I say, I prove a needless coward! +What, shall we toward the Tower? the day is spent. + +HASTINGS: +Come, come, have with you. Wot you what, my lord? +To-day the lords you talk of are beheaded. + +LORD STANLEY: +They, for their truth, might better wear their heads +Than some that have accused them wear their hats. +But come, my lord, let us away. + +HASTINGS: +Go on before; I'll talk with this good fellow. +How now, sirrah! how goes the world with thee? + +Pursuivant: +The better that your lordship please to ask. + +HASTINGS: +I tell thee, man, 'tis better with me now +Than when I met thee last where now we meet: +Then was I going prisoner to the Tower, +By the suggestion of the queen's allies; +But now, I tell thee--keep it to thyself-- +This day those enemies are put to death, +And I in better state than e'er I was. + +Pursuivant: +God hold it, to your honour's good content! + +HASTINGS: +Gramercy, fellow: there, drink that for me. + +Pursuivant: +God save your lordship! + +Priest: +Well met, my lord; I am glad to see your honour. + +HASTINGS: +I thank thee, good Sir John, with all my heart. +I am in your debt for your last exercise; +Come the next Sabbath, and I will content you. + +BUCKINGHAM: +What, talking with a priest, lord chamberlain? +Your friends at Pomfret, they do need the priest; +Your honour hath no shriving work in hand. + +HASTINGS: +Good faith, and when I met this holy man, +Those men you talk of came into my mind. +What, go you toward the Tower? + +BUCKINGHAM: +I do, my lord; but long I shall not stay +I shall return before your lordship thence. + +HASTINGS: +'Tis like enough, for I stay dinner there. + +BUCKINGHAM: + +HASTINGS: +I'll wait upon your lordship. + +RATCLIFF: +Come, bring forth the prisoners. + +RIVERS: +Sir Richard Ratcliff, let me tell thee this: +To-day shalt thou behold a subject die +For truth, for duty, and for loyalty. + +GREY: +God keep the prince from all the pack of you! +A knot you are of damned blood-suckers! + +VAUGHAN: +You live that shall cry woe for this after. + +RATCLIFF: +Dispatch; the limit of your lives is out. + +RIVERS: +O Pomfret, Pomfret! O thou bloody prison, +Fatal and ominous to noble peers! +Within the guilty closure of thy walls +Richard the second here was hack'd to death; +And, for more slander to thy dismal seat, +We give thee up our guiltless blood to drink. + +GREY: +Now Margaret's curse is fall'n upon our heads, +For standing by when Richard stabb'd her son. + +RIVERS: +Then cursed she Hastings, then cursed she Buckingham, +Then cursed she Richard. O, remember, God +To hear her prayers for them, as now for us +And for my sister and her princely sons, +Be satisfied, dear God, with our true blood, +Which, as thou know'st, unjustly must be spilt. + +RATCLIFF: +Make haste; the hour of death is expiate. + +RIVERS: +Come, Grey, come, Vaughan, let us all embrace: +And take our leave, until we meet in heaven. + +HASTINGS: +My lords, at once: the cause why we are met +Is, to determine of the coronation. +In God's name, speak: when is the royal day? + +BUCKINGHAM: +Are all things fitting for that royal time? + +DERBY: +It is, and wants but nomination. + +BISHOP OF ELY: +To-morrow, then, I judge a happy day. + +BUCKINGHAM: +Who knows the lord protector's mind herein? +Who is most inward with the royal duke? + +BISHOP OF ELY: +Your grace, we think, should soonest know his mind. + +BUCKINGHAM: +Who, I, my lord I we know each other's faces, +But for our hearts, he knows no more of mine, +Than I of yours; +Nor I no more of his, than you of mine. +Lord Hastings, you and he are near in love. + +HASTINGS: +I thank his grace, I know he loves me well; +But, for his purpose in the coronation. +I have not sounded him, nor he deliver'd +His gracious pleasure any way therein: +But you, my noble lords, may name the time; +And in the duke's behalf I'll give my voice, +Which, I presume, he'll take in gentle part. + +BISHOP OF ELY: +Now in good time, here comes the duke himself. + +GLOUCESTER: +My noble lords and cousins all, good morrow. +I have been long a sleeper; but, I hope, +My absence doth neglect no great designs, +Which by my presence might have been concluded. + +BUCKINGHAM: +Had not you come upon your cue, my lord +William Lord Hastings had pronounced your part,-- +I mean, your voice,--for crowning of the king. + +GLOUCESTER: +Than my Lord Hastings no man might be bolder; +His lordship knows me well, and loves me well. + +HASTINGS: +I thank your grace. + +GLOUCESTER: +My lord of Ely! + +BISHOP OF ELY: +My lord? + +GLOUCESTER: +When I was last in Holborn, +I saw good strawberries in your garden there +I do beseech you send for some of them. + +BISHOP OF ELY: +Marry, and will, my lord, with all my heart. + +GLOUCESTER: +Cousin of Buckingham, a word with you. +Catesby hath sounded Hastings in our business, +And finds the testy gentleman so hot, +As he will lose his head ere give consent +His master's son, as worshipful as he terms it, +Shall lose the royalty of England's throne. + +BUCKINGHAM: +Withdraw you hence, my lord, I'll follow you. + +DERBY: +We have not yet set down this day of triumph. +To-morrow, in mine opinion, is too sudden; +For I myself am not so well provided +As else I would be, were the day prolong'd. + +BISHOP OF ELY: +Where is my lord protector? I have sent for these +strawberries. + +HASTINGS: +His grace looks cheerfully and smooth to-day; +There's some conceit or other likes him well, +When he doth bid good morrow with such a spirit. +I think there's never a man in Christendom +That can less hide his love or hate than he; +For by his face straight shall you know his heart. + +DERBY: +What of his heart perceive you in his face +By any likelihood he show'd to-day? + +HASTINGS: +Marry, that with no man here he is offended; +For, were he, he had shown it in his looks. + +DERBY: +I pray God he be not, I say. + +GLOUCESTER: +I pray you all, tell me what they deserve +That do conspire my death with devilish plots +Of damned witchcraft, and that have prevail'd +Upon my body with their hellish charms? + +HASTINGS: +The tender love I bear your grace, my lord, +Makes me most forward in this noble presence +To doom the offenders, whatsoever they be +I say, my lord, they have deserved death. + +GLOUCESTER: +Then be your eyes the witness of this ill: +See how I am bewitch'd; behold mine arm +Is, like a blasted sapling, wither'd up: +And this is Edward's wife, that monstrous witch, +Consorted with that harlot strumpet Shore, +That by their witchcraft thus have marked me. + +HASTINGS: +If they have done this thing, my gracious lord-- + +GLOUCESTER: +If I thou protector of this damned strumpet-- +Tellest thou me of 'ifs'? Thou art a traitor: +Off with his head! Now, by Saint Paul I swear, +I will not dine until I see the same. +Lovel and Ratcliff, look that it be done: +The rest, that love me, rise and follow me. + +HASTINGS: +Woe, woe for England! not a whit for me; +For I, too fond, might have prevented this. +Stanley did dream the boar did raze his helm; +But I disdain'd it, and did scorn to fly: +Three times to-day my foot-cloth horse did stumble, +And startled, when he look'd upon the Tower, +As loath to bear me to the slaughter-house. +O, now I want the priest that spake to me: +I now repent I told the pursuivant +As 'twere triumphing at mine enemies, +How they at Pomfret bloodily were butcher'd, +And I myself secure in grace and favour. +O Margaret, Margaret, now thy heavy curse +Is lighted on poor Hastings' wretched head! + +RATCLIFF: +Dispatch, my lord; the duke would be at dinner: +Make a short shrift; he longs to see your head. + +HASTINGS: +O momentary grace of mortal men, +Which we more hunt for than the grace of God! +Who builds his hopes in air of your good looks, +Lives like a drunken sailor on a mast, +Ready, with every nod, to tumble down +Into the fatal bowels of the deep. + +LOVEL: +Come, come, dispatch; 'tis bootless to exclaim. + +HASTINGS: +O bloody Richard! miserable England! +I prophesy the fearful'st time to thee +That ever wretched age hath look'd upon. +Come, lead me to the block; bear him my head. +They smile at me that shortly shall be dead. + +GLOUCESTER: +Come, cousin, canst thou quake, and change thy colour, +Murder thy breath in the middle of a word, +And then begin again, and stop again, +As if thou wert distraught and mad with terror? + +BUCKINGHAM: +Tut, I can counterfeit the deep tragedian; +Speak and look back, and pry on every side, +Tremble and start at wagging of a straw, +Intending deep suspicion: ghastly looks +Are at my service, like enforced smiles; +And both are ready in their offices, +At any time, to grace my stratagems. +But what, is Catesby gone? + +GLOUCESTER: +He is; and, see, he brings the mayor along. + +BUCKINGHAM: +Lord mayor,-- + +GLOUCESTER: +Look to the drawbridge there! + +BUCKINGHAM: +Hark! a drum. + +GLOUCESTER: +Catesby, o'erlook the walls. + +BUCKINGHAM: +Lord mayor, the reason we have sent-- + +GLOUCESTER: +Look back, defend thee, here are enemies. + +BUCKINGHAM: +God and our innocency defend and guard us! + +GLOUCESTER: +Be patient, they are friends, Ratcliff and Lovel. + +LOVEL: +Here is the head of that ignoble traitor, +The dangerous and unsuspected Hastings. + +GLOUCESTER: +So dear I loved the man, that I must weep. +I took him for the plainest harmless creature +That breathed upon this earth a Christian; +Made him my book wherein my soul recorded +The history of all her secret thoughts: +So smooth he daub'd his vice with show of virtue, +That, his apparent open guilt omitted, +I mean, his conversation with Shore's wife, +He lived from all attainder of suspect. + +BUCKINGHAM: +Well, well, he was the covert'st shelter'd traitor +That ever lived. +Would you imagine, or almost believe, +Were't not that, by great preservation, +We live to tell it you, the subtle traitor +This day had plotted, in the council-house +To murder me and my good Lord of Gloucester? + +Lord Mayor: +What, had he so? + +GLOUCESTER: +What, think You we are Turks or infidels? +Or that we would, against the form of law, +Proceed thus rashly to the villain's death, +But that the extreme peril of the case, +The peace of England and our persons' safety, +Enforced us to this execution? + +Lord Mayor: +Now, fair befall you! he deserved his death; +And you my good lords, both have well proceeded, +To warn false traitors from the like attempts. +I never look'd for better at his hands, +After he once fell in with Mistress Shore. + +GLOUCESTER: +Yet had not we determined he should die, +Until your lordship came to see his death; +Which now the loving haste of these our friends, +Somewhat against our meaning, have prevented: +Because, my lord, we would have had you heard +The traitor speak, and timorously confess +The manner and the purpose of his treason; +That you might well have signified the same +Unto the citizens, who haply may +Misconstrue us in him and wail his death. + +Lord Mayor: +But, my good lord, your grace's word shall serve, +As well as I had seen and heard him speak +And doubt you not, right noble princes both, +But I'll acquaint our duteous citizens +With all your just proceedings in this cause. + +GLOUCESTER: +And to that end we wish'd your lord-ship here, +To avoid the carping censures of the world. + +BUCKINGHAM: +But since you come too late of our intents, +Yet witness what you hear we did intend: +And so, my good lord mayor, we bid farewell. + +GLOUCESTER: +Go, after, after, cousin Buckingham. +The mayor towards Guildhall hies him in all post: +There, at your meet'st advantage of the time, +Infer the bastardy of Edward's children: +Tell them how Edward put to death a citizen, +Only for saying he would make his son +Heir to the crown; meaning indeed his house, +Which, by the sign thereof was termed so. +Moreover, urge his hateful luxury +And bestial appetite in change of lust; +Which stretched to their servants, daughters, wives, +Even where his lustful eye or savage heart, +Without control, listed to make his prey. +Nay, for a need, thus far come near my person: +Tell them, when that my mother went with child +Of that unsatiate Edward, noble York +My princely father then had wars in France +And, by just computation of the time, +Found that the issue was not his begot; +Which well appeared in his lineaments, +Being nothing like the noble duke my father: +But touch this sparingly, as 'twere far off, +Because you know, my lord, my mother lives. + +BUCKINGHAM: +Fear not, my lord, I'll play the orator +As if the golden fee for which I plead +Were for myself: and so, my lord, adieu. + +GLOUCESTER: +If you thrive well, bring them to Baynard's Castle; +Where you shall find me well accompanied +With reverend fathers and well-learned bishops. + +BUCKINGHAM: +I go: and towards three or four o'clock +Look for the news that the Guildhall affords. + +GLOUCESTER: +Go, Lovel, with all speed to Doctor Shaw; +Go thou to Friar Penker; bid them both +Meet me within this hour at Baynard's Castle. +Now will I in, to take some privy order, +To draw the brats of Clarence out of sight; +And to give notice, that no manner of person +At any time have recourse unto the princes. + +Scrivener: +This is the indictment of the good Lord Hastings; +Which in a set hand fairly is engross'd, +That it may be this day read over in Paul's. +And mark how well the sequel hangs together: +Eleven hours I spent to write it over, +For yesternight by Catesby was it brought me; +The precedent was full as long a-doing: +And yet within these five hours lived Lord Hastings, +Untainted, unexamined, free, at liberty +Here's a good world the while! Why who's so gross, +That seeth not this palpable device? +Yet who's so blind, but says he sees it not? +Bad is the world; and all will come to nought, +When such bad dealings must be seen in thought. + +GLOUCESTER: +How now, my lord, what say the citizens? + +BUCKINGHAM: +Now, by the holy mother of our Lord, +The citizens are mum and speak not a word. + +GLOUCESTER: +Touch'd you the bastardy of Edward's children? + +BUCKINGHAM: +I did; with his contract with Lady Lucy, +And his contract by deputy in France; +The insatiate greediness of his desires, +And his enforcement of the city wives; +His tyranny for trifles; his own bastardy, +As being got, your father then in France, +His resemblance, being not like the duke; +Withal I did infer your lineaments, +Being the right idea of your father, +Both in your form and nobleness of mind; +Laid open all your victories in Scotland, +Your dicipline in war, wisdom in peace, +Your bounty, virtue, fair humility: +Indeed, left nothing fitting for the purpose +Untouch'd, or slightly handled, in discourse +And when mine oratory grew to an end +I bid them that did love their country's good +Cry 'God save Richard, England's royal king!' + +GLOUCESTER: +Ah! and did they so? + +BUCKINGHAM: +No, so God help me, they spake not a word; +But, like dumb statues or breathing stones, +Gazed each on other, and look'd deadly pale. +Which when I saw, I reprehended them; +And ask'd the mayor what meant this wilful silence: +His answer was, the people were not wont +To be spoke to but by the recorder. +Then he was urged to tell my tale again, +'Thus saith the duke, thus hath the duke inferr'd;' +But nothing spake in warrant from himself. +When he had done, some followers of mine own, +At the lower end of the hall, hurl'd up their caps, +And some ten voices cried 'God save King Richard!' +And thus I took the vantage of those few, +'Thanks, gentle citizens and friends,' quoth I; +'This general applause and loving shout +Argues your wisdoms and your love to Richard:' +And even here brake off, and came away. + +GLOUCESTER: +What tongueless blocks were they! would not they speak? + +BUCKINGHAM: +No, by my troth, my lord. + +GLOUCESTER: +Will not the mayor then and his brethren come? + +BUCKINGHAM: +The mayor is here at hand: intend some fear; +Be not you spoke with, but by mighty suit: +And look you get a prayer-book in your hand, +And stand betwixt two churchmen, good my lord; +For on that ground I'll build a holy descant: +And be not easily won to our request: +Play the maid's part, still answer nay, and take it. + +GLOUCESTER: +I go; and if you plead as well for them +As I can say nay to thee for myself, +No doubt well bring it to a happy issue. + +BUCKINGHAM: +Go, go, up to the leads; the lord mayor knocks. +Welcome my lord; I dance attendance here; +I think the duke will not be spoke withal. +Here comes his servant: how now, Catesby, +What says he? + +CATESBY: +My lord: he doth entreat your grace; +To visit him to-morrow or next day: +He is within, with two right reverend fathers, +Divinely bent to meditation; +And no worldly suit would he be moved, +To draw him from his holy exercise. + +BUCKINGHAM: +Return, good Catesby, to thy lord again; +Tell him, myself, the mayor and citizens, +In deep designs and matters of great moment, +No less importing than our general good, +Are come to have some conference with his grace. + +CATESBY: +I'll tell him what you say, my lord. + +BUCKINGHAM: +Ah, ha, my lord, this prince is not an Edward! +He is not lolling on a lewd day-bed, +But on his knees at meditation; +Not dallying with a brace of courtezans, +But meditating with two deep divines; +Not sleeping, to engross his idle body, +But praying, to enrich his watchful soul: +Happy were England, would this gracious prince +Take on himself the sovereignty thereof: +But, sure, I fear, we shall ne'er win him to it. + +Lord Mayor: +Marry, God forbid his grace should say us nay! + +BUCKINGHAM: +I fear he will. +How now, Catesby, what says your lord? + +CATESBY: +My lord, +He wonders to what end you have assembled +Such troops of citizens to speak with him, +His grace not being warn'd thereof before: +My lord, he fears you mean no good to him. + +BUCKINGHAM: +Sorry I am my noble cousin should +Suspect me, that I mean no good to him: +By heaven, I come in perfect love to him; +And so once more return and tell his grace. +When holy and devout religious men +Are at their beads, 'tis hard to draw them thence, +So sweet is zealous contemplation. + +Lord Mayor: +See, where he stands between two clergymen! + +BUCKINGHAM: +Two props of virtue for a Christian prince, +To stay him from the fall of vanity: +And, see, a book of prayer in his hand, +True ornaments to know a holy man. +Famous Plantagenet, most gracious prince, +Lend favourable ears to our request; +And pardon us the interruption +Of thy devotion and right Christian zeal. + +GLOUCESTER: +My lord, there needs no such apology: +I rather do beseech you pardon me, +Who, earnest in the service of my God, +Neglect the visitation of my friends. +But, leaving this, what is your grace's pleasure? + +BUCKINGHAM: +Even that, I hope, which pleaseth God above, +And all good men of this ungovern'd isle. + +GLOUCESTER: +I do suspect I have done some offence +That seems disgracious in the city's eyes, +And that you come to reprehend my ignorance. + +BUCKINGHAM: +You have, my lord: would it might please your grace, +At our entreaties, to amend that fault! + +GLOUCESTER: +Else wherefore breathe I in a Christian land? + +BUCKINGHAM: +Then know, it is your fault that you resign +The supreme seat, the throne majestical, +The scepter'd office of your ancestors, +Your state of fortune and your due of birth, +The lineal glory of your royal house, +To the corruption of a blemished stock: +Whilst, in the mildness of your sleepy thoughts, +Which here we waken to our country's good, +This noble isle doth want her proper limbs; +Her face defaced with scars of infamy, +Her royal stock graft with ignoble plants, +And almost shoulder'd in the swallowing gulf +Of blind forgetfulness and dark oblivion. +Which to recure, we heartily solicit +Your gracious self to take on you the charge +And kingly government of this your land, +Not as protector, steward, substitute, +Or lowly factor for another's gain; +But as successively from blood to blood, +Your right of birth, your empery, your own. +For this, consorted with the citizens, +Your very worshipful and loving friends, +And by their vehement instigation, +In this just suit come I to move your grace. + +GLOUCESTER: +I know not whether to depart in silence, +Or bitterly to speak in your reproof. +Best fitteth my degree or your condition +If not to answer, you might haply think +Tongue-tied ambition, not replying, yielded +To bear the golden yoke of sovereignty, +Which fondly you would here impose on me; +If to reprove you for this suit of yours, +So season'd with your faithful love to me. +Then, on the other side, I cheque'd my friends. +Therefore, to speak, and to avoid the first, +And then, in speaking, not to incur the last, +Definitively thus I answer you. +Your love deserves my thanks; but my desert +Unmeritable shuns your high request. +First if all obstacles were cut away, +And that my path were even to the crown, +As my ripe revenue and due by birth +Yet so much is my poverty of spirit, +So mighty and so many my defects, +As I had rather hide me from my greatness, +Being a bark to brook no mighty sea, +Than in my greatness covet to be hid, +And in the vapour of my glory smother'd. +But, God be thank'd, there's no need of me, +And much I need to help you, if need were; +The royal tree hath left us royal fruit, +Which, mellow'd by the stealing hours of time, +Will well become the seat of majesty, +And make, no doubt, us happy by his reign. +On him I lay what you would lay on me, +The right and fortune of his happy stars; +Which God defend that I should wring from him! + +BUCKINGHAM: +My lord, this argues conscience in your grace; +But the respects thereof are nice and trivial, +All circumstances well considered. +You say that Edward is your brother's son: +So say we too, but not by Edward's wife; +For first he was contract to Lady Lucy-- +Your mother lives a witness to that vow-- +And afterward by substitute betroth'd +To Bona, sister to the King of France. +These both put by a poor petitioner, +A care-crazed mother of a many children, +A beauty-waning and distressed widow, +Even in the afternoon of her best days, +Made prize and purchase of his lustful eye, +Seduced the pitch and height of all his thoughts +To base declension and loathed bigamy +By her, in his unlawful bed, he got +This Edward, whom our manners term the prince. +More bitterly could I expostulate, +Save that, for reverence to some alive, +I give a sparing limit to my tongue. +Then, good my lord, take to your royal self +This proffer'd benefit of dignity; +If non to bless us and the land withal, +Yet to draw forth your noble ancestry +From the corruption of abusing times, +Unto a lineal true-derived course. + +Lord Mayor: +Do, good my lord, your citizens entreat you. + +BUCKINGHAM: +Refuse not, mighty lord, this proffer'd love. + +CATESBY: +O, make them joyful, grant their lawful suit! + +GLOUCESTER: +Alas, why would you heap these cares on me? +I am unfit for state and majesty; +I do beseech you, take it not amiss; +I cannot nor I will not yield to you. + +BUCKINGHAM: +If you refuse it,--as, in love and zeal, +Loath to depose the child, Your brother's son; +As well we know your tenderness of heart +And gentle, kind, effeminate remorse, +Which we have noted in you to your kin, +And egally indeed to all estates,-- +Yet whether you accept our suit or no, +Your brother's son shall never reign our king; +But we will plant some other in the throne, +To the disgrace and downfall of your house: +And in this resolution here we leave you.-- +Come, citizens: 'zounds! I'll entreat no more. + +GLOUCESTER: +O, do not swear, my lord of Buckingham. + +CATESBY: +Call them again, my lord, and accept their suit. + +ANOTHER: +Do, good my lord, lest all the land do rue it. + +GLOUCESTER: +Would you enforce me to a world of care? +Well, call them again. I am not made of stone, +But penetrable to your. kind entreats, +Albeit against my conscience and my soul. +Cousin of Buckingham, and you sage, grave men, +Since you will buckle fortune on my back, +To bear her burthen, whether I will or no, +I must have patience to endure the load: +But if black scandal or foul-faced reproach +Attend the sequel of your imposition, +Your mere enforcement shall acquittance me +From all the impure blots and stains thereof; +For God he knows, and you may partly see, +How far I am from the desire thereof. + +Lord Mayor: +God bless your grace! we see it, and will say it. + +GLOUCESTER: +In saying so, you shall but say the truth. + +BUCKINGHAM: +Then I salute you with this kingly title: +Long live Richard, England's royal king! + +Lord Mayor: +Amen. + +BUCKINGHAM: +To-morrow will it please you to be crown'd? + +GLOUCESTER: +Even when you please, since you will have it so. + +BUCKINGHAM: +To-morrow, then, we will attend your grace: +And so most joyfully we take our leave. + +GLOUCESTER: +Come, let us to our holy task again. +Farewell, good cousin; farewell, gentle friends. + +DUCHESS OF YORK: +Who meets us here? my niece Plantagenet +Led in the hand of her kind aunt of Gloucester? +Now, for my life, she's wandering to the Tower, +On pure heart's love to greet the tender princes. +Daughter, well met. + +LADY ANNE: +God give your graces both +A happy and a joyful time of day! + +QUEEN ELIZABETH: +As much to you, good sister! Whither away? + +LADY ANNE: +No farther than the Tower; and, as I guess, +Upon the like devotion as yourselves, +To gratulate the gentle princes there. + +QUEEN ELIZABETH: +Kind sister, thanks: we'll enter all together. +And, in good time, here the lieutenant comes. +Master lieutenant, pray you, by your leave, +How doth the prince, and my young son of York? + +BRAKENBURY: +Right well, dear madam. By your patience, +I may not suffer you to visit them; +The king hath straitly charged the contrary. + +QUEEN ELIZABETH: +The king! why, who's that? + +BRAKENBURY: +I cry you mercy: I mean the lord protector. + +QUEEN ELIZABETH: +The Lord protect him from that kingly title! +Hath he set bounds betwixt their love and me? +I am their mother; who should keep me from them? + +DUCHESS OF YORK: +I am their fathers mother; I will see them. + +LADY ANNE: +Their aunt I am in law, in love their mother: +Then bring me to their sights; I'll bear thy blame +And take thy office from thee, on my peril. + +BRAKENBURY: +No, madam, no; I may not leave it so: +I am bound by oath, and therefore pardon me. + +LORD STANLEY: +Let me but meet you, ladies, one hour hence, +And I'll salute your grace of York as mother, +And reverend looker on, of two fair queens. +Come, madam, you must straight to Westminster, +There to be crowned Richard's royal queen. + +QUEEN ELIZABETH: +O, cut my lace in sunder, that my pent heart +May have some scope to beat, or else I swoon +With this dead-killing news! + +LADY ANNE: +Despiteful tidings! O unpleasing news! + +DORSET: +Be of good cheer: mother, how fares your grace? + +QUEEN ELIZABETH: +O Dorset, speak not to me, get thee hence! +Death and destruction dog thee at the heels; +Thy mother's name is ominous to children. +If thou wilt outstrip death, go cross the seas, +And live with Richmond, from the reach of hell +Go, hie thee, hie thee from this slaughter-house, +Lest thou increase the number of the dead; +And make me die the thrall of Margaret's curse, +Nor mother, wife, nor England's counted queen. + +LORD STANLEY: +Full of wise care is this your counsel, madam. +Take all the swift advantage of the hours; +You shall have letters from me to my son +To meet you on the way, and welcome you. +Be not ta'en tardy by unwise delay. + +DUCHESS OF YORK: +O ill-dispersing wind of misery! +O my accursed womb, the bed of death! +A cockatrice hast thou hatch'd to the world, +Whose unavoided eye is murderous. + +LORD STANLEY: +Come, madam, come; I in all haste was sent. + +LADY ANNE: +And I in all unwillingness will go. +I would to God that the inclusive verge +Of golden metal that must round my brow +Were red-hot steel, to sear me to the brain! +Anointed let me be with deadly venom, +And die, ere men can say, God save the queen! + +QUEEN ELIZABETH: +Go, go, poor soul, I envy not thy glory +To feed my humour, wish thyself no harm. + +LADY ANNE: +No! why? When he that is my husband now +Came to me, as I follow'd Henry's corse, +When scarce the blood was well wash'd from his hands +Which issued from my other angel husband +And that dead saint which then I weeping follow'd; +O, when, I say, I look'd on Richard's face, +This was my wish: 'Be thou,' quoth I, ' accursed, +For making me, so young, so old a widow! +And, when thou wed'st, let sorrow haunt thy bed; +And be thy wife--if any be so mad-- +As miserable by the life of thee +As thou hast made me by my dear lord's death! +Lo, ere I can repeat this curse again, +Even in so short a space, my woman's heart +Grossly grew captive to his honey words +And proved the subject of my own soul's curse, +Which ever since hath kept my eyes from rest; +For never yet one hour in his bed +Have I enjoy'd the golden dew of sleep, +But have been waked by his timorous dreams. +Besides, he hates me for my father Warwick; +And will, no doubt, shortly be rid of me. + +QUEEN ELIZABETH: +Poor heart, adieu! I pity thy complaining. + +LADY ANNE: +No more than from my soul I mourn for yours. + +QUEEN ELIZABETH: +Farewell, thou woful welcomer of glory! + +LADY ANNE: +Adieu, poor soul, that takest thy leave of it! + +DUCHESS OF YORK: + +QUEEN ELIZABETH: +Stay, yet look back with me unto the Tower. +Pity, you ancient stones, those tender babes +Whom envy hath immured within your walls! +Rough cradle for such little pretty ones! +Rude ragged nurse, old sullen playfellow +For tender princes, use my babies well! +So foolish sorrow bids your stones farewell. + +KING RICHARD III: +Stand all apart Cousin of Buckingham! + +BUCKINGHAM: +My gracious sovereign? + +KING RICHARD III: +Give me thy hand. +Thus high, by thy advice +And thy assistance, is King Richard seated; +But shall we wear these honours for a day? +Or shall they last, and we rejoice in them? + +BUCKINGHAM: +Still live they and for ever may they last! + +KING RICHARD III: +O Buckingham, now do I play the touch, +To try if thou be current gold indeed +Young Edward lives: think now what I would say. + +BUCKINGHAM: +Say on, my loving lord. + +KING RICHARD III: +Why, Buckingham, I say, I would be king, + +BUCKINGHAM: +Why, so you are, my thrice renowned liege. + +KING RICHARD III: +Ha! am I king? 'tis so: but Edward lives. + +BUCKINGHAM: +True, noble prince. + +KING RICHARD III: +O bitter consequence, +That Edward still should live! 'True, noble prince!' +Cousin, thou wert not wont to be so dull: +Shall I be plain? I wish the bastards dead; +And I would have it suddenly perform'd. +What sayest thou? speak suddenly; be brief. + +BUCKINGHAM: +Your grace may do your pleasure. + +KING RICHARD III: +Tut, tut, thou art all ice, thy kindness freezeth: +Say, have I thy consent that they shall die? + +BUCKINGHAM: +Give me some breath, some little pause, my lord +Before I positively herein: +I will resolve your grace immediately. + +CATESBY: + +KING RICHARD III: +I will converse with iron-witted fools +And unrespective boys: none are for me +That look into me with considerate eyes: +High-reaching Buckingham grows circumspect. +Boy! + +Page: +My lord? + +KING RICHARD III: +Know'st thou not any whom corrupting gold +Would tempt unto a close exploit of death? + +Page: +My lord, I know a discontented gentleman, +Whose humble means match not his haughty mind: +Gold were as good as twenty orators, +And will, no doubt, tempt him to any thing. + +KING RICHARD III: +What is his name? + +Page: +His name, my lord, is Tyrrel. + +KING RICHARD III: +I partly know the man: go, call him hither. +The deep-revolving witty Buckingham +No more shall be the neighbour to my counsel: +Hath he so long held out with me untired, +And stops he now for breath? +How now! what news with you? + +STANLEY: +My lord, I hear the Marquis Dorset's fled +To Richmond, in those parts beyond the sea +Where he abides. + +KING RICHARD III: +Catesby! + +CATESBY: +My lord? + +KING RICHARD III: +Rumour it abroad +That Anne, my wife, is sick and like to die: +I will take order for her keeping close. +Inquire me out some mean-born gentleman, +Whom I will marry straight to Clarence' daughter: +The boy is foolish, and I fear not him. +Look, how thou dream'st! I say again, give out +That Anne my wife is sick and like to die: +About it; for it stands me much upon, +To stop all hopes whose growth may damage me. +I must be married to my brother's daughter, +Or else my kingdom stands on brittle glass. +Murder her brothers, and then marry her! +Uncertain way of gain! But I am in +So far in blood that sin will pluck on sin: +Tear-falling pity dwells not in this eye. +Is thy name Tyrrel? + +TYRREL: +James Tyrrel, and your most obedient subject. + +KING RICHARD III: +Art thou, indeed? + +TYRREL: +Prove me, my gracious sovereign. + +KING RICHARD III: +Darest thou resolve to kill a friend of mine? + +TYRREL: +Ay, my lord; +But I had rather kill two enemies. + +KING RICHARD III: +Why, there thou hast it: two deep enemies, +Foes to my rest and my sweet sleep's disturbers +Are they that I would have thee deal upon: +Tyrrel, I mean those bastards in the Tower. + +TYRREL: +Let me have open means to come to them, +And soon I'll rid you from the fear of them. + +KING RICHARD III: +Thou sing'st sweet music. Hark, come hither, Tyrrel +Go, by this token: rise, and lend thine ear: +There is no more but so: say it is done, +And I will love thee, and prefer thee too. + +TYRREL: +'Tis done, my gracious lord. + +KING RICHARD III: +Shall we hear from thee, Tyrrel, ere we sleep? + +TYRREL: +Ye shall, my Lord. + +BUCKINGHAM: +My Lord, I have consider'd in my mind +The late demand that you did sound me in. + +KING RICHARD III: +Well, let that pass. Dorset is fled to Richmond. + +BUCKINGHAM: +I hear that news, my lord. + +KING RICHARD III: +Stanley, he is your wife's son well, look to it. + +BUCKINGHAM: +My lord, I claim your gift, my due by promise, +For which your honour and your faith is pawn'd; +The earldom of Hereford and the moveables +The which you promised I should possess. + +KING RICHARD III: +Stanley, look to your wife; if she convey +Letters to Richmond, you shall answer it. + +BUCKINGHAM: +What says your highness to my just demand? + +KING RICHARD III: +As I remember, Henry the Sixth +Did prophesy that Richmond should be king, +When Richmond was a little peevish boy. +A king, perhaps, perhaps,-- + +BUCKINGHAM: +My lord! + +KING RICHARD III: +How chance the prophet could not at that time +Have told me, I being by, that I should kill him? + +BUCKINGHAM: +My lord, your promise for the earldom,-- + +KING RICHARD III: +Richmond! When last I was at Exeter, +The mayor in courtesy show'd me the castle, +And call'd it Rougemont: at which name I started, +Because a bard of Ireland told me once +I should not live long after I saw Richmond. + +BUCKINGHAM: +My Lord! + +KING RICHARD III: +Ay, what's o'clock? + +BUCKINGHAM: +I am thus bold to put your grace in mind +Of what you promised me. + +KING RICHARD III: +Well, but what's o'clock? + +BUCKINGHAM: +Upon the stroke of ten. + +KING RICHARD III: +Well, let it strike. + +BUCKINGHAM: +Why let it strike? + +KING RICHARD III: +Because that, like a Jack, thou keep'st the stroke +Betwixt thy begging and my meditation. +I am not in the giving vein to-day. + +BUCKINGHAM: +Why, then resolve me whether you will or no. + +KING RICHARD III: +Tut, tut, +Thou troublest me; am not in the vein. + +BUCKINGHAM: +Is it even so? rewards he my true service +With such deep contempt made I him king for this? +O, let me think on Hastings, and be gone +To Brecknock, while my fearful head is on! + +TYRREL: +The tyrannous and bloody deed is done. +The most arch of piteous massacre +That ever yet this land was guilty of. +Dighton and Forrest, whom I did suborn +To do this ruthless piece of butchery, +Although they were flesh'd villains, bloody dogs, +Melting with tenderness and kind compassion +Wept like two children in their deaths' sad stories. +'Lo, thus' quoth Dighton, 'lay those tender babes:' +'Thus, thus,' quoth Forrest, 'girdling one another +Within their innocent alabaster arms: +Their lips were four red roses on a stalk, +Which in their summer beauty kiss'd each other. +A book of prayers on their pillow lay; +Which once,' quoth Forrest, 'almost changed my mind; +But O! the devil'--there the villain stopp'd +Whilst Dighton thus told on: 'We smothered +The most replenished sweet work of nature, +That from the prime creation e'er she framed.' +Thus both are gone with conscience and remorse; +They could not speak; and so I left them both, +To bring this tidings to the bloody king. +And here he comes. +All hail, my sovereign liege! + +KING RICHARD III: +Kind Tyrrel, am I happy in thy news? + +TYRREL: +If to have done the thing you gave in charge +Beget your happiness, be happy then, +For it is done, my lord. + +KING RICHARD III: +But didst thou see them dead? + +TYRREL: +I did, my lord. + +KING RICHARD III: +And buried, gentle Tyrrel? + +TYRREL: +The chaplain of the Tower hath buried them; +But how or in what place I do not know. + +KING RICHARD III: +Come to me, Tyrrel, soon at after supper, +And thou shalt tell the process of their death. +Meantime, but think how I may do thee good, +And be inheritor of thy desire. +Farewell till soon. +The son of Clarence have I pent up close; +His daughter meanly have I match'd in marriage; +The sons of Edward sleep in Abraham's bosom, +And Anne my wife hath bid the world good night. +Now, for I know the Breton Richmond aims +At young Elizabeth, my brother's daughter, +And, by that knot, looks proudly o'er the crown, +To her I go, a jolly thriving wooer. + +CATESBY: +My lord! + +KING RICHARD III: +Good news or bad, that thou comest in so bluntly? + +CATESBY: +Bad news, my lord: Ely is fled to Richmond; +And Buckingham, back'd with the hardy Welshmen, +Is in the field, and still his power increaseth. + +KING RICHARD III: +Ely with Richmond troubles me more near +Than Buckingham and his rash-levied army. +Come, I have heard that fearful commenting +Is leaden servitor to dull delay; +Delay leads impotent and snail-paced beggary +Then fiery expedition be my wing, +Jove's Mercury, and herald for a king! +Come, muster men: my counsel is my shield; +We must be brief when traitors brave the field. + +QUEEN MARGARET: +So, now prosperity begins to mellow +And drop into the rotten mouth of death. +Here in these confines slily have I lurk'd, +To watch the waning of mine adversaries. +A dire induction am I witness to, +And will to France, hoping the consequence +Will prove as bitter, black, and tragical. +Withdraw thee, wretched Margaret: who comes here? + +QUEEN ELIZABETH: +Ah, my young princes! ah, my tender babes! +My unblown flowers, new-appearing sweets! +If yet your gentle souls fly in the air +And be not fix'd in doom perpetual, +Hover about me with your airy wings +And hear your mother's lamentation! + +QUEEN MARGARET: +Hover about her; say, that right for right +Hath dimm'd your infant morn to aged night. + +DUCHESS OF YORK: +So many miseries have crazed my voice, +That my woe-wearied tongue is mute and dumb, +Edward Plantagenet, why art thou dead? + +QUEEN MARGARET: +Plantagenet doth quit Plantagenet. +Edward for Edward pays a dying debt. + +QUEEN ELIZABETH: +Wilt thou, O God, fly from such gentle lambs, +And throw them in the entrails of the wolf? +When didst thou sleep when such a deed was done? + +QUEEN MARGARET: +When holy Harry died, and my sweet son. + +DUCHESS OF YORK: +Blind sight, dead life, poor mortal living ghost, +Woe's scene, world's shame, grave's due by life usurp'd, +Brief abstract and record of tedious days, +Rest thy unrest on England's lawful earth, +Unlawfully made drunk with innocents' blood! + +QUEEN ELIZABETH: +O, that thou wouldst as well afford a grave +As thou canst yield a melancholy seat! +Then would I hide my bones, not rest them here. +O, who hath any cause to mourn but I? + +QUEEN MARGARET: +If ancient sorrow be most reverend, +Give mine the benefit of seniory, +And let my woes frown on the upper hand. +If sorrow can admit society, +Tell o'er your woes again by viewing mine: +I had an Edward, till a Richard kill'd him; +I had a Harry, till a Richard kill'd him: +Thou hadst an Edward, till a Richard kill'd him; +Thou hadst a Richard, till a Richard killed him; + +DUCHESS OF YORK: +I had a Richard too, and thou didst kill him; +I had a Rutland too, thou holp'st to kill him. + +QUEEN MARGARET: +Thou hadst a Clarence too, and Richard kill'd him. +From forth the kennel of thy womb hath crept +A hell-hound that doth hunt us all to death: +That dog, that had his teeth before his eyes, +To worry lambs and lap their gentle blood, +That foul defacer of God's handiwork, +That excellent grand tyrant of the earth, +That reigns in galled eyes of weeping souls, +Thy womb let loose, to chase us to our graves. +O upright, just, and true-disposing God, +How do I thank thee, that this carnal cur +Preys on the issue of his mother's body, +And makes her pew-fellow with others' moan! + +DUCHESS OF YORK: +O Harry's wife, triumph not in my woes! +God witness with me, I have wept for thine. + +QUEEN MARGARET: +Bear with me; I am hungry for revenge, +And now I cloy me with beholding it. +Thy Edward he is dead, that stabb'd my Edward: +Thy other Edward dead, to quit my Edward; +Young York he is but boot, because both they +Match not the high perfection of my loss: +Thy Clarence he is dead that kill'd my Edward; +And the beholders of this tragic play, +The adulterate Hastings, Rivers, Vaughan, Grey, +Untimely smother'd in their dusky graves. +Richard yet lives, hell's black intelligencer, +Only reserved their factor, to buy souls +And send them thither: but at hand, at hand, +Ensues his piteous and unpitied end: +Earth gapes, hell burns, fiends roar, saints pray. +To have him suddenly convey'd away. +Cancel his bond of life, dear God, I prey, +That I may live to say, The dog is dead! + +QUEEN ELIZABETH: +O, thou didst prophesy the time would come +That I should wish for thee to help me curse +That bottled spider, that foul bunch-back'd toad! + +QUEEN MARGARET: +I call'd thee then vain flourish of my fortune; +I call'd thee then poor shadow, painted queen; +The presentation of but what I was; +The flattering index of a direful pageant; +One heaved a-high, to be hurl'd down below; +A mother only mock'd with two sweet babes; +A dream of what thou wert, a breath, a bubble, +A sign of dignity, a garish flag, +To be the aim of every dangerous shot, +A queen in jest, only to fill the scene. +Where is thy husband now? where be thy brothers? +Where are thy children? wherein dost thou, joy? +Who sues to thee and cries 'God save the queen'? +Where be the bending peers that flatter'd thee? +Where be the thronging troops that follow'd thee? +Decline all this, and see what now thou art: +For happy wife, a most distressed widow; +For joyful mother, one that wails the name; +For queen, a very caitiff crown'd with care; +For one being sued to, one that humbly sues; +For one that scorn'd at me, now scorn'd of me; +For one being fear'd of all, now fearing one; +For one commanding all, obey'd of none. +Thus hath the course of justice wheel'd about, +And left thee but a very prey to time; +Having no more but thought of what thou wert, +To torture thee the more, being what thou art. +Thou didst usurp my place, and dost thou not +Usurp the just proportion of my sorrow? +Now thy proud neck bears half my burthen'd yoke; +From which even here I slip my weary neck, +And leave the burthen of it all on thee. +Farewell, York's wife, and queen of sad mischance: +These English woes will make me smile in France. + +QUEEN ELIZABETH: +O thou well skill'd in curses, stay awhile, +And teach me how to curse mine enemies! + +QUEEN MARGARET: +Forbear to sleep the nights, and fast the days; +Compare dead happiness with living woe; +Think that thy babes were fairer than they were, +And he that slew them fouler than he is: +Bettering thy loss makes the bad causer worse: +Revolving this will teach thee how to curse. + +QUEEN ELIZABETH: +My words are dull; O, quicken them with thine! + +QUEEN MARGARET: +Thy woes will make them sharp, and pierce like mine. + +DUCHESS OF YORK: +Why should calamity be full of words? + +QUEEN ELIZABETH: +Windy attorneys to their client woes, +Airy succeeders of intestate joys, +Poor breathing orators of miseries! +Let them have scope: though what they do impart +Help not all, yet do they ease the heart. + +DUCHESS OF YORK: +If so, then be not tongue-tied: go with me. +And in the breath of bitter words let's smother +My damned son, which thy two sweet sons smother'd. +I hear his drum: be copious in exclaims. + +KING RICHARD III: +Who intercepts my expedition? + +DUCHESS OF YORK: +O, she that might have intercepted thee, +By strangling thee in her accursed womb +From all the slaughters, wretch, that thou hast done! + +QUEEN ELIZABETH: +Hidest thou that forehead with a golden crown, +Where should be graven, if that right were right, +The slaughter of the prince that owed that crown, +And the dire death of my two sons and brothers? +Tell me, thou villain slave, where are my children? + +DUCHESS OF YORK: +Thou toad, thou toad, where is thy brother Clarence? +And little Ned Plantagenet, his son? + +QUEEN ELIZABETH: +Where is kind Hastings, Rivers, Vaughan, Grey? + +KING RICHARD III: +A flourish, trumpets! strike alarum, drums! +Let not the heavens hear these tell-tale women +Rail on the Lord's enointed: strike, I say! +Either be patient, and entreat me fair, +Or with the clamorous report of war +Thus will I drown your exclamations. + +DUCHESS OF YORK: +Art thou my son? + +KING RICHARD III: +Ay, I thank God, my father, and yourself. + +DUCHESS OF YORK: +Then patiently hear my impatience. + +KING RICHARD III: +Madam, I have a touch of your condition, +Which cannot brook the accent of reproof. + +DUCHESS OF YORK: +O, let me speak! + +KING RICHARD III: +Do then: but I'll not hear. + +DUCHESS OF YORK: +I will be mild and gentle in my speech. + +KING RICHARD III: +And brief, good mother; for I am in haste. + +DUCHESS OF YORK: +Art thou so hasty? I have stay'd for thee, +God knows, in anguish, pain and agony. + +KING RICHARD III: +And came I not at last to comfort you? + +DUCHESS OF YORK: +No, by the holy rood, thou know'st it well, +Thou camest on earth to make the earth my hell. +A grievous burthen was thy birth to me; +Tetchy and wayward was thy infancy; +Thy school-days frightful, desperate, wild, and furious, +Thy prime of manhood daring, bold, and venturous, +Thy age confirm'd, proud, subdued, bloody, +treacherous, +More mild, but yet more harmful, kind in hatred: +What comfortable hour canst thou name, +That ever graced me in thy company? + +KING RICHARD III: +Faith, none, but Humphrey Hour, that call'd +your grace +To breakfast once forth of my company. +If I be so disgracious in your sight, +Let me march on, and not offend your grace. +Strike the drum. + +DUCHESS OF YORK: +I prithee, hear me speak. + +KING RICHARD III: +You speak too bitterly. + +DUCHESS OF YORK: +Hear me a word; +For I shall never speak to thee again. + +KING RICHARD III: +So. + +DUCHESS OF YORK: +Either thou wilt die, by God's just ordinance, +Ere from this war thou turn a conqueror, +Or I with grief and extreme age shall perish +And never look upon thy face again. +Therefore take with thee my most heavy curse; +Which, in the day of battle, tire thee more +Than all the complete armour that thou wear'st! +My prayers on the adverse party fight; +And there the little souls of Edward's children +Whisper the spirits of thine enemies +And promise them success and victory. +Bloody thou art, bloody will be thy end; +Shame serves thy life and doth thy death attend. + +QUEEN ELIZABETH: +Though far more cause, yet much less spirit to curse +Abides in me; I say amen to all. + +KING RICHARD III: +Stay, madam; I must speak a word with you. + +QUEEN ELIZABETH: +I have no more sons of the royal blood +For thee to murder: for my daughters, Richard, +They shall be praying nuns, not weeping queens; +And therefore level not to hit their lives. + +KING RICHARD III: +You have a daughter call'd Elizabeth, +Virtuous and fair, royal and gracious. + +QUEEN ELIZABETH: +And must she die for this? O, let her live, +And I'll corrupt her manners, stain her beauty; +Slander myself as false to Edward's bed; +Throw over her the veil of infamy: +So she may live unscarr'd of bleeding slaughter, +I will confess she was not Edward's daughter. + +KING RICHARD III: +Wrong not her birth, she is of royal blood. + +QUEEN ELIZABETH: +To save her life, I'll say she is not so. + +KING RICHARD III: +Her life is only safest in her birth. + +QUEEN ELIZABETH: +And only in that safety died her brothers. + +KING RICHARD III: +Lo, at their births good stars were opposite. + +QUEEN ELIZABETH: +No, to their lives bad friends were contrary. + +KING RICHARD III: +All unavoided is the doom of destiny. + +QUEEN ELIZABETH: +True, when avoided grace makes destiny: +My babes were destined to a fairer death, +If grace had bless'd thee with a fairer life. + +KING RICHARD III: +You speak as if that I had slain my cousins. + +QUEEN ELIZABETH: +Cousins, indeed; and by their uncle cozen'd +Of comfort, kingdom, kindred, freedom, life. +Whose hand soever lanced their tender hearts, +Thy head, all indirectly, gave direction: +No doubt the murderous knife was dull and blunt +Till it was whetted on thy stone-hard heart, +To revel in the entrails of my lambs. +But that still use of grief makes wild grief tame, +My tongue should to thy ears not name my boys +Till that my nails were anchor'd in thine eyes; +And I, in such a desperate bay of death, +Like a poor bark, of sails and tackling reft, +Rush all to pieces on thy rocky bosom. + +KING RICHARD III: +Madam, so thrive I in my enterprise +And dangerous success of bloody wars, +As I intend more good to you and yours, +Than ever you or yours were by me wrong'd! + +QUEEN ELIZABETH: +What good is cover'd with the face of heaven, +To be discover'd, that can do me good? + +KING RICHARD III: +The advancement of your children, gentle lady. + +QUEEN ELIZABETH: +Up to some scaffold, there to lose their heads? + +KING RICHARD III: +No, to the dignity and height of honour +The high imperial type of this earth's glory. + +QUEEN ELIZABETH: +Flatter my sorrows with report of it; +Tell me what state, what dignity, what honour, +Canst thou demise to any child of mine? + +KING RICHARD III: +Even all I have; yea, and myself and all, +Will I withal endow a child of thine; +So in the Lethe of thy angry soul +Thou drown the sad remembrance of those wrongs +Which thou supposest I have done to thee. + +QUEEN ELIZABETH: +Be brief, lest that be process of thy kindness +Last longer telling than thy kindness' date. + +KING RICHARD III: +Then know, that from my soul I love thy daughter. + +QUEEN ELIZABETH: +My daughter's mother thinks it with her soul. + +KING RICHARD III: +What do you think? + +QUEEN ELIZABETH: +That thou dost love my daughter from thy soul: +So from thy soul's love didst thou love her brothers; +And from my heart's love I do thank thee for it. + +KING RICHARD III: +Be not so hasty to confound my meaning: +I mean, that with my soul I love thy daughter, +And mean to make her queen of England. + +QUEEN ELIZABETH: +Say then, who dost thou mean shall be her king? + +KING RICHARD III: +Even he that makes her queen who should be else? + +QUEEN ELIZABETH: +What, thou? + +KING RICHARD III: +I, even I: what think you of it, madam? + +QUEEN ELIZABETH: +How canst thou woo her? + +KING RICHARD III: +That would I learn of you, +As one that are best acquainted with her humour. + +QUEEN ELIZABETH: +And wilt thou learn of me? + +KING RICHARD III: +Madam, with all my heart. + +QUEEN ELIZABETH: +Send to her, by the man that slew her brothers, +A pair of bleeding-hearts; thereon engrave +Edward and York; then haply she will weep: +Therefore present to her--as sometime Margaret +Did to thy father, steep'd in Rutland's blood,-- +A handkerchief; which, say to her, did drain +The purple sap from her sweet brother's body +And bid her dry her weeping eyes therewith. +If this inducement force her not to love, +Send her a story of thy noble acts; +Tell her thou madest away her uncle Clarence, +Her uncle Rivers; yea, and, for her sake, +Madest quick conveyance with her good aunt Anne. + +KING RICHARD III: +Come, come, you mock me; this is not the way +To win our daughter. + +QUEEN ELIZABETH: +There is no other way +Unless thou couldst put on some other shape, +And not be Richard that hath done all this. + +KING RICHARD III: +Say that I did all this for love of her. + +QUEEN ELIZABETH: +Nay, then indeed she cannot choose but hate thee, +Having bought love with such a bloody spoil. + +KING RICHARD III: +Look, what is done cannot be now amended: +Men shall deal unadvisedly sometimes, +Which after hours give leisure to repent. +If I did take the kingdom from your sons, +To make amends, Ill give it to your daughter. +If I have kill'd the issue of your womb, +To quicken your increase, I will beget +Mine issue of your blood upon your daughter +A grandam's name is little less in love +Than is the doting title of a mother; +They are as children but one step below, +Even of your mettle, of your very blood; +Of an one pain, save for a night of groans +Endured of her, for whom you bid like sorrow. +Your children were vexation to your youth, +But mine shall be a comfort to your age. +The loss you have is but a son being king, +And by that loss your daughter is made queen. +I cannot make you what amends I would, +Therefore accept such kindness as I can. +Dorset your son, that with a fearful soul +Leads discontented steps in foreign soil, +This fair alliance quickly shall call home +To high promotions and great dignity: +The king, that calls your beauteous daughter wife. +Familiarly shall call thy Dorset brother; +Again shall you be mother to a king, +And all the ruins of distressful times +Repair'd with double riches of content. +What! we have many goodly days to see: +The liquid drops of tears that you have shed +Shall come again, transform'd to orient pearl, +Advantaging their loan with interest +Of ten times double gain of happiness. +Go, then my mother, to thy daughter go +Make bold her bashful years with your experience; +Prepare her ears to hear a wooer's tale +Put in her tender heart the aspiring flame +Of golden sovereignty; acquaint the princess +With the sweet silent hours of marriage joys +And when this arm of mine hath chastised +The petty rebel, dull-brain'd Buckingham, +Bound with triumphant garlands will I come +And lead thy daughter to a conqueror's bed; +To whom I will retail my conquest won, +And she shall be sole victress, Caesar's Caesar. + +QUEEN ELIZABETH: +What were I best to say? her father's brother +Would be her lord? or shall I say, her uncle? +Or, he that slew her brothers and her uncles? +Under what title shall I woo for thee, +That God, the law, my honour and her love, +Can make seem pleasing to her tender years? + +KING RICHARD III: +Infer fair England's peace by this alliance. + +QUEEN ELIZABETH: +Which she shall purchase with still lasting war. + +KING RICHARD III: +Say that the king, which may command, entreats. + +QUEEN ELIZABETH: +That at her hands which the king's King forbids. + +KING RICHARD III: +Say, she shall be a high and mighty queen. + +QUEEN ELIZABETH: +To wail the tide, as her mother doth. + +KING RICHARD III: +Say, I will love her everlastingly. + +QUEEN ELIZABETH: +But how long shall that title 'ever' last? + +KING RICHARD III: +Sweetly in force unto her fair life's end. + +QUEEN ELIZABETH: +But how long fairly shall her sweet lie last? + +KING RICHARD III: +So long as heaven and nature lengthens it. + +QUEEN ELIZABETH: +So long as hell and Richard likes of it. + +KING RICHARD III: +Say, I, her sovereign, am her subject love. + +QUEEN ELIZABETH: +But she, your subject, loathes such sovereignty. + +KING RICHARD III: +Be eloquent in my behalf to her. + +QUEEN ELIZABETH: +An honest tale speeds best being plainly told. + +KING RICHARD III: +Then in plain terms tell her my loving tale. + +QUEEN ELIZABETH: +Plain and not honest is too harsh a style. + +KING RICHARD III: +Your reasons are too shallow and too quick. + +QUEEN ELIZABETH: +O no, my reasons are too deep and dead; +Too deep and dead, poor infants, in their grave. + +KING RICHARD III: +Harp not on that string, madam; that is past. + +QUEEN ELIZABETH: +Harp on it still shall I till heart-strings break. + +KING RICHARD III: +Now, by my George, my garter, and my crown,-- + +QUEEN ELIZABETH: +Profaned, dishonour'd, and the third usurp'd. + +KING RICHARD III: +I swear-- + +QUEEN ELIZABETH: +By nothing; for this is no oath: +The George, profaned, hath lost his holy honour; +The garter, blemish'd, pawn'd his knightly virtue; +The crown, usurp'd, disgraced his kingly glory. +if something thou wilt swear to be believed, +Swear then by something that thou hast not wrong'd. + +KING RICHARD III: +Now, by the world-- + +QUEEN ELIZABETH: +'Tis full of thy foul wrongs. + +KING RICHARD III: +My father's death-- + +QUEEN ELIZABETH: +Thy life hath that dishonour'd. + +KING RICHARD III: +Then, by myself-- + +QUEEN ELIZABETH: +Thyself thyself misusest. + +KING RICHARD III: +Why then, by God-- + +QUEEN ELIZABETH: +God's wrong is most of all. +If thou hadst fear'd to break an oath by Him, +The unity the king thy brother made +Had not been broken, nor my brother slain: +If thou hadst fear'd to break an oath by Him, +The imperial metal, circling now thy brow, +Had graced the tender temples of my child, +And both the princes had been breathing here, +Which now, two tender playfellows to dust, +Thy broken faith hath made a prey for worms. +What canst thou swear by now? + +KING RICHARD III: +The time to come. + +QUEEN ELIZABETH: +That thou hast wronged in the time o'erpast; +For I myself have many tears to wash +Hereafter time, for time past wrong'd by thee. +The children live, whose parents thou hast +slaughter'd, +Ungovern'd youth, to wail it in their age; +The parents live, whose children thou hast butcher'd, +Old wither'd plants, to wail it with their age. +Swear not by time to come; for that thou hast +Misused ere used, by time misused o'erpast. + +KING RICHARD III: +As I intend to prosper and repent, +So thrive I in my dangerous attempt +Of hostile arms! myself myself confound! +Heaven and fortune bar me happy hours! +Day, yield me not thy light; nor, night, thy rest! +Be opposite all planets of good luck +To my proceedings, if, with pure heart's love, +Immaculate devotion, holy thoughts, +I tender not thy beauteous princely daughter! +In her consists my happiness and thine; +Without her, follows to this land and me, +To thee, herself, and many a Christian soul, +Death, desolation, ruin and decay: +It cannot be avoided but by this; +It will not be avoided but by this. +Therefore, good mother,--I must can you so-- +Be the attorney of my love to her: +Plead what I will be, not what I have been; +Not my deserts, but what I will deserve: +Urge the necessity and state of times, +And be not peevish-fond in great designs. + +QUEEN ELIZABETH: +Shall I be tempted of the devil thus? + +KING RICHARD III: +Ay, if the devil tempt thee to do good. + +QUEEN ELIZABETH: +Shall I forget myself to be myself? + +KING RICHARD III: +Ay, if yourself's remembrance wrong yourself. + +QUEEN ELIZABETH: +But thou didst kill my children. + +KING RICHARD III: +But in your daughter's womb I bury them: +Where in that nest of spicery they shall breed +Selves of themselves, to your recomforture. + +QUEEN ELIZABETH: +Shall I go win my daughter to thy will? + +KING RICHARD III: +And be a happy mother by the deed. + +QUEEN ELIZABETH: +I go. Write to me very shortly. +And you shall understand from me her mind. + +KING RICHARD III: +Bear her my true love's kiss; and so, farewell. +Relenting fool, and shallow, changing woman! +How now! what news? + +RATCLIFF: +My gracious sovereign, on the western coast +Rideth a puissant navy; to the shore +Throng many doubtful hollow-hearted friends, +Unarm'd, and unresolved to beat them back: +'Tis thought that Richmond is their admiral; +And there they hull, expecting but the aid +Of Buckingham to welcome them ashore. + +KING RICHARD III: +Some light-foot friend post to the Duke of Norfolk: +Ratcliff, thyself, or Catesby; where is he? + +CATESBY: +Here, my lord. + +KING RICHARD III: +Fly to the duke: +Post thou to Salisbury +When thou comest thither-- +Dull, unmindful villain, +Why stand'st thou still, and go'st not to the duke? + +CATESBY: +First, mighty sovereign, let me know your mind, +What from your grace I shall deliver to him. + +KING RICHARD III: +O, true, good Catesby: bid him levy straight +The greatest strength and power he can make, +And meet me presently at Salisbury. + +CATESBY: +I go. + +RATCLIFF: +What is't your highness' pleasure I shall do at +Salisbury? + +KING RICHARD III: +Why, what wouldst thou do there before I go? + +RATCLIFF: +Your highness told me I should post before. + +KING RICHARD III: +My mind is changed, sir, my mind is changed. +How now, what news with you? + +STANLEY: +None good, my lord, to please you with the hearing; +Nor none so bad, but it may well be told. + +KING RICHARD III: +Hoyday, a riddle! neither good nor bad! +Why dost thou run so many mile about, +When thou mayst tell thy tale a nearer way? +Once more, what news? + +STANLEY: +Richmond is on the seas. + +KING RICHARD III: +There let him sink, and be the seas on him! +White-liver'd runagate, what doth he there? + +STANLEY: +I know not, mighty sovereign, but by guess. + +KING RICHARD III: +Well, sir, as you guess, as you guess? + +STANLEY: +Stirr'd up by Dorset, Buckingham, and Ely, +He makes for England, there to claim the crown. + +KING RICHARD III: +Is the chair empty? is the sword unsway'd? +Is the king dead? the empire unpossess'd? +What heir of York is there alive but we? +And who is England's king but great York's heir? +Then, tell me, what doth he upon the sea? + +STANLEY: +Unless for that, my liege, I cannot guess. + +KING RICHARD III: +Unless for that he comes to be your liege, +You cannot guess wherefore the Welshman comes. +Thou wilt revolt, and fly to him, I fear. + +STANLEY: +No, mighty liege; therefore mistrust me not. + +KING RICHARD III: +Where is thy power, then, to beat him back? +Where are thy tenants and thy followers? +Are they not now upon the western shore. +Safe-conducting the rebels from their ships! + +STANLEY: +No, my good lord, my friends are in the north. + +KING RICHARD III: +Cold friends to Richard: what do they in the north, +When they should serve their sovereign in the west? + +STANLEY: +They have not been commanded, mighty sovereign: +Please it your majesty to give me leave, +I'll muster up my friends, and meet your grace +Where and what time your majesty shall please. + +KING RICHARD III: +Ay, ay. thou wouldst be gone to join with Richmond: +I will not trust you, sir. + +STANLEY: +Most mighty sovereign, +You have no cause to hold my friendship doubtful: +I never was nor never will be false. + +KING RICHARD III: +Well, +Go muster men; but, hear you, leave behind +Your son, George Stanley: look your faith be firm. +Or else his head's assurance is but frail. + +STANLEY: +So deal with him as I prove true to you. + +Messenger: +My gracious sovereign, now in Devonshire, +As I by friends am well advertised, +Sir Edward Courtney, and the haughty prelate +Bishop of Exeter, his brother there, +With many more confederates, are in arms. + +Second Messenger: +My liege, in Kent the Guildfords are in arms; +And every hour more competitors +Flock to their aid, and still their power increaseth. + +Third Messenger: +My lord, the army of the Duke of Buckingham-- + +KING RICHARD III: +Out on you, owls! nothing but songs of death? +Take that, until thou bring me better news. + +Third Messenger: +The news I have to tell your majesty +Is, that by sudden floods and fall of waters, +Buckingham's army is dispersed and scatter'd; +And he himself wander'd away alone, +No man knows whither. + +KING RICHARD III: +I cry thee mercy: +There is my purse to cure that blow of thine. +Hath any well-advised friend proclaim'd +Reward to him that brings the traitor in? + +Third Messenger: +Such proclamation hath been made, my liege. + +Fourth Messenger: +Sir Thomas Lovel and Lord Marquis Dorset, +'Tis said, my liege, in Yorkshire are in arms. +Yet this good comfort bring I to your grace, +The Breton navy is dispersed by tempest: +Richmond, in Yorkshire, sent out a boat +Unto the shore, to ask those on the banks +If they were his assistants, yea or no; +Who answer'd him, they came from Buckingham. +Upon his party: he, mistrusting them, +Hoisted sail and made away for Brittany. + +KING RICHARD III: +March on, march on, since we are up in arms; +If not to fight with foreign enemies, +Yet to beat down these rebels here at home. + +CATESBY: +My liege, the Duke of Buckingham is taken; +That is the best news: that the Earl of Richmond +Is with a mighty power landed at Milford, +Is colder tidings, yet they must be told. + +KING RICHARD III: +Away towards Salisbury! while we reason here, +A royal battle might be won and lost +Some one take order Buckingham be brought +To Salisbury; the rest march on with me. + +DERBY: +Sir Christopher, tell Richmond this from me: +That in the sty of this most bloody boar +My son George Stanley is frank'd up in hold: +If I revolt, off goes young George's head; +The fear of that withholds my present aid. +But, tell me, where is princely Richmond now? + +CHRISTOPHER: +At Pembroke, or at Harford-west, in Wales. + +DERBY: +What men of name resort to him? + +CHRISTOPHER: +Sir Walter Herbert, a renowned soldier; +Sir Gilbert Talbot, Sir William Stanley; +Oxford, redoubted Pembroke, Sir James Blunt, +And Rice ap Thomas with a valiant crew; +And many more of noble fame and worth: +And towards London they do bend their course, +If by the way they be not fought withal. + +DERBY: +Return unto thy lord; commend me to him: +Tell him the queen hath heartily consented +He shall espouse Elizabeth her daughter. +These letters will resolve him of my mind. Farewell. + +BUCKINGHAM: +Will not King Richard let me speak with him? + +Sheriff: +No, my good lord; therefore be patient. + +BUCKINGHAM: +Hastings, and Edward's children, Rivers, Grey, +Holy King Henry, and thy fair son Edward, +Vaughan, and all that have miscarried +By underhand corrupted foul injustice, +If that your moody discontented souls +Do through the clouds behold this present hour, +Even for revenge mock my destruction! +This is All-Souls' day, fellows, is it not? + +Sheriff: +It is, my lord. + +BUCKINGHAM: +Why, then All-Souls' day is my body's doomsday. +This is the day that, in King Edward's time, +I wish't might fall on me, when I was found +False to his children or his wife's allies +This is the day wherein I wish'd to fall +By the false faith of him I trusted most; +This, this All-Souls' day to my fearful soul +Is the determined respite of my wrongs: +That high All-Seer that I dallied with +Hath turn'd my feigned prayer on my head +And given in earnest what I begg'd in jest. +Thus doth he force the swords of wicked men +To turn their own points on their masters' bosoms: +Now Margaret's curse is fallen upon my head; +'When he,' quoth she, 'shall split thy heart with sorrow, +Remember Margaret was a prophetess.' +Come, sirs, convey me to the block of shame; +Wrong hath but wrong, and blame the due of blame. + +RICHMOND: +Fellows in arms, and my most loving friends, +Bruised underneath the yoke of tyranny, +Thus far into the bowels of the land +Have we march'd on without impediment; +And here receive we from our father Stanley +Lines of fair comfort and encouragement. +The wretched, bloody, and usurping boar, +That spoil'd your summer fields and fruitful vines, +Swills your warm blood like wash, and makes his trough +In your embowell'd bosoms, this foul swine +Lies now even in the centre of this isle, +Near to the town of Leicester, as we learn +From Tamworth thither is but one day's march. +In God's name, cheerly on, courageous friends, +To reap the harvest of perpetual peace +By this one bloody trial of sharp war. + +OXFORD: +Every man's conscience is a thousand swords, +To fight against that bloody homicide. + +HERBERT: +I doubt not but his friends will fly to us. + +BLUNT: +He hath no friends but who are friends for fear. +Which in his greatest need will shrink from him. + +RICHMOND: +All for our vantage. Then, in God's name, march: +True hope is swift, and flies with swallow's wings: +Kings it makes gods, and meaner creatures kings. + +KING RICHARD III: +Here pitch our tents, even here in Bosworth field. +My Lord of Surrey, why look you so sad? + +SURREY: +My heart is ten times lighter than my looks. + +KING RICHARD III: +My Lord of Norfolk,-- + +NORFOLK: +Here, most gracious liege. + +KING RICHARD III: +Norfolk, we must have knocks; ha! must we not? + +NORFOLK: +We must both give and take, my gracious lord. + +KING RICHARD III: +Up with my tent there! here will I lie tonight; +But where to-morrow? Well, all's one for that. +Who hath descried the number of the foe? + +NORFOLK: +Six or seven thousand is their utmost power. + +KING RICHARD III: +Why, our battalion trebles that account: +Besides, the king's name is a tower of strength, +Which they upon the adverse party want. +Up with my tent there! Valiant gentlemen, +Let us survey the vantage of the field +Call for some men of sound direction +Let's want no discipline, make no delay, +For, lords, to-morrow is a busy day. + +RICHMOND: +The weary sun hath made a golden set, +And by the bright track of his fiery car, +Gives signal, of a goodly day to-morrow. +Sir William Brandon, you shall bear my standard. +Give me some ink and paper in my tent +I'll draw the form and model of our battle, +Limit each leader to his several charge, +And part in just proportion our small strength. +My Lord of Oxford, you, Sir William Brandon, +And you, Sir Walter Herbert, stay with me. +The Earl of Pembroke keeps his regiment: +Good Captain Blunt, bear my good night to him +And by the second hour in the morning +Desire the earl to see me in my tent: +Yet one thing more, good Blunt, before thou go'st, +Where is Lord Stanley quarter'd, dost thou know? + +BLUNT: +Unless I have mista'en his colours much, +Which well I am assured I have not done, +His regiment lies half a mile at least +South from the mighty power of the king. + +RICHMOND: +If without peril it be possible, +Good Captain Blunt, bear my good-night to him, +And give him from me this most needful scroll. + +BLUNT: +Upon my life, my lord, I'll under-take it; +And so, God give you quiet rest to-night! + +RICHMOND: +Good night, good Captain Blunt. Come gentlemen, +Let us consult upon to-morrow's business +In to our tent; the air is raw and cold. + +KING RICHARD III: +What is't o'clock? + +CATESBY: +It's supper-time, my lord; +It's nine o'clock. + +KING RICHARD III: +I will not sup to-night. +Give me some ink and paper. +What, is my beaver easier than it was? +And all my armour laid into my tent? + +CATESBY: +If is, my liege; and all things are in readiness. + +KING RICHARD III: +Good Norfolk, hie thee to thy charge; +Use careful watch, choose trusty sentinels. + +NORFOLK: +I go, my lord. + +KING RICHARD III: +Stir with the lark to-morrow, gentle Norfolk. + +NORFOLK: +I warrant you, my lord. + +KING RICHARD III: +Catesby! + +CATESBY: +My lord? + +KING RICHARD III: +Send out a pursuivant at arms +To Stanley's regiment; bid him bring his power +Before sunrising, lest his son George fall +Into the blind cave of eternal night. +Fill me a bowl of wine. Give me a watch. +Saddle white Surrey for the field to-morrow. +Look that my staves be sound, and not too heavy. +Ratcliff! + +RATCLIFF: +My lord? + +KING RICHARD III: +Saw'st thou the melancholy Lord Northumberland? + +RATCLIFF: +Thomas the Earl of Surrey, and himself, +Much about cock-shut time, from troop to troop +Went through the army, cheering up the soldiers. + +KING RICHARD III: +So, I am satisfied. Give me a bowl of wine: +I have not that alacrity of spirit, +Nor cheer of mind, that I was wont to have. +Set it down. Is ink and paper ready? + +RATCLIFF: +It is, my lord. + +KING RICHARD III: +Bid my guard watch; leave me. +Ratcliff, about the mid of night come to my tent +And help to arm me. Leave me, I say. + +DERBY: +Fortune and victory sit on thy helm! + +RICHMOND: +All comfort that the dark night can afford +Be to thy person, noble father-in-law! +Tell me, how fares our loving mother? + +DERBY: +I, by attorney, bless thee from thy mother +Who prays continually for Richmond's good: +So much for that. The silent hours steal on, +And flaky darkness breaks within the east. +In brief,--for so the season bids us be,-- +Prepare thy battle early in the morning, +And put thy fortune to the arbitrement +Of bloody strokes and mortal-staring war. +I, as I may--that which I would I cannot,-- +With best advantage will deceive the time, +And aid thee in this doubtful shock of arms: +But on thy side I may not be too forward +Lest, being seen, thy brother, tender George, +Be executed in his father's sight. +Farewell: the leisure and the fearful time +Cuts off the ceremonious vows of love +And ample interchange of sweet discourse, +Which so long sunder'd friends should dwell upon: +God give us leisure for these rites of love! +Once more, adieu: be valiant, and speed well! + +RICHMOND: +Good lords, conduct him to his regiment: +I'll strive, with troubled thoughts, to take a nap, +Lest leaden slumber peise me down to-morrow, +When I should mount with wings of victory: +Once more, good night, kind lords and gentlemen. +O Thou, whose captain I account myself, +Look on my forces with a gracious eye; +Put in their hands thy bruising irons of wrath, +That they may crush down with a heavy fall +The usurping helmets of our adversaries! +Make us thy ministers of chastisement, +That we may praise thee in the victory! +To thee I do commend my watchful soul, +Ere I let fall the windows of mine eyes: +Sleeping and waking, O, defend me still! + +Ghost of Prince Edward: + +Ghost of King Henry VI: + +Ghost of CLARENCE: + +Ghost of RIVERS: + +Ghost of GREY: + +Ghost of VAUGHAN: + +All: + +Ghost of HASTINGS: + +Ghosts of young Princes: + +Ghost of LADY ANNE: + +Ghost of BUCKINGHAM: + +KING RICHARD III: +Give me another horse: bind up my wounds. +Have mercy, Jesu!--Soft! I did but dream. +O coward conscience, how dost thou afflict me! +The lights burn blue. It is now dead midnight. +Cold fearful drops stand on my trembling flesh. +What do I fear? myself? there's none else by: +Richard loves Richard; that is, I am I. +Is there a murderer here? No. Yes, I am: +Then fly. What, from myself? Great reason why: +Lest I revenge. What, myself upon myself? +Alack. I love myself. Wherefore? for any good +That I myself have done unto myself? +O, no! alas, I rather hate myself +For hateful deeds committed by myself! +I am a villain: yet I lie. I am not. +Fool, of thyself speak well: fool, do not flatter. +My conscience hath a thousand several tongues, +And every tongue brings in a several tale, +And every tale condemns me for a villain. +Perjury, perjury, in the high'st degree +Murder, stem murder, in the direst degree; +All several sins, all used in each degree, +Throng to the bar, crying all, Guilty! guilty! +I shall despair. There is no creature loves me; +And if I die, no soul shall pity me: +Nay, wherefore should they, since that I myself +Find in myself no pity to myself? +Methought the souls of all that I had murder'd +Came to my tent; and every one did threat +To-morrow's vengeance on the head of Richard. + +RATCLIFF: +My lord! + +KING RICHARD III: +'Zounds! who is there? + +RATCLIFF: +Ratcliff, my lord; 'tis I. The early village-cock +Hath twice done salutation to the morn; +Your friends are up, and buckle on their armour. + +KING RICHARD III: +O Ratcliff, I have dream'd a fearful dream! +What thinkest thou, will our friends prove all true? + +RATCLIFF: +No doubt, my lord. + +KING RICHARD III: +O Ratcliff, I fear, I fear,-- + +RATCLIFF: +Nay, good my lord, be not afraid of shadows. + +KING RICHARD III: +By the apostle Paul, shadows to-night +Have struck more terror to the soul of Richard +Than can the substance of ten thousand soldiers +Armed in proof, and led by shallow Richmond. +It is not yet near day. Come, go with me; +Under our tents I'll play the eaves-dropper, +To see if any mean to shrink from me. + +LORDS: +Good morrow, Richmond! + +RICHMOND: +Cry mercy, lords and watchful gentlemen, +That you have ta'en a tardy sluggard here. + +LORDS: +How have you slept, my lord? + +RICHMOND: +The sweetest sleep, and fairest-boding dreams +That ever enter'd in a drowsy head, +Have I since your departure had, my lords. +Methought their souls, whose bodies Richard murder'd, +Came to my tent, and cried on victory: +I promise you, my soul is very jocund +In the remembrance of so fair a dream. +How far into the morning is it, lords? + +LORDS: +Upon the stroke of four. + +RICHMOND: +Why, then 'tis time to arm and give direction. +More than I have said, loving countrymen, +The leisure and enforcement of the time +Forbids to dwell upon: yet remember this, +God and our good cause fight upon our side; +The prayers of holy saints and wronged souls, +Like high-rear'd bulwarks, stand before our faces; +Richard except, those whom we fight against +Had rather have us win than him they follow: +For what is he they follow? truly, gentlemen, +A bloody tyrant and a homicide; +One raised in blood, and one in blood establish'd; +One that made means to come by what he hath, +And slaughter'd those that were the means to help him; +Abase foul stone, made precious by the foil +Of England's chair, where he is falsely set; +One that hath ever been God's enemy: +Then, if you fight against God's enemy, +God will in justice ward you as his soldiers; +If you do sweat to put a tyrant down, +You sleep in peace, the tyrant being slain; +If you do fight against your country's foes, +Your country's fat shall pay your pains the hire; +If you do fight in safeguard of your wives, +Your wives shall welcome home the conquerors; +If you do free your children from the sword, +Your children's children quit it in your age. +Then, in the name of God and all these rights, +Advance your standards, draw your willing swords. +For me, the ransom of my bold attempt +Shall be this cold corpse on the earth's cold face; +But if I thrive, the gain of my attempt +The least of you shall share his part thereof. +Sound drums and trumpets boldly and cheerfully; +God and Saint George! Richmond and victory! + +KING RICHARD III: +What said Northumberland as touching Richmond? + +RATCLIFF: +That he was never trained up in arms. + +KING RICHARD III: +He said the truth: and what said Surrey then? + +RATCLIFF: +He smiled and said 'The better for our purpose.' + +KING RICHARD III: +He was in the right; and so indeed it is. +Ten the clock there. Give me a calendar. +Who saw the sun to-day? + +RATCLIFF: +Not I, my lord. + +KING RICHARD III: +Then he disdains to shine; for by the book +He should have braved the east an hour ago +A black day will it be to somebody. Ratcliff! + +RATCLIFF: +My lord? + +KING RICHARD III: +The sun will not be seen to-day; +The sky doth frown and lour upon our army. +I would these dewy tears were from the ground. +Not shine to-day! Why, what is that to me +More than to Richmond? for the selfsame heaven +That frowns on me looks sadly upon him. + +NORFOLK: +Arm, arm, my lord; the foe vaunts in the field. + +KING RICHARD III: +Come, bustle, bustle; caparison my horse. +Call up Lord Stanley, bid him bring his power: +I will lead forth my soldiers to the plain, +And thus my battle shall be ordered: +My foreward shall be drawn out all in length, +Consisting equally of horse and foot; +Our archers shall be placed in the midst +John Duke of Norfolk, Thomas Earl of Surrey, +Shall have the leading of this foot and horse. +They thus directed, we will follow +In the main battle, whose puissance on either side +Shall be well winged with our chiefest horse. +This, and Saint George to boot! What think'st thou, Norfolk? + +NORFOLK: +A good direction, warlike sovereign. +This found I on my tent this morning. + +KING RICHARD III: + +Messenger: +My lord, he doth deny to come. + +KING RICHARD III: +Off with his son George's head! + +NORFOLK: +My lord, the enemy is past the marsh +After the battle let George Stanley die. + +KING RICHARD III: +A thousand hearts are great within my bosom: +Advance our standards, set upon our foes +Our ancient word of courage, fair Saint George, +Inspire us with the spleen of fiery dragons! +Upon them! victory sits on our helms. + +CATESBY: +Rescue, my Lord of Norfolk, rescue, rescue! +The king enacts more wonders than a man, +Daring an opposite to every danger: +His horse is slain, and all on foot he fights, +Seeking for Richmond in the throat of death. +Rescue, fair lord, or else the day is lost! + +KING RICHARD III: +A horse! a horse! my kingdom for a horse! + +CATESBY: +Withdraw, my lord; I'll help you to a horse. + +KING RICHARD III: +Slave, I have set my life upon a cast, +And I will stand the hazard of the die: +I think there be six Richmonds in the field; +Five have I slain to-day instead of him. +A horse! a horse! my kingdom for a horse! + +RICHMOND: +God and your arms be praised, victorious friends, +The day is ours, the bloody dog is dead. + +DERBY: +Courageous Richmond, well hast thou acquit thee. +Lo, here, this long-usurped royalty +From the dead temples of this bloody wretch +Have I pluck'd off, to grace thy brows withal: +Wear it, enjoy it, and make much of it. + +RICHMOND: +Great God of heaven, say Amen to all! +But, tell me, is young George Stanley living? + +DERBY: +He is, my lord, and safe in Leicester town; +Whither, if it please you, we may now withdraw us. + +RICHMOND: +What men of name are slain on either side? + +DERBY: +John Duke of Norfolk, Walter Lord Ferrers, +Sir Robert Brakenbury, and Sir William Brandon. + +RICHMOND: +Inter their bodies as becomes their births: +Proclaim a pardon to the soldiers fled +That in submission will return to us: +And then, as we have ta'en the sacrament, +We will unite the white rose and the red: +Smile heaven upon this fair conjunction, +That long have frown'd upon their enmity! +What traitor hears me, and says not amen? +England hath long been mad, and scarr'd herself; +The brother blindly shed the brother's blood, +The father rashly slaughter'd his own son, +The son, compell'd, been butcher to the sire: +All this divided York and Lancaster, +Divided in their dire division, +O, now, let Richmond and Elizabeth, +The true succeeders of each royal house, +By God's fair ordinance conjoin together! +And let their heirs, God, if thy will be so. +Enrich the time to come with smooth-faced peace, +With smiling plenty and fair prosperous days! +Abate the edge of traitors, gracious Lord, +That would reduce these bloody days again, +And make poor England weep in streams of blood! +Let them not live to taste this land's increase +That would with treason wound this fair land's peace! +Now civil wounds are stopp'd, peace lives again: +That she may long live here, God say amen! + +KING RICHARD II: +Old John of Gaunt, time-honour'd Lancaster, +Hast thou, according to thy oath and band, +Brought hither Henry Hereford thy bold son, +Here to make good the boisterous late appeal, +Which then our leisure would not let us hear, +Against the Duke of Norfolk, Thomas Mowbray? + +JOHN OF GAUNT: +I have, my liege. + +KING RICHARD II: +Tell me, moreover, hast thou sounded him, +If he appeal the duke on ancient malice; +Or worthily, as a good subject should, +On some known ground of treachery in him? + +JOHN OF GAUNT: +As near as I could sift him on that argument, +On some apparent danger seen in him +Aim'd at your highness, no inveterate malice. + +KING RICHARD II: +Then call them to our presence; face to face, +And frowning brow to brow, ourselves will hear +The accuser and the accused freely speak: +High-stomach'd are they both, and full of ire, +In rage deaf as the sea, hasty as fire. + +HENRY BOLINGBROKE: +Many years of happy days befal +My gracious sovereign, my most loving liege! + +THOMAS MOWBRAY: +Each day still better other's happiness; +Until the heavens, envying earth's good hap, +Add an immortal title to your crown! + +KING RICHARD II: +We thank you both: yet one but flatters us, +As well appeareth by the cause you come; +Namely to appeal each other of high treason. +Cousin of Hereford, what dost thou object +Against the Duke of Norfolk, Thomas Mowbray? + +HENRY BOLINGBROKE: +First, heaven be the record to my speech! +In the devotion of a subject's love, +Tendering the precious safety of my prince, +And free from other misbegotten hate, +Come I appellant to this princely presence. +Now, Thomas Mowbray, do I turn to thee, +And mark my greeting well; for what I speak +My body shall make good upon this earth, +Or my divine soul answer it in heaven. +Thou art a traitor and a miscreant, +Too good to be so and too bad to live, +Since the more fair and crystal is the sky, +The uglier seem the clouds that in it fly. +Once more, the more to aggravate the note, +With a foul traitor's name stuff I thy throat; +And wish, so please my sovereign, ere I move, +What my tongue speaks my right drawn sword may prove. + +THOMAS MOWBRAY: +Let not my cold words here accuse my zeal: +'Tis not the trial of a woman's war, +The bitter clamour of two eager tongues, +Can arbitrate this cause betwixt us twain; +The blood is hot that must be cool'd for this: +Yet can I not of such tame patience boast +As to be hush'd and nought at all to say: +First, the fair reverence of your highness curbs me +From giving reins and spurs to my free speech; +Which else would post until it had return'd +These terms of treason doubled down his throat. +Setting aside his high blood's royalty, +And let him be no kinsman to my liege, +I do defy him, and I spit at him; +Call him a slanderous coward and a villain: +Which to maintain I would allow him odds, +And meet him, were I tied to run afoot +Even to the frozen ridges of the Alps, +Or any other ground inhabitable, +Where ever Englishman durst set his foot. +Mean time let this defend my loyalty, +By all my hopes, most falsely doth he lie. + +HENRY BOLINGBROKE: +Pale trembling coward, there I throw my gage, +Disclaiming here the kindred of the king, +And lay aside my high blood's royalty, +Which fear, not reverence, makes thee to except. +If guilty dread have left thee so much strength +As to take up mine honour's pawn, then stoop: +By that and all the rites of knighthood else, +Will I make good against thee, arm to arm, +What I have spoke, or thou canst worse devise. + +THOMAS MOWBRAY: +I take it up; and by that sword I swear +Which gently laid my knighthood on my shoulder, +I'll answer thee in any fair degree, +Or chivalrous design of knightly trial: +And when I mount, alive may I not light, +If I be traitor or unjustly fight! + +KING RICHARD II: +What doth our cousin lay to Mowbray's charge? +It must be great that can inherit us +So much as of a thought of ill in him. + +HENRY BOLINGBROKE: +Look, what I speak, my life shall prove it true; +That Mowbray hath received eight thousand nobles +In name of lendings for your highness' soldiers, +The which he hath detain'd for lewd employments, +Like a false traitor and injurious villain. +Besides I say and will in battle prove, +Or here or elsewhere to the furthest verge +That ever was survey'd by English eye, +That all the treasons for these eighteen years +Complotted and contrived in this land +Fetch from false Mowbray their first head and spring. +Further I say and further will maintain +Upon his bad life to make all this good, +That he did plot the Duke of Gloucester's death, +Suggest his soon-believing adversaries, +And consequently, like a traitor coward, +Sluiced out his innocent soul through streams of blood: +Which blood, like sacrificing Abel's, cries, +Even from the tongueless caverns of the earth, +To me for justice and rough chastisement; +And, by the glorious worth of my descent, +This arm shall do it, or this life be spent. + +KING RICHARD II: +How high a pitch his resolution soars! +Thomas of Norfolk, what say'st thou to this? + +THOMAS MOWBRAY: +O, let my sovereign turn away his face +And bid his ears a little while be deaf, +Till I have told this slander of his blood, +How God and good men hate so foul a liar. + +KING RICHARD II: +Mowbray, impartial are our eyes and ears: +Were he my brother, nay, my kingdom's heir, +As he is but my father's brother's son, +Now, by my sceptre's awe, I make a vow, +Such neighbour nearness to our sacred blood +Should nothing privilege him, nor partialize +The unstooping firmness of my upright soul: +He is our subject, Mowbray; so art thou: +Free speech and fearless I to thee allow. + +THOMAS MOWBRAY: +Then, Bolingbroke, as low as to thy heart, +Through the false passage of thy throat, thou liest. +Three parts of that receipt I had for Calais +Disbursed I duly to his highness' soldiers; +The other part reserved I by consent, +For that my sovereign liege was in my debt +Upon remainder of a dear account, +Since last I went to France to fetch his queen: +Now swallow down that lie. For Gloucester's death, +I slew him not; but to my own disgrace +Neglected my sworn duty in that case. +For you, my noble Lord of Lancaster, +The honourable father to my foe +Once did I lay an ambush for your life, +A trespass that doth vex my grieved soul +But ere I last received the sacrament +I did confess it, and exactly begg'd +Your grace's pardon, and I hope I had it. +This is my fault: as for the rest appeall'd, +It issues from the rancour of a villain, +A recreant and most degenerate traitor +Which in myself I boldly will defend; +And interchangeably hurl down my gage +Upon this overweening traitor's foot, +To prove myself a loyal gentleman +Even in the best blood chamber'd in his bosom. +In haste whereof, most heartily I pray +Your highness to assign our trial day. + +KING RICHARD II: +Wrath-kindled gentlemen, be ruled by me; +Let's purge this choler without letting blood: +This we prescribe, though no physician; +Deep malice makes too deep incision; +Forget, forgive; conclude and be agreed; +Our doctors say this is no month to bleed. +Good uncle, let this end where it begun; +We'll calm the Duke of Norfolk, you your son. + +JOHN OF GAUNT: +To be a make-peace shall become my age: +Throw down, my son, the Duke of Norfolk's gage. + +KING RICHARD II: +And, Norfolk, throw down his. + +JOHN OF GAUNT: +When, Harry, when? +Obedience bids I should not bid again. + +KING RICHARD II: +Norfolk, throw down, we bid; there is no boot. + +THOMAS MOWBRAY: +Myself I throw, dread sovereign, at thy foot. +My life thou shalt command, but not my shame: +The one my duty owes; but my fair name, +Despite of death that lives upon my grave, +To dark dishonour's use thou shalt not have. +I am disgraced, impeach'd and baffled here, +Pierced to the soul with slander's venom'd spear, +The which no balm can cure but his heart-blood +Which breathed this poison. + +KING RICHARD II: +Rage must be withstood: +Give me his gage: lions make leopards tame. + +THOMAS MOWBRAY: +Yea, but not change his spots: take but my shame. +And I resign my gage. My dear dear lord, +The purest treasure mortal times afford +Is spotless reputation: that away, +Men are but gilded loam or painted clay. +A jewel in a ten-times-barr'd-up chest +Is a bold spirit in a loyal breast. +Mine honour is my life; both grow in one: +Take honour from me, and my life is done: +Then, dear my liege, mine honour let me try; +In that I live and for that will I die. + +KING RICHARD II: +Cousin, throw up your gage; do you begin. + +HENRY BOLINGBROKE: +O, God defend my soul from such deep sin! +Shall I seem crest-fall'n in my father's sight? +Or with pale beggar-fear impeach my height +Before this out-dared dastard? Ere my tongue +Shall wound my honour with such feeble wrong, +Or sound so base a parle, my teeth shall tear +The slavish motive of recanting fear, +And spit it bleeding in his high disgrace, +Where shame doth harbour, even in Mowbray's face. + +KING RICHARD II: +We were not born to sue, but to command; +Which since we cannot do to make you friends, +Be ready, as your lives shall answer it, +At Coventry, upon Saint Lambert's day: +There shall your swords and lances arbitrate +The swelling difference of your settled hate: +Since we can not atone you, we shall see +Justice design the victor's chivalry. +Lord marshal, command our officers at arms +Be ready to direct these home alarms. + +JOHN OF GAUNT: +Alas, the part I had in Woodstock's blood +Doth more solicit me than your exclaims, +To stir against the butchers of his life! +But since correction lieth in those hands +Which made the fault that we cannot correct, +Put we our quarrel to the will of heaven; +Who, when they see the hours ripe on earth, +Will rain hot vengeance on offenders' heads. + +DUCHESS: +Finds brotherhood in thee no sharper spur? +Hath love in thy old blood no living fire? +Edward's seven sons, whereof thyself art one, +Were as seven vials of his sacred blood, +Or seven fair branches springing from one root: +Some of those seven are dried by nature's course, +Some of those branches by the Destinies cut; +But Thomas, my dear lord, my life, my Gloucester, +One vial full of Edward's sacred blood, +One flourishing branch of his most royal root, +Is crack'd, and all the precious liquor spilt, +Is hack'd down, and his summer leaves all faded, +By envy's hand and murder's bloody axe. +Ah, Gaunt, his blood was thine! that bed, that womb, +That metal, that self-mould, that fashion'd thee +Made him a man; and though thou livest and breathest, +Yet art thou slain in him: thou dost consent +In some large measure to thy father's death, +In that thou seest thy wretched brother die, +Who was the model of thy father's life. +Call it not patience, Gaunt; it is despair: +In suffering thus thy brother to be slaughter'd, +Thou showest the naked pathway to thy life, +Teaching stern murder how to butcher thee: +That which in mean men we intitle patience +Is pale cold cowardice in noble breasts. +What shall I say? to safeguard thine own life, +The best way is to venge my Gloucester's death. + +JOHN OF GAUNT: +God's is the quarrel; for God's substitute, +His deputy anointed in His sight, +Hath caused his death: the which if wrongfully, +Let heaven revenge; for I may never lift +An angry arm against His minister. + +DUCHESS: +Where then, alas, may I complain myself? + +JOHN OF GAUNT: +To God, the widow's champion and defence. + +DUCHESS: +Why, then, I will. Farewell, old Gaunt. +Thou goest to Coventry, there to behold +Our cousin Hereford and fell Mowbray fight: +O, sit my husband's wrongs on Hereford's spear, +That it may enter butcher Mowbray's breast! +Or, if misfortune miss the first career, +Be Mowbray's sins so heavy in his bosom, +They may break his foaming courser's back, +And throw the rider headlong in the lists, +A caitiff recreant to my cousin Hereford! +Farewell, old Gaunt: thy sometimes brother's wife +With her companion grief must end her life. + +JOHN OF GAUNT: +Sister, farewell; I must to Coventry: +As much good stay with thee as go with me! + +DUCHESS: +Yet one word more: grief boundeth where it falls, +Not with the empty hollowness, but weight: +I take my leave before I have begun, +For sorrow ends not when it seemeth done. +Commend me to thy brother, Edmund York. +Lo, this is all:--nay, yet depart not so; +Though this be all, do not so quickly go; +I shall remember more. Bid him--ah, what?-- +With all good speed at Plashy visit me. +Alack, and what shall good old York there see +But empty lodgings and unfurnish'd walls, +Unpeopled offices, untrodden stones? +And what hear there for welcome but my groans? +Therefore commend me; let him not come there, +To seek out sorrow that dwells every where. +Desolate, desolate, will I hence and die: +The last leave of thee takes my weeping eye. + +Lord Marshal: +My Lord Aumerle, is Harry Hereford arm'd? + +DUKE OF AUMERLE: +Yea, at all points; and longs to enter in. + +Lord Marshal: +The Duke of Norfolk, sprightfully and bold, +Stays but the summons of the appellant's trumpet. + +DUKE OF AUMERLE: +Why, then, the champions are prepared, and stay +For nothing but his majesty's approach. + +KING RICHARD II: +Marshal, demand of yonder champion +The cause of his arrival here in arms: +Ask him his name and orderly proceed +To swear him in the justice of his cause. + +Lord Marshal: +In God's name and the king's, say who thou art +And why thou comest thus knightly clad in arms, +Against what man thou comest, and what thy quarrel: +Speak truly, on thy knighthood and thy oath; +As so defend thee heaven and thy valour! + +THOMAS MOWBRAY: +My name is Thomas Mowbray, Duke of Norfolk; +Who hither come engaged by my oath-- +Which God defend a knight should violate!-- +Both to defend my loyalty and truth +To God, my king and my succeeding issue, +Against the Duke of Hereford that appeals me +And, by the grace of God and this mine arm, +To prove him, in defending of myself, +A traitor to my God, my king, and me: +And as I truly fight, defend me heaven! + +KING RICHARD II: +Marshal, ask yonder knight in arms, +Both who he is and why he cometh hither +Thus plated in habiliments of war, +And formally, according to our law, +Depose him in the justice of his cause. + +Lord Marshal: +What is thy name? and wherefore comest thou hither, +Before King Richard in his royal lists? +Against whom comest thou? and what's thy quarrel? +Speak like a true knight, so defend thee heaven! + +HENRY BOLINGBROKE: +Harry of Hereford, Lancaster and Derby +Am I; who ready here do stand in arms, +To prove, by God's grace and my body's valour, +In lists, on Thomas Mowbray, Duke of Norfolk, +That he is a traitor, foul and dangerous, +To God of heaven, King Richard and to me; +And as I truly fight, defend me heaven! + +Lord Marshal: +On pain of death, no person be so bold +Or daring-hardy as to touch the lists, +Except the marshal and such officers +Appointed to direct these fair designs. + +HENRY BOLINGBROKE: +Lord marshal, let me kiss my sovereign's hand, +And bow my knee before his majesty: +For Mowbray and myself are like two men +That vow a long and weary pilgrimage; +Then let us take a ceremonious leave +And loving farewell of our several friends. + +Lord Marshal: +The appellant in all duty greets your highness, +And craves to kiss your hand and take his leave. + +KING RICHARD II: +We will descend and fold him in our arms. +Cousin of Hereford, as thy cause is right, +So be thy fortune in this royal fight! +Farewell, my blood; which if to-day thou shed, +Lament we may, but not revenge thee dead. + +HENRY BOLINGBROKE: +O let no noble eye profane a tear +For me, if I be gored with Mowbray's spear: +As confident as is the falcon's flight +Against a bird, do I with Mowbray fight. +My loving lord, I take my leave of you; +Of you, my noble cousin, Lord Aumerle; +Not sick, although I have to do with death, +But lusty, young, and cheerly drawing breath. +Lo, as at English feasts, so I regreet +The daintiest last, to make the end most sweet: +O thou, the earthly author of my blood, +Whose youthful spirit, in me regenerate, +Doth with a twofold vigour lift me up +To reach at victory above my head, +Add proof unto mine armour with thy prayers; +And with thy blessings steel my lance's point, +That it may enter Mowbray's waxen coat, +And furbish new the name of John a Gaunt, +Even in the lusty havior of his son. + +JOHN OF GAUNT: +God in thy good cause make thee prosperous! +Be swift like lightning in the execution; +And let thy blows, doubly redoubled, +Fall like amazing thunder on the casque +Of thy adverse pernicious enemy: +Rouse up thy youthful blood, be valiant and live. + +HENRY BOLINGBROKE: +Mine innocency and Saint George to thrive! + +THOMAS MOWBRAY: +However God or fortune cast my lot, +There lives or dies, true to King Richard's throne, +A loyal, just and upright gentleman: +Never did captive with a freer heart +Cast off his chains of bondage and embrace +His golden uncontroll'd enfranchisement, +More than my dancing soul doth celebrate +This feast of battle with mine adversary. +Most mighty liege, and my companion peers, +Take from my mouth the wish of happy years: +As gentle and as jocund as to jest +Go I to fight: truth hath a quiet breast. + +KING RICHARD II: +Farewell, my lord: securely I espy +Virtue with valour couched in thine eye. +Order the trial, marshal, and begin. + +Lord Marshal: +Harry of Hereford, Lancaster and Derby, +Receive thy lance; and God defend the right! + +HENRY BOLINGBROKE: +Strong as a tower in hope, I cry amen. + +Lord Marshal: +Go bear this lance to Thomas, Duke of Norfolk. + +First Herald: +Harry of Hereford, Lancaster and Derby, +Stands here for God, his sovereign and himself, +On pain to be found false and recreant, +To prove the Duke of Norfolk, Thomas Mowbray, +A traitor to his God, his king and him; +And dares him to set forward to the fight. + +Second Herald: +Here standeth Thomas Mowbray, Duke of Norfolk, +On pain to be found false and recreant, +Both to defend himself and to approve +Henry of Hereford, Lancaster, and Derby, +To God, his sovereign and to him disloyal; +Courageously and with a free desire +Attending but the signal to begin. + +Lord Marshal: +Sound, trumpets; and set forward, combatants. +Stay, the king hath thrown his warder down. + +KING RICHARD II: +Let them lay by their helmets and their spears, +And both return back to their chairs again: +Withdraw with us: and let the trumpets sound +While we return these dukes what we decree. +Draw near, +And list what with our council we have done. +For that our kingdom's earth should not be soil'd +With that dear blood which it hath fostered; +And for our eyes do hate the dire aspect +Of civil wounds plough'd up with neighbours' sword; +And for we think the eagle-winged pride +Of sky-aspiring and ambitious thoughts, +With rival-hating envy, set on you +To wake our peace, which in our country's cradle +Draws the sweet infant breath of gentle sleep; +Which so roused up with boisterous untuned drums, +With harsh resounding trumpets' dreadful bray, +And grating shock of wrathful iron arms, +Might from our quiet confines fright fair peace +And make us wade even in our kindred's blood, +Therefore, we banish you our territories: +You, cousin Hereford, upon pain of life, +Till twice five summers have enrich'd our fields +Shall not regreet our fair dominions, +But tread the stranger paths of banishment. + +HENRY BOLINGBROKE: +Your will be done: this must my comfort be, +Sun that warms you here shall shine on me; +And those his golden beams to you here lent +Shall point on me and gild my banishment. + +KING RICHARD II: +Norfolk, for thee remains a heavier doom, +Which I with some unwillingness pronounce: +The sly slow hours shall not determinate +The dateless limit of thy dear exile; +The hopeless word of 'never to return' +Breathe I against thee, upon pain of life. + +THOMAS MOWBRAY: +A heavy sentence, my most sovereign liege, +And all unlook'd for from your highness' mouth: +A dearer merit, not so deep a maim +As to be cast forth in the common air, +Have I deserved at your highness' hands. +The language I have learn'd these forty years, +My native English, now I must forego: +And now my tongue's use is to me no more +Than an unstringed viol or a harp, +Or like a cunning instrument cased up, +Or, being open, put into his hands +That knows no touch to tune the harmony: +Within my mouth you have engaol'd my tongue, +Doubly portcullis'd with my teeth and lips; +And dull unfeeling barren ignorance +Is made my gaoler to attend on me. +I am too old to fawn upon a nurse, +Too far in years to be a pupil now: +What is thy sentence then but speechless death, +Which robs my tongue from breathing native breath? + +KING RICHARD II: +It boots thee not to be compassionate: +After our sentence plaining comes too late. + +THOMAS MOWBRAY: +Then thus I turn me from my country's light, +To dwell in solemn shades of endless night. + +KING RICHARD II: +Return again, and take an oath with thee. +Lay on our royal sword your banish'd hands; +Swear by the duty that you owe to God-- +Our part therein we banish with yourselves-- +To keep the oath that we administer: +You never shall, so help you truth and God! +Embrace each other's love in banishment; +Nor never look upon each other's face; +Nor never write, regreet, nor reconcile +This louring tempest of your home-bred hate; +Nor never by advised purpose meet +To plot, contrive, or complot any ill +'Gainst us, our state, our subjects, or our land. + +HENRY BOLINGBROKE: +I swear. + +THOMAS MOWBRAY: +And I, to keep all this. + +HENRY BOLINGBROKE: +Norfolk, so far as to mine enemy:-- +By this time, had the king permitted us, +One of our souls had wander'd in the air. +Banish'd this frail sepulchre of our flesh, +As now our flesh is banish'd from this land: +Confess thy treasons ere thou fly the realm; +Since thou hast far to go, bear not along +The clogging burthen of a guilty soul. + +THOMAS MOWBRAY: +No, Bolingbroke: if ever I were traitor, +My name be blotted from the book of life, +And I from heaven banish'd as from hence! +But what thou art, God, thou, and I do know; +And all too soon, I fear, the king shall rue. +Farewell, my liege. Now no way can I stray; +Save back to England, all the world's my way. + +KING RICHARD II: +Uncle, even in the glasses of thine eyes +I see thy grieved heart: thy sad aspect +Hath from the number of his banish'd years +Pluck'd four away. +Six frozen winter spent, +Return with welcome home from banishment. + +HENRY BOLINGBROKE: +How long a time lies in one little word! +Four lagging winters and four wanton springs +End in a word: such is the breath of kings. + +JOHN OF GAUNT: +I thank my liege, that in regard of me +He shortens four years of my son's exile: +But little vantage shall I reap thereby; +For, ere the six years that he hath to spend +Can change their moons and bring their times about +My oil-dried lamp and time-bewasted light +Shall be extinct with age and endless night; +My inch of taper will be burnt and done, +And blindfold death not let me see my son. + +KING RICHARD II: +Why uncle, thou hast many years to live. + +JOHN OF GAUNT: +But not a minute, king, that thou canst give: +Shorten my days thou canst with sullen sorrow, +And pluck nights from me, but not lend a morrow; +Thou canst help time to furrow me with age, +But stop no wrinkle in his pilgrimage; +Thy word is current with him for my death, +But dead, thy kingdom cannot buy my breath. + +KING RICHARD II: +Thy son is banish'd upon good advice, +Whereto thy tongue a party-verdict gave: +Why at our justice seem'st thou then to lour? + +JOHN OF GAUNT: +Things sweet to taste prove in digestion sour. +You urged me as a judge; but I had rather +You would have bid me argue like a father. +O, had it been a stranger, not my child, +To smooth his fault I should have been more mild: +A partial slander sought I to avoid, +And in the sentence my own life destroy'd. +Alas, I look'd when some of you should say, +I was too strict to make mine own away; +But you gave leave to my unwilling tongue +Against my will to do myself this wrong. + +KING RICHARD II: +Cousin, farewell; and, uncle, bid him so: +Six years we banish him, and he shall go. + +DUKE OF AUMERLE: +Cousin, farewell: what presence must not know, +From where you do remain let paper show. + +Lord Marshal: +My lord, no leave take I; for I will ride, +As far as land will let me, by your side. + +JOHN OF GAUNT: +O, to what purpose dost thou hoard thy words, +That thou return'st no greeting to thy friends? + +HENRY BOLINGBROKE: +I have too few to take my leave of you, +When the tongue's office should be prodigal +To breathe the abundant dolour of the heart. + +JOHN OF GAUNT: +Thy grief is but thy absence for a time. + +HENRY BOLINGBROKE: +Joy absent, grief is present for that time. + +JOHN OF GAUNT: +What is six winters? they are quickly gone. + +HENRY BOLINGBROKE: +To men in joy; but grief makes one hour ten. + +JOHN OF GAUNT: +Call it a travel that thou takest for pleasure. + +HENRY BOLINGBROKE: +My heart will sigh when I miscall it so, +Which finds it an inforced pilgrimage. + +JOHN OF GAUNT: +The sullen passage of thy weary steps +Esteem as foil wherein thou art to set +The precious jewel of thy home return. + +HENRY BOLINGBROKE: +Nay, rather, every tedious stride I make +Will but remember me what a deal of world +I wander from the jewels that I love. +Must I not serve a long apprenticehood +To foreign passages, and in the end, +Having my freedom, boast of nothing else +But that I was a journeyman to grief? + +JOHN OF GAUNT: +All places that the eye of heaven visits +Are to a wise man ports and happy havens. +Teach thy necessity to reason thus; +There is no virtue like necessity. +Think not the king did banish thee, +But thou the king. Woe doth the heavier sit, +Where it perceives it is but faintly borne. +Go, say I sent thee forth to purchase honour +And not the king exiled thee; or suppose +Devouring pestilence hangs in our air +And thou art flying to a fresher clime: +Look, what thy soul holds dear, imagine it +To lie that way thou go'st, not whence thou comest: +Suppose the singing birds musicians, +The grass whereon thou tread'st the presence strew'd, +The flowers fair ladies, and thy steps no more +Than a delightful measure or a dance; +For gnarling sorrow hath less power to bite +The man that mocks at it and sets it light. + +HENRY BOLINGBROKE: +O, who can hold a fire in his hand +By thinking on the frosty Caucasus? +Or cloy the hungry edge of appetite +By bare imagination of a feast? +Or wallow naked in December snow +By thinking on fantastic summer's heat? +O, no! the apprehension of the good +Gives but the greater feeling to the worse: +Fell sorrow's tooth doth never rankle more +Than when he bites, but lanceth not the sore. + +JOHN OF GAUNT: +Come, come, my son, I'll bring thee on thy way: +Had I thy youth and cause, I would not stay. + +HENRY BOLINGBROKE: +Then, England's ground, farewell; sweet soil, adieu; +My mother, and my nurse, that bears me yet! +Where'er I wander, boast of this I can, +Though banish'd, yet a trueborn Englishman. + +KING RICHARD II: +We did observe. Cousin Aumerle, +How far brought you high Hereford on his way? + +DUKE OF AUMERLE: +I brought high Hereford, if you call him so, +But to the next highway, and there I left him. + +KING RICHARD II: +And say, what store of parting tears were shed? + +DUKE OF AUMERLE: +Faith, none for me; except the north-east wind, +Which then blew bitterly against our faces, +Awaked the sleeping rheum, and so by chance +Did grace our hollow parting with a tear. + +KING RICHARD II: +What said our cousin when you parted with him? + +DUKE OF AUMERLE: +'Farewell:' +And, for my heart disdained that my tongue +Should so profane the word, that taught me craft +To counterfeit oppression of such grief +That words seem'd buried in my sorrow's grave. +Marry, would the word 'farewell' have lengthen'd hours +And added years to his short banishment, +He should have had a volume of farewells; +But since it would not, he had none of me. + +KING RICHARD II: +He is our cousin, cousin; but 'tis doubt, +When time shall call him home from banishment, +Whether our kinsman come to see his friends. +Ourself and Bushy, Bagot here and Green +Observed his courtship to the common people; +How he did seem to dive into their hearts +With humble and familiar courtesy, +What reverence he did throw away on slaves, +Wooing poor craftsmen with the craft of smiles +And patient underbearing of his fortune, +As 'twere to banish their affects with him. +Off goes his bonnet to an oyster-wench; +A brace of draymen bid God speed him well +And had the tribute of his supple knee, +With 'Thanks, my countrymen, my loving friends;' +As were our England in reversion his, +And he our subjects' next degree in hope. + +GREEN: +Well, he is gone; and with him go these thoughts. +Now for the rebels which stand out in Ireland, +Expedient manage must be made, my liege, +Ere further leisure yield them further means +For their advantage and your highness' loss. + +KING RICHARD II: +We will ourself in person to this war: +And, for our coffers, with too great a court +And liberal largess, are grown somewhat light, +We are inforced to farm our royal realm; +The revenue whereof shall furnish us +For our affairs in hand: if that come short, +Our substitutes at home shall have blank charters; +Whereto, when they shall know what men are rich, +They shall subscribe them for large sums of gold +And send them after to supply our wants; +For we will make for Ireland presently. +Bushy, what news? + +BUSHY: +Old John of Gaunt is grievous sick, my lord, +Suddenly taken; and hath sent post haste +To entreat your majesty to visit him. + +KING RICHARD II: +Where lies he? + +BUSHY: +At Ely House. + +KING RICHARD II: +Now put it, God, in the physician's mind +To help him to his grave immediately! +The lining of his coffers shall make coats +To deck our soldiers for these Irish wars. +Come, gentlemen, let's all go visit him: +Pray God we may make haste, and come too late! + +All: +Amen. + +JOHN OF GAUNT: +Will the king come, that I may breathe my last +In wholesome counsel to his unstaid youth? + +DUKE OF YORK: +Vex not yourself, nor strive not with your breath; +For all in vain comes counsel to his ear. + +JOHN OF GAUNT: +O, but they say the tongues of dying men +Enforce attention like deep harmony: +Where words are scarce, they are seldom spent in vain, +For they breathe truth that breathe their words in pain. +He that no more must say is listen'd more +Than they whom youth and ease have taught to glose; +More are men's ends mark'd than their lives before: +The setting sun, and music at the close, +As the last taste of sweets, is sweetest last, +Writ in remembrance more than things long past: +Though Richard my life's counsel would not hear, +My death's sad tale may yet undeaf his ear. + +DUKE OF YORK: +No; it is stopp'd with other flattering sounds, +As praises, of whose taste the wise are fond, +Lascivious metres, to whose venom sound +The open ear of youth doth always listen; +Report of fashions in proud Italy, +Whose manners still our tardy apish nation +Limps after in base imitation. +Where doth the world thrust forth a vanity-- +So it be new, there's no respect how vile-- +That is not quickly buzzed into his ears? +Then all too late comes counsel to be heard, +Where will doth mutiny with wit's regard. +Direct not him whose way himself will choose: +'Tis breath thou lack'st, and that breath wilt thou lose. + +JOHN OF GAUNT: +Methinks I am a prophet new inspired +And thus expiring do foretell of him: +His rash fierce blaze of riot cannot last, +For violent fires soon burn out themselves; +Small showers last long, but sudden storms are short; +He tires betimes that spurs too fast betimes; +With eager feeding food doth choke the feeder: +Light vanity, insatiate cormorant, +Consuming means, soon preys upon itself. +This royal throne of kings, this scepter'd isle, +This earth of majesty, this seat of Mars, +This other Eden, demi-paradise, +This fortress built by Nature for herself +Against infection and the hand of war, +This happy breed of men, this little world, +This precious stone set in the silver sea, +Which serves it in the office of a wall, +Or as a moat defensive to a house, +Against the envy of less happier lands, +This blessed plot, this earth, this realm, this England, +This nurse, this teeming womb of royal kings, +Fear'd by their breed and famous by their birth, +Renowned for their deeds as far from home, +For Christian service and true chivalry, +As is the sepulchre in stubborn Jewry, +Of the world's ransom, blessed Mary's Son, +This land of such dear souls, this dear dear land, +Dear for her reputation through the world, +Is now leased out, I die pronouncing it, +Like to a tenement or pelting farm: +England, bound in with the triumphant sea +Whose rocky shore beats back the envious siege +Of watery Neptune, is now bound in with shame, +With inky blots and rotten parchment bonds: +That England, that was wont to conquer others, +Hath made a shameful conquest of itself. +Ah, would the scandal vanish with my life, +How happy then were my ensuing death! + +DUKE OF YORK: +The king is come: deal mildly with his youth; +For young hot colts being raged do rage the more. + +QUEEN: +How fares our noble uncle, Lancaster? + +KING RICHARD II: +What comfort, man? how is't with aged Gaunt? + +JOHN OF GAUNT: +O how that name befits my composition! +Old Gaunt indeed, and gaunt in being old: +Within me grief hath kept a tedious fast; +And who abstains from meat that is not gaunt? +For sleeping England long time have I watch'd; +Watching breeds leanness, leanness is all gaunt: +The pleasure that some fathers feed upon, +Is my strict fast; I mean, my children's looks; +And therein fasting, hast thou made me gaunt: +Gaunt am I for the grave, gaunt as a grave, +Whose hollow womb inherits nought but bones. + +KING RICHARD II: +Can sick men play so nicely with their names? + +JOHN OF GAUNT: +No, misery makes sport to mock itself: +Since thou dost seek to kill my name in me, +I mock my name, great king, to flatter thee. + +KING RICHARD II: +Should dying men flatter with those that live? + +JOHN OF GAUNT: +No, no, men living flatter those that die. + +KING RICHARD II: +Thou, now a-dying, say'st thou flatterest me. + +JOHN OF GAUNT: +O, no! thou diest, though I the sicker be. + +KING RICHARD II: +I am in health, I breathe, and see thee ill. + +JOHN OF GAUNT: +Now He that made me knows I see thee ill; +Ill in myself to see, and in thee seeing ill. +Thy death-bed is no lesser than thy land +Wherein thou liest in reputation sick; +And thou, too careless patient as thou art, +Commit'st thy anointed body to the cure +Of those physicians that first wounded thee: +A thousand flatterers sit within thy crown, +Whose compass is no bigger than thy head; +And yet, incaged in so small a verge, +The waste is no whit lesser than thy land. +O, had thy grandsire with a prophet's eye +Seen how his son's son should destroy his sons, +From forth thy reach he would have laid thy shame, +Deposing thee before thou wert possess'd, +Which art possess'd now to depose thyself. +Why, cousin, wert thou regent of the world, +It were a shame to let this land by lease; +But for thy world enjoying but this land, +Is it not more than shame to shame it so? +Landlord of England art thou now, not king: +Thy state of law is bondslave to the law; And thou-- + +KING RICHARD II: +A lunatic lean-witted fool, +Presuming on an ague's privilege, +Darest with thy frozen admonition +Make pale our cheek, chasing the royal blood +With fury from his native residence. +Now, by my seat's right royal majesty, +Wert thou not brother to great Edward's son, +This tongue that runs so roundly in thy head +Should run thy head from thy unreverent shoulders. + +JOHN OF GAUNT: +O, spare me not, my brother Edward's son, +For that I was his father Edward's son; +That blood already, like the pelican, +Hast thou tapp'd out and drunkenly caroused: +My brother Gloucester, plain well-meaning soul, +Whom fair befal in heaven 'mongst happy souls! +May be a precedent and witness good +That thou respect'st not spilling Edward's blood: +Join with the present sickness that I have; +And thy unkindness be like crooked age, +To crop at once a too long wither'd flower. +Live in thy shame, but die not shame with thee! +These words hereafter thy tormentors be! +Convey me to my bed, then to my grave: +Love they to live that love and honour have. + +KING RICHARD II: +And let them die that age and sullens have; +For both hast thou, and both become the grave. + +DUKE OF YORK: +I do beseech your majesty, impute his words +To wayward sickliness and age in him: +He loves you, on my life, and holds you dear +As Harry Duke of Hereford, were he here. + +KING RICHARD II: +Right, you say true: as Hereford's love, so his; +As theirs, so mine; and all be as it is. + +NORTHUMBERLAND: +My liege, old Gaunt commends him to your majesty. + +KING RICHARD II: +What says he? + +NORTHUMBERLAND: +Nay, nothing; all is said +His tongue is now a stringless instrument; +Words, life and all, old Lancaster hath spent. + +DUKE OF YORK: +Be York the next that must be bankrupt so! +Though death be poor, it ends a mortal woe. + +KING RICHARD II: +The ripest fruit first falls, and so doth he; +His time is spent, our pilgrimage must be. +So much for that. Now for our Irish wars: +We must supplant those rough rug-headed kerns, +Which live like venom where no venom else +But only they have privilege to live. +And for these great affairs do ask some charge, +Towards our assistance we do seize to us +The plate, corn, revenues and moveables, +Whereof our uncle Gaunt did stand possess'd. + +DUKE OF YORK: +How long shall I be patient? ah, how long +Shall tender duty make me suffer wrong? +Not Gloucester's death, nor Hereford's banishment +Not Gaunt's rebukes, nor England's private wrongs, +Nor the prevention of poor Bolingbroke +About his marriage, nor my own disgrace, +Have ever made me sour my patient cheek, +Or bend one wrinkle on my sovereign's face. +I am the last of noble Edward's sons, +Of whom thy father, Prince of Wales, was first: +In war was never lion raged more fierce, +In peace was never gentle lamb more mild, +Than was that young and princely gentleman. +His face thou hast, for even so look'd he, +Accomplish'd with the number of thy hours; +But when he frown'd, it was against the French +And not against his friends; his noble hand +Did will what he did spend and spent not that +Which his triumphant father's hand had won; +His hands were guilty of no kindred blood, +But bloody with the enemies of his kin. +O Richard! York is too far gone with grief, +Or else he never would compare between. + +KING RICHARD II: +Why, uncle, what's the matter? + +DUKE OF YORK: +O my liege, +Pardon me, if you please; if not, I, pleased +Not to be pardon'd, am content withal. +Seek you to seize and gripe into your hands +The royalties and rights of banish'd Hereford? +Is not Gaunt dead, and doth not Hereford live? +Was not Gaunt just, and is not Harry true? +Did not the one deserve to have an heir? +Is not his heir a well-deserving son? +Take Hereford's rights away, and take from Time +His charters and his customary rights; +Let not to-morrow then ensue to-day; +Be not thyself; for how art thou a king +But by fair sequence and succession? +Now, afore God--God forbid I say true!-- +If you do wrongfully seize Hereford's rights, +Call in the letters patent that he hath +By his attorneys-general to sue +His livery, and deny his offer'd homage, +You pluck a thousand dangers on your head, +You lose a thousand well-disposed hearts +And prick my tender patience, to those thoughts +Which honour and allegiance cannot think. + +KING RICHARD II: +Think what you will, we seize into our hands +His plate, his goods, his money and his lands. + +DUKE OF YORK: +I'll not be by the while: my liege, farewell: +What will ensue hereof, there's none can tell; +But by bad courses may be understood +That their events can never fall out good. + +KING RICHARD II: +Go, Bushy, to the Earl of Wiltshire straight: +Bid him repair to us to Ely House +To see this business. To-morrow next +We will for Ireland; and 'tis time, I trow: +And we create, in absence of ourself, +Our uncle York lord governor of England; +For he is just and always loved us well. +Come on, our queen: to-morrow must we part; +Be merry, for our time of stay is short + +NORTHUMBERLAND: +Well, lords, the Duke of Lancaster is dead. + +LORD ROSS: +And living too; for now his son is duke. + +LORD WILLOUGHBY: +Barely in title, not in revenue. + +NORTHUMBERLAND: +Richly in both, if justice had her right. + +LORD ROSS: +My heart is great; but it must break with silence, +Ere't be disburden'd with a liberal tongue. + +NORTHUMBERLAND: +Nay, speak thy mind; and let him ne'er speak more +That speaks thy words again to do thee harm! + +LORD WILLOUGHBY: +Tends that thou wouldst speak to the Duke of Hereford? +If it be so, out with it boldly, man; +Quick is mine ear to hear of good towards him. + +LORD ROSS: +No good at all that I can do for him; +Unless you call it good to pity him, +Bereft and gelded of his patrimony. + +NORTHUMBERLAND: +Now, afore God, 'tis shame such wrongs are borne +In him, a royal prince, and many moe +Of noble blood in this declining land. +The king is not himself, but basely led +By flatterers; and what they will inform, +Merely in hate, 'gainst any of us all, +That will the king severely prosecute +'Gainst us, our lives, our children, and our heirs. + +LORD ROSS: +The commons hath he pill'd with grievous taxes, +And quite lost their hearts: the nobles hath he fined +For ancient quarrels, and quite lost their hearts. + +LORD WILLOUGHBY: +And daily new exactions are devised, +As blanks, benevolences, and I wot not what: +But what, o' God's name, doth become of this? + +NORTHUMBERLAND: +Wars have not wasted it, for warr'd he hath not, +But basely yielded upon compromise +That which his noble ancestors achieved with blows: +More hath he spent in peace than they in wars. + +LORD ROSS: +The Earl of Wiltshire hath the realm in farm. + +LORD WILLOUGHBY: +The king's grown bankrupt, like a broken man. + +NORTHUMBERLAND: +Reproach and dissolution hangeth over him. + +LORD ROSS: +He hath not money for these Irish wars, +His burthenous taxations notwithstanding, +But by the robbing of the banish'd duke. + +NORTHUMBERLAND: +His noble kinsman: most degenerate king! +But, lords, we hear this fearful tempest sing, +Yet see no shelter to avoid the storm; +We see the wind sit sore upon our sails, +And yet we strike not, but securely perish. + +LORD ROSS: +We see the very wreck that we must suffer; +And unavoided is the danger now, +For suffering so the causes of our wreck. + +NORTHUMBERLAND: +Not so; even through the hollow eyes of death +I spy life peering; but I dare not say +How near the tidings of our comfort is. + +LORD WILLOUGHBY: +Nay, let us share thy thoughts, as thou dost ours. + +LORD ROSS: +Be confident to speak, Northumberland: +We three are but thyself; and, speaking so, +Thy words are but as thoughts; therefore, be bold. + +NORTHUMBERLAND: +Then thus: I have from Port le Blanc, a bay +In Brittany, received intelligence +That Harry Duke of Hereford, Rainold Lord Cobham, +That late broke from the Duke of Exeter, +His brother, Archbishop late of Canterbury, +Sir Thomas Erpingham, Sir John Ramston, +Sir John Norbery, Sir Robert Waterton and Francis Quoint, +All these well furnish'd by the Duke of Bretagne +With eight tall ships, three thousand men of war, +Are making hither with all due expedience +And shortly mean to touch our northern shore: +Perhaps they had ere this, but that they stay +The first departing of the king for Ireland. +If then we shall shake off our slavish yoke, +Imp out our drooping country's broken wing, +Redeem from broking pawn the blemish'd crown, +Wipe off the dust that hides our sceptre's gilt +And make high majesty look like itself, +Away with me in post to Ravenspurgh; +But if you faint, as fearing to do so, +Stay and be secret, and myself will go. + +LORD ROSS: +To horse, to horse! urge doubts to them that fear. + +LORD WILLOUGHBY: +Hold out my horse, and I will first be there. + +BUSHY: +Madam, your majesty is too much sad: +You promised, when you parted with the king, +To lay aside life-harming heaviness +And entertain a cheerful disposition. + +QUEEN: +To please the king I did; to please myself +I cannot do it; yet I know no cause +Why I should welcome such a guest as grief, +Save bidding farewell to so sweet a guest +As my sweet Richard: yet again, methinks, +Some unborn sorrow, ripe in fortune's womb, +Is coming towards me, and my inward soul +With nothing trembles: at some thing it grieves, +More than with parting from my lord the king. + +BUSHY: +Each substance of a grief hath twenty shadows, +Which shows like grief itself, but is not so; +For sorrow's eye, glazed with blinding tears, +Divides one thing entire to many objects; +Like perspectives, which rightly gazed upon +Show nothing but confusion, eyed awry +Distinguish form: so your sweet majesty, +Looking awry upon your lord's departure, +Find shapes of grief, more than himself, to wail; +Which, look'd on as it is, is nought but shadows +Of what it is not. Then, thrice-gracious queen, +More than your lord's departure weep not: more's not seen; +Or if it be, 'tis with false sorrow's eye, +Which for things true weeps things imaginary. + +QUEEN: +It may be so; but yet my inward soul +Persuades me it is otherwise: howe'er it be, +I cannot but be sad; so heavy sad +As, though on thinking on no thought I think, +Makes me with heavy nothing faint and shrink. + +BUSHY: +'Tis nothing but conceit, my gracious lady. + +QUEEN: +'Tis nothing less: conceit is still derived +From some forefather grief; mine is not so, +For nothing had begot my something grief; +Or something hath the nothing that I grieve: +'Tis in reversion that I do possess; +But what it is, that is not yet known; what +I cannot name; 'tis nameless woe, I wot. + +GREEN: +God save your majesty! and well met, gentlemen: +I hope the king is not yet shipp'd for Ireland. + +QUEEN: +Why hopest thou so? 'tis better hope he is; +For his designs crave haste, his haste good hope: +Then wherefore dost thou hope he is not shipp'd? + +GREEN: +That he, our hope, might have retired his power, +And driven into despair an enemy's hope, +Who strongly hath set footing in this land: +The banish'd Bolingbroke repeals himself, +And with uplifted arms is safe arrived +At Ravenspurgh. + +QUEEN: +Now God in heaven forbid! + +GREEN: +Ah, madam, 'tis too true: and that is worse, +The Lord Northumberland, his son young Henry Percy, +The Lords of Ross, Beaumond, and Willoughby, +With all their powerful friends, are fled to him. + +BUSHY: +Why have you not proclaim'd Northumberland +And all the rest revolted faction traitors? + +GREEN: +We have: whereupon the Earl of Worcester +Hath broke his staff, resign'd his stewardship, +And all the household servants fled with him +To Bolingbroke. + +QUEEN: +So, Green, thou art the midwife to my woe, +And Bolingbroke my sorrow's dismal heir: +Now hath my soul brought forth her prodigy, +And I, a gasping new-deliver'd mother, +Have woe to woe, sorrow to sorrow join'd. + +BUSHY: +Despair not, madam. + +QUEEN: +Who shall hinder me? +I will despair, and be at enmity +With cozening hope: he is a flatterer, +A parasite, a keeper back of death, +Who gently would dissolve the bands of life, +Which false hope lingers in extremity. + +GREEN: +Here comes the Duke of York. + +QUEEN: +With signs of war about his aged neck: +O, full of careful business are his looks! +Uncle, for God's sake, speak comfortable words. + +DUKE OF YORK: +Should I do so, I should belie my thoughts: +Comfort's in heaven; and we are on the earth, +Where nothing lives but crosses, cares and grief. +Your husband, he is gone to save far off, +Whilst others come to make him lose at home: +Here am I left to underprop his land, +Who, weak with age, cannot support myself: +Now comes the sick hour that his surfeit made; +Now shall he try his friends that flatter'd him. + +Servant: +My lord, your son was gone before I came. + +DUKE OF YORK: +He was? Why, so! go all which way it will! +The nobles they are fled, the commons they are cold, +And will, I fear, revolt on Hereford's side. +Sirrah, get thee to Plashy, to my sister Gloucester; +Bid her send me presently a thousand pound: +Hold, take my ring. + +Servant: +My lord, I had forgot to tell your lordship, +To-day, as I came by, I called there; +But I shall grieve you to report the rest. + +DUKE OF YORK: +What is't, knave? + +Servant: +An hour before I came, the duchess died. + +DUKE OF YORK: +God for his mercy! what a tide of woes +Comes rushing on this woeful land at once! +I know not what to do: I would to God, +So my untruth had not provoked him to it, +The king had cut off my head with my brother's. +What, are there no posts dispatch'd for Ireland? +How shall we do for money for these wars? +Come, sister,--cousin, I would say--pray, pardon me. +Go, fellow, get thee home, provide some carts +And bring away the armour that is there. +Gentlemen, will you go muster men? +If I know how or which way to order these affairs +Thus thrust disorderly into my hands, +Never believe me. Both are my kinsmen: +The one is my sovereign, whom both my oath +And duty bids defend; the other again +Is my kinsman, whom the king hath wrong'd, +Whom conscience and my kindred bids to right. +Well, somewhat we must do. Come, cousin, I'll +Dispose of you. +Gentlemen, go, muster up your men, +And meet me presently at Berkeley. +I should to Plashy too; +But time will not permit: all is uneven, +And every thing is left at six and seven. + +BUSHY: +The wind sits fair for news to go to Ireland, +But none returns. For us to levy power +Proportionable to the enemy +Is all unpossible. + +GREEN: +Besides, our nearness to the king in love +Is near the hate of those love not the king. + +BAGOT: +And that's the wavering commons: for their love +Lies in their purses, and whoso empties them +By so much fills their hearts with deadly hate. + +BUSHY: +Wherein the king stands generally condemn'd. + +BAGOT: +If judgement lie in them, then so do we, +Because we ever have been near the king. + +GREEN: +Well, I will for refuge straight to Bristol castle: +The Earl of Wiltshire is already there. + +BUSHY: +Thither will I with you; for little office +The hateful commons will perform for us, +Except like curs to tear us all to pieces. +Will you go along with us? + +BAGOT: +No; I will to Ireland to his majesty. +Farewell: if heart's presages be not vain, +We three here art that ne'er shall meet again. + +BUSHY: +That's as York thrives to beat back Bolingbroke. + +GREEN: +Alas, poor duke! the task he undertakes +Is numbering sands and drinking oceans dry: +Where one on his side fights, thousands will fly. +Farewell at once, for once, for all, and ever. + +BUSHY: +Well, we may meet again. + +BAGOT: +I fear me, never. + +HENRY BOLINGBROKE: +How far is it, my lord, to Berkeley now? + +NORTHUMBERLAND: +Believe me, noble lord, +I am a stranger here in Gloucestershire: +These high wild hills and rough uneven ways +Draws out our miles, and makes them wearisome, +And yet your fair discourse hath been as sugar, +Making the hard way sweet and delectable. +But I bethink me what a weary way +From Ravenspurgh to Cotswold will be found +In Ross and Willoughby, wanting your company, +Which, I protest, hath very much beguiled +The tediousness and process of my travel: +But theirs is sweetened with the hope to have +The present benefit which I possess; +And hope to joy is little less in joy +Than hope enjoy'd: by this the weary lords +Shall make their way seem short, as mine hath done +By sight of what I have, your noble company. + +HENRY BOLINGBROKE: +Of much less value is my company +Than your good words. But who comes here? + +NORTHUMBERLAND: +It is my son, young Harry Percy, +Sent from my brother Worcester, whencesoever. +Harry, how fares your uncle? + +HENRY PERCY: +I had thought, my lord, to have learn'd his health of you. + +NORTHUMBERLAND: +Why, is he not with the queen? + +HENRY PERCY: +No, my good Lord; he hath forsook the court, +Broken his staff of office and dispersed +The household of the king. + +NORTHUMBERLAND: +What was his reason? +He was not so resolved when last we spake together. + +HENRY PERCY: +Because your lordship was proclaimed traitor. +But he, my lord, is gone to Ravenspurgh, +To offer service to the Duke of Hereford, +And sent me over by Berkeley, to discover +What power the Duke of York had levied there; +Then with directions to repair to Ravenspurgh. + +NORTHUMBERLAND: +Have you forgot the Duke of Hereford, boy? + +HENRY PERCY: +No, my good lord, for that is not forgot +Which ne'er I did remember: to my knowledge, +I never in my life did look on him. + +NORTHUMBERLAND: +Then learn to know him now; this is the duke. + +HENRY PERCY: +My gracious lord, I tender you my service, +Such as it is, being tender, raw and young: +Which elder days shall ripen and confirm +To more approved service and desert. + +HENRY BOLINGBROKE: +I thank thee, gentle Percy; and be sure +I count myself in nothing else so happy +As in a soul remembering my good friends; +And, as my fortune ripens with thy love, +It shall be still thy true love's recompense: +My heart this covenant makes, my hand thus seals it. + +NORTHUMBERLAND: +How far is it to Berkeley? and what stir +Keeps good old York there with his men of war? + +HENRY PERCY: +There stands the castle, by yon tuft of trees, +Mann'd with three hundred men, as I have heard; +And in it are the Lords of York, Berkeley, and Seymour; +None else of name and noble estimate. + +NORTHUMBERLAND: +Here come the Lords of Ross and Willoughby, +Bloody with spurring, fiery-red with haste. + +HENRY BOLINGBROKE: +Welcome, my lords. I wot your love pursues +A banish'd traitor: all my treasury +Is yet but unfelt thanks, which more enrich'd +Shall be your love and labour's recompense. + +LORD ROSS: +Your presence makes us rich, most noble lord. + +LORD WILLOUGHBY: +And far surmounts our labour to attain it. + +HENRY BOLINGBROKE: +Evermore thanks, the exchequer of the poor; +Which, till my infant fortune comes to years, +Stands for my bounty. But who comes here? + +NORTHUMBERLAND: +It is my Lord of Berkeley, as I guess. + +LORD BERKELEY: +My Lord of Hereford, my message is to you. + +HENRY BOLINGBROKE: +My lord, my answer is--to Lancaster; +And I am come to seek that name in England; +And I must find that title in your tongue, +Before I make reply to aught you say. + +LORD BERKELEY: +Mistake me not, my lord; 'tis not my meaning +To raze one title of your honour out: +To you, my lord, I come, what lord you will, +From the most gracious regent of this land, +The Duke of York, to know what pricks you on +To take advantage of the absent time +And fright our native peace with self-born arms. + +HENRY BOLINGBROKE: +I shall not need transport my words by you; +Here comes his grace in person. My noble uncle! + +DUKE OF YORK: +Show me thy humble heart, and not thy knee, +Whose duty is deceiveable and false. + +HENRY BOLINGBROKE: +My gracious uncle-- + +DUKE OF YORK: +Tut, tut! +Grace me no grace, nor uncle me no uncle: +I am no traitor's uncle; and that word 'grace.' +In an ungracious mouth is but profane. +Why have those banish'd and forbidden legs +Dared once to touch a dust of England's ground? +But then more 'why?' why have they dared to march +So many miles upon her peaceful bosom, +Frighting her pale-faced villages with war +And ostentation of despised arms? +Comest thou because the anointed king is hence? +Why, foolish boy, the king is left behind, +And in my loyal bosom lies his power. +Were I but now the lord of such hot youth +As when brave Gaunt, thy father, and myself +Rescued the Black Prince, that young Mars of men, +From forth the ranks of many thousand French, +O, then how quickly should this arm of mine. +Now prisoner to the palsy, chastise thee +And minister correction to thy fault! + +HENRY BOLINGBROKE: +My gracious uncle, let me know my fault: +On what condition stands it and wherein? + +DUKE OF YORK: +Even in condition of the worst degree, +In gross rebellion and detested treason: +Thou art a banish'd man, and here art come +Before the expiration of thy time, +In braving arms against thy sovereign. + +HENRY BOLINGBROKE: +As I was banish'd, I was banish'd Hereford; +But as I come, I come for Lancaster. +And, noble uncle, I beseech your grace +Look on my wrongs with an indifferent eye: +You are my father, for methinks in you +I see old Gaunt alive; O, then, my father, +Will you permit that I shall stand condemn'd +A wandering vagabond; my rights and royalties +Pluck'd from my arms perforce and given away +To upstart unthrifts? Wherefore was I born? +If that my cousin king be King of England, +It must be granted I am Duke of Lancaster. +You have a son, Aumerle, my noble cousin; +Had you first died, and he been thus trod down, +He should have found his uncle Gaunt a father, +To rouse his wrongs and chase them to the bay. +I am denied to sue my livery here, +And yet my letters-patents give me leave: +My father's goods are all distrain'd and sold, +And these and all are all amiss employ'd. +What would you have me do? I am a subject, +And I challenge law: attorneys are denied me; +And therefore, personally I lay my claim +To my inheritance of free descent. + +NORTHUMBERLAND: +The noble duke hath been too much abused. + +LORD ROSS: +It stands your grace upon to do him right. + +LORD WILLOUGHBY: +Base men by his endowments are made great. + +DUKE OF YORK: +My lords of England, let me tell you this: +I have had feeling of my cousin's wrongs +And laboured all I could to do him right; +But in this kind to come, in braving arms, +Be his own carver and cut out his way, +To find out right with wrong, it may not be; +And you that do abet him in this kind +Cherish rebellion and are rebels all. + +NORTHUMBERLAND: +The noble duke hath sworn his coming is +But for his own; and for the right of that +We all have strongly sworn to give him aid; +And let him ne'er see joy that breaks that oath! + +DUKE OF YORK: +Well, well, I see the issue of these arms: +I cannot mend it, I must needs confess, +Because my power is weak and all ill left: +But if I could, by Him that gave me life, +I would attach you all and make you stoop +Unto the sovereign mercy of the king; +But since I cannot, be it known to you +I do remain as neuter. So, fare you well; +Unless you please to enter in the castle +And there repose you for this night. + +HENRY BOLINGBROKE: +An offer, uncle, that we will accept: +But we must win your grace to go with us +To Bristol castle, which they say is held +By Bushy, Bagot and their complices, +The caterpillars of the commonwealth, +Which I have sworn to weed and pluck away. + +DUKE OF YORK: +It may be I will go with you: but yet I'll pause; +For I am loath to break our country's laws. +Nor friends nor foes, to me welcome you are: +Things past redress are now with me past care. + +Captain: +My lord of Salisbury, we have stay'd ten days, +And hardly kept our countrymen together, +And yet we hear no tidings from the king; +Therefore we will disperse ourselves: farewell. + +EARL OF SALISBURY: +Stay yet another day, thou trusty Welshman: +The king reposeth all his confidence in thee. + +Captain: +'Tis thought the king is dead; we will not stay. +The bay-trees in our country are all wither'd +And meteors fright the fixed stars of heaven; +The pale-faced moon looks bloody on the earth +And lean-look'd prophets whisper fearful change; +Rich men look sad and ruffians dance and leap, +The one in fear to lose what they enjoy, +The other to enjoy by rage and war: +These signs forerun the death or fall of kings. +Farewell: our countrymen are gone and fled, +As well assured Richard their king is dead. + +EARL OF SALISBURY: +Ah, Richard, with the eyes of heavy mind +I see thy glory like a shooting star +Fall to the base earth from the firmament. +Thy sun sets weeping in the lowly west, +Witnessing storms to come, woe and unrest: +Thy friends are fled to wait upon thy foes, +And crossly to thy good all fortune goes. + +HENRY BOLINGBROKE: +Bring forth these men. +Bushy and Green, I will not vex your souls-- +Since presently your souls must part your bodies-- +With too much urging your pernicious lives, +For 'twere no charity; yet, to wash your blood +From off my hands, here in the view of men +I will unfold some causes of your deaths. +You have misled a prince, a royal king, +A happy gentleman in blood and lineaments, +By you unhappied and disfigured clean: +You have in manner with your sinful hours +Made a divorce betwixt his queen and him, +Broke the possession of a royal bed +And stain'd the beauty of a fair queen's cheeks +With tears drawn from her eyes by your foul wrongs. +Myself, a prince by fortune of my birth, +Near to the king in blood, and near in love +Till you did make him misinterpret me, +Have stoop'd my neck under your injuries, +And sigh'd my English breath in foreign clouds, +Eating the bitter bread of banishment; +Whilst you have fed upon my signories, +Dispark'd my parks and fell'd my forest woods, +From my own windows torn my household coat, +Razed out my imprese, leaving me no sign, +Save men's opinions and my living blood, +To show the world I am a gentleman. +This and much more, much more than twice all this, +Condemns you to the death. See them deliver'd over +To execution and the hand of death. + +BUSHY: +More welcome is the stroke of death to me +Than Bolingbroke to England. Lords, farewell. + +GREEN: +My comfort is that heaven will take our souls +And plague injustice with the pains of hell. + +HENRY BOLINGBROKE: +My Lord Northumberland, see them dispatch'd. +Uncle, you say the queen is at your house; +For God's sake, fairly let her be entreated: +Tell her I send to her my kind commends; +Take special care my greetings be deliver'd. + +DUKE OF YORK: +A gentleman of mine I have dispatch'd +With letters of your love to her at large. + +HENRY BOLINGBROKE: +Thank, gentle uncle. Come, lords, away. +To fight with Glendower and his complices: +Awhile to work, and after holiday. + +KING RICHARD II: +Barkloughly castle call they this at hand? + +DUKE OF AUMERLE: +Yea, my lord. How brooks your grace the air, +After your late tossing on the breaking seas? + +KING RICHARD II: +Needs must I like it well: I weep for joy +To stand upon my kingdom once again. +Dear earth, I do salute thee with my hand, +Though rebels wound thee with their horses' hoofs: +As a long-parted mother with her child +Plays fondly with her tears and smiles in meeting, +So, weeping, smiling, greet I thee, my earth, +And do thee favours with my royal hands. +Feed not thy sovereign's foe, my gentle earth, +Nor with thy sweets comfort his ravenous sense; +But let thy spiders, that suck up thy venom, +And heavy-gaited toads lie in their way, +Doing annoyance to the treacherous feet +Which with usurping steps do trample thee: +Yield stinging nettles to mine enemies; +And when they from thy bosom pluck a flower, +Guard it, I pray thee, with a lurking adder +Whose double tongue may with a mortal touch +Throw death upon thy sovereign's enemies. +Mock not my senseless conjuration, lords: +This earth shall have a feeling and these stones +Prove armed soldiers, ere her native king +Shall falter under foul rebellion's arms. + +BISHOP OF CARLISLE: +Fear not, my lord: that Power that made you king +Hath power to keep you king in spite of all. +The means that heaven yields must be embraced, +And not neglected; else, if heaven would, +And we will not, heaven's offer we refuse, +The proffer'd means of succor and redress. + +DUKE OF AUMERLE: +He means, my lord, that we are too remiss; +Whilst Bolingbroke, through our security, +Grows strong and great in substance and in power. + +KING RICHARD II: +Discomfortable cousin! know'st thou not +That when the searching eye of heaven is hid, +Behind the globe, that lights the lower world, +Then thieves and robbers range abroad unseen +In murders and in outrage, boldly here; +But when from under this terrestrial ball +He fires the proud tops of the eastern pines +And darts his light through every guilty hole, +Then murders, treasons and detested sins, +The cloak of night being pluck'd from off their backs, +Stand bare and naked, trembling at themselves? +So when this thief, this traitor, Bolingbroke, +Who all this while hath revell'd in the night +Whilst we were wandering with the antipodes, +Shall see us rising in our throne, the east, +His treasons will sit blushing in his face, +Not able to endure the sight of day, +But self-affrighted tremble at his sin. +Not all the water in the rough rude sea +Can wash the balm off from an anointed king; +The breath of worldly men cannot depose +The deputy elected by the Lord: +For every man that Bolingbroke hath press'd +To lift shrewd steel against our golden crown, +God for his Richard hath in heavenly pay +A glorious angel: then, if angels fight, +Weak men must fall, for heaven still guards the right. +Welcome, my lord how far off lies your power? + +EARL OF SALISBURY: +Nor near nor farther off, my gracious lord, +Than this weak arm: discomfort guides my tongue +And bids me speak of nothing but despair. +One day too late, I fear me, noble lord, +Hath clouded all thy happy days on earth: +O, call back yesterday, bid time return, +And thou shalt have twelve thousand fighting men! +To-day, to-day, unhappy day, too late, +O'erthrows thy joys, friends, fortune and thy state: +For all the Welshmen, hearing thou wert dead. +Are gone to Bolingbroke, dispersed and fled. + +DUKE OF AUMERLE: +Comfort, my liege; why looks your grace so pale? + +KING RICHARD II: +But now the blood of twenty thousand men +Did triumph in my face, and they are fled; +And, till so much blood thither come again, +Have I not reason to look pale and dead? +All souls that will be safe fly from my side, +For time hath set a blot upon my pride. + +DUKE OF AUMERLE: +Comfort, my liege; remember who you are. + +KING RICHARD II: +I had forgot myself; am I not king? +Awake, thou coward majesty! thou sleepest. +Is not the king's name twenty thousand names? +Arm, arm, my name! a puny subject strikes +At thy great glory. Look not to the ground, +Ye favourites of a king: are we not high? +High be our thoughts: I know my uncle York +Hath power enough to serve our turn. But who comes here? + +SIR STEPHEN SCROOP: +More health and happiness betide my liege +Than can my care-tuned tongue deliver him! + +KING RICHARD II: +Mine ear is open and my heart prepared; +The worst is worldly loss thou canst unfold. +Say, is my kingdom lost? why, 'twas my care +And what loss is it to be rid of care? +Strives Bolingbroke to be as great as we? +Greater he shall not be; if he serve God, +We'll serve Him too and be his fellow so: +Revolt our subjects? that we cannot mend; +They break their faith to God as well as us: +Cry woe, destruction, ruin and decay: +The worst is death, and death will have his day. + +SIR STEPHEN SCROOP: +Glad am I that your highness is so arm'd +To bear the tidings of calamity. +Like an unseasonable stormy day, +Which makes the silver rivers drown their shores, +As if the world were all dissolved to tears, +So high above his limits swells the rage +Of Bolingbroke, covering your fearful land +With hard bright steel and hearts harder than steel. +White-beards have arm'd their thin and hairless scalps +Against thy majesty; boys, with women's voices, +Strive to speak big and clap their female joints +In stiff unwieldy arms against thy crown: +The very beadsmen learn to bend their bows +Of double-fatal yew against thy state; +Yea, distaff-women manage rusty bills +Against thy seat: both young and old rebel, +And all goes worse than I have power to tell. + +KING RICHARD II: +Too well, too well thou tell'st a tale so ill. +Where is the Earl of Wiltshire? where is Bagot? +What is become of Bushy? where is Green? +That they have let the dangerous enemy +Measure our confines with such peaceful steps? +If we prevail, their heads shall pay for it: +I warrant they have made peace with Bolingbroke. + +SIR STEPHEN SCROOP: +Peace have they made with him indeed, my lord. + +KING RICHARD II: +O villains, vipers, damn'd without redemption! +Dogs, easily won to fawn on any man! +Snakes, in my heart-blood warm'd, that sting my heart! +Three Judases, each one thrice worse than Judas! +Would they make peace? terrible hell make war +Upon their spotted souls for this offence! + +SIR STEPHEN SCROOP: +Sweet love, I see, changing his property, +Turns to the sourest and most deadly hate: +Again uncurse their souls; their peace is made +With heads, and not with hands; those whom you curse +Have felt the worst of death's destroying wound +And lie full low, graved in the hollow ground. + +DUKE OF AUMERLE: +Is Bushy, Green, and the Earl of Wiltshire dead? + +SIR STEPHEN SCROOP: +Ay, all of them at Bristol lost their heads. + +DUKE OF AUMERLE: +Where is the duke my father with his power? + +KING RICHARD II: +No matter where; of comfort no man speak: +Let's talk of graves, of worms, and epitaphs; +Make dust our paper and with rainy eyes +Write sorrow on the bosom of the earth, +Let's choose executors and talk of wills: +And yet not so, for what can we bequeath +Save our deposed bodies to the ground? +Our lands, our lives and all are Bolingbroke's, +And nothing can we call our own but death +And that small model of the barren earth +Which serves as paste and cover to our bones. +For God's sake, let us sit upon the ground +And tell sad stories of the death of kings; +How some have been deposed; some slain in war, +Some haunted by the ghosts they have deposed; +Some poison'd by their wives: some sleeping kill'd; +All murder'd: for within the hollow crown +That rounds the mortal temples of a king +Keeps Death his court and there the antic sits, +Scoffing his state and grinning at his pomp, +Allowing him a breath, a little scene, +To monarchize, be fear'd and kill with looks, +Infusing him with self and vain conceit, +As if this flesh which walls about our life, +Were brass impregnable, and humour'd thus +Comes at the last and with a little pin +Bores through his castle wall, and farewell king! +Cover your heads and mock not flesh and blood +With solemn reverence: throw away respect, +Tradition, form and ceremonious duty, +For you have but mistook me all this while: +I live with bread like you, feel want, +Taste grief, need friends: subjected thus, +How can you say to me, I am a king? + +BISHOP OF CARLISLE: +My lord, wise men ne'er sit and wail their woes, +But presently prevent the ways to wail. +To fear the foe, since fear oppresseth strength, +Gives in your weakness strength unto your foe, +And so your follies fight against yourself. +Fear and be slain; no worse can come to fight: +And fight and die is death destroying death; +Where fearing dying pays death servile breath. + +DUKE OF AUMERLE: +My father hath a power; inquire of him +And learn to make a body of a limb. + +KING RICHARD II: +Thou chidest me well: proud Bolingbroke, I come +To change blows with thee for our day of doom. +This ague fit of fear is over-blown; +An easy task it is to win our own. +Say, Scroop, where lies our uncle with his power? +Speak sweetly, man, although thy looks be sour. + +SIR STEPHEN SCROOP: +Men judge by the complexion of the sky +The state and inclination of the day: +So may you by my dull and heavy eye, +My tongue hath but a heavier tale to say. +I play the torturer, by small and small +To lengthen out the worst that must be spoken: +Your uncle York is join'd with Bolingbroke, +And all your northern castles yielded up, +And all your southern gentlemen in arms +Upon his party. + +KING RICHARD II: +Thou hast said enough. +Beshrew thee, cousin, which didst lead me forth +Of that sweet way I was in to despair! +What say you now? what comfort have we now? +By heaven, I'll hate him everlastingly +That bids me be of comfort any more. +Go to Flint castle: there I'll pine away; +A king, woe's slave, shall kingly woe obey. +That power I have, discharge; and let them go +To ear the land that hath some hope to grow, +For I have none: let no man speak again +To alter this, for counsel is but vain. + +DUKE OF AUMERLE: +My liege, one word. + +KING RICHARD II: +He does me double wrong +That wounds me with the flatteries of his tongue. +Discharge my followers: let them hence away, +From Richard's night to Bolingbroke's fair day. + +HENRY BOLINGBROKE: +So that by this intelligence we learn +The Welshmen are dispersed, and Salisbury +Is gone to meet the king, who lately landed +With some few private friends upon this coast. + +NORTHUMBERLAND: +The news is very fair and good, my lord: +Richard not far from hence hath hid his head. + +DUKE OF YORK: +It would beseem the Lord Northumberland +To say 'King Richard:' alack the heavy day +When such a sacred king should hide his head. + +NORTHUMBERLAND: +Your grace mistakes; only to be brief +Left I his title out. + +DUKE OF YORK: +The time hath been, +Would you have been so brief with him, he would +Have been so brief with you, to shorten you, +For taking so the head, your whole head's length. + +HENRY BOLINGBROKE: +Mistake not, uncle, further than you should. + +DUKE OF YORK: +Take not, good cousin, further than you should. +Lest you mistake the heavens are o'er our heads. + +HENRY BOLINGBROKE: +I know it, uncle, and oppose not myself +Against their will. But who comes here? +Welcome, Harry: what, will not this castle yield? + +HENRY PERCY: +The castle royally is mann'd, my lord, +Against thy entrance. + +HENRY BOLINGBROKE: +Royally! +Why, it contains no king? + +HENRY PERCY: +Yes, my good lord, +It doth contain a king; King Richard lies +Within the limits of yon lime and stone: +And with him are the Lord Aumerle, Lord Salisbury, +Sir Stephen Scroop, besides a clergyman +Of holy reverence; who, I cannot learn. + +NORTHUMBERLAND: +O, belike it is the Bishop of Carlisle. + +HENRY BOLINGBROKE: +Noble lords, +Go to the rude ribs of that ancient castle; +Through brazen trumpet send the breath of parley +Into his ruin'd ears, and thus deliver: +Henry Bolingbroke +On both his knees doth kiss King Richard's hand +And sends allegiance and true faith of heart +To his most royal person, hither come +Even at his feet to lay my arms and power, +Provided that my banishment repeal'd +And lands restored again be freely granted: +If not, I'll use the advantage of my power +And lay the summer's dust with showers of blood +Rain'd from the wounds of slaughter'd Englishmen: +The which, how far off from the mind of Bolingbroke +It is, such crimson tempest should bedrench +The fresh green lap of fair King Richard's land, +My stooping duty tenderly shall show. +Go, signify as much, while here we march +Upon the grassy carpet of this plain. +Let's march without the noise of threatening drum, +That from this castle's tatter'd battlements +Our fair appointments may be well perused. +Methinks King Richard and myself should meet +With no less terror than the elements +Of fire and water, when their thundering shock +At meeting tears the cloudy cheeks of heaven. +Be he the fire, I'll be the yielding water: +The rage be his, whilst on the earth I rain +My waters; on the earth, and not on him. +March on, and mark King Richard how he looks. +See, see, King Richard doth himself appear, +As doth the blushing discontented sun +From out the fiery portal of the east, +When he perceives the envious clouds are bent +To dim his glory and to stain the track +Of his bright passage to the occident. + +DUKE OF YORK: +Yet looks he like a king: behold, his eye, +As bright as is the eagle's, lightens forth +Controlling majesty: alack, alack, for woe, +That any harm should stain so fair a show! + +KING RICHARD II: +We are amazed; and thus long have we stood +To watch the fearful bending of thy knee, +Because we thought ourself thy lawful king: +And if we be, how dare thy joints forget +To pay their awful duty to our presence? +If we be not, show us the hand of God +That hath dismissed us from our stewardship; +For well we know, no hand of blood and bone +Can gripe the sacred handle of our sceptre, +Unless he do profane, steal, or usurp. +And though you think that all, as you have done, +Have torn their souls by turning them from us, +And we are barren and bereft of friends; +Yet know, my master, God omnipotent, +Is mustering in his clouds on our behalf +Armies of pestilence; and they shall strike +Your children yet unborn and unbegot, +That lift your vassal hands against my head +And threat the glory of my precious crown. +Tell Bolingbroke--for yond methinks he stands-- +That every stride he makes upon my land +Is dangerous treason: he is come to open +The purple testament of bleeding war; +But ere the crown he looks for live in peace, +Ten thousand bloody crowns of mothers' sons +Shall ill become the flower of England's face, +Change the complexion of her maid-pale peace +To scarlet indignation and bedew +Her pastures' grass with faithful English blood. + +NORTHUMBERLAND: +The king of heaven forbid our lord the king +Should so with civil and uncivil arms +Be rush'd upon! Thy thrice noble cousin +Harry Bolingbroke doth humbly kiss thy hand; +And by the honourable tomb he swears, +That stands upon your royal grandsire's bones, +And by the royalties of both your bloods, +Currents that spring from one most gracious head, +And by the buried hand of warlike Gaunt, +And by the worth and honour of himself, +Comprising all that may be sworn or said, +His coming hither hath no further scope +Than for his lineal royalties and to beg +Enfranchisement immediate on his knees: +Which on thy royal party granted once, +His glittering arms he will commend to rust, +His barbed steeds to stables, and his heart +To faithful service of your majesty. +This swears he, as he is a prince, is just; +And, as I am a gentleman, I credit him. + +KING RICHARD II: +Northumberland, say thus the king returns: +His noble cousin is right welcome hither; +And all the number of his fair demands +Shall be accomplish'd without contradiction: +With all the gracious utterance thou hast +Speak to his gentle hearing kind commends. +We do debase ourselves, cousin, do we not, +To look so poorly and to speak so fair? +Shall we call back Northumberland, and send +Defiance to the traitor, and so die? + +DUKE OF AUMERLE: +No, good my lord; let's fight with gentle words +Till time lend friends and friends their helpful swords. + +KING RICHARD II: +O God, O God! that e'er this tongue of mine, +That laid the sentence of dread banishment +On yon proud man, should take it off again +With words of sooth! O that I were as great +As is my grief, or lesser than my name! +Or that I could forget what I have been, +Or not remember what I must be now! +Swell'st thou, proud heart? I'll give thee scope to beat, +Since foes have scope to beat both thee and me. + +DUKE OF AUMERLE: +Northumberland comes back from Bolingbroke. + +KING RICHARD II: +What must the king do now? must he submit? +The king shall do it: must he be deposed? +The king shall be contented: must he lose +The name of king? o' God's name, let it go: +I'll give my jewels for a set of beads, +My gorgeous palace for a hermitage, +My gay apparel for an almsman's gown, +My figured goblets for a dish of wood, +My sceptre for a palmer's walking staff, +My subjects for a pair of carved saints +And my large kingdom for a little grave, +A little little grave, an obscure grave; +Or I'll be buried in the king's highway, +Some way of common trade, where subjects' feet +May hourly trample on their sovereign's head; +For on my heart they tread now whilst I live; +And buried once, why not upon my head? +Aumerle, thou weep'st, my tender-hearted cousin! +We'll make foul weather with despised tears; +Our sighs and they shall lodge the summer corn, +And make a dearth in this revolting land. +Or shall we play the wantons with our woes, +And make some pretty match with shedding tears? +As thus, to drop them still upon one place, +Till they have fretted us a pair of graves +Within the earth; and, therein laid,--there lies +Two kinsmen digg'd their graves with weeping eyes. +Would not this ill do well? Well, well, I see +I talk but idly, and you laugh at me. +Most mighty prince, my Lord Northumberland, +What says King Bolingbroke? will his majesty +Give Richard leave to live till Richard die? +You make a leg, and Bolingbroke says ay. + +NORTHUMBERLAND: +My lord, in the base court he doth attend +To speak with you; may it please you to come down. + +KING RICHARD II: +Down, down I come; like glistering Phaethon, +Wanting the manage of unruly jades. +In the base court? Base court, where kings grow base, +To come at traitors' calls and do them grace. +In the base court? Come down? Down, court! +down, king! +For night-owls shriek where mounting larks +should sing. + +HENRY BOLINGBROKE: +What says his majesty? + +NORTHUMBERLAND: +Sorrow and grief of heart +Makes him speak fondly, like a frantic man +Yet he is come. + +HENRY BOLINGBROKE: +Stand all apart, +And show fair duty to his majesty. +My gracious lord,-- + +KING RICHARD II: +Fair cousin, you debase your princely knee +To make the base earth proud with kissing it: +Me rather had my heart might feel your love +Than my unpleased eye see your courtesy. +Up, cousin, up; your heart is up, I know, +Thus high at least, although your knee be low. + +HENRY BOLINGBROKE: +My gracious lord, I come but for mine own. + +KING RICHARD II: +Your own is yours, and I am yours, and all. + +HENRY BOLINGBROKE: +So far be mine, my most redoubted lord, +As my true service shall deserve your love. + +KING RICHARD II: +Well you deserve: they well deserve to have, +That know the strong'st and surest way to get. +Uncle, give me your hands: nay, dry your eyes; +Tears show their love, but want their remedies. +Cousin, I am too young to be your father, +Though you are old enough to be my heir. +What you will have, I'll give, and willing too; +For do we must what force will have us do. +Set on towards London, cousin, is it so? + +HENRY BOLINGBROKE: +Yea, my good lord. + +KING RICHARD II: +Then I must not say no. + +QUEEN: +What sport shall we devise here in this garden, +To drive away the heavy thought of care? + +Lady: +Madam, we'll play at bowls. + +QUEEN: +'Twill make me think the world is full of rubs, +And that my fortune rubs against the bias. + +Lady: +Madam, we'll dance. + +QUEEN: +My legs can keep no measure in delight, +When my poor heart no measure keeps in grief: +Therefore, no dancing, girl; some other sport. + +Lady: +Madam, we'll tell tales. + +QUEEN: +Of sorrow or of joy? + +Lady: +Of either, madam. + +QUEEN: +Of neither, girl: +For of joy, being altogether wanting, +It doth remember me the more of sorrow; +Or if of grief, being altogether had, +It adds more sorrow to my want of joy: +For what I have I need not to repeat; +And what I want it boots not to complain. + +Lady: +Madam, I'll sing. + +QUEEN: +'Tis well that thou hast cause +But thou shouldst please me better, wouldst thou weep. + +Lady: +I could weep, madam, would it do you good. + +QUEEN: +And I could sing, would weeping do me good, +And never borrow any tear of thee. +But stay, here come the gardeners: +Let's step into the shadow of these trees. +My wretchedness unto a row of pins, +They'll talk of state; for every one doth so +Against a change; woe is forerun with woe. + +Gardener: +Go, bind thou up yon dangling apricocks, +Which, like unruly children, make their sire +Stoop with oppression of their prodigal weight: +Give some supportance to the bending twigs. +Go thou, and like an executioner, +Cut off the heads of too fast growing sprays, +That look too lofty in our commonwealth: +All must be even in our government. +You thus employ'd, I will go root away +The noisome weeds, which without profit suck +The soil's fertility from wholesome flowers. + +Servant: +Why should we in the compass of a pale +Keep law and form and due proportion, +Showing, as in a model, our firm estate, +When our sea-walled garden, the whole land, +Is full of weeds, her fairest flowers choked up, +Her fruit-trees all upturned, her hedges ruin'd, +Her knots disorder'd and her wholesome herbs +Swarming with caterpillars? + +Gardener: +Hold thy peace: +He that hath suffer'd this disorder'd spring +Hath now himself met with the fall of leaf: +The weeds which his broad-spreading leaves did shelter, +That seem'd in eating him to hold him up, +Are pluck'd up root and all by Bolingbroke, +I mean the Earl of Wiltshire, Bushy, Green. + +Servant: +What, are they dead? + +Gardener: +They are; and Bolingbroke +Hath seized the wasteful king. O, what pity is it +That he had not so trimm'd and dress'd his land +As we this garden! We at time of year +Do wound the bark, the skin of our fruit-trees, +Lest, being over-proud in sap and blood, +With too much riches it confound itself: +Had he done so to great and growing men, +They might have lived to bear and he to taste +Their fruits of duty: superfluous branches +We lop away, that bearing boughs may live: +Had he done so, himself had borne the crown, +Which waste of idle hours hath quite thrown down. + +Servant: +What, think you then the king shall be deposed? + +Gardener: +Depress'd he is already, and deposed +'Tis doubt he will be: letters came last night +To a dear friend of the good Duke of York's, +That tell black tidings. + +QUEEN: +O, I am press'd to death through want of speaking! +Thou, old Adam's likeness, set to dress this garden, +How dares thy harsh rude tongue sound this unpleasing news? +What Eve, what serpent, hath suggested thee +To make a second fall of cursed man? +Why dost thou say King Richard is deposed? +Darest thou, thou little better thing than earth, +Divine his downfall? Say, where, when, and how, +Camest thou by this ill tidings? speak, thou wretch. + +Gardener: +Pardon me, madam: little joy have I +To breathe this news; yet what I say is true. +King Richard, he is in the mighty hold +Of Bolingbroke: their fortunes both are weigh'd: +In your lord's scale is nothing but himself, +And some few vanities that make him light; +But in the balance of great Bolingbroke, +Besides himself, are all the English peers, +And with that odds he weighs King Richard down. +Post you to London, and you will find it so; +I speak no more than every one doth know. + +QUEEN: +Nimble mischance, that art so light of foot, +Doth not thy embassage belong to me, +And am I last that knows it? O, thou think'st +To serve me last, that I may longest keep +Thy sorrow in my breast. Come, ladies, go, +To meet at London London's king in woe. +What, was I born to this, that my sad look +Should grace the triumph of great Bolingbroke? +Gardener, for telling me these news of woe, +Pray God the plants thou graft'st may never grow. + +GARDENER: +Poor queen! so that thy state might be no worse, +I would my skill were subject to thy curse. +Here did she fall a tear; here in this place +I'll set a bank of rue, sour herb of grace: +Rue, even for ruth, here shortly shall be seen, +In the remembrance of a weeping queen. + +HENRY BOLINGBROKE: +Call forth Bagot. +Now, Bagot, freely speak thy mind; +What thou dost know of noble Gloucester's death, +Who wrought it with the king, and who perform'd +The bloody office of his timeless end. + +BAGOT: +Then set before my face the Lord Aumerle. + +HENRY BOLINGBROKE: +Cousin, stand forth, and look upon that man. + +BAGOT: +My Lord Aumerle, I know your daring tongue +Scorns to unsay what once it hath deliver'd. +In that dead time when Gloucester's death was plotted, +I heard you say, 'Is not my arm of length, +That reacheth from the restful English court +As far as Calais, to mine uncle's head?' +Amongst much other talk, that very time, +I heard you say that you had rather refuse +The offer of an hundred thousand crowns +Than Bolingbroke's return to England; +Adding withal how blest this land would be +In this your cousin's death. + +DUKE OF AUMERLE: +Princes and noble lords, +What answer shall I make to this base man? +Shall I so much dishonour my fair stars, +On equal terms to give him chastisement? +Either I must, or have mine honour soil'd +With the attainder of his slanderous lips. +There is my gage, the manual seal of death, +That marks thee out for hell: I say, thou liest, +And will maintain what thou hast said is false +In thy heart-blood, though being all too base +To stain the temper of my knightly sword. + +HENRY BOLINGBROKE: +Bagot, forbear; thou shalt not take it up. + +DUKE OF AUMERLE: +Excepting one, I would he were the best +In all this presence that hath moved me so. + +LORD FITZWATER: +If that thy valour stand on sympathy, +There is my gage, Aumerle, in gage to thine: +By that fair sun which shows me where thou stand'st, +I heard thee say, and vauntingly thou spakest it +That thou wert cause of noble Gloucester's death. +If thou deny'st it twenty times, thou liest; +And I will turn thy falsehood to thy heart, +Where it was forged, with my rapier's point. + +DUKE OF AUMERLE: +Thou darest not, coward, live to see that day. + +LORD FITZWATER: +Now by my soul, I would it were this hour. + +DUKE OF AUMERLE: +Fitzwater, thou art damn'd to hell for this. + +HENRY PERCY: +Aumerle, thou liest; his honour is as true +In this appeal as thou art all unjust; +And that thou art so, there I throw my gage, +To prove it on thee to the extremest point +Of mortal breathing: seize it, if thou darest. + +DUKE OF AUMERLE: +An if I do not, may my hands rot off +And never brandish more revengeful steel +Over the glittering helmet of my foe! + +Lord: +I task the earth to the like, forsworn Aumerle; +And spur thee on with full as many lies +As may be holloa'd in thy treacherous ear +From sun to sun: there is my honour's pawn; +Engage it to the trial, if thou darest. + +DUKE OF AUMERLE: +Who sets me else? by heaven, I'll throw at all: +I have a thousand spirits in one breast, +To answer twenty thousand such as you. + +DUKE OF SURREY: +My Lord Fitzwater, I do remember well +The very time Aumerle and you did talk. + +LORD FITZWATER: +'Tis very true: you were in presence then; +And you can witness with me this is true. + +DUKE OF SURREY: +As false, by heaven, as heaven itself is true. + +LORD FITZWATER: +Surrey, thou liest. + +DUKE OF SURREY: +Dishonourable boy! +That lie shall lie so heavy on my sword, +That it shall render vengeance and revenge +Till thou the lie-giver and that lie do lie +In earth as quiet as thy father's skull: +In proof whereof, there is my honour's pawn; +Engage it to the trial, if thou darest. + +LORD FITZWATER: +How fondly dost thou spur a forward horse! +If I dare eat, or drink, or breathe, or live, +I dare meet Surrey in a wilderness, +And spit upon him, whilst I say he lies, +And lies, and lies: there is my bond of faith, +To tie thee to my strong correction. +As I intend to thrive in this new world, +Aumerle is guilty of my true appeal: +Besides, I heard the banish'd Norfolk say +That thou, Aumerle, didst send two of thy men +To execute the noble duke at Calais. + +DUKE OF AUMERLE: +Some honest Christian trust me with a gage +That Norfolk lies: here do I throw down this, +If he may be repeal'd, to try his honour. + +HENRY BOLINGBROKE: +These differences shall all rest under gage +Till Norfolk be repeal'd: repeal'd he shall be, +And, though mine enemy, restored again +To all his lands and signories: when he's return'd, +Against Aumerle we will enforce his trial. + +BISHOP OF CARLISLE: +That honourable day shall ne'er be seen. +Many a time hath banish'd Norfolk fought +For Jesu Christ in glorious Christian field, +Streaming the ensign of the Christian cross +Against black pagans, Turks, and Saracens: +And toil'd with works of war, retired himself +To Italy; and there at Venice gave +His body to that pleasant country's earth, +And his pure soul unto his captain Christ, +Under whose colours he had fought so long. + +HENRY BOLINGBROKE: +Why, bishop, is Norfolk dead? + +BISHOP OF CARLISLE: +As surely as I live, my lord. + +HENRY BOLINGBROKE: +Sweet peace conduct his sweet soul to the bosom +Of good old Abraham! Lords appellants, +Your differences shall all rest under gage +Till we assign you to your days of trial. + +DUKE OF YORK: +Great Duke of Lancaster, I come to thee +From plume-pluck'd Richard; who with willing soul +Adopts thee heir, and his high sceptre yields +To the possession of thy royal hand: +Ascend his throne, descending now from him; +And long live Henry, fourth of that name! + +HENRY BOLINGBROKE: +In God's name, I'll ascend the regal throne. + +BISHOP OF CARLISLE: +Marry. God forbid! +Worst in this royal presence may I speak, +Yet best beseeming me to speak the truth. +Would God that any in this noble presence +Were enough noble to be upright judge +Of noble Richard! then true noblesse would +Learn him forbearance from so foul a wrong. +What subject can give sentence on his king? +And who sits here that is not Richard's subject? +Thieves are not judged but they are by to hear, +Although apparent guilt be seen in them; +And shall the figure of God's majesty, +His captain, steward, deputy-elect, +Anointed, crowned, planted many years, +Be judged by subject and inferior breath, +And he himself not present? O, forfend it, God, +That in a Christian climate souls refined +Should show so heinous, black, obscene a deed! +I speak to subjects, and a subject speaks, +Stirr'd up by God, thus boldly for his king: +My Lord of Hereford here, whom you call king, +Is a foul traitor to proud Hereford's king: +And if you crown him, let me prophesy: +The blood of English shall manure the ground, +And future ages groan for this foul act; +Peace shall go sleep with Turks and infidels, +And in this seat of peace tumultuous wars +Shall kin with kin and kind with kind confound; +Disorder, horror, fear and mutiny +Shall here inhabit, and this land be call'd +The field of Golgotha and dead men's skulls. +O, if you raise this house against this house, +It will the woefullest division prove +That ever fell upon this cursed earth. +Prevent it, resist it, let it not be so, +Lest child, child's children, cry against you woe! + +NORTHUMBERLAND: +Well have you argued, sir; and, for your pains, +Of capital treason we arrest you here. +My Lord of Westminster, be it your charge +To keep him safely till his day of trial. +May it please you, lords, to grant the commons' suit. + +HENRY BOLINGBROKE: +Fetch hither Richard, that in common view +He may surrender; so we shall proceed +Without suspicion. + +DUKE OF YORK: +I will be his conduct. + +HENRY BOLINGBROKE: +Lords, you that here are under our arrest, +Procure your sureties for your days of answer. +Little are we beholding to your love, +And little look'd for at your helping hands. + +KING RICHARD II: +Alack, why am I sent for to a king, +Before I have shook off the regal thoughts +Wherewith I reign'd? I hardly yet have learn'd +To insinuate, flatter, bow, and bend my limbs: +Give sorrow leave awhile to tutor me +To this submission. Yet I well remember +The favours of these men: were they not mine? +Did they not sometime cry, 'all hail!' to me? +So Judas did to Christ: but he, in twelve, +Found truth in all but one: I, in twelve thousand, none. +God save the king! Will no man say amen? +Am I both priest and clerk? well then, amen. +God save the king! although I be not he; +And yet, amen, if heaven do think him me. +To do what service am I sent for hither? + +DUKE OF YORK: +To do that office of thine own good will +Which tired majesty did make thee offer, +The resignation of thy state and crown +To Henry Bolingbroke. + +KING RICHARD II: +Give me the crown. Here, cousin, seize the crown; +Here cousin: +On this side my hand, and on that side yours. +Now is this golden crown like a deep well +That owes two buckets, filling one another, +The emptier ever dancing in the air, +The other down, unseen and full of water: +That bucket down and full of tears am I, +Drinking my griefs, whilst you mount up on high. + +HENRY BOLINGBROKE: +I thought you had been willing to resign. + +KING RICHARD II: +My crown I am; but still my griefs are mine: +You may my glories and my state depose, +But not my griefs; still am I king of those. + +HENRY BOLINGBROKE: +Part of your cares you give me with your crown. + +KING RICHARD II: +Your cares set up do not pluck my cares down. +My care is loss of care, by old care done; +Your care is gain of care, by new care won: +The cares I give I have, though given away; +They tend the crown, yet still with me they stay. + +HENRY BOLINGBROKE: +Are you contented to resign the crown? + +KING RICHARD II: +Ay, no; no, ay; for I must nothing be; +Therefore no no, for I resign to thee. +Now mark me, how I will undo myself; +I give this heavy weight from off my head +And this unwieldy sceptre from my hand, +The pride of kingly sway from out my heart; +With mine own tears I wash away my balm, +With mine own hands I give away my crown, +With mine own tongue deny my sacred state, +With mine own breath release all duty's rites: +All pomp and majesty I do forswear; +My manors, rents, revenues I forego; +My acts, decrees, and statutes I deny: +God pardon all oaths that are broke to me! +God keep all vows unbroke that swear to thee! +Make me, that nothing have, with nothing grieved, +And thou with all pleased, that hast all achieved! +Long mayst thou live in Richard's seat to sit, +And soon lie Richard in an earthly pit! +God save King Harry, unking'd Richard says, +And send him many years of sunshine days! +What more remains? + +NORTHUMBERLAND: +No more, but that you read +These accusations and these grievous crimes +Committed by your person and your followers +Against the state and profit of this land; +That, by confessing them, the souls of men +May deem that you are worthily deposed. + +KING RICHARD II: +Must I do so? and must I ravel out +My weaved-up folly? Gentle Northumberland, +If thy offences were upon record, +Would it not shame thee in so fair a troop +To read a lecture of them? If thou wouldst, +There shouldst thou find one heinous article, +Containing the deposing of a king +And cracking the strong warrant of an oath, +Mark'd with a blot, damn'd in the book of heaven: +Nay, all of you that stand and look upon, +Whilst that my wretchedness doth bait myself, +Though some of you with Pilate wash your hands +Showing an outward pity; yet you Pilates +Have here deliver'd me to my sour cross, +And water cannot wash away your sin. + +NORTHUMBERLAND: +My lord, dispatch; read o'er these articles. + +KING RICHARD II: +Mine eyes are full of tears, I cannot see: +And yet salt water blinds them not so much +But they can see a sort of traitors here. +Nay, if I turn mine eyes upon myself, +I find myself a traitor with the rest; +For I have given here my soul's consent +To undeck the pompous body of a king; +Made glory base and sovereignty a slave, +Proud majesty a subject, state a peasant. + +NORTHUMBERLAND: +My lord,-- + +KING RICHARD II: +No lord of thine, thou haught insulting man, +Nor no man's lord; I have no name, no title, +No, not that name was given me at the font, +But 'tis usurp'd: alack the heavy day, +That I have worn so many winters out, +And know not now what name to call myself! +O that I were a mockery king of snow, +Standing before the sun of Bolingbroke, +To melt myself away in water-drops! +Good king, great king, and yet not greatly good, +An if my word be sterling yet in England, +Let it command a mirror hither straight, +That it may show me what a face I have, +Since it is bankrupt of his majesty. + +HENRY BOLINGBROKE: +Go some of you and fetch a looking-glass. + +NORTHUMBERLAND: +Read o'er this paper while the glass doth come. + +KING RICHARD II: +Fiend, thou torment'st me ere I come to hell! + +HENRY BOLINGBROKE: +Urge it no more, my Lord Northumberland. + +NORTHUMBERLAND: +The commons will not then be satisfied. + +KING RICHARD II: +They shall be satisfied: I'll read enough, +When I do see the very book indeed +Where all my sins are writ, and that's myself. +Give me the glass, and therein will I read. +No deeper wrinkles yet? hath sorrow struck +So many blows upon this face of mine, +And made no deeper wounds? O flattering glass, +Like to my followers in prosperity, +Thou dost beguile me! Was this face the face +That every day under his household roof +Did keep ten thousand men? was this the face +That, like the sun, did make beholders wink? +Was this the face that faced so many follies, +And was at last out-faced by Bolingbroke? +A brittle glory shineth in this face: +As brittle as the glory is the face; +For there it is, crack'd in a hundred shivers. +Mark, silent king, the moral of this sport, +How soon my sorrow hath destroy'd my face. + +HENRY BOLINGBROKE: +The shadow of your sorrow hath destroy'd +The shadow or your face. + +KING RICHARD II: +Say that again. +The shadow of my sorrow! ha! let's see: +'Tis very true, my grief lies all within; +And these external manners of laments +Are merely shadows to the unseen grief +That swells with silence in the tortured soul; +There lies the substance: and I thank thee, king, +For thy great bounty, that not only givest +Me cause to wail but teachest me the way +How to lament the cause. I'll beg one boon, +And then be gone and trouble you no more. +Shall I obtain it? + +HENRY BOLINGBROKE: +Name it, fair cousin. + +KING RICHARD II: +'Fair cousin'? I am greater than a king: +For when I was a king, my flatterers +Were then but subjects; being now a subject, +I have a king here to my flatterer. +Being so great, I have no need to beg. + +HENRY BOLINGBROKE: +Yet ask. + +KING RICHARD II: +And shall I have? + +HENRY BOLINGBROKE: +You shall. + +KING RICHARD II: +Then give me leave to go. + +HENRY BOLINGBROKE: +Whither? + +KING RICHARD II: +Whither you will, so I were from your sights. + +HENRY BOLINGBROKE: +Go, some of you convey him to the Tower. + +KING RICHARD II: +O, good! convey? conveyers are you all, +That rise thus nimbly by a true king's fall. + +HENRY BOLINGBROKE: +On Wednesday next we solemnly set down +Our coronation: lords, prepare yourselves. + +Abbot: +A woeful pageant have we here beheld. + +BISHOP OF CARLISLE: +The woe's to come; the children yet unborn. +Shall feel this day as sharp to them as thorn. + +DUKE OF AUMERLE: +You holy clergymen, is there no plot +To rid the realm of this pernicious blot? + +Abbot: +My lord, +Before I freely speak my mind herein, +You shall not only take the sacrament +To bury mine intents, but also to effect +Whatever I shall happen to devise. +I see your brows are full of discontent, +Your hearts of sorrow and your eyes of tears: +Come home with me to supper; and I'll lay +A plot shall show us all a merry day. + +QUEEN: +This way the king will come; this is the way +To Julius Caesar's ill-erected tower, +To whose flint bosom my condemned lord +Is doom'd a prisoner by proud Bolingbroke: +Here let us rest, if this rebellious earth +Have any resting for her true king's queen. +But soft, but see, or rather do not see, +My fair rose wither: yet look up, behold, +That you in pity may dissolve to dew, +And wash him fresh again with true-love tears. +Ah, thou, the model where old Troy did stand, +Thou map of honour, thou King Richard's tomb, +And not King Richard; thou most beauteous inn, +Why should hard-favour'd grief be lodged in thee, +When triumph is become an alehouse guest? + +KING RICHARD II: +Join not with grief, fair woman, do not so, +To make my end too sudden: learn, good soul, +To think our former state a happy dream; +From which awaked, the truth of what we are +Shows us but this: I am sworn brother, sweet, +To grim Necessity, and he and I +Will keep a league till death. Hie thee to France +And cloister thee in some religious house: +Our holy lives must win a new world's crown, +Which our profane hours here have stricken down. + +QUEEN: +What, is my Richard both in shape and mind +Transform'd and weaken'd? hath Bolingbroke deposed +Thine intellect? hath he been in thy heart? +The lion dying thrusteth forth his paw, +And wounds the earth, if nothing else, with rage +To be o'erpower'd; and wilt thou, pupil-like, +Take thy correction mildly, kiss the rod, +And fawn on rage with base humility, +Which art a lion and a king of beasts? + +KING RICHARD II: +A king of beasts, indeed; if aught but beasts, +I had been still a happy king of men. +Good sometime queen, prepare thee hence for France: +Think I am dead and that even here thou takest, +As from my death-bed, thy last living leave. +In winter's tedious nights sit by the fire +With good old folks and let them tell thee tales +Of woeful ages long ago betid; +And ere thou bid good night, to quit their griefs, +Tell thou the lamentable tale of me +And send the hearers weeping to their beds: +For why, the senseless brands will sympathize +The heavy accent of thy moving tongue +And in compassion weep the fire out; +And some will mourn in ashes, some coal-black, +For the deposing of a rightful king. + +NORTHUMBERLAND: +My lord, the mind of Bolingbroke is changed: +You must to Pomfret, not unto the Tower. +And, madam, there is order ta'en for you; +With all swift speed you must away to France. + +KING RICHARD II: +Northumberland, thou ladder wherewithal +The mounting Bolingbroke ascends my throne, +The time shall not be many hours of age +More than it is ere foul sin gathering head +Shalt break into corruption: thou shalt think, +Though he divide the realm and give thee half, +It is too little, helping him to all; +And he shall think that thou, which know'st the way +To plant unrightful kings, wilt know again, +Being ne'er so little urged, another way +To pluck him headlong from the usurped throne. +The love of wicked men converts to fear; +That fear to hate, and hate turns one or both +To worthy danger and deserved death. + +NORTHUMBERLAND: +My guilt be on my head, and there an end. +Take leave and part; for you must part forthwith. + +KING RICHARD II: +Doubly divorced! Bad men, you violate +A twofold marriage, 'twixt my crown and me, +And then betwixt me and my married wife. +Let me unkiss the oath 'twixt thee and me; +And yet not so, for with a kiss 'twas made. +Part us, Northumberland; I toward the north, +Where shivering cold and sickness pines the clime; +My wife to France: from whence, set forth in pomp, +She came adorned hither like sweet May, +Sent back like Hallowmas or short'st of day. + +QUEEN: +And must we be divided? must we part? + +KING RICHARD II: +Ay, hand from hand, my love, and heart from heart. + +QUEEN: +Banish us both and send the king with me. + +NORTHUMBERLAND: +That were some love but little policy. + +QUEEN: +Then whither he goes, thither let me go. + +KING RICHARD II: +So two, together weeping, make one woe. +Weep thou for me in France, I for thee here; +Better far off than near, be ne'er the near. +Go, count thy way with sighs; I mine with groans. + +QUEEN: +So longest way shall have the longest moans. + +KING RICHARD II: +Twice for one step I'll groan, the way being short, +And piece the way out with a heavy heart. +Come, come, in wooing sorrow let's be brief, +Since, wedding it, there is such length in grief; +One kiss shall stop our mouths, and dumbly part; +Thus give I mine, and thus take I thy heart. + +QUEEN: +Give me mine own again; 'twere no good part +To take on me to keep and kill thy heart. +So, now I have mine own again, be gone, +That I might strive to kill it with a groan. + +KING RICHARD II: +We make woe wanton with this fond delay: +Once more, adieu; the rest let sorrow say. + +DUCHESS OF YORK: +My lord, you told me you would tell the rest, +When weeping made you break the story off, +of our two cousins coming into London. + +DUKE OF YORK: +Where did I leave? + +DUCHESS OF YORK: +At that sad stop, my lord, +Where rude misgovern'd hands from windows' tops +Threw dust and rubbish on King Richard's head. + +DUKE OF YORK: +Then, as I said, the duke, great Bolingbroke, +Mounted upon a hot and fiery steed +Which his aspiring rider seem'd to know, +With slow but stately pace kept on his course, +Whilst all tongues cried 'God save thee, +Bolingbroke!' +You would have thought the very windows spake, +So many greedy looks of young and old +Through casements darted their desiring eyes +Upon his visage, and that all the walls +With painted imagery had said at once +'Jesu preserve thee! welcome, Bolingbroke!' +Whilst he, from the one side to the other turning, +Bareheaded, lower than his proud steed's neck, +Bespake them thus: 'I thank you, countrymen:' +And thus still doing, thus he pass'd along. + +DUCHESS OF YORK: +Alack, poor Richard! where rode he the whilst? + +DUKE OF YORK: +As in a theatre, the eyes of men, +After a well-graced actor leaves the stage, +Are idly bent on him that enters next, +Thinking his prattle to be tedious; +Even so, or with much more contempt, men's eyes +Did scowl on gentle Richard; no man cried 'God save him!' +No joyful tongue gave him his welcome home: +But dust was thrown upon his sacred head: +Which with such gentle sorrow he shook off, +His face still combating with tears and smiles, +The badges of his grief and patience, +That had not God, for some strong purpose, steel'd +The hearts of men, they must perforce have melted +And barbarism itself have pitied him. +But heaven hath a hand in these events, +To whose high will we bound our calm contents. +To Bolingbroke are we sworn subjects now, +Whose state and honour I for aye allow. + +DUCHESS OF YORK: +Here comes my son Aumerle. + +DUKE OF YORK: +Aumerle that was; +But that is lost for being Richard's friend, +And, madam, you must call him Rutland now: +I am in parliament pledge for his truth +And lasting fealty to the new-made king. + +DUCHESS OF YORK: +Welcome, my son: who are the violets now +That strew the green lap of the new come spring? + +DUKE OF AUMERLE: +Madam, I know not, nor I greatly care not: +God knows I had as lief be none as one. + +DUKE OF YORK: +Well, bear you well in this new spring of time, +Lest you be cropp'd before you come to prime. +What news from Oxford? hold those justs and triumphs? + +DUKE OF AUMERLE: +For aught I know, my lord, they do. + +DUKE OF YORK: +You will be there, I know. + +DUKE OF AUMERLE: +If God prevent not, I purpose so. + +DUKE OF YORK: +What seal is that, that hangs without thy bosom? +Yea, look'st thou pale? let me see the writing. + +DUKE OF AUMERLE: +My lord, 'tis nothing. + +DUKE OF YORK: +No matter, then, who see it; +I will be satisfied; let me see the writing. + +DUKE OF AUMERLE: +I do beseech your grace to pardon me: +It is a matter of small consequence, +Which for some reasons I would not have seen. + +DUKE OF YORK: +Which for some reasons, sir, I mean to see. +I fear, I fear,-- + +DUCHESS OF YORK: +What should you fear? +'Tis nothing but some bond, that he is enter'd into +For gay apparel 'gainst the triumph day. + +DUKE OF YORK: +Bound to himself! what doth he with a bond +That he is bound to? Wife, thou art a fool. +Boy, let me see the writing. + +DUKE OF AUMERLE: +I do beseech you, pardon me; I may not show it. + +DUKE OF YORK: +I will be satisfied; let me see it, I say. +Treason! foul treason! Villain! traitor! slave! + +DUCHESS OF YORK: +What is the matter, my lord? + +DUKE OF YORK: +Ho! who is within there? +Saddle my horse. +God for his mercy, what treachery is here! + +DUCHESS OF YORK: +Why, what is it, my lord? + +DUKE OF YORK: +Give me my boots, I say; saddle my horse. +Now, by mine honour, by my life, by my troth, +I will appeach the villain. + +DUCHESS OF YORK: +What is the matter? + +DUKE OF YORK: +Peace, foolish woman. + +DUCHESS OF YORK: +I will not peace. What is the matter, Aumerle. + +DUKE OF AUMERLE: +Good mother, be content; it is no more +Than my poor life must answer. + +DUCHESS OF YORK: +Thy life answer! + +DUKE OF YORK: +Bring me my boots: I will unto the king. + +DUCHESS OF YORK: +Strike him, Aumerle. Poor boy, thou art amazed. +Hence, villain! never more come in my sight. + +DUKE OF YORK: +Give me my boots, I say. + +DUCHESS OF YORK: +Why, York, what wilt thou do? +Wilt thou not hide the trespass of thine own? +Have we more sons? or are we like to have? +Is not my teeming date drunk up with time? +And wilt thou pluck my fair son from mine age, +And rob me of a happy mother's name? +Is he not like thee? is he not thine own? + +DUKE OF YORK: +Thou fond mad woman, +Wilt thou conceal this dark conspiracy? +A dozen of them here have ta'en the sacrament, +And interchangeably set down their hands, +To kill the king at Oxford. + +DUCHESS OF YORK: +He shall be none; +We'll keep him here: then what is that to him? + +DUKE OF YORK: +Away, fond woman! were he twenty times my son, +I would appeach him. + +DUCHESS OF YORK: +Hadst thou groan'd for him +As I have done, thou wouldst be more pitiful. +But now I know thy mind; thou dost suspect +That I have been disloyal to thy bed, +And that he is a bastard, not thy son: +Sweet York, sweet husband, be not of that mind: +He is as like thee as a man may be, +Not like to me, or any of my kin, +And yet I love him. + +DUKE OF YORK: +Make way, unruly woman! + +DUCHESS OF YORK: +After, Aumerle! mount thee upon his horse; +Spur post, and get before him to the king, +And beg thy pardon ere he do accuse thee. +I'll not be long behind; though I be old, +I doubt not but to ride as fast as York: +And never will I rise up from the ground +Till Bolingbroke have pardon'd thee. Away, be gone! + +HENRY BOLINGBROKE: +Can no man tell me of my unthrifty son? +'Tis full three months since I did see him last; +If any plague hang over us, 'tis he. +I would to God, my lords, he might be found: +Inquire at London, 'mongst the taverns there, +For there, they say, he daily doth frequent, +With unrestrained loose companions, +Even such, they say, as stand in narrow lanes, +And beat our watch, and rob our passengers; +Which he, young wanton and effeminate boy, +Takes on the point of honour to support +So dissolute a crew. + +HENRY PERCY: +My lord, some two days since I saw the prince, +And told him of those triumphs held at Oxford. + +HENRY BOLINGBROKE: +And what said the gallant? + +HENRY PERCY: +His answer was, he would unto the stews, +And from the common'st creature pluck a glove, +And wear it as a favour; and with that +He would unhorse the lustiest challenger. + +HENRY BOLINGBROKE: +As dissolute as desperate; yet through both +I see some sparks of better hope, which elder years +May happily bring forth. But who comes here? + +DUKE OF AUMERLE: +Where is the king? + +HENRY BOLINGBROKE: +What means our cousin, that he stares and looks +So wildly? + +DUKE OF AUMERLE: +God save your grace! I do beseech your majesty, +To have some conference with your grace alone. + +HENRY BOLINGBROKE: +Withdraw yourselves, and leave us here alone. +What is the matter with our cousin now? + +DUKE OF AUMERLE: +For ever may my knees grow to the earth, +My tongue cleave to my roof within my mouth +Unless a pardon ere I rise or speak. + +HENRY BOLINGBROKE: +Intended or committed was this fault? +If on the first, how heinous e'er it be, +To win thy after-love I pardon thee. + +DUKE OF AUMERLE: +Then give me leave that I may turn the key, +That no man enter till my tale be done. + +HENRY BOLINGBROKE: +Have thy desire. + +DUKE OF YORK: + +HENRY BOLINGBROKE: +Villain, I'll make thee safe. + +DUKE OF AUMERLE: +Stay thy revengeful hand; thou hast no cause to fear. + +DUKE OF YORK: + +HENRY BOLINGBROKE: +What is the matter, uncle? speak; +Recover breath; tell us how near is danger, +That we may arm us to encounter it. + +DUKE OF YORK: +Peruse this writing here, and thou shalt know +The treason that my haste forbids me show. + +DUKE OF AUMERLE: +Remember, as thou read'st, thy promise pass'd: +I do repent me; read not my name there +My heart is not confederate with my hand. + +DUKE OF YORK: +It was, villain, ere thy hand did set it down. +I tore it from the traitor's bosom, king; +Fear, and not love, begets his penitence: +Forget to pity him, lest thy pity prove +A serpent that will sting thee to the heart. + +HENRY BOLINGBROKE: +O heinous, strong and bold conspiracy! +O loyal father of a treacherous son! +Thou sheer, immaculate and silver fountain, +From when this stream through muddy passages +Hath held his current and defiled himself! +Thy overflow of good converts to bad, +And thy abundant goodness shall excuse +This deadly blot in thy digressing son. + +DUKE OF YORK: +So shall my virtue be his vice's bawd; +And he shall spend mine honour with his shame, +As thriftless sons their scraping fathers' gold. +Mine honour lives when his dishonour dies, +Or my shamed life in his dishonour lies: +Thou kill'st me in his life; giving him breath, +The traitor lives, the true man's put to death. + +DUCHESS OF YORK: + +HENRY BOLINGBROKE: +What shrill-voiced suppliant makes this eager cry? + +DUCHESS OF YORK: +A woman, and thy aunt, great king; 'tis I. +Speak with me, pity me, open the door. +A beggar begs that never begg'd before. + +HENRY BOLINGBROKE: +Our scene is alter'd from a serious thing, +And now changed to 'The Beggar and the King.' +My dangerous cousin, let your mother in: +I know she is come to pray for your foul sin. + +DUKE OF YORK: +If thou do pardon, whosoever pray, +More sins for this forgiveness prosper may. +This fester'd joint cut off, the rest rest sound; +This let alone will all the rest confound. + +DUCHESS OF YORK: +O king, believe not this hard-hearted man! +Love loving not itself none other can. + +DUKE OF YORK: +Thou frantic woman, what dost thou make here? +Shall thy old dugs once more a traitor rear? + +DUCHESS OF YORK: +Sweet York, be patient. Hear me, gentle liege. + +HENRY BOLINGBROKE: +Rise up, good aunt. + +DUCHESS OF YORK: +Not yet, I thee beseech: +For ever will I walk upon my knees, +And never see day that the happy sees, +Till thou give joy; until thou bid me joy, +By pardoning Rutland, my transgressing boy. + +DUKE OF AUMERLE: +Unto my mother's prayers I bend my knee. + +DUKE OF YORK: +Against them both my true joints bended be. +Ill mayst thou thrive, if thou grant any grace! + +DUCHESS OF YORK: +Pleads he in earnest? look upon his face; +His eyes do drop no tears, his prayers are in jest; +His words come from his mouth, ours from our breast: +He prays but faintly and would be denied; +We pray with heart and soul and all beside: +His weary joints would gladly rise, I know; +Our knees shall kneel till to the ground they grow: +His prayers are full of false hypocrisy; +Ours of true zeal and deep integrity. +Our prayers do out-pray his; then let them have +That mercy which true prayer ought to have. + +HENRY BOLINGBROKE: +Good aunt, stand up. + +DUCHESS OF YORK: +Nay, do not say, 'stand up;' +Say, 'pardon' first, and afterwards 'stand up.' +And if I were thy nurse, thy tongue to teach, +'Pardon' should be the first word of thy speech. +I never long'd to hear a word till now; +Say 'pardon,' king; let pity teach thee how: +The word is short, but not so short as sweet; +No word like 'pardon' for kings' mouths so meet. + +DUKE OF YORK: +Speak it in French, king; say, 'pardonne moi.' + +DUCHESS OF YORK: +Dost thou teach pardon pardon to destroy? +Ah, my sour husband, my hard-hearted lord, +That set'st the word itself against the word! +Speak 'pardon' as 'tis current in our land; +The chopping French we do not understand. +Thine eye begins to speak; set thy tongue there; +Or in thy piteous heart plant thou thine ear; +That hearing how our plaints and prayers do pierce, +Pity may move thee 'pardon' to rehearse. + +HENRY BOLINGBROKE: +Good aunt, stand up. + +DUCHESS OF YORK: +I do not sue to stand; +Pardon is all the suit I have in hand. + +HENRY BOLINGBROKE: +I pardon him, as God shall pardon me. + +DUCHESS OF YORK: +O happy vantage of a kneeling knee! +Yet am I sick for fear: speak it again; +Twice saying 'pardon' doth not pardon twain, +But makes one pardon strong. + +HENRY BOLINGBROKE: +With all my heart +I pardon him. + +DUCHESS OF YORK: +A god on earth thou art. + +HENRY BOLINGBROKE: +But for our trusty brother-in-law and the abbot, +With all the rest of that consorted crew, +Destruction straight shall dog them at the heels. +Good uncle, help to order several powers +To Oxford, or where'er these traitors are: +They shall not live within this world, I swear, +But I will have them, if I once know where. +Uncle, farewell: and, cousin too, adieu: +Your mother well hath pray'd, and prove you true. + +DUCHESS OF YORK: +Come, my old son: I pray God make thee new. + +EXTON: +Didst thou not mark the king, what words he spake, +'Have I no friend will rid me of this living fear?' +Was it not so? + +Servant: +These were his very words. + +EXTON: +'Have I no friend?' quoth he: he spake it twice, +And urged it twice together, did he not? + +Servant: +He did. + +EXTON: +And speaking it, he wistly look'd on me, +And who should say, 'I would thou wert the man' +That would divorce this terror from my heart;' +Meaning the king at Pomfret. Come, let's go: +I am the king's friend, and will rid his foe. + +KING RICHARD II: +I have been studying how I may compare +This prison where I live unto the world: +And for because the world is populous +And here is not a creature but myself, +I cannot do it; yet I'll hammer it out. +My brain I'll prove the female to my soul, +My soul the father; and these two beget +A generation of still-breeding thoughts, +And these same thoughts people this little world, +In humours like the people of this world, +For no thought is contented. The better sort, +As thoughts of things divine, are intermix'd +With scruples and do set the word itself +Against the word: +As thus, 'Come, little ones,' and then again, +'It is as hard to come as for a camel +To thread the postern of a small needle's eye.' +Thoughts tending to ambition, they do plot +Unlikely wonders; how these vain weak nails +May tear a passage through the flinty ribs +Of this hard world, my ragged prison walls, +And, for they cannot, die in their own pride. +Thoughts tending to content flatter themselves +That they are not the first of fortune's slaves, +Nor shall not be the last; like silly beggars +Who sitting in the stocks refuge their shame, +That many have and others must sit there; +And in this thought they find a kind of ease, +Bearing their own misfortunes on the back +Of such as have before endured the like. +Thus play I in one person many people, +And none contented: sometimes am I king; +Then treasons make me wish myself a beggar, +And so I am: then crushing penury +Persuades me I was better when a king; +Then am I king'd again: and by and by +Think that I am unking'd by Bolingbroke, +And straight am nothing: but whate'er I be, +Nor I nor any man that but man is +With nothing shall be pleased, till he be eased +With being nothing. Music do I hear? +Ha, ha! keep time: how sour sweet music is, +When time is broke and no proportion kept! +So is it in the music of men's lives. +And here have I the daintiness of ear +To cheque time broke in a disorder'd string; +But for the concord of my state and time +Had not an ear to hear my true time broke. +I wasted time, and now doth time waste me; +For now hath time made me his numbering clock: +My thoughts are minutes; and with sighs they jar +Their watches on unto mine eyes, the outward watch, +Whereto my finger, like a dial's point, +Is pointing still, in cleansing them from tears. +Now sir, the sound that tells what hour it is +Are clamorous groans, which strike upon my heart, +Which is the bell: so sighs and tears and groans +Show minutes, times, and hours: but my time +Runs posting on in Bolingbroke's proud joy, +While I stand fooling here, his Jack o' the clock. +This music mads me; let it sound no more; +For though it have holp madmen to their wits, +In me it seems it will make wise men mad. +Yet blessing on his heart that gives it me! +For 'tis a sign of love; and love to Richard +Is a strange brooch in this all-hating world. + +Groom: +Hail, royal prince! + +KING RICHARD II: +Thanks, noble peer; +The cheapest of us is ten groats too dear. +What art thou? and how comest thou hither, +Where no man never comes but that sad dog +That brings me food to make misfortune live? + +Groom: +I was a poor groom of thy stable, king, +When thou wert king; who, travelling towards York, +With much ado at length have gotten leave +To look upon my sometimes royal master's face. +O, how it yearn'd my heart when I beheld +In London streets, that coronation-day, +When Bolingbroke rode on roan Barbary, +That horse that thou so often hast bestrid, +That horse that I so carefully have dress'd! + +KING RICHARD II: +Rode he on Barbary? Tell me, gentle friend, +How went he under him? + +Groom: +So proudly as if he disdain'd the ground. + +KING RICHARD II: +So proud that Bolingbroke was on his back! +That jade hath eat bread from my royal hand; +This hand hath made him proud with clapping him. +Would he not stumble? would he not fall down, +Since pride must have a fall, and break the neck +Of that proud man that did usurp his back? +Forgiveness, horse! why do I rail on thee, +Since thou, created to be awed by man, +Wast born to bear? I was not made a horse; +And yet I bear a burthen like an ass, +Spurr'd, gall'd and tired by jouncing Bolingbroke. + +Keeper: +Fellow, give place; here is no longer stay. + +KING RICHARD II: +If thou love me, 'tis time thou wert away. + +Groom: +What my tongue dares not, that my heart shall say. + +Keeper: +My lord, will't please you to fall to? + +KING RICHARD II: +Taste of it first, as thou art wont to do. + +Keeper: +My lord, I dare not: Sir Pierce of Exton, who +lately came from the king, commands the contrary. + +KING RICHARD II: +The devil take Henry of Lancaster and thee! +Patience is stale, and I am weary of it. + +Keeper: +Help, help, help! + +KING RICHARD II: +How now! what means death in this rude assault? +Villain, thy own hand yields thy death's instrument. +Go thou, and fill another room in hell. +That hand shall burn in never-quenching fire +That staggers thus my person. Exton, thy fierce hand +Hath with the king's blood stain'd the king's own land. +Mount, mount, my soul! thy seat is up on high; +Whilst my gross flesh sinks downward, here to die. + +EXTON: +As full of valour as of royal blood: +Both have I spill'd; O would the deed were good! +For now the devil, that told me I did well, +Says that this deed is chronicled in hell. +This dead king to the living king I'll bear +Take hence the rest, and give them burial here. + +HENRY BOLINGBROKE: +Kind uncle York, the latest news we hear +Is that the rebels have consumed with fire +Our town of Cicester in Gloucestershire; +But whether they be ta'en or slain we hear not. +Welcome, my lord what is the news? + +NORTHUMBERLAND: +First, to thy sacred state wish I all happiness. +The next news is, I have to London sent +The heads of Oxford, Salisbury, Blunt, and Kent: +The manner of their taking may appear +At large discoursed in this paper here. + +HENRY BOLINGBROKE: +We thank thee, gentle Percy, for thy pains; +And to thy worth will add right worthy gains. + +LORD FITZWATER: +My lord, I have from Oxford sent to London +The heads of Brocas and Sir Bennet Seely, +Two of the dangerous consorted traitors +That sought at Oxford thy dire overthrow. + +HENRY BOLINGBROKE: +Thy pains, Fitzwater, shall not be forgot; +Right noble is thy merit, well I wot. + +HENRY PERCY: +The grand conspirator, Abbot of Westminster, +With clog of conscience and sour melancholy +Hath yielded up his body to the grave; +But here is Carlisle living, to abide +Thy kingly doom and sentence of his pride. + +HENRY BOLINGBROKE: +Carlisle, this is your doom: +Choose out some secret place, some reverend room, +More than thou hast, and with it joy thy life; +So as thou livest in peace, die free from strife: +For though mine enemy thou hast ever been, +High sparks of honour in thee have I seen. + +EXTON: +Great king, within this coffin I present +Thy buried fear: herein all breathless lies +The mightiest of thy greatest enemies, +Richard of Bordeaux, by me hither brought. + +HENRY BOLINGBROKE: +Exton, I thank thee not; for thou hast wrought +A deed of slander with thy fatal hand +Upon my head and all this famous land. + +EXTON: +From your own mouth, my lord, did I this deed. + +HENRY BOLINGBROKE: +They love not poison that do poison need, +Nor do I thee: though I did wish him dead, +I hate the murderer, love him murdered. +The guilt of conscience take thou for thy labour, +But neither my good word nor princely favour: +With Cain go wander through shades of night, +And never show thy head by day nor light. +Lords, I protest, my soul is full of woe, +That blood should sprinkle me to make me grow: +Come, mourn with me for that I do lament, +And put on sullen black incontinent: +I'll make a voyage to the Holy Land, +To wash this blood off from my guilty hand: +March sadly after; grace my mournings here; +In weeping after this untimely bier. + + +SAMPSON: +Gregory, o' my word, we'll not carry coals. + +GREGORY: +No, for then we should be colliers. + +SAMPSON: +I mean, an we be in choler, we'll draw. + +GREGORY: +Ay, while you live, draw your neck out o' the collar. + +SAMPSON: +I strike quickly, being moved. + +GREGORY: +But thou art not quickly moved to strike. + +SAMPSON: +A dog of the house of Montague moves me. + +GREGORY: +To move is to stir; and to be valiant is to stand: +therefore, if thou art moved, thou runn'st away. + +SAMPSON: +A dog of that house shall move me to stand: I will +take the wall of any man or maid of Montague's. + +GREGORY: +That shows thee a weak slave; for the weakest goes +to the wall. + +SAMPSON: +True; and therefore women, being the weaker vessels, +are ever thrust to the wall: therefore I will push +Montague's men from the wall, and thrust his maids +to the wall. + +GREGORY: +The quarrel is between our masters and us their men. + +SAMPSON: +'Tis all one, I will show myself a tyrant: when I +have fought with the men, I will be cruel with the +maids, and cut off their heads. + +GREGORY: +The heads of the maids? + +SAMPSON: +Ay, the heads of the maids, or their maidenheads; +take it in what sense thou wilt. + +GREGORY: +They must take it in sense that feel it. + +SAMPSON: +Me they shall feel while I am able to stand: and +'tis known I am a pretty piece of flesh. + +GREGORY: +'Tis well thou art not fish; if thou hadst, thou +hadst been poor John. Draw thy tool! here comes +two of the house of the Montagues. + +SAMPSON: +My naked weapon is out: quarrel, I will back thee. + +GREGORY: +How! turn thy back and run? + +SAMPSON: +Fear me not. + +GREGORY: +No, marry; I fear thee! + +SAMPSON: +Let us take the law of our sides; let them begin. + +GREGORY: +I will frown as I pass by, and let them take it as +they list. + +SAMPSON: +Nay, as they dare. I will bite my thumb at them; +which is a disgrace to them, if they bear it. + +ABRAHAM: +Do you bite your thumb at us, sir? + +SAMPSON: +I do bite my thumb, sir. + +ABRAHAM: +Do you bite your thumb at us, sir? + +SAMPSON: + +GREGORY: +No. + +SAMPSON: +No, sir, I do not bite my thumb at you, sir, but I +bite my thumb, sir. + +GREGORY: +Do you quarrel, sir? + +ABRAHAM: +Quarrel sir! no, sir. + +SAMPSON: +If you do, sir, I am for you: I serve as good a man as you. + +ABRAHAM: +No better. + +SAMPSON: +Well, sir. + +GREGORY: +Say 'better:' here comes one of my master's kinsmen. + +SAMPSON: +Yes, better, sir. + +ABRAHAM: +You lie. + +SAMPSON: +Draw, if you be men. Gregory, remember thy swashing blow. + +BENVOLIO: +Part, fools! +Put up your swords; you know not what you do. + +TYBALT: +What, art thou drawn among these heartless hinds? +Turn thee, Benvolio, look upon thy death. + +BENVOLIO: +I do but keep the peace: put up thy sword, +Or manage it to part these men with me. + +TYBALT: +What, drawn, and talk of peace! I hate the word, +As I hate hell, all Montagues, and thee: +Have at thee, coward! + +First Citizen: +Clubs, bills, and partisans! strike! beat them down! +Down with the Capulets! down with the Montagues! + +CAPULET: +What noise is this? Give me my long sword, ho! + +LADY CAPULET: +A crutch, a crutch! why call you for a sword? + +CAPULET: +My sword, I say! Old Montague is come, +And flourishes his blade in spite of me. + +MONTAGUE: +Thou villain Capulet,--Hold me not, let me go. + +LADY MONTAGUE: +Thou shalt not stir a foot to seek a foe. + +PRINCE: +Rebellious subjects, enemies to peace, +Profaners of this neighbour-stained steel,-- +Will they not hear? What, ho! you men, you beasts, +That quench the fire of your pernicious rage +With purple fountains issuing from your veins, +On pain of torture, from those bloody hands +Throw your mistemper'd weapons to the ground, +And hear the sentence of your moved prince. +Three civil brawls, bred of an airy word, +By thee, old Capulet, and Montague, +Have thrice disturb'd the quiet of our streets, +And made Verona's ancient citizens +Cast by their grave beseeming ornaments, +To wield old partisans, in hands as old, +Canker'd with peace, to part your canker'd hate: +If ever you disturb our streets again, +Your lives shall pay the forfeit of the peace. +For this time, all the rest depart away: +You Capulet; shall go along with me: +And, Montague, come you this afternoon, +To know our further pleasure in this case, +To old Free-town, our common judgment-place. +Once more, on pain of death, all men depart. + +MONTAGUE: +Who set this ancient quarrel new abroach? +Speak, nephew, were you by when it began? + +BENVOLIO: +Here were the servants of your adversary, +And yours, close fighting ere I did approach: +I drew to part them: in the instant came +The fiery Tybalt, with his sword prepared, +Which, as he breathed defiance to my ears, +He swung about his head and cut the winds, +Who nothing hurt withal hiss'd him in scorn: +While we were interchanging thrusts and blows, +Came more and more and fought on part and part, +Till the prince came, who parted either part. + +LADY MONTAGUE: +O, where is Romeo? saw you him to-day? +Right glad I am he was not at this fray. + +BENVOLIO: +Madam, an hour before the worshipp'd sun +Peer'd forth the golden window of the east, +A troubled mind drave me to walk abroad; +Where, underneath the grove of sycamore +That westward rooteth from the city's side, +So early walking did I see your son: +Towards him I made, but he was ware of me +And stole into the covert of the wood: +I, measuring his affections by my own, +That most are busied when they're most alone, +Pursued my humour not pursuing his, +And gladly shunn'd who gladly fled from me. + +MONTAGUE: +Many a morning hath he there been seen, +With tears augmenting the fresh morning dew. +Adding to clouds more clouds with his deep sighs; +But all so soon as the all-cheering sun +Should in the furthest east begin to draw +The shady curtains from Aurora's bed, +Away from the light steals home my heavy son, +And private in his chamber pens himself, +Shuts up his windows, locks far daylight out +And makes himself an artificial night: +Black and portentous must this humour prove, +Unless good counsel may the cause remove. + +BENVOLIO: +My noble uncle, do you know the cause? + +MONTAGUE: +I neither know it nor can learn of him. + +BENVOLIO: +Have you importuned him by any means? + +MONTAGUE: +Both by myself and many other friends: +But he, his own affections' counsellor, +Is to himself--I will not say how true-- +But to himself so secret and so close, +So far from sounding and discovery, +As is the bud bit with an envious worm, +Ere he can spread his sweet leaves to the air, +Or dedicate his beauty to the sun. +Could we but learn from whence his sorrows grow. +We would as willingly give cure as know. + +BENVOLIO: +See, where he comes: so please you, step aside; +I'll know his grievance, or be much denied. + +MONTAGUE: +I would thou wert so happy by thy stay, +To hear true shrift. Come, madam, let's away. + +BENVOLIO: +Good-morrow, cousin. + +ROMEO: +Is the day so young? + +BENVOLIO: +But new struck nine. + +ROMEO: +Ay me! sad hours seem long. +Was that my father that went hence so fast? + +BENVOLIO: +It was. What sadness lengthens Romeo's hours? + +ROMEO: +Not having that, which, having, makes them short. + +BENVOLIO: +In love? + +ROMEO: +Out-- + +BENVOLIO: +Of love? + +ROMEO: +Out of her favour, where I am in love. + +BENVOLIO: +Alas, that love, so gentle in his view, +Should be so tyrannous and rough in proof! + +ROMEO: +Alas, that love, whose view is muffled still, +Should, without eyes, see pathways to his will! +Where shall we dine? O me! What fray was here? +Yet tell me not, for I have heard it all. +Here's much to do with hate, but more with love. +Why, then, O brawling love! O loving hate! +O any thing, of nothing first create! +O heavy lightness! serious vanity! +Mis-shapen chaos of well-seeming forms! +Feather of lead, bright smoke, cold fire, +sick health! +Still-waking sleep, that is not what it is! +This love feel I, that feel no love in this. +Dost thou not laugh? + +BENVOLIO: +No, coz, I rather weep. + +ROMEO: +Good heart, at what? + +BENVOLIO: +At thy good heart's oppression. + +ROMEO: +Why, such is love's transgression. +Griefs of mine own lie heavy in my breast, +Which thou wilt propagate, to have it prest +With more of thine: this love that thou hast shown +Doth add more grief to too much of mine own. +Love is a smoke raised with the fume of sighs; +Being purged, a fire sparkling in lovers' eyes; +Being vex'd a sea nourish'd with lovers' tears: +What is it else? a madness most discreet, +A choking gall and a preserving sweet. +Farewell, my coz. + +BENVOLIO: +Soft! I will go along; +An if you leave me so, you do me wrong. + +ROMEO: +Tut, I have lost myself; I am not here; +This is not Romeo, he's some other where. + +BENVOLIO: +Tell me in sadness, who is that you love. + +ROMEO: +What, shall I groan and tell thee? + +BENVOLIO: +Groan! why, no. +But sadly tell me who. + +ROMEO: +Bid a sick man in sadness make his will: +Ah, word ill urged to one that is so ill! +In sadness, cousin, I do love a woman. + +BENVOLIO: +I aim'd so near, when I supposed you loved. + +ROMEO: +A right good mark-man! And she's fair I love. + +BENVOLIO: +A right fair mark, fair coz, is soonest hit. + +ROMEO: +Well, in that hit you miss: she'll not be hit +With Cupid's arrow; she hath Dian's wit; +And, in strong proof of chastity well arm'd, +From love's weak childish bow she lives unharm'd. +She will not stay the siege of loving terms, +Nor bide the encounter of assailing eyes, +Nor ope her lap to saint-seducing gold: +O, she is rich in beauty, only poor, +That when she dies with beauty dies her store. + +BENVOLIO: +Then she hath sworn that she will still live chaste? + +ROMEO: +She hath, and in that sparing makes huge waste, +For beauty starved with her severity +Cuts beauty off from all posterity. +She is too fair, too wise, wisely too fair, +To merit bliss by making me despair: +She hath forsworn to love, and in that vow +Do I live dead that live to tell it now. + +BENVOLIO: +Be ruled by me, forget to think of her. + +ROMEO: +O, teach me how I should forget to think. + +BENVOLIO: +By giving liberty unto thine eyes; +Examine other beauties. + +ROMEO: +'Tis the way +To call hers exquisite, in question more: +These happy masks that kiss fair ladies' brows +Being black put us in mind they hide the fair; +He that is strucken blind cannot forget +The precious treasure of his eyesight lost: +Show me a mistress that is passing fair, +What doth her beauty serve, but as a note +Where I may read who pass'd that passing fair? +Farewell: thou canst not teach me to forget. + +BENVOLIO: +I'll pay that doctrine, or else die in debt. + +CAPULET: +But Montague is bound as well as I, +In penalty alike; and 'tis not hard, I think, +For men so old as we to keep the peace. + +PARIS: +Of honourable reckoning are you both; +And pity 'tis you lived at odds so long. +But now, my lord, what say you to my suit? + +CAPULET: +But saying o'er what I have said before: +My child is yet a stranger in the world; +She hath not seen the change of fourteen years, +Let two more summers wither in their pride, +Ere we may think her ripe to be a bride. + +PARIS: +Younger than she are happy mothers made. + +CAPULET: +And too soon marr'd are those so early made. +The earth hath swallow'd all my hopes but she, +She is the hopeful lady of my earth: +But woo her, gentle Paris, get her heart, +My will to her consent is but a part; +An she agree, within her scope of choice +Lies my consent and fair according voice. +This night I hold an old accustom'd feast, +Whereto I have invited many a guest, +Such as I love; and you, among the store, +One more, most welcome, makes my number more. +At my poor house look to behold this night +Earth-treading stars that make dark heaven light: +Such comfort as do lusty young men feel +When well-apparell'd April on the heel +Of limping winter treads, even such delight +Among fresh female buds shall you this night +Inherit at my house; hear all, all see, +And like her most whose merit most shall be: +Which on more view, of many mine being one +May stand in number, though in reckoning none, +Come, go with me. +Go, sirrah, trudge about +Through fair Verona; find those persons out +Whose names are written there, and to them say, +My house and welcome on their pleasure stay. + +Servant: +Find them out whose names are written here! It is +written, that the shoemaker should meddle with his +yard, and the tailor with his last, the fisher with +his pencil, and the painter with his nets; but I am +sent to find those persons whose names are here +writ, and can never find what names the writing +person hath here writ. I must to the learned.--In good time. + +BENVOLIO: +Tut, man, one fire burns out another's burning, +One pain is lessen'd by another's anguish; +Turn giddy, and be holp by backward turning; +One desperate grief cures with another's languish: +Take thou some new infection to thy eye, +And the rank poison of the old will die. + +ROMEO: +Your plaintain-leaf is excellent for that. + +BENVOLIO: +For what, I pray thee? + +ROMEO: +For your broken shin. + +BENVOLIO: +Why, Romeo, art thou mad? + +ROMEO: +Not mad, but bound more than a mad-man is; +Shut up in prison, kept without my food, +Whipp'd and tormented and--God-den, good fellow. + +Servant: +God gi' god-den. I pray, sir, can you read? + +ROMEO: +Ay, mine own fortune in my misery. + +Servant: +Perhaps you have learned it without book: but, I +pray, can you read any thing you see? + +ROMEO: +Ay, if I know the letters and the language. + +Servant: +Ye say honestly: rest you merry! + +ROMEO: +Stay, fellow; I can read. +'Signior Martino and his wife and daughters; +County Anselme and his beauteous sisters; the lady +widow of Vitravio; Signior Placentio and his lovely +nieces; Mercutio and his brother Valentine; mine +uncle Capulet, his wife and daughters; my fair niece +Rosaline; Livia; Signior Valentio and his cousin +Tybalt, Lucio and the lively Helena.' A fair +assembly: whither should they come? + +Servant: +Up. + +ROMEO: +Whither? + +Servant: +To supper; to our house. + +ROMEO: +Whose house? + +Servant: +My master's. + +ROMEO: +Indeed, I should have ask'd you that before. + +Servant: +Now I'll tell you without asking: my master is the +great rich Capulet; and if you be not of the house +of Montagues, I pray, come and crush a cup of wine. +Rest you merry! + +BENVOLIO: +At this same ancient feast of Capulet's +Sups the fair Rosaline whom thou so lovest, +With all the admired beauties of Verona: +Go thither; and, with unattainted eye, +Compare her face with some that I shall show, +And I will make thee think thy swan a crow. + +ROMEO: +When the devout religion of mine eye +Maintains such falsehood, then turn tears to fires; +And these, who often drown'd could never die, +Transparent heretics, be burnt for liars! +One fairer than my love! the all-seeing sun +Ne'er saw her match since first the world begun. + +BENVOLIO: +Tut, you saw her fair, none else being by, +Herself poised with herself in either eye: +But in that crystal scales let there be weigh'd +Your lady's love against some other maid +That I will show you shining at this feast, +And she shall scant show well that now shows best. + +ROMEO: +I'll go along, no such sight to be shown, +But to rejoice in splendor of mine own. + +LADY CAPULET: +Nurse, where's my daughter? call her forth to me. + +Nurse: +Now, by my maidenhead, at twelve year old, +I bade her come. What, lamb! what, ladybird! +God forbid! Where's this girl? What, Juliet! + +JULIET: +How now! who calls? + +Nurse: +Your mother. + +JULIET: +Madam, I am here. +What is your will? + +LADY CAPULET: +This is the matter:--Nurse, give leave awhile, +We must talk in secret:--nurse, come back again; +I have remember'd me, thou's hear our counsel. +Thou know'st my daughter's of a pretty age. + +Nurse: +Faith, I can tell her age unto an hour. + +LADY CAPULET: +She's not fourteen. + +Nurse: +I'll lay fourteen of my teeth,-- +And yet, to my teeth be it spoken, I have but four-- +She is not fourteen. How long is it now +To Lammas-tide? + +LADY CAPULET: +A fortnight and odd days. + +Nurse: +Even or odd, of all days in the year, +Come Lammas-eve at night shall she be fourteen. +Susan and she--God rest all Christian souls!-- +Were of an age: well, Susan is with God; +She was too good for me: but, as I said, +On Lammas-eve at night shall she be fourteen; +That shall she, marry; I remember it well. +'Tis since the earthquake now eleven years; +And she was wean'd,--I never shall forget it,-- +Of all the days of the year, upon that day: +For I had then laid wormwood to my dug, +Sitting in the sun under the dove-house wall; +My lord and you were then at Mantua:-- +Nay, I do bear a brain:--but, as I said, +When it did taste the wormwood on the nipple +Of my dug and felt it bitter, pretty fool, +To see it tetchy and fall out with the dug! +Shake quoth the dove-house: 'twas no need, I trow, +To bid me trudge: +And since that time it is eleven years; +For then she could stand alone; nay, by the rood, +She could have run and waddled all about; +For even the day before, she broke her brow: +And then my husband--God be with his soul! +A' was a merry man--took up the child: +'Yea,' quoth he, 'dost thou fall upon thy face? +Thou wilt fall backward when thou hast more wit; +Wilt thou not, Jule?' and, by my holidame, +The pretty wretch left crying and said 'Ay.' +To see, now, how a jest shall come about! +I warrant, an I should live a thousand years, +I never should forget it: 'Wilt thou not, Jule?' quoth he; +And, pretty fool, it stinted and said 'Ay.' + +LADY CAPULET: +Enough of this; I pray thee, hold thy peace. + +Nurse: +Yes, madam: yet I cannot choose but laugh, +To think it should leave crying and say 'Ay.' +And yet, I warrant, it had upon its brow +A bump as big as a young cockerel's stone; +A parlous knock; and it cried bitterly: +'Yea,' quoth my husband,'fall'st upon thy face? +Thou wilt fall backward when thou comest to age; +Wilt thou not, Jule?' it stinted and said 'Ay.' + +JULIET: +And stint thou too, I pray thee, nurse, say I. + +Nurse: +Peace, I have done. God mark thee to his grace! +Thou wast the prettiest babe that e'er I nursed: +An I might live to see thee married once, +I have my wish. + +LADY CAPULET: +Marry, that 'marry' is the very theme +I came to talk of. Tell me, daughter Juliet, +How stands your disposition to be married? + +JULIET: +It is an honour that I dream not of. + +Nurse: +An honour! were not I thine only nurse, +I would say thou hadst suck'd wisdom from thy teat. + +LADY CAPULET: +Well, think of marriage now; younger than you, +Here in Verona, ladies of esteem, +Are made already mothers: by my count, +I was your mother much upon these years +That you are now a maid. Thus then in brief: +The valiant Paris seeks you for his love. + +Nurse: +A man, young lady! lady, such a man +As all the world--why, he's a man of wax. + +LADY CAPULET: +Verona's summer hath not such a flower. + +Nurse: +Nay, he's a flower; in faith, a very flower. + +LADY CAPULET: +What say you? can you love the gentleman? +This night you shall behold him at our feast; +Read o'er the volume of young Paris' face, +And find delight writ there with beauty's pen; +Examine every married lineament, +And see how one another lends content +And what obscured in this fair volume lies +Find written in the margent of his eyes. +This precious book of love, this unbound lover, +To beautify him, only lacks a cover: +The fish lives in the sea, and 'tis much pride +For fair without the fair within to hide: +That book in many's eyes doth share the glory, +That in gold clasps locks in the golden story; +So shall you share all that he doth possess, +By having him, making yourself no less. + +Nurse: +No less! nay, bigger; women grow by men. + +LADY CAPULET: +Speak briefly, can you like of Paris' love? + +JULIET: +I'll look to like, if looking liking move: +But no more deep will I endart mine eye +Than your consent gives strength to make it fly. + +Servant: +Madam, the guests are come, supper served up, you +called, my young lady asked for, the nurse cursed in +the pantry, and every thing in extremity. I must +hence to wait; I beseech you, follow straight. + +LADY CAPULET: +We follow thee. +Juliet, the county stays. + +Nurse: +Go, girl, seek happy nights to happy days. + +ROMEO: +What, shall this speech be spoke for our excuse? +Or shall we on without a apology? + +BENVOLIO: +The date is out of such prolixity: +We'll have no Cupid hoodwink'd with a scarf, +Bearing a Tartar's painted bow of lath, +Scaring the ladies like a crow-keeper; +Nor no without-book prologue, faintly spoke +After the prompter, for our entrance: +But let them measure us by what they will; +We'll measure them a measure, and be gone. + +ROMEO: +Give me a torch: I am not for this ambling; +Being but heavy, I will bear the light. + +MERCUTIO: +Nay, gentle Romeo, we must have you dance. + +ROMEO: +Not I, believe me: you have dancing shoes +With nimble soles: I have a soul of lead +So stakes me to the ground I cannot move. + +MERCUTIO: +You are a lover; borrow Cupid's wings, +And soar with them above a common bound. + +ROMEO: +I am too sore enpierced with his shaft +To soar with his light feathers, and so bound, +I cannot bound a pitch above dull woe: +Under love's heavy burden do I sink. + +MERCUTIO: +And, to sink in it, should you burden love; +Too great oppression for a tender thing. + +ROMEO: +Is love a tender thing? it is too rough, +Too rude, too boisterous, and it pricks like thorn. + +MERCUTIO: +If love be rough with you, be rough with love; +Prick love for pricking, and you beat love down. +Give me a case to put my visage in: +A visor for a visor! what care I +What curious eye doth quote deformities? +Here are the beetle brows shall blush for me. + +BENVOLIO: +Come, knock and enter; and no sooner in, +But every man betake him to his legs. + +ROMEO: +A torch for me: let wantons light of heart +Tickle the senseless rushes with their heels, +For I am proverb'd with a grandsire phrase; +I'll be a candle-holder, and look on. +The game was ne'er so fair, and I am done. + +MERCUTIO: +Tut, dun's the mouse, the constable's own word: +If thou art dun, we'll draw thee from the mire +Of this sir-reverence love, wherein thou stick'st +Up to the ears. Come, we burn daylight, ho! + +ROMEO: +Nay, that's not so. + +MERCUTIO: +I mean, sir, in delay +We waste our lights in vain, like lamps by day. +Take our good meaning, for our judgment sits +Five times in that ere once in our five wits. + +ROMEO: +And we mean well in going to this mask; +But 'tis no wit to go. + +MERCUTIO: +Why, may one ask? + +ROMEO: +I dream'd a dream to-night. + +MERCUTIO: +And so did I. + +ROMEO: +Well, what was yours? + +MERCUTIO: +That dreamers often lie. + +ROMEO: +In bed asleep, while they do dream things true. + +MERCUTIO: +O, then, I see Queen Mab hath been with you. +She is the fairies' midwife, and she comes +In shape no bigger than an agate-stone +On the fore-finger of an alderman, +Drawn with a team of little atomies +Athwart men's noses as they lie asleep; +Her wagon-spokes made of long spiders' legs, +The cover of the wings of grasshoppers, +The traces of the smallest spider's web, +The collars of the moonshine's watery beams, +Her whip of cricket's bone, the lash of film, +Her wagoner a small grey-coated gnat, +Not so big as a round little worm +Prick'd from the lazy finger of a maid; +Her chariot is an empty hazel-nut +Made by the joiner squirrel or old grub, +Time out o' mind the fairies' coachmakers. +And in this state she gallops night by night +Through lovers' brains, and then they dream of love; +O'er courtiers' knees, that dream on court'sies straight, +O'er lawyers' fingers, who straight dream on fees, +O'er ladies ' lips, who straight on kisses dream, +Which oft the angry Mab with blisters plagues, +Because their breaths with sweetmeats tainted are: +Sometime she gallops o'er a courtier's nose, +And then dreams he of smelling out a suit; +And sometime comes she with a tithe-pig's tail +Tickling a parson's nose as a' lies asleep, +Then dreams, he of another benefice: +Sometime she driveth o'er a soldier's neck, +And then dreams he of cutting foreign throats, +Of breaches, ambuscadoes, Spanish blades, +Of healths five-fathom deep; and then anon +Drums in his ear, at which he starts and wakes, +And being thus frighted swears a prayer or two +And sleeps again. This is that very Mab +That plats the manes of horses in the night, +And bakes the elflocks in foul sluttish hairs, +Which once untangled, much misfortune bodes: +This is the hag, when maids lie on their backs, +That presses them and learns them first to bear, +Making them women of good carriage: +This is she-- + +ROMEO: +Peace, peace, Mercutio, peace! +Thou talk'st of nothing. + +MERCUTIO: +True, I talk of dreams, +Which are the children of an idle brain, +Begot of nothing but vain fantasy, +Which is as thin of substance as the air +And more inconstant than the wind, who wooes +Even now the frozen bosom of the north, +And, being anger'd, puffs away from thence, +Turning his face to the dew-dropping south. + +BENVOLIO: +This wind, you talk of, blows us from ourselves; +Supper is done, and we shall come too late. + +ROMEO: +I fear, too early: for my mind misgives +Some consequence yet hanging in the stars +Shall bitterly begin his fearful date +With this night's revels and expire the term +Of a despised life closed in my breast +By some vile forfeit of untimely death. +But He, that hath the steerage of my course, +Direct my sail! On, lusty gentlemen. + +BENVOLIO: +Strike, drum. + +First Servant: +Where's Potpan, that he helps not to take away? He +shift a trencher? he scrape a trencher! + +Second Servant: +When good manners shall lie all in one or two men's +hands and they unwashed too, 'tis a foul thing. + +First Servant: +Away with the joint-stools, remove the +court-cupboard, look to the plate. Good thou, save +me a piece of marchpane; and, as thou lovest me, let +the porter let in Susan Grindstone and Nell. +Antony, and Potpan! + +Second Servant: +Ay, boy, ready. + +First Servant: +You are looked for and called for, asked for and +sought for, in the great chamber. + +Second Servant: +We cannot be here and there too. Cheerly, boys; be +brisk awhile, and the longer liver take all. + +CAPULET: +Welcome, gentlemen! ladies that have their toes +Unplagued with corns will have a bout with you. +Ah ha, my mistresses! which of you all +Will now deny to dance? she that makes dainty, +She, I'll swear, hath corns; am I come near ye now? +Welcome, gentlemen! I have seen the day +That I have worn a visor and could tell +A whispering tale in a fair lady's ear, +Such as would please: 'tis gone, 'tis gone, 'tis gone: +You are welcome, gentlemen! come, musicians, play. +A hall, a hall! give room! and foot it, girls. +More light, you knaves; and turn the tables up, +And quench the fire, the room is grown too hot. +Ah, sirrah, this unlook'd-for sport comes well. +Nay, sit, nay, sit, good cousin Capulet; +For you and I are past our dancing days: +How long is't now since last yourself and I +Were in a mask? + +Second Capulet: +By'r lady, thirty years. + +CAPULET: +What, man! 'tis not so much, 'tis not so much: +'Tis since the nuptials of Lucentio, +Come pentecost as quickly as it will, +Some five and twenty years; and then we mask'd. + +Second Capulet: +'Tis more, 'tis more, his son is elder, sir; +His son is thirty. + +CAPULET: +Will you tell me that? +His son was but a ward two years ago. + +ROMEO: + +Servant: +I know not, sir. + +ROMEO: +O, she doth teach the torches to burn bright! +It seems she hangs upon the cheek of night +Like a rich jewel in an Ethiope's ear; +Beauty too rich for use, for earth too dear! +So shows a snowy dove trooping with crows, +As yonder lady o'er her fellows shows. +The measure done, I'll watch her place of stand, +And, touching hers, make blessed my rude hand. +Did my heart love till now? forswear it, sight! +For I ne'er saw true beauty till this night. + +TYBALT: +This, by his voice, should be a Montague. +Fetch me my rapier, boy. What dares the slave +Come hither, cover'd with an antic face, +To fleer and scorn at our solemnity? +Now, by the stock and honour of my kin, +To strike him dead, I hold it not a sin. + +CAPULET: +Why, how now, kinsman! wherefore storm you so? + +TYBALT: +Uncle, this is a Montague, our foe, +A villain that is hither come in spite, +To scorn at our solemnity this night. + +CAPULET: +Young Romeo is it? + +TYBALT: +'Tis he, that villain Romeo. + +CAPULET: +Content thee, gentle coz, let him alone; +He bears him like a portly gentleman; +And, to say truth, Verona brags of him +To be a virtuous and well-govern'd youth: +I would not for the wealth of all the town +Here in my house do him disparagement: +Therefore be patient, take no note of him: +It is my will, the which if thou respect, +Show a fair presence and put off these frowns, +And ill-beseeming semblance for a feast. + +TYBALT: +It fits, when such a villain is a guest: +I'll not endure him. + +CAPULET: +He shall be endured: +What, goodman boy! I say, he shall: go to; +Am I the master here, or you? go to. +You'll not endure him! God shall mend my soul! +You'll make a mutiny among my guests! +You will set cock-a-hoop! you'll be the man! + +TYBALT: +Why, uncle, 'tis a shame. + +CAPULET: +Go to, go to; +You are a saucy boy: is't so, indeed? +This trick may chance to scathe you, I know what: +You must contrary me! marry, 'tis time. +Well said, my hearts! You are a princox; go: +Be quiet, or--More light, more light! For shame! +I'll make you quiet. What, cheerly, my hearts! + +TYBALT: +Patience perforce with wilful choler meeting +Makes my flesh tremble in their different greeting. +I will withdraw: but this intrusion shall +Now seeming sweet convert to bitter gall. + +ROMEO: + +JULIET: +Good pilgrim, you do wrong your hand too much, +Which mannerly devotion shows in this; +For saints have hands that pilgrims' hands do touch, +And palm to palm is holy palmers' kiss. + +ROMEO: +Have not saints lips, and holy palmers too? + +JULIET: +Ay, pilgrim, lips that they must use in prayer. + +ROMEO: +O, then, dear saint, let lips do what hands do; +They pray, grant thou, lest faith turn to despair. + +JULIET: +Saints do not move, though grant for prayers' sake. + +ROMEO: +Then move not, while my prayer's effect I take. +Thus from my lips, by yours, my sin is purged. + +JULIET: +Then have my lips the sin that they have took. + +ROMEO: +Sin from thy lips? O trespass sweetly urged! +Give me my sin again. + +JULIET: +You kiss by the book. + +Nurse: +Madam, your mother craves a word with you. + +ROMEO: +What is her mother? + +Nurse: +Marry, bachelor, +Her mother is the lady of the house, +And a good lady, and a wise and virtuous +I nursed her daughter, that you talk'd withal; +I tell you, he that can lay hold of her +Shall have the chinks. + +ROMEO: +Is she a Capulet? +O dear account! my life is my foe's debt. + +BENVOLIO: +Away, begone; the sport is at the best. + +ROMEO: +Ay, so I fear; the more is my unrest. + +CAPULET: +Nay, gentlemen, prepare not to be gone; +We have a trifling foolish banquet towards. +Is it e'en so? why, then, I thank you all +I thank you, honest gentlemen; good night. +More torches here! Come on then, let's to bed. +Ah, sirrah, by my fay, it waxes late: +I'll to my rest. + +JULIET: +Come hither, nurse. What is yond gentleman? + +Nurse: +The son and heir of old Tiberio. + +JULIET: +What's he that now is going out of door? + +Nurse: +Marry, that, I think, be young Petrucio. + +JULIET: +What's he that follows there, that would not dance? + +Nurse: +I know not. + +JULIET: +Go ask his name: if he be married. +My grave is like to be my wedding bed. + +Nurse: +His name is Romeo, and a Montague; +The only son of your great enemy. + +JULIET: +My only love sprung from my only hate! +Too early seen unknown, and known too late! +Prodigious birth of love it is to me, +That I must love a loathed enemy. + +Nurse: +What's this? what's this? + +JULIET: +A rhyme I learn'd even now +Of one I danced withal. + +Nurse: +Anon, anon! +Come, let's away; the strangers all are gone. + +Chorus: +Now old desire doth in his death-bed lie, +And young affection gapes to be his heir; +That fair for which love groan'd for and would die, +With tender Juliet match'd, is now not fair. +Now Romeo is beloved and loves again, +Alike betwitched by the charm of looks, +But to his foe supposed he must complain, +And she steal love's sweet bait from fearful hooks: +Being held a foe, he may not have access +To breathe such vows as lovers use to swear; +And she as much in love, her means much less +To meet her new-beloved any where: +But passion lends them power, time means, to meet +Tempering extremities with extreme sweet. + +ROMEO: +Can I go forward when my heart is here? +Turn back, dull earth, and find thy centre out. + +BENVOLIO: +Romeo! my cousin Romeo! + +MERCUTIO: +He is wise; +And, on my lie, hath stol'n him home to bed. + +BENVOLIO: +He ran this way, and leap'd this orchard wall: +Call, good Mercutio. + +MERCUTIO: +Nay, I'll conjure too. +Romeo! humours! madman! passion! lover! +Appear thou in the likeness of a sigh: +Speak but one rhyme, and I am satisfied; +Cry but 'Ay me!' pronounce but 'love' and 'dove;' +Speak to my gossip Venus one fair word, +One nick-name for her purblind son and heir, +Young Adam Cupid, he that shot so trim, +When King Cophetua loved the beggar-maid! +He heareth not, he stirreth not, he moveth not; +The ape is dead, and I must conjure him. +I conjure thee by Rosaline's bright eyes, +By her high forehead and her scarlet lip, +By her fine foot, straight leg and quivering thigh +And the demesnes that there adjacent lie, +That in thy likeness thou appear to us! + +BENVOLIO: +And if he hear thee, thou wilt anger him. + +MERCUTIO: +This cannot anger him: 'twould anger him +To raise a spirit in his mistress' circle +Of some strange nature, letting it there stand +Till she had laid it and conjured it down; +That were some spite: my invocation +Is fair and honest, and in his mistress' name +I conjure only but to raise up him. + +BENVOLIO: +Come, he hath hid himself among these trees, +To be consorted with the humorous night: +Blind is his love and best befits the dark. + +MERCUTIO: +If love be blind, love cannot hit the mark. +Now will he sit under a medlar tree, +And wish his mistress were that kind of fruit +As maids call medlars, when they laugh alone. +Romeo, that she were, O, that she were +An open et caetera, thou a poperin pear! +Romeo, good night: I'll to my truckle-bed; +This field-bed is too cold for me to sleep: +Come, shall we go? + +BENVOLIO: +Go, then; for 'tis in vain +To seek him here that means not to be found. + +ROMEO: +He jests at scars that never felt a wound. +But, soft! what light through yonder window breaks? +It is the east, and Juliet is the sun. +Arise, fair sun, and kill the envious moon, +Who is already sick and pale with grief, +That thou her maid art far more fair than she: +Be not her maid, since she is envious; +Her vestal livery is but sick and green +And none but fools do wear it; cast it off. +It is my lady, O, it is my love! +O, that she knew she were! +She speaks yet she says nothing: what of that? +Her eye discourses; I will answer it. +I am too bold, 'tis not to me she speaks: +Two of the fairest stars in all the heaven, +Having some business, do entreat her eyes +To twinkle in their spheres till they return. +What if her eyes were there, they in her head? +The brightness of her cheek would shame those stars, +As daylight doth a lamp; her eyes in heaven +Would through the airy region stream so bright +That birds would sing and think it were not night. +See, how she leans her cheek upon her hand! +O, that I were a glove upon that hand, +That I might touch that cheek! + +JULIET: +Ay me! + +ROMEO: +She speaks: +O, speak again, bright angel! for thou art +As glorious to this night, being o'er my head +As is a winged messenger of heaven +Unto the white-upturned wondering eyes +Of mortals that fall back to gaze on him +When he bestrides the lazy-pacing clouds +And sails upon the bosom of the air. + +JULIET: +O Romeo, Romeo! wherefore art thou Romeo? +Deny thy father and refuse thy name; +Or, if thou wilt not, be but sworn my love, +And I'll no longer be a Capulet. + +ROMEO: + +JULIET: +'Tis but thy name that is my enemy; +Thou art thyself, though not a Montague. +What's Montague? it is nor hand, nor foot, +Nor arm, nor face, nor any other part +Belonging to a man. O, be some other name! +What's in a name? that which we call a rose +By any other name would smell as sweet; +So Romeo would, were he not Romeo call'd, +Retain that dear perfection which he owes +Without that title. Romeo, doff thy name, +And for that name which is no part of thee +Take all myself. + +ROMEO: +I take thee at thy word: +Call me but love, and I'll be new baptized; +Henceforth I never will be Romeo. + +JULIET: +What man art thou that thus bescreen'd in night +So stumblest on my counsel? + +ROMEO: +By a name +I know not how to tell thee who I am: +My name, dear saint, is hateful to myself, +Because it is an enemy to thee; +Had I it written, I would tear the word. + +JULIET: +My ears have not yet drunk a hundred words +Of that tongue's utterance, yet I know the sound: +Art thou not Romeo and a Montague? + +ROMEO: +Neither, fair saint, if either thee dislike. + +JULIET: +How camest thou hither, tell me, and wherefore? +The orchard walls are high and hard to climb, +And the place death, considering who thou art, +If any of my kinsmen find thee here. + +ROMEO: +With love's light wings did I o'er-perch these walls; +For stony limits cannot hold love out, +And what love can do that dares love attempt; +Therefore thy kinsmen are no let to me. + +JULIET: +If they do see thee, they will murder thee. + +ROMEO: +Alack, there lies more peril in thine eye +Than twenty of their swords: look thou but sweet, +And I am proof against their enmity. + +JULIET: +I would not for the world they saw thee here. + +ROMEO: +I have night's cloak to hide me from their sight; +And but thou love me, let them find me here: +My life were better ended by their hate, +Than death prorogued, wanting of thy love. + +JULIET: +By whose direction found'st thou out this place? + +ROMEO: +By love, who first did prompt me to inquire; +He lent me counsel and I lent him eyes. +I am no pilot; yet, wert thou as far +As that vast shore wash'd with the farthest sea, +I would adventure for such merchandise. + +JULIET: +Thou know'st the mask of night is on my face, +Else would a maiden blush bepaint my cheek +For that which thou hast heard me speak to-night +Fain would I dwell on form, fain, fain deny +What I have spoke: but farewell compliment! +Dost thou love me? I know thou wilt say 'Ay,' +And I will take thy word: yet if thou swear'st, +Thou mayst prove false; at lovers' perjuries +Then say, Jove laughs. O gentle Romeo, +If thou dost love, pronounce it faithfully: +Or if thou think'st I am too quickly won, +I'll frown and be perverse an say thee nay, +So thou wilt woo; but else, not for the world. +In truth, fair Montague, I am too fond, +And therefore thou mayst think my 'havior light: +But trust me, gentleman, I'll prove more true +Than those that have more cunning to be strange. +I should have been more strange, I must confess, +But that thou overheard'st, ere I was ware, +My true love's passion: therefore pardon me, +And not impute this yielding to light love, +Which the dark night hath so discovered. + +ROMEO: +Lady, by yonder blessed moon I swear +That tips with silver all these fruit-tree tops-- + +JULIET: +O, swear not by the moon, the inconstant moon, +That monthly changes in her circled orb, +Lest that thy love prove likewise variable. + +ROMEO: +What shall I swear by? + +JULIET: +Do not swear at all; +Or, if thou wilt, swear by thy gracious self, +Which is the god of my idolatry, +And I'll believe thee. + +ROMEO: +If my heart's dear love-- + +JULIET: +Well, do not swear: although I joy in thee, +I have no joy of this contract to-night: +It is too rash, too unadvised, too sudden; +Too like the lightning, which doth cease to be +Ere one can say 'It lightens.' Sweet, good night! +This bud of love, by summer's ripening breath, +May prove a beauteous flower when next we meet. +Good night, good night! as sweet repose and rest +Come to thy heart as that within my breast! + +ROMEO: +O, wilt thou leave me so unsatisfied? + +JULIET: +What satisfaction canst thou have to-night? + +ROMEO: +The exchange of thy love's faithful vow for mine. + +JULIET: +I gave thee mine before thou didst request it: +And yet I would it were to give again. + +ROMEO: +Wouldst thou withdraw it? for what purpose, love? + +JULIET: +But to be frank, and give it thee again. +And yet I wish but for the thing I have: +My bounty is as boundless as the sea, +My love as deep; the more I give to thee, +The more I have, for both are infinite. +I hear some noise within; dear love, adieu! +Anon, good nurse! Sweet Montague, be true. +Stay but a little, I will come again. + +ROMEO: +O blessed, blessed night! I am afeard. +Being in night, all this is but a dream, +Too flattering-sweet to be substantial. + +JULIET: +Three words, dear Romeo, and good night indeed. +If that thy bent of love be honourable, +Thy purpose marriage, send me word to-morrow, +By one that I'll procure to come to thee, +Where and what time thou wilt perform the rite; +And all my fortunes at thy foot I'll lay +And follow thee my lord throughout the world. + +Nurse: + +JULIET: +I come, anon.--But if thou mean'st not well, +I do beseech thee-- + +Nurse: + +JULIET: +By and by, I come:-- +To cease thy suit, and leave me to my grief: +To-morrow will I send. + +ROMEO: +So thrive my soul-- + +JULIET: +A thousand times good night! + +ROMEO: +A thousand times the worse, to want thy light. +Love goes toward love, as schoolboys from +their books, +But love from love, toward school with heavy looks. + +JULIET: +Hist! Romeo, hist! O, for a falconer's voice, +To lure this tassel-gentle back again! +Bondage is hoarse, and may not speak aloud; +Else would I tear the cave where Echo lies, +And make her airy tongue more hoarse than mine, +With repetition of my Romeo's name. + +ROMEO: +It is my soul that calls upon my name: +How silver-sweet sound lovers' tongues by night, +Like softest music to attending ears! + +JULIET: +Romeo! + +ROMEO: +My dear? + +JULIET: +At what o'clock to-morrow +Shall I send to thee? + +ROMEO: +At the hour of nine. + +JULIET: +I will not fail: 'tis twenty years till then. +I have forgot why I did call thee back. + +ROMEO: +Let me stand here till thou remember it. + +JULIET: +I shall forget, to have thee still stand there, +Remembering how I love thy company. + +ROMEO: +And I'll still stay, to have thee still forget, +Forgetting any other home but this. + +JULIET: +'Tis almost morning; I would have thee gone: +And yet no further than a wanton's bird; +Who lets it hop a little from her hand, +Like a poor prisoner in his twisted gyves, +And with a silk thread plucks it back again, +So loving-jealous of his liberty. + +ROMEO: +I would I were thy bird. + +JULIET: +Sweet, so would I: +Yet I should kill thee with much cherishing. +Good night, good night! parting is such +sweet sorrow, +That I shall say good night till it be morrow. + +ROMEO: +Sleep dwell upon thine eyes, peace in thy breast! +Would I were sleep and peace, so sweet to rest! +Hence will I to my ghostly father's cell, +His help to crave, and my dear hap to tell. + +FRIAR LAURENCE: +The grey-eyed morn smiles on the frowning night, +Chequering the eastern clouds with streaks of light, +And flecked darkness like a drunkard reels +From forth day's path and Titan's fiery wheels: +Now, ere the sun advance his burning eye, +The day to cheer and night's dank dew to dry, +I must up-fill this osier cage of ours +With baleful weeds and precious-juiced flowers. +The earth that's nature's mother is her tomb; +What is her burying grave that is her womb, +And from her womb children of divers kind +We sucking on her natural bosom find, +Many for many virtues excellent, +None but for some and yet all different. +O, mickle is the powerful grace that lies +In herbs, plants, stones, and their true qualities: +For nought so vile that on the earth doth live +But to the earth some special good doth give, +Nor aught so good but strain'd from that fair use +Revolts from true birth, stumbling on abuse: +Virtue itself turns vice, being misapplied; +And vice sometimes by action dignified. +Within the infant rind of this small flower +Poison hath residence and medicine power: +For this, being smelt, with that part cheers each part; +Being tasted, slays all senses with the heart. +Two such opposed kings encamp them still +In man as well as herbs, grace and rude will; +And where the worser is predominant, +Full soon the canker death eats up that plant. + +ROMEO: +Good morrow, father. + +FRIAR LAURENCE: +Benedicite! +What early tongue so sweet saluteth me? +Young son, it argues a distemper'd head +So soon to bid good morrow to thy bed: +Care keeps his watch in every old man's eye, +And where care lodges, sleep will never lie; +But where unbruised youth with unstuff'd brain +Doth couch his limbs, there golden sleep doth reign: +Therefore thy earliness doth me assure +Thou art up-roused by some distemperature; +Or if not so, then here I hit it right, +Our Romeo hath not been in bed to-night. + +ROMEO: +That last is true; the sweeter rest was mine. + +FRIAR LAURENCE: +God pardon sin! wast thou with Rosaline? + +ROMEO: +With Rosaline, my ghostly father? no; +I have forgot that name, and that name's woe. + +FRIAR LAURENCE: +That's my good son: but where hast thou been, then? + +ROMEO: +I'll tell thee, ere thou ask it me again. +I have been feasting with mine enemy, +Where on a sudden one hath wounded me, +That's by me wounded: both our remedies +Within thy help and holy physic lies: +I bear no hatred, blessed man, for, lo, +My intercession likewise steads my foe. + +FRIAR LAURENCE: +Be plain, good son, and homely in thy drift; +Riddling confession finds but riddling shrift. + +ROMEO: +Then plainly know my heart's dear love is set +On the fair daughter of rich Capulet: +As mine on hers, so hers is set on mine; +And all combined, save what thou must combine +By holy marriage: when and where and how +We met, we woo'd and made exchange of vow, +I'll tell thee as we pass; but this I pray, +That thou consent to marry us to-day. + +FRIAR LAURENCE: +Holy Saint Francis, what a change is here! +Is Rosaline, whom thou didst love so dear, +So soon forsaken? young men's love then lies +Not truly in their hearts, but in their eyes. +Jesu Maria, what a deal of brine +Hath wash'd thy sallow cheeks for Rosaline! +How much salt water thrown away in waste, +To season love, that of it doth not taste! +The sun not yet thy sighs from heaven clears, +Thy old groans ring yet in my ancient ears; +Lo, here upon thy cheek the stain doth sit +Of an old tear that is not wash'd off yet: +If e'er thou wast thyself and these woes thine, +Thou and these woes were all for Rosaline: +And art thou changed? pronounce this sentence then, +Women may fall, when there's no strength in men. + +ROMEO: +Thou chid'st me oft for loving Rosaline. + +FRIAR LAURENCE: +For doting, not for loving, pupil mine. + +ROMEO: +And bad'st me bury love. + +FRIAR LAURENCE: +Not in a grave, +To lay one in, another out to have. + +ROMEO: +I pray thee, chide not; she whom I love now +Doth grace for grace and love for love allow; +The other did not so. + +FRIAR LAURENCE: +O, she knew well +Thy love did read by rote and could not spell. +But come, young waverer, come, go with me, +In one respect I'll thy assistant be; +For this alliance may so happy prove, +To turn your households' rancour to pure love. + +ROMEO: +O, let us hence; I stand on sudden haste. + +FRIAR LAURENCE: +Wisely and slow; they stumble that run fast. + +MERCUTIO: +Where the devil should this Romeo be? +Came he not home to-night? + +BENVOLIO: +Not to his father's; I spoke with his man. + +MERCUTIO: +Ah, that same pale hard-hearted wench, that Rosaline. +Torments him so, that he will sure run mad. + +BENVOLIO: +Tybalt, the kinsman of old Capulet, +Hath sent a letter to his father's house. + +MERCUTIO: +A challenge, on my life. + +BENVOLIO: +Romeo will answer it. + +MERCUTIO: +Any man that can write may answer a letter. + +BENVOLIO: +Nay, he will answer the letter's master, how he +dares, being dared. + +MERCUTIO: +Alas poor Romeo! he is already dead; stabbed with a +white wench's black eye; shot through the ear with a +love-song; the very pin of his heart cleft with the +blind bow-boy's butt-shaft: and is he a man to +encounter Tybalt? + +BENVOLIO: +Why, what is Tybalt? + +MERCUTIO: +More than prince of cats, I can tell you. O, he is +the courageous captain of compliments. He fights as +you sing prick-song, keeps time, distance, and +proportion; rests me his minim rest, one, two, and +the third in your bosom: the very butcher of a silk +button, a duellist, a duellist; a gentleman of the +very first house, of the first and second cause: +ah, the immortal passado! the punto reverso! the +hai! + +BENVOLIO: +The what? + +MERCUTIO: +The pox of such antic, lisping, affecting +fantasticoes; these new tuners of accents! 'By Jesu, +a very good blade! a very tall man! a very good +whore!' Why, is not this a lamentable thing, +grandsire, that we should be thus afflicted with +these strange flies, these fashion-mongers, these +perdona-mi's, who stand so much on the new form, +that they cannot at ease on the old bench? O, their +bones, their bones! + +BENVOLIO: +Here comes Romeo, here comes Romeo. + +MERCUTIO: +Without his roe, like a dried herring: flesh, flesh, +how art thou fishified! Now is he for the numbers +that Petrarch flowed in: Laura to his lady was but a +kitchen-wench; marry, she had a better love to +be-rhyme her; Dido a dowdy; Cleopatra a gipsy; +Helen and Hero hildings and harlots; Thisbe a grey +eye or so, but not to the purpose. Signior +Romeo, bon jour! there's a French salutation +to your French slop. You gave us the counterfeit +fairly last night. + +ROMEO: +Good morrow to you both. What counterfeit did I give you? + +MERCUTIO: +The ship, sir, the slip; can you not conceive? + +ROMEO: +Pardon, good Mercutio, my business was great; and in +such a case as mine a man may strain courtesy. + +MERCUTIO: +That's as much as to say, such a case as yours +constrains a man to bow in the hams. + +ROMEO: +Meaning, to court'sy. + +MERCUTIO: +Thou hast most kindly hit it. + +ROMEO: +A most courteous exposition. + +MERCUTIO: +Nay, I am the very pink of courtesy. + +ROMEO: +Pink for flower. + +MERCUTIO: +Right. + +ROMEO: +Why, then is my pump well flowered. + +MERCUTIO: +Well said: follow me this jest now till thou hast +worn out thy pump, that when the single sole of it +is worn, the jest may remain after the wearing sole singular. + +ROMEO: +O single-soled jest, solely singular for the +singleness. + +MERCUTIO: +Come between us, good Benvolio; my wits faint. + +ROMEO: +Switch and spurs, switch and spurs; or I'll cry a match. + +MERCUTIO: +Nay, if thy wits run the wild-goose chase, I have +done, for thou hast more of the wild-goose in one of +thy wits than, I am sure, I have in my whole five: +was I with you there for the goose? + +ROMEO: +Thou wast never with me for any thing when thou wast +not there for the goose. + +MERCUTIO: +I will bite thee by the ear for that jest. + +ROMEO: +Nay, good goose, bite not. + +MERCUTIO: +Thy wit is a very bitter sweeting; it is a most +sharp sauce. + +ROMEO: +And is it not well served in to a sweet goose? + +MERCUTIO: +O here's a wit of cheveril, that stretches from an +inch narrow to an ell broad! + +ROMEO: +I stretch it out for that word 'broad;' which added +to the goose, proves thee far and wide a broad goose. + +MERCUTIO: +Why, is not this better now than groaning for love? +now art thou sociable, now art thou Romeo; now art +thou what thou art, by art as well as by nature: +for this drivelling love is like a great natural, +that runs lolling up and down to hide his bauble in a hole. + +BENVOLIO: +Stop there, stop there. + +MERCUTIO: +Thou desirest me to stop in my tale against the hair. + +BENVOLIO: +Thou wouldst else have made thy tale large. + +MERCUTIO: +O, thou art deceived; I would have made it short: +for I was come to the whole depth of my tale; and +meant, indeed, to occupy the argument no longer. + +ROMEO: +Here's goodly gear! + +MERCUTIO: +A sail, a sail! + +BENVOLIO: +Two, two; a shirt and a smock. + +Nurse: +Peter! + +PETER: +Anon! + +Nurse: +My fan, Peter. + +MERCUTIO: +Good Peter, to hide her face; for her fan's the +fairer face. + +Nurse: +God ye good morrow, gentlemen. + +MERCUTIO: +God ye good den, fair gentlewoman. + +Nurse: +Is it good den? + +MERCUTIO: +'Tis no less, I tell you, for the bawdy hand of the +dial is now upon the prick of noon. + +Nurse: +Out upon you! what a man are you! + +ROMEO: +One, gentlewoman, that God hath made for himself to +mar. + +Nurse: +By my troth, it is well said; 'for himself to mar,' +quoth a'? Gentlemen, can any of you tell me where I +may find the young Romeo? + +ROMEO: +I can tell you; but young Romeo will be older when +you have found him than he was when you sought him: +I am the youngest of that name, for fault of a worse. + +Nurse: +You say well. + +MERCUTIO: +Yea, is the worst well? very well took, i' faith; +wisely, wisely. + +Nurse: +if you be he, sir, I desire some confidence with +you. + +BENVOLIO: +She will indite him to some supper. + +MERCUTIO: +A bawd, a bawd, a bawd! so ho! + +ROMEO: +What hast thou found? + +MERCUTIO: +No hare, sir; unless a hare, sir, in a lenten pie, +that is something stale and hoar ere it be spent. +An old hare hoar, +And an old hare hoar, +Is very good meat in lent +But a hare that is hoar +Is too much for a score, +When it hoars ere it be spent. +Romeo, will you come to your father's? we'll +to dinner, thither. + +ROMEO: +I will follow you. + +MERCUTIO: +Farewell, ancient lady; farewell, +'lady, lady, lady.' + +Nurse: +Marry, farewell! I pray you, sir, what saucy +merchant was this, that was so full of his ropery? + +ROMEO: +A gentleman, nurse, that loves to hear himself talk, +and will speak more in a minute than he will stand +to in a month. + +Nurse: +An a' speak any thing against me, I'll take him +down, an a' were lustier than he is, and twenty such +Jacks; and if I cannot, I'll find those that shall. +Scurvy knave! I am none of his flirt-gills; I am +none of his skains-mates. And thou must stand by +too, and suffer every knave to use me at his pleasure? + +PETER: +I saw no man use you a pleasure; if I had, my weapon +should quickly have been out, I warrant you: I dare +draw as soon as another man, if I see occasion in a +good quarrel, and the law on my side. + +Nurse: +Now, afore God, I am so vexed, that every part about +me quivers. Scurvy knave! Pray you, sir, a word: +and as I told you, my young lady bade me inquire you +out; what she bade me say, I will keep to myself: +but first let me tell ye, if ye should lead her into +a fool's paradise, as they say, it were a very gross +kind of behavior, as they say: for the gentlewoman +is young; and, therefore, if you should deal double +with her, truly it were an ill thing to be offered +to any gentlewoman, and very weak dealing. + +ROMEO: +Nurse, commend me to thy lady and mistress. I +protest unto thee-- + +Nurse: +Good heart, and, i' faith, I will tell her as much: +Lord, Lord, she will be a joyful woman. + +ROMEO: +What wilt thou tell her, nurse? thou dost not mark me. + +Nurse: +I will tell her, sir, that you do protest; which, as +I take it, is a gentlemanlike offer. + +ROMEO: +Bid her devise +Some means to come to shrift this afternoon; +And there she shall at Friar Laurence' cell +Be shrived and married. Here is for thy pains. + +Nurse: +No truly sir; not a penny. + +ROMEO: +Go to; I say you shall. + +Nurse: +This afternoon, sir? well, she shall be there. + +ROMEO: +And stay, good nurse, behind the abbey wall: +Within this hour my man shall be with thee +And bring thee cords made like a tackled stair; +Which to the high top-gallant of my joy +Must be my convoy in the secret night. +Farewell; be trusty, and I'll quit thy pains: +Farewell; commend me to thy mistress. + +Nurse: +Now God in heaven bless thee! Hark you, sir. + +ROMEO: +What say'st thou, my dear nurse? + +Nurse: +Is your man secret? Did you ne'er hear say, +Two may keep counsel, putting one away? + +ROMEO: +I warrant thee, my man's as true as steel. + +NURSE: +Well, sir; my mistress is the sweetest lady--Lord, +Lord! when 'twas a little prating thing:--O, there +is a nobleman in town, one Paris, that would fain +lay knife aboard; but she, good soul, had as lief +see a toad, a very toad, as see him. I anger her +sometimes and tell her that Paris is the properer +man; but, I'll warrant you, when I say so, she looks +as pale as any clout in the versal world. Doth not +rosemary and Romeo begin both with a letter? + +ROMEO: +Ay, nurse; what of that? both with an R. + +Nurse: +Ah. mocker! that's the dog's name; R is for +the--No; I know it begins with some other +letter:--and she hath the prettiest sententious of +it, of you and rosemary, that it would do you good +to hear it. + +ROMEO: +Commend me to thy lady. + +Nurse: +Ay, a thousand times. +Peter! + +PETER: +Anon! + +Nurse: +Peter, take my fan, and go before and apace. + +JULIET: +The clock struck nine when I did send the nurse; +In half an hour she promised to return. +Perchance she cannot meet him: that's not so. +O, she is lame! love's heralds should be thoughts, +Which ten times faster glide than the sun's beams, +Driving back shadows over louring hills: +Therefore do nimble-pinion'd doves draw love, +And therefore hath the wind-swift Cupid wings. +Now is the sun upon the highmost hill +Of this day's journey, and from nine till twelve +Is three long hours, yet she is not come. +Had she affections and warm youthful blood, +She would be as swift in motion as a ball; +My words would bandy her to my sweet love, +And his to me: +But old folks, many feign as they were dead; +Unwieldy, slow, heavy and pale as lead. +O God, she comes! +O honey nurse, what news? +Hast thou met with him? Send thy man away. + +Nurse: +Peter, stay at the gate. + +JULIET: +Now, good sweet nurse,--O Lord, why look'st thou sad? +Though news be sad, yet tell them merrily; +If good, thou shamest the music of sweet news +By playing it to me with so sour a face. + +Nurse: +I am a-weary, give me leave awhile: +Fie, how my bones ache! what a jaunt have I had! + +JULIET: +I would thou hadst my bones, and I thy news: +Nay, come, I pray thee, speak; good, good nurse, speak. + +Nurse: +Jesu, what haste? can you not stay awhile? +Do you not see that I am out of breath? + +JULIET: +How art thou out of breath, when thou hast breath +To say to me that thou art out of breath? +The excuse that thou dost make in this delay +Is longer than the tale thou dost excuse. +Is thy news good, or bad? answer to that; +Say either, and I'll stay the circumstance: +Let me be satisfied, is't good or bad? + +Nurse: +Well, you have made a simple choice; you know not +how to choose a man: Romeo! no, not he; though his +face be better than any man's, yet his leg excels +all men's; and for a hand, and a foot, and a body, +though they be not to be talked on, yet they are +past compare: he is not the flower of courtesy, +but, I'll warrant him, as gentle as a lamb. Go thy +ways, wench; serve God. What, have you dined at home? + +JULIET: +No, no: but all this did I know before. +What says he of our marriage? what of that? + +Nurse: +Lord, how my head aches! what a head have I! +It beats as it would fall in twenty pieces. +My back o' t' other side,--O, my back, my back! +Beshrew your heart for sending me about, +To catch my death with jaunting up and down! + +JULIET: +I' faith, I am sorry that thou art not well. +Sweet, sweet, sweet nurse, tell me, what says my love? + +Nurse: +Your love says, like an honest gentleman, and a +courteous, and a kind, and a handsome, and, I +warrant, a virtuous,--Where is your mother? + +JULIET: +Where is my mother! why, she is within; +Where should she be? How oddly thou repliest! +'Your love says, like an honest gentleman, +Where is your mother?' + +Nurse: +O God's lady dear! +Are you so hot? marry, come up, I trow; +Is this the poultice for my aching bones? +Henceforward do your messages yourself. + +JULIET: +Here's such a coil! come, what says Romeo? + +Nurse: +Have you got leave to go to shrift to-day? + +JULIET: +I have. + +Nurse: +Then hie you hence to Friar Laurence' cell; +There stays a husband to make you a wife: +Now comes the wanton blood up in your cheeks, +They'll be in scarlet straight at any news. +Hie you to church; I must another way, +To fetch a ladder, by the which your love +Must climb a bird's nest soon when it is dark: +I am the drudge and toil in your delight, +But you shall bear the burden soon at night. +Go; I'll to dinner: hie you to the cell. + +JULIET: +Hie to high fortune! Honest nurse, farewell. + +FRIAR LAURENCE: +So smile the heavens upon this holy act, +That after hours with sorrow chide us not! + +ROMEO: +Amen, amen! but come what sorrow can, +It cannot countervail the exchange of joy +That one short minute gives me in her sight: +Do thou but close our hands with holy words, +Then love-devouring death do what he dare; +It is enough I may but call her mine. + +FRIAR LAURENCE: +These violent delights have violent ends +And in their triumph die, like fire and powder, +Which as they kiss consume: the sweetest honey +Is loathsome in his own deliciousness +And in the taste confounds the appetite: +Therefore love moderately; long love doth so; +Too swift arrives as tardy as too slow. +Here comes the lady: O, so light a foot +Will ne'er wear out the everlasting flint: +A lover may bestride the gossamer +That idles in the wanton summer air, +And yet not fall; so light is vanity. + +JULIET: +Good even to my ghostly confessor. + +FRIAR LAURENCE: +Romeo shall thank thee, daughter, for us both. + +JULIET: +As much to him, else is his thanks too much. + +ROMEO: +Ah, Juliet, if the measure of thy joy +Be heap'd like mine and that thy skill be more +To blazon it, then sweeten with thy breath +This neighbour air, and let rich music's tongue +Unfold the imagined happiness that both +Receive in either by this dear encounter. + +JULIET: +Conceit, more rich in matter than in words, +Brags of his substance, not of ornament: +They are but beggars that can count their worth; +But my true love is grown to such excess +I cannot sum up sum of half my wealth. + +FRIAR LAURENCE: +Come, come with me, and we will make short work; +For, by your leaves, you shall not stay alone +Till holy church incorporate two in one. + +BENVOLIO: +I pray thee, good Mercutio, let's retire: +The day is hot, the Capulets abroad, +And, if we meet, we shall not scape a brawl; +For now, these hot days, is the mad blood stirring. + +MERCUTIO: +Thou art like one of those fellows that when he +enters the confines of a tavern claps me his sword +upon the table and says 'God send me no need of +thee!' and by the operation of the second cup draws +it on the drawer, when indeed there is no need. + +BENVOLIO: +Am I like such a fellow? + +MERCUTIO: +Come, come, thou art as hot a Jack in thy mood as +any in Italy, and as soon moved to be moody, and as +soon moody to be moved. + +BENVOLIO: +And what to? + +MERCUTIO: +Nay, an there were two such, we should have none +shortly, for one would kill the other. Thou! why, +thou wilt quarrel with a man that hath a hair more, +or a hair less, in his beard, than thou hast: thou +wilt quarrel with a man for cracking nuts, having no +other reason but because thou hast hazel eyes: what +eye but such an eye would spy out such a quarrel? +Thy head is as fun of quarrels as an egg is full of +meat, and yet thy head hath been beaten as addle as +an egg for quarrelling: thou hast quarrelled with a +man for coughing in the street, because he hath +wakened thy dog that hath lain asleep in the sun: +didst thou not fall out with a tailor for wearing +his new doublet before Easter? with another, for +tying his new shoes with old riband? and yet thou +wilt tutor me from quarrelling! + +BENVOLIO: +An I were so apt to quarrel as thou art, any man +should buy the fee-simple of my life for an hour and a quarter. + +MERCUTIO: +The fee-simple! O simple! + +BENVOLIO: +By my head, here come the Capulets. + +MERCUTIO: +By my heel, I care not. + +TYBALT: +Follow me close, for I will speak to them. +Gentlemen, good den: a word with one of you. + +MERCUTIO: +And but one word with one of us? couple it with +something; make it a word and a blow. + +TYBALT: +You shall find me apt enough to that, sir, an you +will give me occasion. + +MERCUTIO: +Could you not take some occasion without giving? + +TYBALT: +Mercutio, thou consort'st with Romeo,-- + +MERCUTIO: +Consort! what, dost thou make us minstrels? an +thou make minstrels of us, look to hear nothing but +discords: here's my fiddlestick; here's that shall +make you dance. 'Zounds, consort! + +BENVOLIO: +We talk here in the public haunt of men: +Either withdraw unto some private place, +And reason coldly of your grievances, +Or else depart; here all eyes gaze on us. + +MERCUTIO: +Men's eyes were made to look, and let them gaze; +I will not budge for no man's pleasure, I. + +TYBALT: +Well, peace be with you, sir: here comes my man. + +MERCUTIO: +But I'll be hanged, sir, if he wear your livery: +Marry, go before to field, he'll be your follower; +Your worship in that sense may call him 'man.' + +TYBALT: +Romeo, the hate I bear thee can afford +No better term than this,--thou art a villain. + +ROMEO: +Tybalt, the reason that I have to love thee +Doth much excuse the appertaining rage +To such a greeting: villain am I none; +Therefore farewell; I see thou know'st me not. + +TYBALT: +Boy, this shall not excuse the injuries +That thou hast done me; therefore turn and draw. + +ROMEO: +I do protest, I never injured thee, +But love thee better than thou canst devise, +Till thou shalt know the reason of my love: +And so, good Capulet,--which name I tender +As dearly as my own,--be satisfied. + +MERCUTIO: +O calm, dishonourable, vile submission! +Alla stoccata carries it away. +Tybalt, you rat-catcher, will you walk? + +TYBALT: +What wouldst thou have with me? + +MERCUTIO: +Good king of cats, nothing but one of your nine +lives; that I mean to make bold withal, and as you +shall use me hereafter, drybeat the rest of the +eight. Will you pluck your sword out of his pitcher +by the ears? make haste, lest mine be about your +ears ere it be out. + +TYBALT: +I am for you. + +ROMEO: +Gentle Mercutio, put thy rapier up. + +MERCUTIO: +Come, sir, your passado. + +ROMEO: +Draw, Benvolio; beat down their weapons. +Gentlemen, for shame, forbear this outrage! +Tybalt, Mercutio, the prince expressly hath +Forbidden bandying in Verona streets: +Hold, Tybalt! good Mercutio! + +MERCUTIO: +I am hurt. +A plague o' both your houses! I am sped. +Is he gone, and hath nothing? + +BENVOLIO: +What, art thou hurt? + +MERCUTIO: +Ay, ay, a scratch, a scratch; marry, 'tis enough. +Where is my page? Go, villain, fetch a surgeon. + +ROMEO: +Courage, man; the hurt cannot be much. + +MERCUTIO: +No, 'tis not so deep as a well, nor so wide as a +church-door; but 'tis enough,'twill serve: ask for +me to-morrow, and you shall find me a grave man. I +am peppered, I warrant, for this world. A plague o' +both your houses! 'Zounds, a dog, a rat, a mouse, a +cat, to scratch a man to death! a braggart, a +rogue, a villain, that fights by the book of +arithmetic! Why the devil came you between us? I +was hurt under your arm. + +ROMEO: +I thought all for the best. + +MERCUTIO: +Help me into some house, Benvolio, +Or I shall faint. A plague o' both your houses! +They have made worms' meat of me: I have it, +And soundly too: your houses! + +ROMEO: +This gentleman, the prince's near ally, +My very friend, hath got his mortal hurt +In my behalf; my reputation stain'd +With Tybalt's slander,--Tybalt, that an hour +Hath been my kinsman! O sweet Juliet, +Thy beauty hath made me effeminate +And in my temper soften'd valour's steel! + +BENVOLIO: +O Romeo, Romeo, brave Mercutio's dead! +That gallant spirit hath aspired the clouds, +Which too untimely here did scorn the earth. + +ROMEO: +This day's black fate on more days doth depend; +This but begins the woe, others must end. + +BENVOLIO: +Here comes the furious Tybalt back again. + +ROMEO: +Alive, in triumph! and Mercutio slain! +Away to heaven, respective lenity, +And fire-eyed fury be my conduct now! +Now, Tybalt, take the villain back again, +That late thou gavest me; for Mercutio's soul +Is but a little way above our heads, +Staying for thine to keep him company: +Either thou, or I, or both, must go with him. + +TYBALT: +Thou, wretched boy, that didst consort him here, +Shalt with him hence. + +ROMEO: +This shall determine that. + +BENVOLIO: +Romeo, away, be gone! +The citizens are up, and Tybalt slain. +Stand not amazed: the prince will doom thee death, +If thou art taken: hence, be gone, away! + +ROMEO: +O, I am fortune's fool! + +BENVOLIO: +Why dost thou stay? + +First Citizen: +Which way ran he that kill'd Mercutio? +Tybalt, that murderer, which way ran he? + +BENVOLIO: +There lies that Tybalt. + +First Citizen: +Up, sir, go with me; +I charge thee in the princes name, obey. + +PRINCE: +Where are the vile beginners of this fray? + +BENVOLIO: +O noble prince, I can discover all +The unlucky manage of this fatal brawl: +There lies the man, slain by young Romeo, +That slew thy kinsman, brave Mercutio. + +LADY CAPULET: +Tybalt, my cousin! O my brother's child! +O prince! O cousin! husband! O, the blood is spilt +O my dear kinsman! Prince, as thou art true, +For blood of ours, shed blood of Montague. +O cousin, cousin! + +PRINCE: +Benvolio, who began this bloody fray? + +BENVOLIO: +Tybalt, here slain, whom Romeo's hand did slay; +Romeo that spoke him fair, bade him bethink +How nice the quarrel was, and urged withal +Your high displeasure: all this uttered +With gentle breath, calm look, knees humbly bow'd, +Could not take truce with the unruly spleen +Of Tybalt deaf to peace, but that he tilts +With piercing steel at bold Mercutio's breast, +Who all as hot, turns deadly point to point, +And, with a martial scorn, with one hand beats +Cold death aside, and with the other sends +It back to Tybalt, whose dexterity, +Retorts it: Romeo he cries aloud, +'Hold, friends! friends, part!' and, swifter than +his tongue, +His agile arm beats down their fatal points, +And 'twixt them rushes; underneath whose arm +An envious thrust from Tybalt hit the life +Of stout Mercutio, and then Tybalt fled; +But by and by comes back to Romeo, +Who had but newly entertain'd revenge, +And to 't they go like lightning, for, ere I +Could draw to part them, was stout Tybalt slain. +And, as he fell, did Romeo turn and fly. +This is the truth, or let Benvolio die. + +LADY CAPULET: +He is a kinsman to the Montague; +Affection makes him false; he speaks not true: +Some twenty of them fought in this black strife, +And all those twenty could but kill one life. +I beg for justice, which thou, prince, must give; +Romeo slew Tybalt, Romeo must not live. + +PRINCE: +Romeo slew him, he slew Mercutio; +Who now the price of his dear blood doth owe? + +MONTAGUE: +Not Romeo, prince, he was Mercutio's friend; +His fault concludes but what the law should end, +The life of Tybalt. + +PRINCE: +And for that offence +Immediately we do exile him hence: +I have an interest in your hate's proceeding, +My blood for your rude brawls doth lie a-bleeding; +But I'll amerce you with so strong a fine +That you shall all repent the loss of mine: +I will be deaf to pleading and excuses; +Nor tears nor prayers shall purchase out abuses: +Therefore use none: let Romeo hence in haste, +Else, when he's found, that hour is his last. +Bear hence this body and attend our will: +Mercy but murders, pardoning those that kill. + +JULIET: +Gallop apace, you fiery-footed steeds, +Towards Phoebus' lodging: such a wagoner +As Phaethon would whip you to the west, +And bring in cloudy night immediately. +Spread thy close curtain, love-performing night, +That runaway's eyes may wink and Romeo +Leap to these arms, untalk'd of and unseen. +Lovers can see to do their amorous rites +By their own beauties; or, if love be blind, +It best agrees with night. Come, civil night, +Thou sober-suited matron, all in black, +And learn me how to lose a winning match, +Play'd for a pair of stainless maidenhoods: +Hood my unmann'd blood, bating in my cheeks, +With thy black mantle; till strange love, grown bold, +Think true love acted simple modesty. +Come, night; come, Romeo; come, thou day in night; +For thou wilt lie upon the wings of night +Whiter than new snow on a raven's back. +Come, gentle night, come, loving, black-brow'd night, +Give me my Romeo; and, when he shall die, +Take him and cut him out in little stars, +And he will make the face of heaven so fine +That all the world will be in love with night +And pay no worship to the garish sun. +O, I have bought the mansion of a love, +But not possess'd it, and, though I am sold, +Not yet enjoy'd: so tedious is this day +As is the night before some festival +To an impatient child that hath new robes +And may not wear them. O, here comes my nurse, +And she brings news; and every tongue that speaks +But Romeo's name speaks heavenly eloquence. +Now, nurse, what news? What hast thou there? the cords +That Romeo bid thee fetch? + +Nurse: +Ay, ay, the cords. + +JULIET: +Ay me! what news? why dost thou wring thy hands? + +Nurse: +Ah, well-a-day! he's dead, he's dead, he's dead! +We are undone, lady, we are undone! +Alack the day! he's gone, he's kill'd, he's dead! + +JULIET: +Can heaven be so envious? + +Nurse: +Romeo can, +Though heaven cannot: O Romeo, Romeo! +Who ever would have thought it? Romeo! + +JULIET: +What devil art thou, that dost torment me thus? +This torture should be roar'd in dismal hell. +Hath Romeo slain himself? say thou but 'I,' +And that bare vowel 'I' shall poison more +Than the death-darting eye of cockatrice: +I am not I, if there be such an I; +Or those eyes shut, that make thee answer 'I.' +If he be slain, say 'I'; or if not, no: +Brief sounds determine of my weal or woe. + +Nurse: +I saw the wound, I saw it with mine eyes,-- +God save the mark!--here on his manly breast: +A piteous corse, a bloody piteous corse; +Pale, pale as ashes, all bedaub'd in blood, +All in gore-blood; I swounded at the sight. + +JULIET: +O, break, my heart! poor bankrupt, break at once! +To prison, eyes, ne'er look on liberty! +Vile earth, to earth resign; end motion here; +And thou and Romeo press one heavy bier! + +Nurse: +O Tybalt, Tybalt, the best friend I had! +O courteous Tybalt! honest gentleman! +That ever I should live to see thee dead! + +JULIET: +What storm is this that blows so contrary? +Is Romeo slaughter'd, and is Tybalt dead? +My dear-loved cousin, and my dearer lord? +Then, dreadful trumpet, sound the general doom! +For who is living, if those two are gone? + +Nurse: +Tybalt is gone, and Romeo banished; +Romeo that kill'd him, he is banished. + +JULIET: +O God! did Romeo's hand shed Tybalt's blood? + +Nurse: +It did, it did; alas the day, it did! + +JULIET: +O serpent heart, hid with a flowering face! +Did ever dragon keep so fair a cave? +Beautiful tyrant! fiend angelical! +Dove-feather'd raven! wolvish-ravening lamb! +Despised substance of divinest show! +Just opposite to what thou justly seem'st, +A damned saint, an honourable villain! +O nature, what hadst thou to do in hell, +When thou didst bower the spirit of a fiend +In moral paradise of such sweet flesh? +Was ever book containing such vile matter +So fairly bound? O that deceit should dwell +In such a gorgeous palace! + +Nurse: +There's no trust, +No faith, no honesty in men; all perjured, +All forsworn, all naught, all dissemblers. +Ah, where's my man? give me some aqua vitae: +These griefs, these woes, these sorrows make me old. +Shame come to Romeo! + +JULIET: +Blister'd be thy tongue +For such a wish! he was not born to shame: +Upon his brow shame is ashamed to sit; +For 'tis a throne where honour may be crown'd +Sole monarch of the universal earth. +O, what a beast was I to chide at him! + +Nurse: +Will you speak well of him that kill'd your cousin? + +JULIET: +Shall I speak ill of him that is my husband? +Ah, poor my lord, what tongue shall smooth thy name, +When I, thy three-hours wife, have mangled it? +But, wherefore, villain, didst thou kill my cousin? +That villain cousin would have kill'd my husband: +Back, foolish tears, back to your native spring; +Your tributary drops belong to woe, +Which you, mistaking, offer up to joy. +My husband lives, that Tybalt would have slain; +And Tybalt's dead, that would have slain my husband: +All this is comfort; wherefore weep I then? +Some word there was, worser than Tybalt's death, +That murder'd me: I would forget it fain; +But, O, it presses to my memory, +Like damned guilty deeds to sinners' minds: +'Tybalt is dead, and Romeo--banished;' +That 'banished,' that one word 'banished,' +Hath slain ten thousand Tybalts. Tybalt's death +Was woe enough, if it had ended there: +Or, if sour woe delights in fellowship +And needly will be rank'd with other griefs, +Why follow'd not, when she said 'Tybalt's dead,' +Thy father, or thy mother, nay, or both, +Which modern lamentations might have moved? +But with a rear-ward following Tybalt's death, +'Romeo is banished,' to speak that word, +Is father, mother, Tybalt, Romeo, Juliet, +All slain, all dead. 'Romeo is banished!' +There is no end, no limit, measure, bound, +In that word's death; no words can that woe sound. +Where is my father, and my mother, nurse? + +Nurse: +Weeping and wailing over Tybalt's corse: +Will you go to them? I will bring you thither. + +JULIET: +Wash they his wounds with tears: mine shall be spent, +When theirs are dry, for Romeo's banishment. +Take up those cords: poor ropes, you are beguiled, +Both you and I; for Romeo is exiled: +He made you for a highway to my bed; +But I, a maid, die maiden-widowed. +Come, cords, come, nurse; I'll to my wedding-bed; +And death, not Romeo, take my maidenhead! + +Nurse: +Hie to your chamber: I'll find Romeo +To comfort you: I wot well where he is. +Hark ye, your Romeo will be here at night: +I'll to him; he is hid at Laurence' cell. + +JULIET: +O, find him! give this ring to my true knight, +And bid him come to take his last farewell. + +FRIAR LAURENCE: +Romeo, come forth; come forth, thou fearful man: +Affliction is enamour'd of thy parts, +And thou art wedded to calamity. + +ROMEO: +Father, what news? what is the prince's doom? +What sorrow craves acquaintance at my hand, +That I yet know not? + +FRIAR LAURENCE: +Too familiar +Is my dear son with such sour company: +I bring thee tidings of the prince's doom. + +ROMEO: +What less than dooms-day is the prince's doom? + +FRIAR LAURENCE: +A gentler judgment vanish'd from his lips, +Not body's death, but body's banishment. + +ROMEO: +Ha, banishment! be merciful, say 'death;' +For exile hath more terror in his look, +Much more than death: do not say 'banishment.' + +FRIAR LAURENCE: +Hence from Verona art thou banished: +Be patient, for the world is broad and wide. + +ROMEO: +There is no world without Verona walls, +But purgatory, torture, hell itself. +Hence-banished is banish'd from the world, +And world's exile is death: then banished, +Is death mis-term'd: calling death banishment, +Thou cutt'st my head off with a golden axe, +And smilest upon the stroke that murders me. + +FRIAR LAURENCE: +O deadly sin! O rude unthankfulness! +Thy fault our law calls death; but the kind prince, +Taking thy part, hath rush'd aside the law, +And turn'd that black word death to banishment: +This is dear mercy, and thou seest it not. + +ROMEO: +'Tis torture, and not mercy: heaven is here, +Where Juliet lives; and every cat and dog +And little mouse, every unworthy thing, +Live here in heaven and may look on her; +But Romeo may not: more validity, +More honourable state, more courtship lives +In carrion-flies than Romeo: they my seize +On the white wonder of dear Juliet's hand +And steal immortal blessing from her lips, +Who even in pure and vestal modesty, +Still blush, as thinking their own kisses sin; +But Romeo may not; he is banished: +Flies may do this, but I from this must fly: +They are free men, but I am banished. +And say'st thou yet that exile is not death? +Hadst thou no poison mix'd, no sharp-ground knife, +No sudden mean of death, though ne'er so mean, +But 'banished' to kill me?--'banished'? +O friar, the damned use that word in hell; +Howlings attend it: how hast thou the heart, +Being a divine, a ghostly confessor, +A sin-absolver, and my friend profess'd, +To mangle me with that word 'banished'? + +FRIAR LAURENCE: +Thou fond mad man, hear me but speak a word. + +ROMEO: +O, thou wilt speak again of banishment. + +FRIAR LAURENCE: +I'll give thee armour to keep off that word: +Adversity's sweet milk, philosophy, +To comfort thee, though thou art banished. + +ROMEO: +Yet 'banished'? Hang up philosophy! +Unless philosophy can make a Juliet, +Displant a town, reverse a prince's doom, +It helps not, it prevails not: talk no more. + +FRIAR LAURENCE: +O, then I see that madmen have no ears. + +ROMEO: +How should they, when that wise men have no eyes? + +FRIAR LAURENCE: +Let me dispute with thee of thy estate. + +ROMEO: +Thou canst not speak of that thou dost not feel: +Wert thou as young as I, Juliet thy love, +An hour but married, Tybalt murdered, +Doting like me and like me banished, +Then mightst thou speak, then mightst thou tear thy hair, +And fall upon the ground, as I do now, +Taking the measure of an unmade grave. + +FRIAR LAURENCE: +Arise; one knocks; good Romeo, hide thyself. + +ROMEO: +Not I; unless the breath of heartsick groans, +Mist-like, infold me from the search of eyes. + +FRIAR LAURENCE: +Hark, how they knock! Who's there? Romeo, arise; +Thou wilt be taken. Stay awhile! Stand up; +Run to my study. By and by! God's will, +What simpleness is this! I come, I come! +Who knocks so hard? whence come you? what's your will? + +Nurse: + +FRIAR LAURENCE: +Welcome, then. + +Nurse: +O holy friar, O, tell me, holy friar, +Where is my lady's lord, where's Romeo? + +FRIAR LAURENCE: +There on the ground, with his own tears made drunk. + +Nurse: +O, he is even in my mistress' case, +Just in her case! O woful sympathy! +Piteous predicament! Even so lies she, +Blubbering and weeping, weeping and blubbering. +Stand up, stand up; stand, and you be a man: +For Juliet's sake, for her sake, rise and stand; +Why should you fall into so deep an O? + +ROMEO: +Nurse! + +Nurse: +Ah sir! ah sir! Well, death's the end of all. + +ROMEO: +Spakest thou of Juliet? how is it with her? +Doth she not think me an old murderer, +Now I have stain'd the childhood of our joy +With blood removed but little from her own? +Where is she? and how doth she? and what says +My conceal'd lady to our cancell'd love? + +Nurse: +O, she says nothing, sir, but weeps and weeps; +And now falls on her bed; and then starts up, +And Tybalt calls; and then on Romeo cries, +And then down falls again. + +ROMEO: +As if that name, +Shot from the deadly level of a gun, +Did murder her; as that name's cursed hand +Murder'd her kinsman. O, tell me, friar, tell me, +In what vile part of this anatomy +Doth my name lodge? tell me, that I may sack +The hateful mansion. + +FRIAR LAURENCE: +Hold thy desperate hand: +Art thou a man? thy form cries out thou art: +Thy tears are womanish; thy wild acts denote +The unreasonable fury of a beast: +Unseemly woman in a seeming man! +Or ill-beseeming beast in seeming both! +Thou hast amazed me: by my holy order, +I thought thy disposition better temper'd. +Hast thou slain Tybalt? wilt thou slay thyself? +And stay thy lady too that lives in thee, +By doing damned hate upon thyself? +Why rail'st thou on thy birth, the heaven, and earth? +Since birth, and heaven, and earth, all three do meet +In thee at once; which thou at once wouldst lose. +Fie, fie, thou shamest thy shape, thy love, thy wit; +Which, like a usurer, abound'st in all, +And usest none in that true use indeed +Which should bedeck thy shape, thy love, thy wit: +Thy noble shape is but a form of wax, +Digressing from the valour of a man; +Thy dear love sworn but hollow perjury, +Killing that love which thou hast vow'd to cherish; +Thy wit, that ornament to shape and love, +Misshapen in the conduct of them both, +Like powder in a skitless soldier's flask, +Is set afire by thine own ignorance, +And thou dismember'd with thine own defence. +What, rouse thee, man! thy Juliet is alive, +For whose dear sake thou wast but lately dead; +There art thou happy: Tybalt would kill thee, +But thou slew'st Tybalt; there are thou happy too: +The law that threaten'd death becomes thy friend +And turns it to exile; there art thou happy: +A pack of blessings lights up upon thy back; +Happiness courts thee in her best array; +But, like a misbehaved and sullen wench, +Thou pout'st upon thy fortune and thy love: +Take heed, take heed, for such die miserable. +Go, get thee to thy love, as was decreed, +Ascend her chamber, hence and comfort her: +But look thou stay not till the watch be set, +For then thou canst not pass to Mantua; +Where thou shalt live, till we can find a time +To blaze your marriage, reconcile your friends, +Beg pardon of the prince, and call thee back +With twenty hundred thousand times more joy +Than thou went'st forth in lamentation. +Go before, nurse: commend me to thy lady; +And bid her hasten all the house to bed, +Which heavy sorrow makes them apt unto: +Romeo is coming. + +Nurse: +O Lord, I could have stay'd here all the night +To hear good counsel: O, what learning is! +My lord, I'll tell my lady you will come. + +ROMEO: +Do so, and bid my sweet prepare to chide. + +Nurse: +Here, sir, a ring she bid me give you, sir: +Hie you, make haste, for it grows very late. + +ROMEO: +How well my comfort is revived by this! + +FRIAR LAURENCE: +Go hence; good night; and here stands all your state: +Either be gone before the watch be set, +Or by the break of day disguised from hence: +Sojourn in Mantua; I'll find out your man, +And he shall signify from time to time +Every good hap to you that chances here: +Give me thy hand; 'tis late: farewell; good night. + +ROMEO: +But that a joy past joy calls out on me, +It were a grief, so brief to part with thee: Farewell. + +CAPULET: +Things have fall'n out, sir, so unluckily, +That we have had no time to move our daughter: +Look you, she loved her kinsman Tybalt dearly, +And so did I:--Well, we were born to die. +'Tis very late, she'll not come down to-night: +I promise you, but for your company, +I would have been a-bed an hour ago. + +PARIS: +These times of woe afford no time to woo. +Madam, good night: commend me to your daughter. + +LADY CAPULET: +I will, and know her mind early to-morrow; +To-night she is mew'd up to her heaviness. + +CAPULET: +Sir Paris, I will make a desperate tender +Of my child's love: I think she will be ruled +In all respects by me; nay, more, I doubt it not. +Wife, go you to her ere you go to bed; +Acquaint her here of my son Paris' love; +And bid her, mark you me, on Wednesday next-- +But, soft! what day is this? + +PARIS: +Monday, my lord, + +CAPULET: +Monday! ha, ha! Well, Wednesday is too soon, +O' Thursday let it be: o' Thursday, tell her, +She shall be married to this noble earl. +Will you be ready? do you like this haste? +We'll keep no great ado,--a friend or two; +For, hark you, Tybalt being slain so late, +It may be thought we held him carelessly, +Being our kinsman, if we revel much: +Therefore we'll have some half a dozen friends, +And there an end. But what say you to Thursday? + +PARIS: +My lord, I would that Thursday were to-morrow. + +CAPULET: +Well get you gone: o' Thursday be it, then. +Go you to Juliet ere you go to bed, +Prepare her, wife, against this wedding-day. +Farewell, my lord. Light to my chamber, ho! +Afore me! it is so very very late, +That we may call it early by and by. +Good night. + +JULIET: +Wilt thou be gone? it is not yet near day: +It was the nightingale, and not the lark, +That pierced the fearful hollow of thine ear; +Nightly she sings on yon pomegranate-tree: +Believe me, love, it was the nightingale. + +ROMEO: +It was the lark, the herald of the morn, +No nightingale: look, love, what envious streaks +Do lace the severing clouds in yonder east: +Night's candles are burnt out, and jocund day +Stands tiptoe on the misty mountain tops. +I must be gone and live, or stay and die. + +JULIET: +Yon light is not day-light, I know it, I: +It is some meteor that the sun exhales, +To be to thee this night a torch-bearer, +And light thee on thy way to Mantua: +Therefore stay yet; thou need'st not to be gone. + +ROMEO: +Let me be ta'en, let me be put to death; +I am content, so thou wilt have it so. +I'll say yon grey is not the morning's eye, +'Tis but the pale reflex of Cynthia's brow; +Nor that is not the lark, whose notes do beat +The vaulty heaven so high above our heads: +I have more care to stay than will to go: +Come, death, and welcome! Juliet wills it so. +How is't, my soul? let's talk; it is not day. + +JULIET: +It is, it is: hie hence, be gone, away! +It is the lark that sings so out of tune, +Straining harsh discords and unpleasing sharps. +Some say the lark makes sweet division; +This doth not so, for she divideth us: +Some say the lark and loathed toad change eyes, +O, now I would they had changed voices too! +Since arm from arm that voice doth us affray, +Hunting thee hence with hunt's-up to the day, +O, now be gone; more light and light it grows. + +ROMEO: +More light and light; more dark and dark our woes! + +Nurse: +Madam! + +JULIET: +Nurse? + +Nurse: +Your lady mother is coming to your chamber: +The day is broke; be wary, look about. + +JULIET: +Then, window, let day in, and let life out. + +ROMEO: +Farewell, farewell! one kiss, and I'll descend. + +JULIET: +Art thou gone so? love, lord, ay, husband, friend! +I must hear from thee every day in the hour, +For in a minute there are many days: +O, by this count I shall be much in years +Ere I again behold my Romeo! + +ROMEO: +Farewell! +I will omit no opportunity +That may convey my greetings, love, to thee. + +JULIET: +O think'st thou we shall ever meet again? + +ROMEO: +I doubt it not; and all these woes shall serve +For sweet discourses in our time to come. + +JULIET: +O God, I have an ill-divining soul! +Methinks I see thee, now thou art below, +As one dead in the bottom of a tomb: +Either my eyesight fails, or thou look'st pale. + +ROMEO: +And trust me, love, in my eye so do you: +Dry sorrow drinks our blood. Adieu, adieu! + +JULIET: +O fortune, fortune! all men call thee fickle: +If thou art fickle, what dost thou with him. +That is renown'd for faith? Be fickle, fortune; +For then, I hope, thou wilt not keep him long, +But send him back. + +LADY CAPULET: + +JULIET: +Who is't that calls? is it my lady mother? +Is she not down so late, or up so early? +What unaccustom'd cause procures her hither? + +LADY CAPULET: +Why, how now, Juliet! + +JULIET: +Madam, I am not well. + +LADY CAPULET: +Evermore weeping for your cousin's death? +What, wilt thou wash him from his grave with tears? +An if thou couldst, thou couldst not make him live; +Therefore, have done: some grief shows much of love; +But much of grief shows still some want of wit. + +JULIET: +Yet let me weep for such a feeling loss. + +LADY CAPULET: +So shall you feel the loss, but not the friend +Which you weep for. + +JULIET: +Feeling so the loss, +Cannot choose but ever weep the friend. + +LADY CAPULET: +Well, girl, thou weep'st not so much for his death, +As that the villain lives which slaughter'd him. + +JULIET: +What villain madam? + +LADY CAPULET: +That same villain, Romeo. + +JULIET: + +LADY CAPULET: +That is, because the traitor murderer lives. + +JULIET: +Ay, madam, from the reach of these my hands: +Would none but I might venge my cousin's death! + +LADY CAPULET: +We will have vengeance for it, fear thou not: +Then weep no more. I'll send to one in Mantua, +Where that same banish'd runagate doth live, +Shall give him such an unaccustom'd dram, +That he shall soon keep Tybalt company: +And then, I hope, thou wilt be satisfied. + +JULIET: +Indeed, I never shall be satisfied +With Romeo, till I behold him--dead-- +Is my poor heart for a kinsman vex'd. +Madam, if you could find out but a man +To bear a poison, I would temper it; +That Romeo should, upon receipt thereof, +Soon sleep in quiet. O, how my heart abhors +To hear him named, and cannot come to him. +To wreak the love I bore my cousin +Upon his body that slaughter'd him! + +LADY CAPULET: +Find thou the means, and I'll find such a man. +But now I'll tell thee joyful tidings, girl. + +JULIET: +And joy comes well in such a needy time: +What are they, I beseech your ladyship? + +LADY CAPULET: +Well, well, thou hast a careful father, child; +One who, to put thee from thy heaviness, +Hath sorted out a sudden day of joy, +That thou expect'st not nor I look'd not for. + +JULIET: +Madam, in happy time, what day is that? + +LADY CAPULET: +Marry, my child, early next Thursday morn, +The gallant, young and noble gentleman, +The County Paris, at Saint Peter's Church, +Shall happily make thee there a joyful bride. + +JULIET: +Now, by Saint Peter's Church and Peter too, +He shall not make me there a joyful bride. +I wonder at this haste; that I must wed +Ere he, that should be husband, comes to woo. +I pray you, tell my lord and father, madam, +I will not marry yet; and, when I do, I swear, +It shall be Romeo, whom you know I hate, +Rather than Paris. These are news indeed! + +LADY CAPULET: +Here comes your father; tell him so yourself, +And see how he will take it at your hands. + +CAPULET: +When the sun sets, the air doth drizzle dew; +But for the sunset of my brother's son +It rains downright. +How now! a conduit, girl? what, still in tears? +Evermore showering? In one little body +Thou counterfeit'st a bark, a sea, a wind; +For still thy eyes, which I may call the sea, +Do ebb and flow with tears; the bark thy body is, +Sailing in this salt flood; the winds, thy sighs; +Who, raging with thy tears, and they with them, +Without a sudden calm, will overset +Thy tempest-tossed body. How now, wife! +Have you deliver'd to her our decree? + +LADY CAPULET: +Ay, sir; but she will none, she gives you thanks. +I would the fool were married to her grave! + +CAPULET: +Soft! take me with you, take me with you, wife. +How! will she none? doth she not give us thanks? +Is she not proud? doth she not count her blest, +Unworthy as she is, that we have wrought +So worthy a gentleman to be her bridegroom? + +JULIET: +Not proud, you have; but thankful, that you have: +Proud can I never be of what I hate; +But thankful even for hate, that is meant love. + +CAPULET: +How now, how now, chop-logic! What is this? +'Proud,' and 'I thank you,' and 'I thank you not;' +And yet 'not proud,' mistress minion, you, +Thank me no thankings, nor, proud me no prouds, +But fettle your fine joints 'gainst Thursday next, +To go with Paris to Saint Peter's Church, +Or I will drag thee on a hurdle thither. +Out, you green-sickness carrion! out, you baggage! +You tallow-face! + +LADY CAPULET: +Fie, fie! what, are you mad? + +JULIET: +Good father, I beseech you on my knees, +Hear me with patience but to speak a word. + +CAPULET: +Hang thee, young baggage! disobedient wretch! +I tell thee what: get thee to church o' Thursday, +Or never after look me in the face: +Speak not, reply not, do not answer me; +My fingers itch. Wife, we scarce thought us blest +That God had lent us but this only child; +But now I see this one is one too much, +And that we have a curse in having her: +Out on her, hilding! + +Nurse: +God in heaven bless her! +You are to blame, my lord, to rate her so. + +CAPULET: +And why, my lady wisdom? hold your tongue, +Good prudence; smatter with your gossips, go. + +Nurse: +I speak no treason. + +CAPULET: +O, God ye god-den. + +Nurse: +May not one speak? + +CAPULET: +Peace, you mumbling fool! +Utter your gravity o'er a gossip's bowl; +For here we need it not. + +LADY CAPULET: +You are too hot. + +CAPULET: +God's bread! it makes me mad: +Day, night, hour, tide, time, work, play, +Alone, in company, still my care hath been +To have her match'd: and having now provided +A gentleman of noble parentage, +Of fair demesnes, youthful, and nobly train'd, +Stuff'd, as they say, with honourable parts, +Proportion'd as one's thought would wish a man; +And then to have a wretched puling fool, +A whining mammet, in her fortune's tender, +To answer 'I'll not wed; I cannot love, +I am too young; I pray you, pardon me.' +But, as you will not wed, I'll pardon you: +Graze where you will you shall not house with me: +Look to't, think on't, I do not use to jest. +Thursday is near; lay hand on heart, advise: +An you be mine, I'll give you to my friend; +And you be not, hang, beg, starve, die in +the streets, +For, by my soul, I'll ne'er acknowledge thee, +Nor what is mine shall never do thee good: +Trust to't, bethink you; I'll not be forsworn. + +JULIET: +Is there no pity sitting in the clouds, +That sees into the bottom of my grief? +O, sweet my mother, cast me not away! +Delay this marriage for a month, a week; +Or, if you do not, make the bridal bed +In that dim monument where Tybalt lies. + +LADY CAPULET: +Talk not to me, for I'll not speak a word: +Do as thou wilt, for I have done with thee. + +JULIET: +O God!--O nurse, how shall this be prevented? +My husband is on earth, my faith in heaven; +How shall that faith return again to earth, +Unless that husband send it me from heaven +By leaving earth? comfort me, counsel me. +Alack, alack, that heaven should practise stratagems +Upon so soft a subject as myself! +What say'st thou? hast thou not a word of joy? +Some comfort, nurse. + +Nurse: +Faith, here it is. +Romeo is banish'd; and all the world to nothing, +That he dares ne'er come back to challenge you; +Or, if he do, it needs must be by stealth. +Then, since the case so stands as now it doth, +I think it best you married with the county. +O, he's a lovely gentleman! +Romeo's a dishclout to him: an eagle, madam, +Hath not so green, so quick, so fair an eye +As Paris hath. Beshrew my very heart, +I think you are happy in this second match, +For it excels your first: or if it did not, +Your first is dead; or 'twere as good he were, +As living here and you no use of him. + +JULIET: +Speakest thou from thy heart? + +Nurse: +And from my soul too; +Or else beshrew them both. + +JULIET: +Amen! + +Nurse: +What? + +JULIET: +Well, thou hast comforted me marvellous much. +Go in: and tell my lady I am gone, +Having displeased my father, to Laurence' cell, +To make confession and to be absolved. + +Nurse: +Marry, I will; and this is wisely done. + +JULIET: +Ancient damnation! O most wicked fiend! +Is it more sin to wish me thus forsworn, +Or to dispraise my lord with that same tongue +Which she hath praised him with above compare +So many thousand times? Go, counsellor; +Thou and my bosom henceforth shall be twain. +I'll to the friar, to know his remedy: +If all else fail, myself have power to die. + +FRIAR LAURENCE: +On Thursday, sir? the time is very short. + +PARIS: +My father Capulet will have it so; +And I am nothing slow to slack his haste. + +FRIAR LAURENCE: +You say you do not know the lady's mind: +Uneven is the course, I like it not. + +PARIS: +Immoderately she weeps for Tybalt's death, +And therefore have I little talk'd of love; +For Venus smiles not in a house of tears. +Now, sir, her father counts it dangerous +That she doth give her sorrow so much sway, +And in his wisdom hastes our marriage, +To stop the inundation of her tears; +Which, too much minded by herself alone, +May be put from her by society: +Now do you know the reason of this haste. + +FRIAR LAURENCE: + +PARIS: +Happily met, my lady and my wife! + +JULIET: +That may be, sir, when I may be a wife. + +PARIS: +That may be must be, love, on Thursday next. + +JULIET: +What must be shall be. + +FRIAR LAURENCE: +That's a certain text. + +PARIS: +Come you to make confession to this father? + +JULIET: +To answer that, I should confess to you. + +PARIS: +Do not deny to him that you love me. + +JULIET: +I will confess to you that I love him. + +PARIS: +So will ye, I am sure, that you love me. + +JULIET: +If I do so, it will be of more price, +Being spoke behind your back, than to your face. + +PARIS: +Poor soul, thy face is much abused with tears. + +JULIET: +The tears have got small victory by that; +For it was bad enough before their spite. + +PARIS: +Thou wrong'st it, more than tears, with that report. + +JULIET: +That is no slander, sir, which is a truth; +And what I spake, I spake it to my face. + +PARIS: +Thy face is mine, and thou hast slander'd it. + +JULIET: +It may be so, for it is not mine own. +Are you at leisure, holy father, now; +Or shall I come to you at evening mass? + +FRIAR LAURENCE: +My leisure serves me, pensive daughter, now. +My lord, we must entreat the time alone. + +PARIS: +God shield I should disturb devotion! +Juliet, on Thursday early will I rouse ye: +Till then, adieu; and keep this holy kiss. + +JULIET: +O shut the door! and when thou hast done so, +Come weep with me; past hope, past cure, past help! + +FRIAR LAURENCE: +Ah, Juliet, I already know thy grief; +It strains me past the compass of my wits: +I hear thou must, and nothing may prorogue it, +On Thursday next be married to this county. + +JULIET: +Tell me not, friar, that thou hear'st of this, +Unless thou tell me how I may prevent it: +If, in thy wisdom, thou canst give no help, +Do thou but call my resolution wise, +And with this knife I'll help it presently. +God join'd my heart and Romeo's, thou our hands; +And ere this hand, by thee to Romeo seal'd, +Shall be the label to another deed, +Or my true heart with treacherous revolt +Turn to another, this shall slay them both: +Therefore, out of thy long-experienced time, +Give me some present counsel, or, behold, +'Twixt my extremes and me this bloody knife +Shall play the umpire, arbitrating that +Which the commission of thy years and art +Could to no issue of true honour bring. +Be not so long to speak; I long to die, +If what thou speak'st speak not of remedy. + +FRIAR LAURENCE: +Hold, daughter: I do spy a kind of hope, +Which craves as desperate an execution. +As that is desperate which we would prevent. +If, rather than to marry County Paris, +Thou hast the strength of will to slay thyself, +Then is it likely thou wilt undertake +A thing like death to chide away this shame, +That copest with death himself to scape from it: +And, if thou darest, I'll give thee remedy. + +JULIET: +O, bid me leap, rather than marry Paris, +From off the battlements of yonder tower; +Or walk in thievish ways; or bid me lurk +Where serpents are; chain me with roaring bears; +Or shut me nightly in a charnel-house, +O'er-cover'd quite with dead men's rattling bones, +With reeky shanks and yellow chapless skulls; +Or bid me go into a new-made grave +And hide me with a dead man in his shroud; +Things that, to hear them told, have made me tremble; +And I will do it without fear or doubt, +To live an unstain'd wife to my sweet love. + +FRIAR LAURENCE: +Hold, then; go home, be merry, give consent +To marry Paris: Wednesday is to-morrow: +To-morrow night look that thou lie alone; +Let not thy nurse lie with thee in thy chamber: +Take thou this vial, being then in bed, +And this distilled liquor drink thou off; +When presently through all thy veins shall run +A cold and drowsy humour, for no pulse +Shall keep his native progress, but surcease: +No warmth, no breath, shall testify thou livest; +The roses in thy lips and cheeks shall fade +To paly ashes, thy eyes' windows fall, +Like death, when he shuts up the day of life; +Each part, deprived of supple government, +Shall, stiff and stark and cold, appear like death: +And in this borrow'd likeness of shrunk death +Thou shalt continue two and forty hours, +And then awake as from a pleasant sleep. +Now, when the bridegroom in the morning comes +To rouse thee from thy bed, there art thou dead: +Then, as the manner of our country is, +In thy best robes uncover'd on the bier +Thou shalt be borne to that same ancient vault +Where all the kindred of the Capulets lie. +In the mean time, against thou shalt awake, +Shall Romeo by my letters know our drift, +And hither shall he come: and he and I +Will watch thy waking, and that very night +Shall Romeo bear thee hence to Mantua. +And this shall free thee from this present shame; +If no inconstant toy, nor womanish fear, +Abate thy valour in the acting it. + +JULIET: +Give me, give me! O, tell not me of fear! + +FRIAR LAURENCE: +Hold; get you gone, be strong and prosperous +In this resolve: I'll send a friar with speed +To Mantua, with my letters to thy lord. + +JULIET: +Love give me strength! and strength shall help afford. +Farewell, dear father! + +CAPULET: +So many guests invite as here are writ. +Sirrah, go hire me twenty cunning cooks. + +Second Servant: +You shall have none ill, sir; for I'll try if they +can lick their fingers. + +CAPULET: +How canst thou try them so? + +Second Servant: +Marry, sir, 'tis an ill cook that cannot lick his +own fingers: therefore he that cannot lick his +fingers goes not with me. + +CAPULET: +Go, be gone. +We shall be much unfurnished for this time. +What, is my daughter gone to Friar Laurence? + +Nurse: +Ay, forsooth. + +CAPULET: +Well, he may chance to do some good on her: +A peevish self-will'd harlotry it is. + +Nurse: +See where she comes from shrift with merry look. + +CAPULET: +How now, my headstrong! where have you been gadding? + +JULIET: +Where I have learn'd me to repent the sin +Of disobedient opposition +To you and your behests, and am enjoin'd +By holy Laurence to fall prostrate here, +And beg your pardon: pardon, I beseech you! +Henceforward I am ever ruled by you. + +CAPULET: +Send for the county; go tell him of this: +I'll have this knot knit up to-morrow morning. + +JULIET: +I met the youthful lord at Laurence' cell; +And gave him what becomed love I might, +Not step o'er the bounds of modesty. + +CAPULET: +Why, I am glad on't; this is well: stand up: +This is as't should be. Let me see the county; +Ay, marry, go, I say, and fetch him hither. +Now, afore God! this reverend holy friar, +Our whole city is much bound to him. + +JULIET: +Nurse, will you go with me into my closet, +To help me sort such needful ornaments +As you think fit to furnish me to-morrow? + +LADY CAPULET: +No, not till Thursday; there is time enough. + +CAPULET: +Go, nurse, go with her: we'll to church to-morrow. + +LADY CAPULET: +We shall be short in our provision: +'Tis now near night. + +CAPULET: +Tush, I will stir about, +And all things shall be well, I warrant thee, wife: +Go thou to Juliet, help to deck up her; +I'll not to bed to-night; let me alone; +I'll play the housewife for this once. What, ho! +They are all forth. Well, I will walk myself +To County Paris, to prepare him up +Against to-morrow: my heart is wondrous light, +Since this same wayward girl is so reclaim'd. + +JULIET: +Ay, those attires are best: but, gentle nurse, +I pray thee, leave me to myself to-night, +For I have need of many orisons +To move the heavens to smile upon my state, +Which, well thou know'st, is cross, and full of sin. + +LADY CAPULET: +What, are you busy, ho? need you my help? + +JULIET: +No, madam; we have cull'd such necessaries +As are behoveful for our state to-morrow: +So please you, let me now be left alone, +And let the nurse this night sit up with you; +For, I am sure, you have your hands full all, +In this so sudden business. + +LADY CAPULET: +Good night: +Get thee to bed, and rest; for thou hast need. + +JULIET: +Farewell! God knows when we shall meet again. +I have a faint cold fear thrills through my veins, +That almost freezes up the heat of life: +I'll call them back again to comfort me: +Nurse! What should she do here? +My dismal scene I needs must act alone. +Come, vial. +What if this mixture do not work at all? +Shall I be married then to-morrow morning? +No, no: this shall forbid it: lie thou there. +What if it be a poison, which the friar +Subtly hath minister'd to have me dead, +Lest in this marriage he should be dishonour'd, +Because he married me before to Romeo? +I fear it is: and yet, methinks, it should not, +For he hath still been tried a holy man. +How if, when I am laid into the tomb, +I wake before the time that Romeo +Come to redeem me? there's a fearful point! +Shall I not, then, be stifled in the vault, +To whose foul mouth no healthsome air breathes in, +And there die strangled ere my Romeo comes? +Or, if I live, is it not very like, +The horrible conceit of death and night, +Together with the terror of the place,-- +As in a vault, an ancient receptacle, +Where, for these many hundred years, the bones +Of all my buried ancestors are packed: +Where bloody Tybalt, yet but green in earth, +Lies festering in his shroud; where, as they say, +At some hours in the night spirits resort;-- +Alack, alack, is it not like that I, +So early waking, what with loathsome smells, +And shrieks like mandrakes' torn out of the earth, +That living mortals, hearing them, run mad:-- +O, if I wake, shall I not be distraught, +Environed with all these hideous fears? +And madly play with my forefather's joints? +And pluck the mangled Tybalt from his shroud? +And, in this rage, with some great kinsman's bone, +As with a club, dash out my desperate brains? +O, look! methinks I see my cousin's ghost +Seeking out Romeo, that did spit his body +Upon a rapier's point: stay, Tybalt, stay! +Romeo, I come! this do I drink to thee. + +LADY CAPULET: +Hold, take these keys, and fetch more spices, nurse. + +Nurse: +They call for dates and quinces in the pastry. + +CAPULET: +Come, stir, stir, stir! the second cock hath crow'd, +The curfew-bell hath rung, 'tis three o'clock: +Look to the baked meats, good Angelica: +Spare not for the cost. + +Nurse: +Go, you cot-quean, go, +Get you to bed; faith, You'll be sick to-morrow +For this night's watching. + +CAPULET: +No, not a whit: what! I have watch'd ere now +All night for lesser cause, and ne'er been sick. + +LADY CAPULET: +Ay, you have been a mouse-hunt in your time; +But I will watch you from such watching now. + +CAPULET: +A jealous hood, a jealous hood! +Now, fellow, +What's there? + +First Servant: +Things for the cook, sir; but I know not what. + +CAPULET: +Make haste, make haste. +Sirrah, fetch drier logs: +Call Peter, he will show thee where they are. + +Second Servant: +I have a head, sir, that will find out logs, +And never trouble Peter for the matter. + +CAPULET: +Mass, and well said; a merry whoreson, ha! +Thou shalt be logger-head. Good faith, 'tis day: +The county will be here with music straight, +For so he said he would: I hear him near. +Nurse! Wife! What, ho! What, nurse, I say! +Go waken Juliet, go and trim her up; +I'll go and chat with Paris: hie, make haste, +Make haste; the bridegroom he is come already: +Make haste, I say. + +Nurse: +Mistress! what, mistress! Juliet! fast, I warrant her, she: +Why, lamb! why, lady! fie, you slug-a-bed! +Why, love, I say! madam! sweet-heart! why, bride! +What, not a word? you take your pennyworths now; +Sleep for a week; for the next night, I warrant, +The County Paris hath set up his rest, +That you shall rest but little. God forgive me, +Marry, and amen, how sound is she asleep! +I must needs wake her. Madam, madam, madam! +Ay, let the county take you in your bed; +He'll fright you up, i' faith. Will it not be? +What, dress'd! and in your clothes! and down again! +I must needs wake you; Lady! lady! lady! +Alas, alas! Help, help! my lady's dead! +O, well-a-day, that ever I was born! +Some aqua vitae, ho! My lord! my lady! + +LADY CAPULET: +What noise is here? + +Nurse: +O lamentable day! + +LADY CAPULET: +What is the matter? + +Nurse: +Look, look! O heavy day! + +LADY CAPULET: +O me, O me! My child, my only life, +Revive, look up, or I will die with thee! +Help, help! Call help. + +CAPULET: +For shame, bring Juliet forth; her lord is come. + +Nurse: +She's dead, deceased, she's dead; alack the day! + +LADY CAPULET: +Alack the day, she's dead, she's dead, she's dead! + +CAPULET: +Ha! let me see her: out, alas! she's cold: +Her blood is settled, and her joints are stiff; +Life and these lips have long been separated: +Death lies on her like an untimely frost +Upon the sweetest flower of all the field. + +Nurse: +O lamentable day! + +LADY CAPULET: +O woful time! + +CAPULET: +Death, that hath ta'en her hence to make me wail, +Ties up my tongue, and will not let me speak. + +FRIAR LAURENCE: +Come, is the bride ready to go to church? + +CAPULET: +Ready to go, but never to return. +O son! the night before thy wedding-day +Hath Death lain with thy wife. There she lies, +Flower as she was, deflowered by him. +Death is my son-in-law, Death is my heir; +My daughter he hath wedded: I will die, +And leave him all; life, living, all is Death's. + +PARIS: +Have I thought long to see this morning's face, +And doth it give me such a sight as this? + +LADY CAPULET: +Accursed, unhappy, wretched, hateful day! +Most miserable hour that e'er time saw +In lasting labour of his pilgrimage! +But one, poor one, one poor and loving child, +But one thing to rejoice and solace in, +And cruel death hath catch'd it from my sight! + +Nurse: +O woe! O woful, woful, woful day! +Most lamentable day, most woful day, +That ever, ever, I did yet behold! +O day! O day! O day! O hateful day! +Never was seen so black a day as this: +O woful day, O woful day! + +PARIS: +Beguiled, divorced, wronged, spited, slain! +Most detestable death, by thee beguil'd, +By cruel cruel thee quite overthrown! +O love! O life! not life, but love in death! + +CAPULET: +Despised, distressed, hated, martyr'd, kill'd! +Uncomfortable time, why camest thou now +To murder, murder our solemnity? +O child! O child! my soul, and not my child! +Dead art thou! Alack! my child is dead; +And with my child my joys are buried. + +FRIAR LAURENCE: +Peace, ho, for shame! confusion's cure lives not +In these confusions. Heaven and yourself +Had part in this fair maid; now heaven hath all, +And all the better is it for the maid: +Your part in her you could not keep from death, +But heaven keeps his part in eternal life. +The most you sought was her promotion; +For 'twas your heaven she should be advanced: +And weep ye now, seeing she is advanced +Above the clouds, as high as heaven itself? +O, in this love, you love your child so ill, +That you run mad, seeing that she is well: +She's not well married that lives married long; +But she's best married that dies married young. +Dry up your tears, and stick your rosemary +On this fair corse; and, as the custom is, +In all her best array bear her to church: +For though fond nature bids us an lament, +Yet nature's tears are reason's merriment. + +CAPULET: +All things that we ordained festival, +Turn from their office to black funeral; +Our instruments to melancholy bells, +Our wedding cheer to a sad burial feast, +Our solemn hymns to sullen dirges change, +Our bridal flowers serve for a buried corse, +And all things change them to the contrary. + +FRIAR LAURENCE: +Sir, go you in; and, madam, go with him; +And go, Sir Paris; every one prepare +To follow this fair corse unto her grave: +The heavens do lour upon you for some ill; +Move them no more by crossing their high will. + +First Musician: +Faith, we may put up our pipes, and be gone. + +Nurse: +Honest goodfellows, ah, put up, put up; +For, well you know, this is a pitiful case. + +First Musician: +Ay, by my troth, the case may be amended. + +PETER: +Musicians, O, musicians, 'Heart's ease, Heart's +ease:' O, an you will have me live, play 'Heart's ease.' + +First Musician: +Why 'Heart's ease?' + +PETER: +O, musicians, because my heart itself plays 'My +heart is full of woe:' O, play me some merry dump, +to comfort me. + +First Musician: +Not a dump we; 'tis no time to play now. + +PETER: +You will not, then? + +First Musician: +No. + +PETER: +I will then give it you soundly. + +First Musician: +What will you give us? + +PETER: +No money, on my faith, but the gleek; +I will give you the minstrel. + +First Musician: +Then I will give you the serving-creature. + +PETER: +Then will I lay the serving-creature's dagger on +your pate. I will carry no crotchets: I'll re you, +I'll fa you; do you note me? + +First Musician: +An you re us and fa us, you note us. + +Second Musician: +Pray you, put up your dagger, and put out your wit. + +PETER: +Then have at you with my wit! I will dry-beat you +with an iron wit, and put up my iron dagger. Answer +me like men: +'When griping grief the heart doth wound, +And doleful dumps the mind oppress, +Then music with her silver sound'-- +why 'silver sound'? why 'music with her silver +sound'? What say you, Simon Catling? + +Musician: +Marry, sir, because silver hath a sweet sound. + +PETER: +Pretty! What say you, Hugh Rebeck? + +Second Musician: +I say 'silver sound,' because musicians sound for silver. + +PETER: +Pretty too! What say you, James Soundpost? + +Third Musician: +Faith, I know not what to say. + +PETER: +O, I cry you mercy; you are the singer: I will say +for you. It is 'music with her silver sound,' +because musicians have no gold for sounding: +'Then music with her silver sound +With speedy help doth lend redress.' + +First Musician: +What a pestilent knave is this same! + +Second Musician: +Hang him, Jack! Come, we'll in here; tarry for the +mourners, and stay dinner. + +ROMEO: +If I may trust the flattering truth of sleep, +My dreams presage some joyful news at hand: +My bosom's lord sits lightly in his throne; +And all this day an unaccustom'd spirit +Lifts me above the ground with cheerful thoughts. +I dreamt my lady came and found me dead-- +Strange dream, that gives a dead man leave +to think!-- +And breathed such life with kisses in my lips, +That I revived, and was an emperor. +Ah me! how sweet is love itself possess'd, +When but love's shadows are so rich in joy! +News from Verona!--How now, Balthasar! +Dost thou not bring me letters from the friar? +How doth my lady? Is my father well? +How fares my Juliet? that I ask again; +For nothing can be ill, if she be well. + +BALTHASAR: +Then she is well, and nothing can be ill: +Her body sleeps in Capel's monument, +And her immortal part with angels lives. +I saw her laid low in her kindred's vault, +And presently took post to tell it you: +O, pardon me for bringing these ill news, +Since you did leave it for my office, sir. + +ROMEO: +Is it even so? then I defy you, stars! +Thou know'st my lodging: get me ink and paper, +And hire post-horses; I will hence to-night. + +BALTHASAR: +I do beseech you, sir, have patience: +Your looks are pale and wild, and do import +Some misadventure. + +ROMEO: +Tush, thou art deceived: +Leave me, and do the thing I bid thee do. +Hast thou no letters to me from the friar? + +BALTHASAR: +No, my good lord. + +ROMEO: +No matter: get thee gone, +And hire those horses; I'll be with thee straight. +Well, Juliet, I will lie with thee to-night. +Let's see for means: O mischief, thou art swift +To enter in the thoughts of desperate men! +I do remember an apothecary,-- +And hereabouts he dwells,--which late I noted +In tatter'd weeds, with overwhelming brows, +Culling of simples; meagre were his looks, +Sharp misery had worn him to the bones: +And in his needy shop a tortoise hung, +An alligator stuff'd, and other skins +Of ill-shaped fishes; and about his shelves +A beggarly account of empty boxes, +Green earthen pots, bladders and musty seeds, +Remnants of packthread and old cakes of roses, +Were thinly scatter'd, to make up a show. +Noting this penury, to myself I said +'An if a man did need a poison now, +Whose sale is present death in Mantua, +Here lives a caitiff wretch would sell it him.' +O, this same thought did but forerun my need; +And this same needy man must sell it me. +As I remember, this should be the house. +Being holiday, the beggar's shop is shut. +What, ho! apothecary! + +Apothecary: +Who calls so loud? + +ROMEO: +Come hither, man. I see that thou art poor: +Hold, there is forty ducats: let me have +A dram of poison, such soon-speeding gear +As will disperse itself through all the veins +That the life-weary taker may fall dead +And that the trunk may be discharged of breath +As violently as hasty powder fired +Doth hurry from the fatal cannon's womb. + +Apothecary: +Such mortal drugs I have; but Mantua's law +Is death to any he that utters them. + +ROMEO: +Art thou so bare and full of wretchedness, +And fear'st to die? famine is in thy cheeks, +Need and oppression starveth in thine eyes, +Contempt and beggary hangs upon thy back; +The world is not thy friend nor the world's law; +The world affords no law to make thee rich; +Then be not poor, but break it, and take this. + +Apothecary: +My poverty, but not my will, consents. + +ROMEO: +I pay thy poverty, and not thy will. + +Apothecary: +Put this in any liquid thing you will, +And drink it off; and, if you had the strength +Of twenty men, it would dispatch you straight. + +ROMEO: +There is thy gold, worse poison to men's souls, +Doing more murders in this loathsome world, +Than these poor compounds that thou mayst not sell. +I sell thee poison; thou hast sold me none. +Farewell: buy food, and get thyself in flesh. +Come, cordial and not poison, go with me +To Juliet's grave; for there must I use thee. + +FRIAR JOHN: +Holy Franciscan friar! brother, ho! + +FRIAR LAURENCE: +This same should be the voice of Friar John. +Welcome from Mantua: what says Romeo? +Or, if his mind be writ, give me his letter. + +FRIAR JOHN: +Going to find a bare-foot brother out +One of our order, to associate me, +Here in this city visiting the sick, +And finding him, the searchers of the town, +Suspecting that we both were in a house +Where the infectious pestilence did reign, +Seal'd up the doors, and would not let us forth; +So that my speed to Mantua there was stay'd. + +FRIAR LAURENCE: +Who bare my letter, then, to Romeo? + +FRIAR JOHN: +I could not send it,--here it is again,-- +Nor get a messenger to bring it thee, +So fearful were they of infection. + +FRIAR LAURENCE: +Unhappy fortune! by my brotherhood, +The letter was not nice but full of charge +Of dear import, and the neglecting it +May do much danger. Friar John, go hence; +Get me an iron crow, and bring it straight +Unto my cell. + +FRIAR JOHN: +Brother, I'll go and bring it thee. + +FRIAR LAURENCE: +Now must I to the monument alone; +Within three hours will fair Juliet wake: +She will beshrew me much that Romeo +Hath had no notice of these accidents; +But I will write again to Mantua, +And keep her at my cell till Romeo come; +Poor living corse, closed in a dead man's tomb! + +PARIS: +Give me thy torch, boy: hence, and stand aloof: +Yet put it out, for I would not be seen. +Under yond yew-trees lay thee all along, +Holding thine ear close to the hollow ground; +So shall no foot upon the churchyard tread, +Being loose, unfirm, with digging up of graves, +But thou shalt hear it: whistle then to me, +As signal that thou hear'st something approach. +Give me those flowers. Do as I bid thee, go. + +PAGE: + +PARIS: +Sweet flower, with flowers thy bridal bed I strew,-- +O woe! thy canopy is dust and stones;-- +Which with sweet water nightly I will dew, +Or, wanting that, with tears distill'd by moans: +The obsequies that I for thee will keep +Nightly shall be to strew thy grave and weep. +The boy gives warning something doth approach. +What cursed foot wanders this way to-night, +To cross my obsequies and true love's rite? +What with a torch! muffle me, night, awhile. + +ROMEO: +Give me that mattock and the wrenching iron. +Hold, take this letter; early in the morning +See thou deliver it to my lord and father. +Give me the light: upon thy life, I charge thee, +Whate'er thou hear'st or seest, stand all aloof, +And do not interrupt me in my course. +Why I descend into this bed of death, +Is partly to behold my lady's face; +But chiefly to take thence from her dead finger +A precious ring, a ring that I must use +In dear employment: therefore hence, be gone: +But if thou, jealous, dost return to pry +In what I further shall intend to do, +By heaven, I will tear thee joint by joint +And strew this hungry churchyard with thy limbs: +The time and my intents are savage-wild, +More fierce and more inexorable far +Than empty tigers or the roaring sea. + +BALTHASAR: +I will be gone, sir, and not trouble you. + +ROMEO: +So shalt thou show me friendship. Take thou that: +Live, and be prosperous: and farewell, good fellow. + +BALTHASAR: + +ROMEO: +Thou detestable maw, thou womb of death, +Gorged with the dearest morsel of the earth, +Thus I enforce thy rotten jaws to open, +And, in despite, I'll cram thee with more food! + +PARIS: +This is that banish'd haughty Montague, +That murder'd my love's cousin, with which grief, +It is supposed, the fair creature died; +And here is come to do some villanous shame +To the dead bodies: I will apprehend him. +Stop thy unhallow'd toil, vile Montague! +Can vengeance be pursued further than death? +Condemned villain, I do apprehend thee: +Obey, and go with me; for thou must die. + +ROMEO: +I must indeed; and therefore came I hither. +Good gentle youth, tempt not a desperate man; +Fly hence, and leave me: think upon these gone; +Let them affright thee. I beseech thee, youth, +Put not another sin upon my head, +By urging me to fury: O, be gone! +By heaven, I love thee better than myself; +For I come hither arm'd against myself: +Stay not, be gone; live, and hereafter say, +A madman's mercy bade thee run away. + +PARIS: +I do defy thy conjurations, +And apprehend thee for a felon here. + +ROMEO: +Wilt thou provoke me? then have at thee, boy! + +PAGE: +O Lord, they fight! I will go call the watch. + +PARIS: +O, I am slain! +If thou be merciful, +Open the tomb, lay me with Juliet. + +ROMEO: +In faith, I will. Let me peruse this face. +Mercutio's kinsman, noble County Paris! +What said my man, when my betossed soul +Did not attend him as we rode? I think +He told me Paris should have married Juliet: +Said he not so? or did I dream it so? +Or am I mad, hearing him talk of Juliet, +To think it was so? O, give me thy hand, +One writ with me in sour misfortune's book! +I'll bury thee in a triumphant grave; +A grave? O no! a lantern, slaughter'd youth, +For here lies Juliet, and her beauty makes +This vault a feasting presence full of light. +Death, lie thou there, by a dead man interr'd. +How oft when men are at the point of death +Have they been merry! which their keepers call +A lightning before death: O, how may I +Call this a lightning? O my love! my wife! +Death, that hath suck'd the honey of thy breath, +Hath had no power yet upon thy beauty: +Thou art not conquer'd; beauty's ensign yet +Is crimson in thy lips and in thy cheeks, +And death's pale flag is not advanced there. +Tybalt, liest thou there in thy bloody sheet? +O, what more favour can I do to thee, +Than with that hand that cut thy youth in twain +To sunder his that was thine enemy? +Forgive me, cousin! Ah, dear Juliet, +Why art thou yet so fair? shall I believe +That unsubstantial death is amorous, +And that the lean abhorred monster keeps +Thee here in dark to be his paramour? +For fear of that, I still will stay with thee; +And never from this palace of dim night +Depart again: here, here will I remain +With worms that are thy chamber-maids; O, here +Will I set up my everlasting rest, +And shake the yoke of inauspicious stars +From this world-wearied flesh. Eyes, look your last! +Arms, take your last embrace! and, lips, O you +The doors of breath, seal with a righteous kiss +A dateless bargain to engrossing death! +Come, bitter conduct, come, unsavoury guide! +Thou desperate pilot, now at once run on +The dashing rocks thy sea-sick weary bark! +Here's to my love! +O true apothecary! +Thy drugs are quick. Thus with a kiss I die. + +FRIAR LAURENCE: +Saint Francis be my speed! how oft to-night +Have my old feet stumbled at graves! Who's there? + +BALTHASAR: +Here's one, a friend, and one that knows you well. + +FRIAR LAURENCE: +Bliss be upon you! Tell me, good my friend, +What torch is yond, that vainly lends his light +To grubs and eyeless skulls? as I discern, +It burneth in the Capel's monument. + +BALTHASAR: +It doth so, holy sir; and there's my master, +One that you love. + +FRIAR LAURENCE: +Who is it? + +BALTHASAR: +Romeo. + +FRIAR LAURENCE: +How long hath he been there? + +BALTHASAR: +Full half an hour. + +FRIAR LAURENCE: +Go with me to the vault. + +BALTHASAR: +I dare not, sir +My master knows not but I am gone hence; +And fearfully did menace me with death, +If I did stay to look on his intents. + +FRIAR LAURENCE: +Stay, then; I'll go alone. Fear comes upon me: +O, much I fear some ill unlucky thing. + +BALTHASAR: +As I did sleep under this yew-tree here, +I dreamt my master and another fought, +And that my master slew him. + +FRIAR LAURENCE: +Romeo! +Alack, alack, what blood is this, which stains +The stony entrance of this sepulchre? +What mean these masterless and gory swords +To lie discolour'd by this place of peace? +Romeo! O, pale! Who else? what, Paris too? +And steep'd in blood? Ah, what an unkind hour +Is guilty of this lamentable chance! +The lady stirs. + +JULIET: +O comfortable friar! where is my lord? +I do remember well where I should be, +And there I am. Where is my Romeo? + +FRIAR LAURENCE: +I hear some noise. Lady, come from that nest +Of death, contagion, and unnatural sleep: +A greater power than we can contradict +Hath thwarted our intents. Come, come away. +Thy husband in thy bosom there lies dead; +And Paris too. Come, I'll dispose of thee +Among a sisterhood of holy nuns: +Stay not to question, for the watch is coming; +Come, go, good Juliet, +I dare no longer stay. + +JULIET: +Go, get thee hence, for I will not away. +What's here? a cup, closed in my true love's hand? +Poison, I see, hath been his timeless end: +O churl! drunk all, and left no friendly drop +To help me after? I will kiss thy lips; +Haply some poison yet doth hang on them, +To make die with a restorative. +Thy lips are warm. + +First Watchman: + +JULIET: +Yea, noise? then I'll be brief. O happy dagger! +This is thy sheath; +there rust, and let me die. + +PAGE: +This is the place; there, where the torch doth burn. + +First Watchman: +The ground is bloody; search about the churchyard: +Go, some of you, whoe'er you find attach. +Pitiful sight! here lies the county slain, +And Juliet bleeding, warm, and newly dead, +Who here hath lain these two days buried. +Go, tell the prince: run to the Capulets: +Raise up the Montagues: some others search: +We see the ground whereon these woes do lie; +But the true ground of all these piteous woes +We cannot without circumstance descry. + +Second Watchman: +Here's Romeo's man; we found him in the churchyard. + +First Watchman: +Hold him in safety, till the prince come hither. + +Third Watchman: +Here is a friar, that trembles, sighs and weeps: +We took this mattock and this spade from him, +As he was coming from this churchyard side. + +First Watchman: +A great suspicion: stay the friar too. + +PRINCE: +What misadventure is so early up, +That calls our person from our morning's rest? + +CAPULET: +What should it be, that they so shriek abroad? + +LADY CAPULET: +The people in the street cry Romeo, +Some Juliet, and some Paris; and all run, +With open outcry toward our monument. + +PRINCE: +What fear is this which startles in our ears? + +First Watchman: +Sovereign, here lies the County Paris slain; +And Romeo dead; and Juliet, dead before, +Warm and new kill'd. + +PRINCE: +Search, seek, and know how this foul murder comes. + +First Watchman: +Here is a friar, and slaughter'd Romeo's man; +With instruments upon them, fit to open +These dead men's tombs. + +CAPULET: +O heavens! O wife, look how our daughter bleeds! +This dagger hath mista'en--for, lo, his house +Is empty on the back of Montague,-- +And it mis-sheathed in my daughter's bosom! + +LADY CAPULET: +O me! this sight of death is as a bell, +That warns my old age to a sepulchre. + +PRINCE: +Come, Montague; for thou art early up, +To see thy son and heir more early down. + +MONTAGUE: +Alas, my liege, my wife is dead to-night; +Grief of my son's exile hath stopp'd her breath: +What further woe conspires against mine age? + +PRINCE: +Look, and thou shalt see. + +MONTAGUE: +O thou untaught! what manners is in this? +To press before thy father to a grave? + +PRINCE: +Seal up the mouth of outrage for a while, +Till we can clear these ambiguities, +And know their spring, their head, their +true descent; +And then will I be general of your woes, +And lead you even to death: meantime forbear, +And let mischance be slave to patience. +Bring forth the parties of suspicion. + +FRIAR LAURENCE: +I am the greatest, able to do least, +Yet most suspected, as the time and place +Doth make against me of this direful murder; +And here I stand, both to impeach and purge +Myself condemned and myself excused. + +PRINCE: +Then say at once what thou dost know in this. + +FRIAR LAURENCE: +I will be brief, for my short date of breath +Is not so long as is a tedious tale. +Romeo, there dead, was husband to that Juliet; +And she, there dead, that Romeo's faithful wife: +I married them; and their stol'n marriage-day +Was Tybalt's dooms-day, whose untimely death +Banish'd the new-made bridegroom from the city, +For whom, and not for Tybalt, Juliet pined. +You, to remove that siege of grief from her, +Betroth'd and would have married her perforce +To County Paris: then comes she to me, +And, with wild looks, bid me devise some mean +To rid her from this second marriage, +Or in my cell there would she kill herself. +Then gave I her, so tutor'd by my art, +A sleeping potion; which so took effect +As I intended, for it wrought on her +The form of death: meantime I writ to Romeo, +That he should hither come as this dire night, +To help to take her from her borrow'd grave, +Being the time the potion's force should cease. +But he which bore my letter, Friar John, +Was stay'd by accident, and yesternight +Return'd my letter back. Then all alone +At the prefixed hour of her waking, +Came I to take her from her kindred's vault; +Meaning to keep her closely at my cell, +Till I conveniently could send to Romeo: +But when I came, some minute ere the time +Of her awaking, here untimely lay +The noble Paris and true Romeo dead. +She wakes; and I entreated her come forth, +And bear this work of heaven with patience: +But then a noise did scare me from the tomb; +And she, too desperate, would not go with me, +But, as it seems, did violence on herself. +All this I know; and to the marriage +Her nurse is privy: and, if aught in this +Miscarried by my fault, let my old life +Be sacrificed, some hour before his time, +Unto the rigour of severest law. + +PRINCE: +We still have known thee for a holy man. +Where's Romeo's man? what can he say in this? + +BALTHASAR: +I brought my master news of Juliet's death; +And then in post he came from Mantua +To this same place, to this same monument. +This letter he early bid me give his father, +And threatened me with death, going in the vault, +I departed not and left him there. + +PRINCE: +Give me the letter; I will look on it. +Where is the county's page, that raised the watch? +Sirrah, what made your master in this place? + +PAGE: +He came with flowers to strew his lady's grave; +And bid me stand aloof, and so I did: +Anon comes one with light to ope the tomb; +And by and by my master drew on him; +And then I ran away to call the watch. + +PRINCE: +This letter doth make good the friar's words, +Their course of love, the tidings of her death: +And here he writes that he did buy a poison +Of a poor 'pothecary, and therewithal +Came to this vault to die, and lie with Juliet. +Where be these enemies? Capulet! Montague! +See, what a scourge is laid upon your hate, +That heaven finds means to kill your joys with love. +And I for winking at your discords too +Have lost a brace of kinsmen: all are punish'd. + +CAPULET: +O brother Montague, give me thy hand: +This is my daughter's jointure, for no more +Can I demand. + +MONTAGUE: +But I can give thee more: +For I will raise her statue in pure gold; +That while Verona by that name is known, +There shall no figure at such rate be set +As that of true and faithful Juliet. + +CAPULET: +As rich shall Romeo's by his lady's lie; +Poor sacrifices of our enmity! + +PRINCE: +A glooming peace this morning with it brings; +The sun, for sorrow, will not show his head: +Go hence, to have more talk of these sad things; +Some shall be pardon'd, and some punished: +For never was a story of more woe +Than this of Juliet and her Romeo. + +WARWICK: +I wonder how the king escaped our hands. + +YORK: +While we pursued the horsemen of the north, +He slily stole away and left his men: +Whereat the great Lord of Northumberland, +Whose warlike ears could never brook retreat, +Cheer'd up the drooping army; and himself, +Lord Clifford and Lord Stafford, all abreast, +Charged our main battle's front, and breaking in +Were by the swords of common soldiers slain. + +EDWARD: +Lord Stafford's father, Duke of Buckingham, +Is either slain or wounded dangerously; +I cleft his beaver with a downright blow: +That this is true, father, behold his blood. + +MONTAGUE: +And, brother, here's the Earl of Wiltshire's blood, +Whom I encounter'd as the battles join'd. + +RICHARD: +Speak thou for me and tell them what I did. + +YORK: +Richard hath best deserved of all my sons. +But is your grace dead, my Lord of Somerset? + +NORFOLK: +Such hope have all the line of John of Gaunt! + +RICHARD: +Thus do I hope to shake King Henry's head. + +WARWICK: +And so do I. Victorious Prince of York, +Before I see thee seated in that throne +Which now the house of Lancaster usurps, +I vow by heaven these eyes shall never close. +This is the palace of the fearful king, +And this the regal seat: possess it, York; +For this is thine and not King Henry's heirs' + +YORK: +Assist me, then, sweet Warwick, and I will; +For hither we have broken in by force. + +NORFOLK: +We'll all assist you; he that flies shall die. + +YORK: +Thanks, gentle Norfolk: stay by me, my lords; +And, soldiers, stay and lodge by me this night. + +WARWICK: +And when the king comes, offer no violence, +Unless he seek to thrust you out perforce. + +YORK: +The queen this day here holds her parliament, +But little thinks we shall be of her council: +By words or blows here let us win our right. + +RICHARD: +Arm'd as we are, let's stay within this house. + +WARWICK: +The bloody parliament shall this be call'd, +Unless Plantagenet, Duke of York, be king, +And bashful Henry deposed, whose cowardice +Hath made us by-words to our enemies. + +YORK: +Then leave me not, my lords; be resolute; +I mean to take possession of my right. + +WARWICK: +Neither the king, nor he that loves him best, +The proudest he that holds up Lancaster, +Dares stir a wing, if Warwick shake his bells. +I'll plant Plantagenet, root him up who dares: +Resolve thee, Richard; claim the English crown. + +KING HENRY VI: +My lords, look where the sturdy rebel sits, +Even in the chair of state: belike he means, +Back'd by the power of Warwick, that false peer, +To aspire unto the crown and reign as king. +Earl of Northumberland, he slew thy father. +And thine, Lord Clifford; and you both have vow'd revenge +On him, his sons, his favourites and his friends. + +NORTHUMBERLAND: +If I be not, heavens be revenged on me! + +CLIFFORD: +The hope thereof makes Clifford mourn in steel. + +WESTMORELAND: +What, shall we suffer this? let's pluck him down: +My heart for anger burns; I cannot brook it. + +KING HENRY VI: +Be patient, gentle Earl of Westmoreland. + +CLIFFORD: +Patience is for poltroons, such as he: +He durst not sit there, had your father lived. +My gracious lord, here in the parliament +Let us assail the family of York. + +NORTHUMBERLAND: +Well hast thou spoken, cousin: be it so. + +KING HENRY VI: +Ah, know you not the city favours them, +And they have troops of soldiers at their beck? + +EXETER: +But when the duke is slain, they'll quickly fly. + +KING HENRY VI: +Far be the thought of this from Henry's heart, +To make a shambles of the parliament-house! +Cousin of Exeter, frowns, words and threats +Shall be the war that Henry means to use. +Thou factious Duke of York, descend my throne, +and kneel for grace and mercy at my feet; +I am thy sovereign. + +YORK: +I am thine. + +EXETER: +For shame, come down: he made thee Duke of York. + +YORK: +'Twas my inheritance, as the earldom was. + +EXETER: +Thy father was a traitor to the crown. + +WARWICK: +Exeter, thou art a traitor to the crown +In following this usurping Henry. + +CLIFFORD: +Whom should he follow but his natural king? + +WARWICK: +True, Clifford; and that's Richard Duke of York. + +KING HENRY VI: +And shall I stand, and thou sit in my throne? + +YORK: +It must and shall be so: content thyself. + +WARWICK: +Be Duke of Lancaster; let him be king. + +WESTMORELAND: +He is both king and Duke of Lancaster; +And that the Lord of Westmoreland shall maintain. + +WARWICK: +And Warwick shall disprove it. You forget +That we are those which chased you from the field +And slew your fathers, and with colours spread +March'd through the city to the palace gates. + +NORTHUMBERLAND: +Yes, Warwick, I remember it to my grief; +And, by his soul, thou and thy house shall rue it. + +WESTMORELAND: +Plantagenet, of thee and these thy sons, +Thy kinsman and thy friends, I'll have more lives +Than drops of blood were in my father's veins. + +CLIFFORD: +Urge it no more; lest that, instead of words, +I send thee, Warwick, such a messenger +As shall revenge his death before I stir. + +WARWICK: +Poor Clifford! how I scorn his worthless threats! + +YORK: +Will you we show our title to the crown? +If not, our swords shall plead it in the field. + +KING HENRY VI: +What title hast thou, traitor, to the crown? +Thy father was, as thou art, Duke of York; +Thy grandfather, Roger Mortimer, Earl of March: +I am the son of Henry the Fifth, +Who made the Dauphin and the French to stoop +And seized upon their towns and provinces. + +WARWICK: +Talk not of France, sith thou hast lost it all. + +KING HENRY VI: +The lord protector lost it, and not I: +When I was crown'd I was but nine months old. + +RICHARD: +You are old enough now, and yet, methinks, you lose. +Father, tear the crown from the usurper's head. + +EDWARD: +Sweet father, do so; set it on your head. + +MONTAGUE: +Good brother, as thou lovest and honourest arms, +Let's fight it out and not stand cavilling thus. + +RICHARD: +Sound drums and trumpets, and the king will fly. + +YORK: +Sons, peace! + +KING HENRY VI: +Peace, thou! and give King Henry leave to speak. + +WARWICK: +Plantagenet shall speak first: hear him, lords; +And be you silent and attentive too, +For he that interrupts him shall not live. + +KING HENRY VI: +Think'st thou that I will leave my kingly throne, +Wherein my grandsire and my father sat? +No: first shall war unpeople this my realm; +Ay, and their colours, often borne in France, +And now in England to our heart's great sorrow, +Shall be my winding-sheet. Why faint you, lords? +My title's good, and better far than his. + +WARWICK: +Prove it, Henry, and thou shalt be king. + +KING HENRY VI: +Henry the Fourth by conquest got the crown. + +YORK: +'Twas by rebellion against his king. + +KING HENRY VI: + +YORK: +What then? + +KING HENRY VI: +An if he may, then am I lawful king; +For Richard, in the view of many lords, +Resign'd the crown to Henry the Fourth, +Whose heir my father was, and I am his. + +YORK: +He rose against him, being his sovereign, +And made him to resign his crown perforce. + +WARWICK: +Suppose, my lords, he did it unconstrain'd, +Think you 'twere prejudicial to his crown? + +EXETER: +No; for he could not so resign his crown +But that the next heir should succeed and reign. + +KING HENRY VI: +Art thou against us, Duke of Exeter? + +EXETER: +His is the right, and therefore pardon me. + +YORK: +Why whisper you, my lords, and answer not? + +EXETER: +My conscience tells me he is lawful king. + +KING HENRY VI: + +NORTHUMBERLAND: +Plantagenet, for all the claim thou lay'st, +Think not that Henry shall be so deposed. + +WARWICK: +Deposed he shall be, in despite of all. + +NORTHUMBERLAND: +Thou art deceived: 'tis not thy southern power, +Of Essex, Norfolk, Suffolk, nor of Kent, +Which makes thee thus presumptuous and proud, +Can set the duke up in despite of me. + +CLIFFORD: +King Henry, be thy title right or wrong, +Lord Clifford vows to fight in thy defence: +May that ground gape and swallow me alive, +Where I shall kneel to him that slew my father! + +KING HENRY VI: +O Clifford, how thy words revive my heart! + +YORK: +Henry of Lancaster, resign thy crown. +What mutter you, or what conspire you, lords? + +WARWICK: +Do right unto this princely Duke of York, +Or I will fill the house with armed men, +And over the chair of state, where now he sits, +Write up his title with usurping blood. + +KING HENRY VI: +My Lord of Warwick, hear me but one word: +Let me for this my life-time reign as king. + +YORK: +Confirm the crown to me and to mine heirs, +And thou shalt reign in quiet while thou livest. + +KING HENRY VI: +I am content: Richard Plantagenet, +Enjoy the kingdom after my decease. + +CLIFFORD: +What wrong is this unto the prince your son! + +WARWICK: +What good is this to England and himself! + +WESTMORELAND: +Base, fearful and despairing Henry! + +CLIFFORD: +How hast thou injured both thyself and us! + +WESTMORELAND: +I cannot stay to hear these articles. + +NORTHUMBERLAND: +Nor I. + +CLIFFORD: +Come, cousin, let us tell the queen these news. + +WESTMORELAND: +Farewell, faint-hearted and degenerate king, +In whose cold blood no spark of honour bides. + +NORTHUMBERLAND: +Be thou a prey unto the house of York, +And die in bands for this unmanly deed! + +CLIFFORD: +In dreadful war mayst thou be overcome, +Or live in peace abandon'd and despised! + +WARWICK: +Turn this way, Henry, and regard them not. + +EXETER: +They seek revenge and therefore will not yield. + +KING HENRY VI: +Ah, Exeter! + +WARWICK: +Why should you sigh, my lord? + +KING HENRY VI: +Not for myself, Lord Warwick, but my son, +Whom I unnaturally shall disinherit. +But be it as it may: I here entail +The crown to thee and to thine heirs for ever; +Conditionally, that here thou take an oath +To cease this civil war, and, whilst I live, +To honour me as thy king and sovereign, +And neither by treason nor hostility +To seek to put me down and reign thyself. + +YORK: +This oath I willingly take and will perform. + +WARWICK: +Long live King Henry! Plantagenet embrace him. + +KING HENRY VI: +And long live thou and these thy forward sons! + +YORK: +Now York and Lancaster are reconciled. + +EXETER: +Accursed be he that seeks to make them foes! + +YORK: +Farewell, my gracious lord; I'll to my castle. + +WARWICK: +And I'll keep London with my soldiers. + +NORFOLK: +And I to Norfolk with my followers. + +MONTAGUE: +And I unto the sea from whence I came. + +KING HENRY VI: +And I, with grief and sorrow, to the court. + +EXETER: +Here comes the queen, whose looks bewray her anger: +I'll steal away. + +KING HENRY VI: +Exeter, so will I. + +QUEEN MARGARET: +Nay, go not from me; I will follow thee. + +KING HENRY VI: +Be patient, gentle queen, and I will stay. + +QUEEN MARGARET: +Who can be patient in such extremes? +Ah, wretched man! would I had died a maid +And never seen thee, never borne thee son, +Seeing thou hast proved so unnatural a father +Hath he deserved to lose his birthright thus? +Hadst thou but loved him half so well as I, +Or felt that pain which I did for him once, +Or nourish'd him as I did with my blood, +Thou wouldst have left thy dearest heart-blood there, +Rather than have that savage duke thine heir +And disinherited thine only son. + +PRINCE EDWARD: +Father, you cannot disinherit me: +If you be king, why should not I succeed? + +KING HENRY VI: +Pardon me, Margaret; pardon me, sweet son: +The Earl of Warwick and the duke enforced me. + +QUEEN MARGARET: +Enforced thee! art thou king, and wilt be forced? +I shame to hear thee speak. Ah, timorous wretch! +Thou hast undone thyself, thy son and me; +And given unto the house of York such head +As thou shalt reign but by their sufferance. +To entail him and his heirs unto the crown, +What is it, but to make thy sepulchre +And creep into it far before thy time? +Warwick is chancellor and the lord of Calais; +Stern Falconbridge commands the narrow seas; +The duke is made protector of the realm; +And yet shalt thou be safe? such safety finds +The trembling lamb environed with wolves. +Had I been there, which am a silly woman, +The soldiers should have toss'd me on their pikes +Before I would have granted to that act. +But thou preferr'st thy life before thine honour: +And seeing thou dost, I here divorce myself +Both from thy table, Henry, and thy bed, +Until that act of parliament be repeal'd +Whereby my son is disinherited. +The northern lords that have forsworn thy colours +Will follow mine, if once they see them spread; +And spread they shall be, to thy foul disgrace +And utter ruin of the house of York. +Thus do I leave thee. Come, son, let's away; +Our army is ready; come, we'll after them. + +KING HENRY VI: +Stay, gentle Margaret, and hear me speak. + +QUEEN MARGARET: +Thou hast spoke too much already: get thee gone. + +KING HENRY VI: +Gentle son Edward, thou wilt stay with me? + +QUEEN MARGARET: +Ay, to be murder'd by his enemies. + +PRINCE EDWARD: +When I return with victory from the field +I'll see your grace: till then I'll follow her. + +QUEEN MARGARET: +Come, son, away; we may not linger thus. + +KING HENRY VI: +Poor queen! how love to me and to her son +Hath made her break out into terms of rage! +Revenged may she be on that hateful duke, +Whose haughty spirit, winged with desire, +Will cost my crown, and like an empty eagle +Tire on the flesh of me and of my son! +The loss of those three lords torments my heart: +I'll write unto them and entreat them fair. +Come, cousin you shall be the messenger. + +EXETER: +And I, I hope, shall reconcile them all. +3 KING HENRY VI + +RICHARD: +Brother, though I be youngest, give me leave. + +EDWARD: +No, I can better play the orator. + +MONTAGUE: +But I have reasons strong and forcible. + +YORK: +Why, how now, sons and brother! at a strife? +What is your quarrel? how began it first? + +EDWARD: +No quarrel, but a slight contention. + +YORK: +About what? + +RICHARD: +About that which concerns your grace and us; +The crown of England, father, which is yours. + +YORK: +Mine boy? not till King Henry be dead. + +RICHARD: +Your right depends not on his life or death. + +EDWARD: +Now you are heir, therefore enjoy it now: +By giving the house of Lancaster leave to breathe, +It will outrun you, father, in the end. + +YORK: +I took an oath that he should quietly reign. + +EDWARD: +But for a kingdom any oath may be broken: +I would break a thousand oaths to reign one year. + +RICHARD: +No; God forbid your grace should be forsworn. + +YORK: +I shall be, if I claim by open war. + +RICHARD: +I'll prove the contrary, if you'll hear me speak. + +YORK: +Thou canst not, son; it is impossible. + +RICHARD: +An oath is of no moment, being not took +Before a true and lawful magistrate, +That hath authority over him that swears: +Henry had none, but did usurp the place; +Then, seeing 'twas he that made you to depose, +Your oath, my lord, is vain and frivolous. +Therefore, to arms! And, father, do but think +How sweet a thing it is to wear a crown; +Within whose circuit is Elysium +And all that poets feign of bliss and joy. +Why do we finger thus? I cannot rest +Until the white rose that I wear be dyed +Even in the lukewarm blood of Henry's heart. + +YORK: +Richard, enough; I will be king, or die. +Brother, thou shalt to London presently, +And whet on Warwick to this enterprise. +Thou, Richard, shalt to the Duke of Norfolk, +And tell him privily of our intent. +You Edward, shall unto my Lord Cobham, +With whom the Kentishmen will willingly rise: +In them I trust; for they are soldiers, +Witty, courteous, liberal, full of spirit. +While you are thus employ'd, what resteth more, +But that I seek occasion how to rise, +And yet the king not privy to my drift, +Nor any of the house of Lancaster? +But, stay: what news? Why comest thou in such post? + +Messenger: +The queen with all the northern earls and lords +Intend here to besiege you in your castle: +She is hard by with twenty thousand men; +And therefore fortify your hold, my lord. + +YORK: +Ay, with my sword. What! think'st thou that we fear them? +Edward and Richard, you shall stay with me; +My brother Montague shall post to London: +Let noble Warwick, Cobham, and the rest, +Whom we have left protectors of the king, +With powerful policy strengthen themselves, +And trust not simple Henry nor his oaths. + +MONTAGUE: +Brother, I go; I'll win them, fear it not: +And thus most humbly I do take my leave. +Sir John and Sir Hugh Mortimer, mine uncles, +You are come to Sandal in a happy hour; +The army of the queen mean to besiege us. + +JOHN MORTIMER: +She shall not need; we'll meet her in the field. + +YORK: +What, with five thousand men? + +RICHARD: +Ay, with five hundred, father, for a need: +A woman's general; what should we fear? + +EDWARD: +I hear their drums: let's set our men in order, +And issue forth and bid them battle straight. + +YORK: +Five men to twenty! though the odds be great, +I doubt not, uncle, of our victory. +Many a battle have I won in France, +When as the enemy hath been ten to one: +Why should I not now have the like success? +3 KING HENRY VI + +RUTLAND: +Ah, whither shall I fly to 'scape their hands? +Ah, tutor, look where bloody Clifford comes! + +CLIFFORD: +Chaplain, away! thy priesthood saves thy life. +As for the brat of this accursed duke, +Whose father slew my father, he shall die. + +Tutor: +And I, my lord, will bear him company. + +CLIFFORD: +Soldiers, away with him! + +Tutor: +Ah, Clifford, murder not this innocent child, +Lest thou be hated both of God and man! + +CLIFFORD: +How now! is he dead already? or is it fear +That makes him close his eyes? I'll open them. + +RUTLAND: +So looks the pent-up lion o'er the wretch +That trembles under his devouring paws; +And so he walks, insulting o'er his prey, +And so he comes, to rend his limbs asunder. +Ah, gentle Clifford, kill me with thy sword, +And not with such a cruel threatening look. +Sweet Clifford, hear me speak before I die. +I am too mean a subject for thy wrath: +Be thou revenged on men, and let me live. + +CLIFFORD: +In vain thou speak'st, poor boy; my father's blood +Hath stopp'd the passage where thy words should enter. + +RUTLAND: +Then let my father's blood open it again: +He is a man, and, Clifford, cope with him. + +CLIFFORD: +Had thy brethren here, their lives and thine +Were not revenge sufficient for me; +No, if I digg'd up thy forefathers' graves +And hung their rotten coffins up in chains, +It could not slake mine ire, nor ease my heart. +The sight of any of the house of York +Is as a fury to torment my soul; +And till I root out their accursed line +And leave not one alive, I live in hell. +Therefore-- + +RUTLAND: +O, let me pray before I take my death! +To thee I pray; sweet Clifford, pity me! + +CLIFFORD: +Such pity as my rapier's point affords. + +RUTLAND: +I never did thee harm: why wilt thou slay me? + +CLIFFORD: +Thy father hath. + +RUTLAND: +But 'twas ere I was born. +Thou hast one son; for his sake pity me, +Lest in revenge thereof, sith God is just, +He be as miserably slain as I. +Ah, let me live in prison all my days; +And when I give occasion of offence, +Then let me die, for now thou hast no cause. + +CLIFFORD: +No cause! +Thy father slew my father; therefore, die. + +RUTLAND: +Di faciant laudis summa sit ista tuae! + +CLIFFORD: +Plantagenet! I come, Plantagenet! +And this thy son's blood cleaving to my blade +Shall rust upon my weapon, till thy blood, +Congeal'd with this, do make me wipe off both. +3 KING HENRY VI + +YORK: +The army of the queen hath got the field: +My uncles both are slain in rescuing me; +And all my followers to the eager foe +Turn back and fly, like ships before the wind +Or lambs pursued by hunger-starved wolves. +My sons, God knows what hath bechanced them: +But this I know, they have demean'd themselves +Like men born to renown by life or death. +Three times did Richard make a lane to me. +And thrice cried 'Courage, father! fight it out!' +And full as oft came Edward to my side, +With purple falchion, painted to the hilt +In blood of those that had encounter'd him: +And when the hardiest warriors did retire, +Richard cried 'Charge! and give no foot of ground!' +And cried 'A crown, or else a glorious tomb! +A sceptre, or an earthly sepulchre!' +With this, we charged again: but, out, alas! +We bodged again; as I have seen a swan +With bootless labour swim against the tide +And spend her strength with over-matching waves. +Ah, hark! the fatal followers do pursue; +And I am faint and cannot fly their fury: +And were I strong, I would not shun their fury: +The sands are number'd that make up my life; +Here must I stay, and here my life must end. +Come, bloody Clifford, rough Northumberland, +I dare your quenchless fury to more rage: +I am your butt, and I abide your shot. + +NORTHUMBERLAND: +Yield to our mercy, proud Plantagenet. + +CLIFFORD: +Ay, to such mercy as his ruthless arm, +With downright payment, show'd unto my father. +Now Phaethon hath tumbled from his car, +And made an evening at the noontide prick. + +YORK: +My ashes, as the phoenix, may bring forth +A bird that will revenge upon you all: +And in that hope I throw mine eyes to heaven, +Scorning whate'er you can afflict me with. +Why come you not? what! multitudes, and fear? + +CLIFFORD: +So cowards fight when they can fly no further; +So doves do peck the falcon's piercing talons; +So desperate thieves, all hopeless of their lives, +Breathe out invectives 'gainst the officers. + +YORK: +O Clifford, but bethink thee once again, +And in thy thought o'er-run my former time; +And, if though canst for blushing, view this face, +And bite thy tongue, that slanders him with cowardice +Whose frown hath made thee faint and fly ere this! + +CLIFFORD: +I will not bandy with thee word for word, +But buckle with thee blows, twice two for one. + +QUEEN MARGARET: +Hold, valiant Clifford! for a thousand causes +I would prolong awhile the traitor's life. +Wrath makes him deaf: speak thou, Northumberland. + +NORTHUMBERLAND: +Hold, Clifford! do not honour him so much +To prick thy finger, though to wound his heart: +What valour were it, when a cur doth grin, +For one to thrust his hand between his teeth, +When he might spurn him with his foot away? +It is war's prize to take all vantages; +And ten to one is no impeach of valour. + +CLIFFORD: +Ay, ay, so strives the woodcock with the gin. + +NORTHUMBERLAND: +So doth the cony struggle in the net. + +YORK: +So triumph thieves upon their conquer'd booty; +So true men yield, with robbers so o'ermatch'd. + +NORTHUMBERLAND: +What would your grace have done unto him now? + +QUEEN MARGARET: +Brave warriors, Clifford and Northumberland, +Come, make him stand upon this molehill here, +That raught at mountains with outstretched arms, +Yet parted but the shadow with his hand. +What! was it you that would be England's king? +Was't you that revell'd in our parliament, +And made a preachment of your high descent? +Where are your mess of sons to back you now? +The wanton Edward, and the lusty George? +And where's that valiant crook-back prodigy, +Dicky your boy, that with his grumbling voice +Was wont to cheer his dad in mutinies? +Or, with the rest, where is your darling Rutland? +Look, York: I stain'd this napkin with the blood +That valiant Clifford, with his rapier's point, +Made issue from the bosom of the boy; +And if thine eyes can water for his death, +I give thee this to dry thy cheeks withal. +Alas poor York! but that I hate thee deadly, +I should lament thy miserable state. +I prithee, grieve, to make me merry, York. +What, hath thy fiery heart so parch'd thine entrails +That not a tear can fall for Rutland's death? +Why art thou patient, man? thou shouldst be mad; +And I, to make thee mad, do mock thee thus. +Stamp, rave, and fret, that I may sing and dance. +Thou wouldst be fee'd, I see, to make me sport: +York cannot speak, unless he wear a crown. +A crown for York! and, lords, bow low to him: +Hold you his hands, whilst I do set it on. +Ay, marry, sir, now looks he like a king! +Ay, this is he that took King Henry's chair, +And this is he was his adopted heir. +But how is it that great Plantagenet +Is crown'd so soon, and broke his solemn oath? +As I bethink me, you should not be king +Till our King Henry had shook hands with death. +And will you pale your head in Henry's glory, +And rob his temples of the diadem, +Now in his life, against your holy oath? +O, 'tis a fault too too unpardonable! +Off with the crown, and with the crown his head; +And, whilst we breathe, take time to do him dead. + +CLIFFORD: +That is my office, for my father's sake. + +QUEEN MARGARET: +Nay, stay; lets hear the orisons he makes. + +YORK: +She-wolf of France, but worse than wolves of France, +Whose tongue more poisons than the adder's tooth! +How ill-beseeming is it in thy sex +To triumph, like an Amazonian trull, +Upon their woes whom fortune captivates! +But that thy face is, vizard-like, unchanging, +Made impudent with use of evil deeds, +I would assay, proud queen, to make thee blush. +To tell thee whence thou camest, of whom derived, +Were shame enough to shame thee, wert thou not shameless. +Thy father bears the type of King of Naples, +Of both the Sicils and Jerusalem, +Yet not so wealthy as an English yeoman. +Hath that poor monarch taught thee to insult? +It needs not, nor it boots thee not, proud queen, +Unless the adage must be verified, +That beggars mounted run their horse to death. +'Tis beauty that doth oft make women proud; +But, God he knows, thy share thereof is small: +'Tis virtue that doth make them most admired; +The contrary doth make thee wonder'd at: +'Tis government that makes them seem divine; +The want thereof makes thee abominable: +Thou art as opposite to every good +As the Antipodes are unto us, +Or as the south to the septentrion. +O tiger's heart wrapt in a woman's hide! +How couldst thou drain the life-blood of the child, +To bid the father wipe his eyes withal, +And yet be seen to bear a woman's face? +Women are soft, mild, pitiful and flexible; +Thou stern, obdurate, flinty, rough, remorseless. +Bids't thou me rage? why, now thou hast thy wish: +Wouldst have me weep? why, now thou hast thy will: +For raging wind blows up incessant showers, +And when the rage allays, the rain begins. +These tears are my sweet Rutland's obsequies: +And every drop cries vengeance for his death, +'Gainst thee, fell Clifford, and thee, false +Frenchwoman. + +NORTHUMBERLAND: +Beshrew me, but his passion moves me so +That hardly can I cheque my eyes from tears. + +YORK: +That face of his the hungry cannibals +Would not have touch'd, would not have stain'd with blood: +But you are more inhuman, more inexorable, +O, ten times more, than tigers of Hyrcania. +See, ruthless queen, a hapless father's tears: +This cloth thou dip'dst in blood of my sweet boy, +And I with tears do wash the blood away. +Keep thou the napkin, and go boast of this: +And if thou tell'st the heavy story right, +Upon my soul, the hearers will shed tears; +Yea even my foes will shed fast-falling tears, +And say 'Alas, it was a piteous deed!' +There, take the crown, and, with the crown, my curse; +And in thy need such comfort come to thee +As now I reap at thy too cruel hand! +Hard-hearted Clifford, take me from the world: +My soul to heaven, my blood upon your heads! + +NORTHUMBERLAND: +Had he been slaughter-man to all my kin, +I should not for my life but weep with him. +To see how inly sorrow gripes his soul. + +QUEEN MARGARET: +What, weeping-ripe, my Lord Northumberland? +Think but upon the wrong he did us all, +And that will quickly dry thy melting tears. + +CLIFFORD: +Here's for my oath, here's for my father's death. + +QUEEN MARGARET: +And here's to right our gentle-hearted king. + +YORK: +Open Thy gate of mercy, gracious God! +My soul flies through these wounds to seek out Thee. + +QUEEN MARGARET: +Off with his head, and set it on York gates; +So York may overlook the town of York. +3 KING HENRY VI + +EDWARD: +I wonder how our princely father 'scaped, +Or whether he be 'scaped away or no +From Clifford's and Northumberland's pursuit: +Had he been ta'en, we should have heard the news; +Had he been slain, we should have heard the news; +Or had he 'scaped, methinks we should have heard +The happy tidings of his good escape. +How fares my brother? why is he so sad? + +RICHARD: +I cannot joy, until I be resolved +Where our right valiant father is become. +I saw him in the battle range about; +And watch'd him how he singled Clifford forth. +Methought he bore him in the thickest troop +As doth a lion in a herd of neat; +Or as a bear, encompass'd round with dogs, +Who having pinch'd a few and made them cry, +The rest stand all aloof, and bark at him. +So fared our father with his enemies; +So fled his enemies my warlike father: +Methinks, 'tis prize enough to be his son. +See how the morning opes her golden gates, +And takes her farewell of the glorious sun! +How well resembles it the prime of youth, +Trimm'd like a younker prancing to his love! + +EDWARD: +Dazzle mine eyes, or do I see three suns? + +RICHARD: +Three glorious suns, each one a perfect sun; +Not separated with the racking clouds, +But sever'd in a pale clear-shining sky. +See, see! they join, embrace, and seem to kiss, +As if they vow'd some league inviolable: +Now are they but one lamp, one light, one sun. +In this the heaven figures some event. + +EDWARD: +'Tis wondrous strange, the like yet never heard of. +I think it cites us, brother, to the field, +That we, the sons of brave Plantagenet, +Each one already blazing by our meeds, +Should notwithstanding join our lights together +And over-shine the earth as this the world. +Whate'er it bodes, henceforward will I bear +Upon my target three fair-shining suns. + +RICHARD: +Nay, bear three daughters: by your leave I speak it, +You love the breeder better than the male. +But what art thou, whose heavy looks foretell +Some dreadful story hanging on thy tongue? + +Messenger: +Ah, one that was a woful looker-on +When as the noble Duke of York was slain, +Your princely father and my loving lord! + +EDWARD: +O, speak no more, for I have heard too much. + +RICHARD: +Say how he died, for I will hear it all. + +Messenger: +Environed he was with many foes, +And stood against them, as the hope of Troy +Against the Greeks that would have enter'd Troy. +But Hercules himself must yield to odds; +And many strokes, though with a little axe, +Hew down and fell the hardest-timber'd oak. +By many hands your father was subdued; +But only slaughter'd by the ireful arm +Of unrelenting Clifford and the queen, +Who crown'd the gracious duke in high despite, +Laugh'd in his face; and when with grief he wept, +The ruthless queen gave him to dry his cheeks +A napkin steeped in the harmless blood +Of sweet young Rutland, by rough Clifford slain: +And after many scorns, many foul taunts, +They took his head, and on the gates of York +They set the same; and there it doth remain, +The saddest spectacle that e'er I view'd. + +EDWARD: +Sweet Duke of York, our prop to lean upon, +Now thou art gone, we have no staff, no stay. +O Clifford, boisterous Clifford! thou hast slain +The flower of Europe for his chivalry; +And treacherously hast thou vanquish'd him, +For hand to hand he would have vanquish'd thee. +Now my soul's palace is become a prison: +Ah, would she break from hence, that this my body +Might in the ground be closed up in rest! +For never henceforth shall I joy again, +Never, O never shall I see more joy! + +RICHARD: +I cannot weep; for all my body's moisture +Scarce serves to quench my furnace-burning heart: +Nor can my tongue unload my heart's great burthen; +For selfsame wind that I should speak withal +Is kindling coals that fires all my breast, +And burns me up with flames that tears would quench. +To weep is to make less the depth of grief: +Tears then for babes; blows and revenge for me +Richard, I bear thy name; I'll venge thy death, +Or die renowned by attempting it. + +EDWARD: +His name that valiant duke hath left with thee; +His dukedom and his chair with me is left. + +RICHARD: +Nay, if thou be that princely eagle's bird, +Show thy descent by gazing 'gainst the sun: +For chair and dukedom, throne and kingdom say; +Either that is thine, or else thou wert not his. + +WARWICK: +How now, fair lords! What fare? what news abroad? + +RICHARD: +Great Lord of Warwick, if we should recount +Our baleful news, and at each word's deliverance +Stab poniards in our flesh till all were told, +The words would add more anguish than the wounds. +O valiant lord, the Duke of York is slain! + +EDWARD: +O Warwick, Warwick! that Plantagenet, +Which held three dearly as his soul's redemption, +Is by the stern Lord Clifford done to death. + +WARWICK: +Ten days ago I drown'd these news in tears; +And now, to add more measure to your woes, +I come to tell you things sith then befall'n. +After the bloody fray at Wakefield fought, +Where your brave father breathed his latest gasp, +Tidings, as swiftly as the posts could run, +Were brought me of your loss and his depart. +I, then in London keeper of the king, +Muster'd my soldiers, gather'd flocks of friends, +And very well appointed, as I thought, +March'd toward Saint Alban's to intercept the queen, +Bearing the king in my behalf along; +For by my scouts I was advertised +That she was coming with a full intent +To dash our late decree in parliament +Touching King Henry's oath and your succession. +Short tale to make, we at Saint Alban's met +Our battles join'd, and both sides fiercely fought: +But whether 'twas the coldness of the king, +Who look'd full gently on his warlike queen, +That robb'd my soldiers of their heated spleen; +Or whether 'twas report of her success; +Or more than common fear of Clifford's rigour, +Who thunders to his captives blood and death, +I cannot judge: but to conclude with truth, +Their weapons like to lightning came and went; +Our soldiers', like the night-owl's lazy flight, +Or like an idle thresher with a flail, +Fell gently down, as if they struck their friends. +I cheer'd them up with justice of our cause, +With promise of high pay and great rewards: +But all in vain; they had no heart to fight, +And we in them no hope to win the day; +So that we fled; the king unto the queen; +Lord George your brother, Norfolk and myself, +In haste, post-haste, are come to join with you: +For in the marches here we heard you were, +Making another head to fight again. + +EDWARD: +Where is the Duke of Norfolk, gentle Warwick? +And when came George from Burgundy to England? + +WARWICK: +Some six miles off the duke is with the soldiers; +And for your brother, he was lately sent +From your kind aunt, Duchess of Burgundy, +With aid of soldiers to this needful war. + +RICHARD: +'Twas odds, belike, when valiant Warwick fled: +Oft have I heard his praises in pursuit, +But ne'er till now his scandal of retire. + +WARWICK: +Nor now my scandal, Richard, dost thou hear; +For thou shalt know this strong right hand of mine +Can pluck the diadem from faint Henry's head, +And wring the awful sceptre from his fist, +Were he as famous and as bold in war +As he is famed for mildness, peace, and prayer. + +RICHARD: +I know it well, Lord Warwick; blame me not: +'Tis love I bear thy glories makes me speak. +But in this troublous time what's to be done? +Shall we go throw away our coats of steel, +And wrap our bodies in black mourning gowns, +Numbering our Ave-Maries with our beads? +Or shall we on the helmets of our foes +Tell our devotion with revengeful arms? +If for the last, say ay, and to it, lords. + +WARWICK: +Why, therefore Warwick came to seek you out; +And therefore comes my brother Montague. +Attend me, lords. The proud insulting queen, +With Clifford and the haught Northumberland, +And of their feather many more proud birds, +Have wrought the easy-melting king like wax. +He swore consent to your succession, +His oath enrolled in the parliament; +And now to London all the crew are gone, +To frustrate both his oath and what beside +May make against the house of Lancaster. +Their power, I think, is thirty thousand strong: +Now, if the help of Norfolk and myself, +With all the friends that thou, brave Earl of March, +Amongst the loving Welshmen canst procure, +Will but amount to five and twenty thousand, +Why, Via! to London will we march amain, +And once again bestride our foaming steeds, +And once again cry 'Charge upon our foes!' +But never once again turn back and fly. + +RICHARD: +Ay, now methinks I hear great Warwick speak: +Ne'er may he live to see a sunshine day, +That cries 'Retire,' if Warwick bid him stay. + +EDWARD: +Lord Warwick, on thy shoulder will I lean; +And when thou fail'st--as God forbid the hour!-- +Must Edward fall, which peril heaven forfend! + +WARWICK: +No longer Earl of March, but Duke of York: +The next degree is England's royal throne; +For King of England shalt thou be proclaim'd +In every borough as we pass along; +And he that throws not up his cap for joy +Shall for the fault make forfeit of his head. +King Edward, valiant Richard, Montague, +Stay we no longer, dreaming of renown, +But sound the trumpets, and about our task. + +RICHARD: +Then, Clifford, were thy heart as hard as steel, +As thou hast shown it flinty by thy deeds, +I come to pierce it, or to give thee mine. + +EDWARD: +Then strike up drums: God and Saint George for us! + +WARWICK: +How now! what news? + +Messenger: +The Duke of Norfolk sends you word by me, +The queen is coming with a puissant host; +And craves your company for speedy counsel. + +WARWICK: +Why then it sorts, brave warriors, let's away. +3 KING HENRY VI + +QUEEN MARGARET: +Welcome, my lord, to this brave town of York. +Yonder's the head of that arch-enemy +That sought to be encompass'd with your crown: +Doth not the object cheer your heart, my lord? + +KING HENRY VI: +Ay, as the rocks cheer them that fear their wreck: +To see this sight, it irks my very soul. +Withhold revenge, dear God! 'tis not my fault, +Nor wittingly have I infringed my vow. + +CLIFFORD: +My gracious liege, this too much lenity +And harmful pity must be laid aside. +To whom do lions cast their gentle looks? +Not to the beast that would usurp their den. +Whose hand is that the forest bear doth lick? +Not his that spoils her young before her face. +Who 'scapes the lurking serpent's mortal sting? +Not he that sets his foot upon her back. +The smallest worm will turn being trodden on, +And doves will peck in safeguard of their brood. +Ambitious York doth level at thy crown, +Thou smiling while he knit his angry brows: +He, but a duke, would have his son a king, +And raise his issue, like a loving sire; +Thou, being a king, blest with a goodly son, +Didst yield consent to disinherit him, +Which argued thee a most unloving father. +Unreasonable creatures feed their young; +And though man's face be fearful to their eyes, +Yet, in protection of their tender ones, +Who hath not seen them, even with those wings +Which sometime they have used with fearful flight, +Make war with him that climb'd unto their nest, +Offer their own lives in their young's defence? +For shame, my liege, make them your precedent! +Were it not pity that this goodly boy +Should lose his birthright by his father's fault, +And long hereafter say unto his child, +'What my great-grandfather and his grandsire got +My careless father fondly gave away'? +Ah, what a shame were this! Look on the boy; +And let his manly face, which promiseth +Successful fortune, steel thy melting heart +To hold thine own and leave thine own with him. + +KING HENRY VI: +Full well hath Clifford play'd the orator, +Inferring arguments of mighty force. +But, Clifford, tell me, didst thou never hear +That things ill-got had ever bad success? +And happy always was it for that son +Whose father for his hoarding went to hell? +I'll leave my son my virtuous deeds behind; +And would my father had left me no more! +For all the rest is held at such a rate +As brings a thousand-fold more care to keep +Than in possession and jot of pleasure. +Ah, cousin York! would thy best friends did know +How it doth grieve me that thy head is here! + +QUEEN MARGARET: +My lord, cheer up your spirits: our foes are nigh, +And this soft courage makes your followers faint. +You promised knighthood to our forward son: +Unsheathe your sword, and dub him presently. +Edward, kneel down. + +KING HENRY VI: +Edward Plantagenet, arise a knight; +And learn this lesson, draw thy sword in right. + +PRINCE: +My gracious father, by your kingly leave, +I'll draw it as apparent to the crown, +And in that quarrel use it to the death. + +CLIFFORD: +Why, that is spoken like a toward prince. + +Messenger: +Royal commanders, be in readiness: +For with a band of thirty thousand men +Comes Warwick, backing of the Duke of York; +And in the towns, as they do march along, +Proclaims him king, and many fly to him: +Darraign your battle, for they are at hand. + +CLIFFORD: +I would your highness would depart the field: +The queen hath best success when you are absent. + +QUEEN MARGARET: +Ay, good my lord, and leave us to our fortune. + +KING HENRY VI: +Why, that's my fortune too; therefore I'll stay. + +NORTHUMBERLAND: +Be it with resolution then to fight. + +PRINCE EDWARD: +My royal father, cheer these noble lords +And hearten those that fight in your defence: +Unsheathe your sword, good father; cry 'Saint George!' + +EDWARD: +Now, perjured Henry! wilt thou kneel for grace, +And set thy diadem upon my head; +Or bide the mortal fortune of the field? + +QUEEN MARGARET: +Go, rate thy minions, proud insulting boy! +Becomes it thee to be thus bold in terms +Before thy sovereign and thy lawful king? + +EDWARD: +I am his king, and he should bow his knee; +I was adopted heir by his consent: +Since when, his oath is broke; for, as I hear, +You, that are king, though he do wear the crown, +Have caused him, by new act of parliament, +To blot out me, and put his own son in. + +CLIFFORD: +And reason too: +Who should succeed the father but the son? + +RICHARD: +Are you there, butcher? O, I cannot speak! + +CLIFFORD: +Ay, crook-back, here I stand to answer thee, +Or any he the proudest of thy sort. + +RICHARD: +'Twas you that kill'd young Rutland, was it not? + +CLIFFORD: +Ay, and old York, and yet not satisfied. + +RICHARD: +For God's sake, lords, give signal to the fight. + +WARWICK: +What say'st thou, Henry, wilt thou yield the crown? + +QUEEN MARGARET: +Why, how now, long-tongued Warwick! dare you speak? +When you and I met at Saint Alban's last, +Your legs did better service than your hands. + +WARWICK: +Then 'twas my turn to fly, and now 'tis thine. + +CLIFFORD: +You said so much before, and yet you fled. + +WARWICK: +'Twas not your valour, Clifford, drove me thence. + +NORTHUMBERLAND: +No, nor your manhood that durst make you stay. + +RICHARD: +Northumberland, I hold thee reverently. +Break off the parley; for scarce I can refrain +The execution of my big-swoln heart +Upon that Clifford, that cruel child-killer. + +CLIFFORD: +I slew thy father, call'st thou him a child? + +RICHARD: +Ay, like a dastard and a treacherous coward, +As thou didst kill our tender brother Rutland; +But ere sunset I'll make thee curse the deed. + +KING HENRY VI: +Have done with words, my lords, and hear me speak. + +QUEEN MARGARET: +Defy them then, or else hold close thy lips. + +KING HENRY VI: +I prithee, give no limits to my tongue: +I am a king, and privileged to speak. + +CLIFFORD: +My liege, the wound that bred this meeting here +Cannot be cured by words; therefore be still. + +RICHARD: +Then, executioner, unsheathe thy sword: +By him that made us all, I am resolved +that Clifford's manhood lies upon his tongue. + +EDWARD: +Say, Henry, shall I have my right, or no? +A thousand men have broke their fasts to-day, +That ne'er shall dine unless thou yield the crown. + +WARWICK: +If thou deny, their blood upon thy head; +For York in justice puts his armour on. + +PRINCE EDWARD: +If that be right which Warwick says is right, +There is no wrong, but every thing is right. + +RICHARD: +Whoever got thee, there thy mother stands; +For, well I wot, thou hast thy mother's tongue. + +QUEEN MARGARET: +But thou art neither like thy sire nor dam; +But like a foul mis-shapen stigmatic, +Mark'd by the destinies to be avoided, +As venom toads, or lizards' dreadful stings. + +RICHARD: +Iron of Naples hid with English gilt, +Whose father bears the title of a king,-- +As if a channel should be call'd the sea,-- +Shamest thou not, knowing whence thou art extraught, +To let thy tongue detect thy base-born heart? + +EDWARD: +A wisp of straw were worth a thousand crowns, +To make this shameless callet know herself. +Helen of Greece was fairer far than thou, +Although thy husband may be Menelaus; +And ne'er was Agamemnon's brother wrong'd +By that false woman, as this king by thee. +His father revell'd in the heart of France, +And tamed the king, and made the dauphin stoop; +And had he match'd according to his state, +He might have kept that glory to this day; +But when he took a beggar to his bed, +And graced thy poor sire with his bridal-day, +Even then that sunshine brew'd a shower for him, +That wash'd his father's fortunes forth of France, +And heap'd sedition on his crown at home. +For what hath broach'd this tumult but thy pride? +Hadst thou been meek, our title still had slept; +And we, in pity of the gentle king, +Had slipp'd our claim until another age. + +GEORGE: +But when we saw our sunshine made thy spring, +And that thy summer bred us no increase, +We set the axe to thy usurping root; +And though the edge hath something hit ourselves, +Yet, know thou, since we have begun to strike, +We'll never leave till we have hewn thee down, +Or bathed thy growing with our heated bloods. + +EDWARD: +And, in this resolution, I defy thee; +Not willing any longer conference, +Since thou deniest the gentle king to speak. +Sound trumpets! let our bloody colours wave! +And either victory, or else a grave. + +QUEEN MARGARET: +Stay, Edward. + +EDWARD: +No, wrangling woman, we'll no longer stay: +These words will cost ten thousand lives this day. +3 KING HENRY VI + +WARWICK: +Forspent with toil, as runners with a race, +I lay me down a little while to breathe; +For strokes received, and many blows repaid, +Have robb'd my strong-knit sinews of their strength, +And spite of spite needs must I rest awhile. + +EDWARD: +Smile, gentle heaven! or strike, ungentle death! +For this world frowns, and Edward's sun is clouded. + +WARWICK: +How now, my lord! what hap? what hope of good? + +GEORGE: +Our hap is loss, our hope but sad despair; +Our ranks are broke, and ruin follows us: +What counsel give you? whither shall we fly? + +EDWARD: +Bootless is flight, they follow us with wings; +And weak we are and cannot shun pursuit. + +RICHARD: +Ah, Warwick, why hast thou withdrawn thyself? +Thy brother's blood the thirsty earth hath drunk, +Broach'd with the steely point of Clifford's lance; +And in the very pangs of death he cried, +Like to a dismal clangour heard from far, +'Warwick, revenge! brother, revenge my death!' +So, underneath the belly of their steeds, +That stain'd their fetlocks in his smoking blood, +The noble gentleman gave up the ghost. + +WARWICK: +Then let the earth be drunken with our blood: +I'll kill my horse, because I will not fly. +Why stand we like soft-hearted women here, +Wailing our losses, whiles the foe doth rage; +And look upon, as if the tragedy +Were play'd in jest by counterfeiting actors? +Here on my knee I vow to God above, +I'll never pause again, never stand still, +Till either death hath closed these eyes of mine +Or fortune given me measure of revenge. + +EDWARD: +O Warwick, I do bend my knee with thine; +And in this vow do chain my soul to thine! +And, ere my knee rise from the earth's cold face, +I throw my hands, mine eyes, my heart to thee, +Thou setter up and plucker down of kings, +Beseeching thee, if with they will it stands +That to my foes this body must be prey, +Yet that thy brazen gates of heaven may ope, +And give sweet passage to my sinful soul! +Now, lords, take leave until we meet again, +Where'er it be, in heaven or in earth. + +RICHARD: +Brother, give me thy hand; and, gentle Warwick, +Let me embrace thee in my weary arms: +I, that did never weep, now melt with woe +That winter should cut off our spring-time so. + +WARWICK: +Away, away! Once more, sweet lords farewell. + +GEORGE: +Yet let us all together to our troops, +And give them leave to fly that will not stay; +And call them pillars that will stand to us; +And, if we thrive, promise them such rewards +As victors wear at the Olympian games: +This may plant courage in their quailing breasts; +For yet is hope of life and victory. +Forslow no longer, make we hence amain. +3 KING HENRY VI + +RICHARD: +Now, Clifford, I have singled thee alone: +Suppose this arm is for the Duke of York, +And this for Rutland; both bound to revenge, +Wert thou environ'd with a brazen wall. + +CLIFFORD: +Now, Richard, I am with thee here alone: +This is the hand that stabb'd thy father York; +And this the hand that slew thy brother Rutland; +And here's the heart that triumphs in their death +And cheers these hands that slew thy sire and brother +To execute the like upon thyself; +And so, have at thee! + +RICHARD: +Nay Warwick, single out some other chase; +For I myself will hunt this wolf to death. +3 KING HENRY VI + +KING HENRY VI: +This battle fares like to the morning's war, +When dying clouds contend with growing light, +What time the shepherd, blowing of his nails, +Can neither call it perfect day nor night. +Now sways it this way, like a mighty sea +Forced by the tide to combat with the wind; +Now sways it that way, like the selfsame sea +Forced to retire by fury of the wind: +Sometime the flood prevails, and then the wind; +Now one the better, then another best; +Both tugging to be victors, breast to breast, +Yet neither conqueror nor conquered: +So is the equal of this fell war. +Here on this molehill will I sit me down. +To whom God will, there be the victory! +For Margaret my queen, and Clifford too, +Have chid me from the battle; swearing both +They prosper best of all when I am thence. +Would I were dead! if God's good will were so; +For what is in this world but grief and woe? +O God! methinks it were a happy life, +To be no better than a homely swain; +To sit upon a hill, as I do now, +To carve out dials quaintly, point by point, +Thereby to see the minutes how they run, +How many make the hour full complete; +How many hours bring about the day; +How many days will finish up the year; +How many years a mortal man may live. +When this is known, then to divide the times: +So many hours must I tend my flock; +So many hours must I take my rest; +So many hours must I contemplate; +So many hours must I sport myself; +So many days my ewes have been with young; +So many weeks ere the poor fools will ean: +So many years ere I shall shear the fleece: +So minutes, hours, days, months, and years, +Pass'd over to the end they were created, +Would bring white hairs unto a quiet grave. +Ah, what a life were this! how sweet! how lovely! +Gives not the hawthorn-bush a sweeter shade +To shepherds looking on their silly sheep, +Than doth a rich embroider'd canopy +To kings that fear their subjects' treachery? +O, yes, it doth; a thousand-fold it doth. +And to conclude, the shepherd's homely curds, +His cold thin drink out of his leather bottle. +His wonted sleep under a fresh tree's shade, +All which secure and sweetly he enjoys, +Is far beyond a prince's delicates, +His viands sparkling in a golden cup, +His body couched in a curious bed, +When care, mistrust, and treason waits on him. + +Son: +Ill blows the wind that profits nobody. +This man, whom hand to hand I slew in fight, +May be possessed with some store of crowns; +And I, that haply take them from him now, +May yet ere night yield both my life and them +To some man else, as this dead man doth me. +Who's this? O God! it is my father's face, +Whom in this conflict I unwares have kill'd. +O heavy times, begetting such events! +From London by the king was I press'd forth; +My father, being the Earl of Warwick's man, +Came on the part of York, press'd by his master; +And I, who at his hands received my life, him +Have by my hands of life bereaved him. +Pardon me, God, I knew not what I did! +And pardon, father, for I knew not thee! +My tears shall wipe away these bloody marks; +And no more words till they have flow'd their fill. + +KING HENRY VI: +O piteous spectacle! O bloody times! +Whiles lions war and battle for their dens, +Poor harmless lambs abide their enmity. +Weep, wretched man, I'll aid thee tear for tear; +And let our hearts and eyes, like civil war, +Be blind with tears, and break o'ercharged with grief. + +Father: +Thou that so stoutly hast resisted me, +Give me thy gold, if thou hast any gold: +For I have bought it with an hundred blows. +But let me see: is this our foeman's face? +Ah, no, no, no, it is mine only son! +Ah, boy, if any life be left in thee, +Throw up thine eye! see, see what showers arise, +Blown with the windy tempest of my heart, +Upon thy words, that kill mine eye and heart! +O, pity, God, this miserable age! +What stratagems, how fell, how butcherly, +Erroneous, mutinous and unnatural, +This deadly quarrel daily doth beget! +O boy, thy father gave thee life too soon, +And hath bereft thee of thy life too late! + +KING HENRY VI: +Woe above woe! grief more than common grief! +O that my death would stay these ruthful deeds! +O pity, pity, gentle heaven, pity! +The red rose and the white are on his face, +The fatal colours of our striving houses: +The one his purple blood right well resembles; +The other his pale cheeks, methinks, presenteth: +Wither one rose, and let the other flourish; +If you contend, a thousand lives must wither. + +Son: +How will my mother for a father's death +Take on with me and ne'er be satisfied! + +Father: +How will my wife for slaughter of my son +Shed seas of tears and ne'er be satisfied! + +KING HENRY VI: +How will the country for these woful chances +Misthink the king and not be satisfied! + +Son: +Was ever son so rued a father's death? + +Father: +Was ever father so bemoan'd his son? + +KING HENRY VI: +Was ever king so grieved for subjects' woe? +Much is your sorrow; mine ten times so much. + +Son: +I'll bear thee hence, where I may weep my fill. + +Father: +These arms of mine shall be thy winding-sheet; +My heart, sweet boy, shall be thy sepulchre, +For from my heart thine image ne'er shall go; +My sighing breast shall be thy funeral bell; +And so obsequious will thy father be, +Even for the loss of thee, having no more, +As Priam was for all his valiant sons. +I'll bear thee hence; and let them fight that will, +For I have murdered where I should not kill. + +KING HENRY VI: +Sad-hearted men, much overgone with care, +Here sits a king more woful than you are. + +PRINCE EDWARD: +Fly, father, fly! for all your friends are fled, +And Warwick rages like a chafed bull: +Away! for death doth hold us in pursuit. + +QUEEN MARGARET: +Mount you, my lord; towards Berwick post amain: +Edward and Richard, like a brace of greyhounds +Having the fearful flying hare in sight, +With fiery eyes sparkling for very wrath, +And bloody steel grasp'd in their ireful hands, +Are at our backs; and therefore hence amain. + +EXETER: +Away! for vengeance comes along with them: +Nay, stay not to expostulate, make speed; +Or else come after: I'll away before. + +KING HENRY VI: +Nay, take me with thee, good sweet Exeter: +Not that I fear to stay, but love to go +Whither the queen intends. Forward; away! +3 KING HENRY VI + +CLIFFORD: +Here burns my candle out; ay, here it dies, +Which, whiles it lasted, gave King Henry light. +O Lancaster, I fear thy overthrow +More than my body's parting with my soul! +My love and fear glued many friends to thee; +And, now I fall, thy tough commixture melts. +Impairing Henry, strengthening misproud York, +The common people swarm like summer flies; +And whither fly the gnats but to the sun? +And who shines now but Henry's enemies? +O Phoebus, hadst thou never given consent +That Phaethon should cheque thy fiery steeds, +Thy burning car never had scorch'd the earth! +And, Henry, hadst thou sway'd as kings should do, +Or as thy father and his father did, +Giving no ground unto the house of York, +They never then had sprung like summer flies; +I and ten thousand in this luckless realm +Had left no mourning widows for our death; +And thou this day hadst kept thy chair in peace. +For what doth cherish weeds but gentle air? +And what makes robbers bold but too much lenity? +Bootless are plaints, and cureless are my wounds; +No way to fly, nor strength to hold out flight: +The foe is merciless, and will not pity; +For at their hands I have deserved no pity. +The air hath got into my deadly wounds, +And much effuse of blood doth make me faint. +Come, York and Richard, Warwick and the rest; +I stabb'd your fathers' bosoms, split my breast. + +EDWARD: +Now breathe we, lords: good fortune bids us pause, +And smooth the frowns of war with peaceful looks. +Some troops pursue the bloody-minded queen, +That led calm Henry, though he were a king, +As doth a sail, fill'd with a fretting gust, +Command an argosy to stem the waves. +But think you, lords, that Clifford fled with them? + +WARWICK: +No, 'tis impossible he should escape, +For, though before his face I speak the words +Your brother Richard mark'd him for the grave: +And wheresoe'er he is, he's surely dead. + +EDWARD: +Whose soul is that which takes her heavy leave? + +RICHARD: +A deadly groan, like life and death's departing. + +EDWARD: +See who it is: and, now the battle's ended, +If friend or foe, let him be gently used. + +RICHARD: +Revoke that doom of mercy, for 'tis Clifford; +Who not contented that he lopp'd the branch +In hewing Rutland when his leaves put forth, +But set his murdering knife unto the root +From whence that tender spray did sweetly spring, +I mean our princely father, Duke of York. + +WARWICK: +From off the gates of York fetch down the head, +Your father's head, which Clifford placed there; +Instead whereof let this supply the room: +Measure for measure must be answered. + +EDWARD: +Bring forth that fatal screech-owl to our house, +That nothing sung but death to us and ours: +Now death shall stop his dismal threatening sound, +And his ill-boding tongue no more shall speak. + +WARWICK: +I think his understanding is bereft. +Speak, Clifford, dost thou know who speaks to thee? +Dark cloudy death o'ershades his beams of life, +And he nor sees nor hears us what we say. + +RICHARD: +O, would he did! and so perhaps he doth: +'Tis but his policy to counterfeit, +Because he would avoid such bitter taunts +Which in the time of death he gave our father. + +GEORGE: +If so thou think'st, vex him with eager words. + +RICHARD: +Clifford, ask mercy and obtain no grace. + +EDWARD: +Clifford, repent in bootless penitence. + +WARWICK: +Clifford, devise excuses for thy faults. + +GEORGE: +While we devise fell tortures for thy faults. + +RICHARD: +Thou didst love York, and I am son to York. + +EDWARD: +Thou pitied'st Rutland; I will pity thee. + +GEORGE: +Where's Captain Margaret, to fence you now? + +WARWICK: +They mock thee, Clifford: swear as thou wast wont. + +RICHARD: +What, not an oath? nay, then the world goes hard +When Clifford cannot spare his friends an oath. +I know by that he's dead; and, by my soul, +If this right hand would buy two hour's life, +That I in all despite might rail at him, +This hand should chop it off, and with the +issuing blood +Stifle the villain whose unstanched thirst +York and young Rutland could not satisfy. + +WARWICK: +Ay, but he's dead: off with the traitor's head, +And rear it in the place your father's stands. +And now to London with triumphant march, +There to be crowned England's royal king: +From whence shall Warwick cut the sea to France, +And ask the Lady Bona for thy queen: +So shalt thou sinew both these lands together; +And, having France thy friend, thou shalt not dread +The scatter'd foe that hopes to rise again; +For though they cannot greatly sting to hurt, +Yet look to have them buzz to offend thine ears. +First will I see the coronation; +And then to Brittany I'll cross the sea, +To effect this marriage, so it please my lord. + +EDWARD: +Even as thou wilt, sweet Warwick, let it be; +For in thy shoulder do I build my seat, +And never will I undertake the thing +Wherein thy counsel and consent is wanting. +Richard, I will create thee Duke of Gloucester, +And George, of Clarence: Warwick, as ourself, +Shall do and undo as him pleaseth best. + +RICHARD: +Let me be Duke of Clarence, George of Gloucester; +For Gloucester's dukedom is too ominous. + +WARWICK: +Tut, that's a foolish observation: +Richard, be Duke of Gloucester. Now to London, +To see these honours in possession. +3 KING HENRY VI + +First Keeper: +Under this thick-grown brake we'll shroud ourselves; +For through this laund anon the deer will come; +And in this covert will we make our stand, +Culling the principal of all the deer. + +Second Keeper: +I'll stay above the hill, so both may shoot. + +First Keeper: +That cannot be; the noise of thy cross-bow +Will scare the herd, and so my shoot is lost. +Here stand we both, and aim we at the best: +And, for the time shall not seem tedious, +I'll tell thee what befell me on a day +In this self-place where now we mean to stand. + +Second Keeper: +Here comes a man; let's stay till he be past. + +KING HENRY VI: +From Scotland am I stol'n, even of pure love, +To greet mine own land with my wishful sight. +No, Harry, Harry, 'tis no land of thine; +Thy place is fill'd, thy sceptre wrung from thee, +Thy balm wash'd off wherewith thou wast anointed: +No bending knee will call thee Caesar now, +No humble suitors press to speak for right, +No, not a man comes for redress of thee; +For how can I help them, and not myself? + +First Keeper: +Ay, here's a deer whose skin's a keeper's fee: +This is the quondam king; let's seize upon him. + +KING HENRY VI: +Let me embrace thee, sour adversity, +For wise men say it is the wisest course. + +Second Keeper: +Why linger we? let us lay hands upon him. + +First Keeper: +Forbear awhile; we'll hear a little more. + +KING HENRY VI: +My queen and son are gone to France for aid; +And, as I hear, the great commanding Warwick +Is thither gone, to crave the French king's sister +To wife for Edward: if this news be true, +Poor queen and son, your labour is but lost; +For Warwick is a subtle orator, +And Lewis a prince soon won with moving words. +By this account then Margaret may win him; +For she's a woman to be pitied much: +Her sighs will make a battery in his breast; +Her tears will pierce into a marble heart; +The tiger will be mild whiles she doth mourn; +And Nero will be tainted with remorse, +To hear and see her plaints, her brinish tears. +Ay, but she's come to beg, Warwick to give; +She, on his left side, craving aid for Henry, +He, on his right, asking a wife for Edward. +She weeps, and says her Henry is deposed; +He smiles, and says his Edward is install'd; +That she, poor wretch, for grief can speak no more; +Whiles Warwick tells his title, smooths the wrong, +Inferreth arguments of mighty strength, +And in conclusion wins the king from her, +With promise of his sister, and what else, +To strengthen and support King Edward's place. +O Margaret, thus 'twill be; and thou, poor soul, +Art then forsaken, as thou went'st forlorn! + +Second Keeper: +Say, what art thou that talk'st of kings and queens? + +KING HENRY VI: +More than I seem, and less than I was born to: +A man at least, for less I should not be; +And men may talk of kings, and why not I? + +Second Keeper: +Ay, but thou talk'st as if thou wert a king. + +KING HENRY VI: +Why, so I am, in mind; and that's enough. + +Second Keeper: +But, if thou be a king, where is thy crown? + +KING HENRY VI: +My crown is in my heart, not on my head; +Not decked with diamonds and Indian stones, +Nor to be seen: my crown is called content: +A crown it is that seldom kings enjoy. + +Second Keeper: +Well, if you be a king crown'd with content, +Your crown content and you must be contented +To go along with us; for as we think, +You are the king King Edward hath deposed; +And we his subjects sworn in all allegiance +Will apprehend you as his enemy. + +KING HENRY VI: +But did you never swear, and break an oath? + +Second Keeper: +No, never such an oath; nor will not now. + +KING HENRY VI: +Where did you dwell when I was King of England? + +Second Keeper: +Here in this country, where we now remain. + +KING HENRY VI: +I was anointed king at nine months old; +My father and my grandfather were kings, +And you were sworn true subjects unto me: +And tell me, then, have you not broke your oaths? + +First Keeper: +No; +For we were subjects but while you were king. + +KING HENRY VI: +Why, am I dead? do I not breathe a man? +Ah, simple men, you know not what you swear! +Look, as I blow this feather from my face, +And as the air blows it to me again, +Obeying with my wind when I do blow, +And yielding to another when it blows, +Commanded always by the greater gust; +Such is the lightness of you common men. +But do not break your oaths; for of that sin +My mild entreaty shall not make you guilty. +Go where you will, the king shall be commanded; +And be you kings, command, and I'll obey. + +First Keeper: +We are true subjects to the king, King Edward. + +KING HENRY VI: +So would you be again to Henry, +If he were seated as King Edward is. + +First Keeper: +We charge you, in God's name, and the king's, +To go with us unto the officers. + +KING HENRY VI: +In God's name, lead; your king's name be obey'd: +And what God will, that let your king perform; +And what he will, I humbly yield unto. +3 KING HENRY VI + +KING EDWARD IV: +Brother of Gloucester, at Saint Alban's field +This lady's husband, Sir Richard Grey, was slain, +His lands then seized on by the conqueror: +Her suit is now to repossess those lands; +Which we in justice cannot well deny, +Because in quarrel of the house of York +The worthy gentleman did lose his life. + +GLOUCESTER: +Your highness shall do well to grant her suit; +It were dishonour to deny it her. + +KING EDWARD IV: +It were no less; but yet I'll make a pause. + +GLOUCESTER: + +CLARENCE: + +GLOUCESTER: + +KING EDWARD IV: +Widow, we will consider of your suit; +And come some other time to know our mind. + +LADY GREY: +Right gracious lord, I cannot brook delay: +May it please your highness to resolve me now; +And what your pleasure is, shall satisfy me. + +GLOUCESTER: + +CLARENCE: + +GLOUCESTER: + +KING EDWARD IV: +How many children hast thou, widow? tell me. + +CLARENCE: + +GLOUCESTER: + +LADY GREY: +Three, my most gracious lord. + +GLOUCESTER: + +KING EDWARD IV: +'Twere pity they should lose their father's lands. + +LADY GREY: +Be pitiful, dread lord, and grant it then. + +KING EDWARD IV: +Lords, give us leave: I'll try this widow's wit. + +GLOUCESTER: + +KING EDWARD IV: +Now tell me, madam, do you love your children? + +LADY GREY: +Ay, full as dearly as I love myself. + +KING EDWARD IV: +And would you not do much to do them good? + +LADY GREY: +To do them good, I would sustain some harm. + +KING EDWARD IV: +Then get your husband's lands, to do them good. + +LADY GREY: +Therefore I came unto your majesty. + +KING EDWARD IV: +I'll tell you how these lands are to be got. + +LADY GREY: +So shall you bind me to your highness' service. + +KING EDWARD IV: +What service wilt thou do me, if I give them? + +LADY GREY: +What you command, that rests in me to do. + +KING EDWARD IV: +But you will take exceptions to my boon. + +LADY GREY: +No, gracious lord, except I cannot do it. + +KING EDWARD IV: +Ay, but thou canst do what I mean to ask. + +LADY GREY: +Why, then I will do what your grace commands. + +GLOUCESTER: + +CLARENCE: + +LADY GREY: +Why stops my lord, shall I not hear my task? + +KING EDWARD IV: +An easy task; 'tis but to love a king. + +LADY GREY: +That's soon perform'd, because I am a subject. + +KING EDWARD IV: +Why, then, thy husband's lands I freely give thee. + +LADY GREY: +I take my leave with many thousand thanks. + +GLOUCESTER: + +KING EDWARD IV: +But stay thee, 'tis the fruits of love I mean. + +LADY GREY: +The fruits of love I mean, my loving liege. + +KING EDWARD IV: +Ay, but, I fear me, in another sense. +What love, think'st thou, I sue so much to get? + +LADY GREY: +My love till death, my humble thanks, my prayers; +That love which virtue begs and virtue grants. + +KING EDWARD IV: +No, by my troth, I did not mean such love. + +LADY GREY: +Why, then you mean not as I thought you did. + +KING EDWARD IV: +But now you partly may perceive my mind. + +LADY GREY: +My mind will never grant what I perceive +Your highness aims at, if I aim aright. + +KING EDWARD IV: +To tell thee plain, I aim to lie with thee. + +LADY GREY: +To tell you plain, I had rather lie in prison. + +KING EDWARD IV: +Why, then thou shalt not have thy husband's lands. + +LADY GREY: +Why, then mine honesty shall be my dower; +For by that loss I will not purchase them. + +KING EDWARD IV: +Therein thou wrong'st thy children mightily. + +LADY GREY: +Herein your highness wrongs both them and me. +But, mighty lord, this merry inclination +Accords not with the sadness of my suit: +Please you dismiss me either with 'ay' or 'no.' + +KING EDWARD IV: +Ay, if thou wilt say 'ay' to my request; +No if thou dost say 'no' to my demand. + +LADY GREY: +Then, no, my lord. My suit is at an end. + +GLOUCESTER: + +CLARENCE: + +KING EDWARD IV: + +LADY GREY: +'Tis better said than done, my gracious lord: +I am a subject fit to jest withal, +But far unfit to be a sovereign. + +KING EDWARD IV: +Sweet widow, by my state I swear to thee +I speak no more than what my soul intends; +And that is, to enjoy thee for my love. + +LADY GREY: +And that is more than I will yield unto: +I know I am too mean to be your queen, +And yet too good to be your concubine. + +KING EDWARD IV: +You cavil, widow: I did mean, my queen. + +LADY GREY: +'Twill grieve your grace my sons should call you father. + +KING EDWARD IV: +No more than when my daughters call thee mother. +Thou art a widow, and thou hast some children; +And, by God's mother, I, being but a bachelor, +Have other some: why, 'tis a happy thing +To be the father unto many sons. +Answer no more, for thou shalt be my queen. + +GLOUCESTER: + +CLARENCE: + +KING EDWARD IV: +Brothers, you muse what chat we two have had. + +GLOUCESTER: +The widow likes it not, for she looks very sad. + +KING EDWARD IV: +You'll think it strange if I should marry her. + +CLARENCE: +To whom, my lord? + +KING EDWARD IV: +Why, Clarence, to myself. + +GLOUCESTER: +That would be ten days' wonder at the least. + +CLARENCE: +That's a day longer than a wonder lasts. + +GLOUCESTER: +By so much is the wonder in extremes. + +KING EDWARD IV: +Well, jest on, brothers: I can tell you both +Her suit is granted for her husband's lands. + +Nobleman: +My gracious lord, Henry your foe is taken, +And brought your prisoner to your palace gate. + +KING EDWARD IV: +See that he be convey'd unto the Tower: +And go we, brothers, to the man that took him, +To question of his apprehension. +Widow, go you along. Lords, use her honourably. + +GLOUCESTER: +Ay, Edward will use women honourably. +Would he were wasted, marrow, bones and all, +That from his loins no hopeful branch may spring, +To cross me from the golden time I look for! +And yet, between my soul's desire and me-- +The lustful Edward's title buried-- +Is Clarence, Henry, and his son young Edward, +And all the unlook'd for issue of their bodies, +To take their rooms, ere I can place myself: +A cold premeditation for my purpose! +Why, then, I do but dream on sovereignty; +Like one that stands upon a promontory, +And spies a far-off shore where he would tread, +Wishing his foot were equal with his eye, +And chides the sea that sunders him from thence, +Saying, he'll lade it dry to have his way: +So do I wish the crown, being so far off; +And so I chide the means that keeps me from it; +And so I say, I'll cut the causes off, +Flattering me with impossibilities. +My eye's too quick, my heart o'erweens too much, +Unless my hand and strength could equal them. +Well, say there is no kingdom then for Richard; +What other pleasure can the world afford? +I'll make my heaven in a lady's lap, +And deck my body in gay ornaments, +And witch sweet ladies with my words and looks. +O miserable thought! and more unlikely +Than to accomplish twenty golden crowns! +Why, love forswore me in my mother's womb: +And, for I should not deal in her soft laws, +She did corrupt frail nature with some bribe, +To shrink mine arm up like a wither'd shrub; +To make an envious mountain on my back, +Where sits deformity to mock my body; +To shape my legs of an unequal size; +To disproportion me in every part, +Like to a chaos, or an unlick'd bear-whelp +That carries no impression like the dam. +And am I then a man to be beloved? +O monstrous fault, to harbour such a thought! +Then, since this earth affords no joy to me, +But to command, to cheque, to o'erbear such +As are of better person than myself, +I'll make my heaven to dream upon the crown, +And, whiles I live, to account this world but hell, +Until my mis-shaped trunk that bears this head +Be round impaled with a glorious crown. +And yet I know not how to get the crown, +For many lives stand between me and home: +And I,--like one lost in a thorny wood, +That rends the thorns and is rent with the thorns, +Seeking a way and straying from the way; +Not knowing how to find the open air, +But toiling desperately to find it out,-- +Torment myself to catch the English crown: +And from that torment I will free myself, +Or hew my way out with a bloody axe. +Why, I can smile, and murder whiles I smile, +And cry 'Content' to that which grieves my heart, +And wet my cheeks with artificial tears, +And frame my face to all occasions. +I'll drown more sailors than the mermaid shall; +I'll slay more gazers than the basilisk; +I'll play the orator as well as Nestor, +Deceive more slily than Ulysses could, +And, like a Sinon, take another Troy. +I can add colours to the chameleon, +Change shapes with Proteus for advantages, +And set the murderous Machiavel to school. +Can I do this, and cannot get a crown? +Tut, were it farther off, I'll pluck it down. +3 KING HENRY VI + +KING LEWIS XI: +Fair Queen of England, worthy Margaret, +Sit down with us: it ill befits thy state +And birth, that thou shouldst stand while Lewis doth sit. + +QUEEN MARGARET: +No, mighty King of France: now Margaret +Must strike her sail and learn awhile to serve +Where kings command. I was, I must confess, +Great Albion's queen in former golden days: +But now mischance hath trod my title down, +And with dishonour laid me on the ground; +Where I must take like seat unto my fortune, +And to my humble seat conform myself. + +KING LEWIS XI: +Why, say, fair queen, whence springs this deep despair? + +QUEEN MARGARET: +From such a cause as fills mine eyes with tears +And stops my tongue, while heart is drown'd in cares. + +KING LEWIS XI: +Whate'er it be, be thou still like thyself, +And sit thee by our side: +Yield not thy neck +To fortune's yoke, but let thy dauntless mind +Still ride in triumph over all mischance. +Be plain, Queen Margaret, and tell thy grief; +It shall be eased, if France can yield relief. + +QUEEN MARGARET: +Those gracious words revive my drooping thoughts +And give my tongue-tied sorrows leave to speak. +Now, therefore, be it known to noble Lewis, +That Henry, sole possessor of my love, +Is of a king become a banish'd man, +And forced to live in Scotland a forlorn; +While proud ambitious Edward Duke of York +Usurps the regal title and the seat +Of England's true-anointed lawful king. +This is the cause that I, poor Margaret, +With this my son, Prince Edward, Henry's heir, +Am come to crave thy just and lawful aid; +And if thou fail us, all our hope is done: +Scotland hath will to help, but cannot help; +Our people and our peers are both misled, +Our treasures seized, our soldiers put to flight, +And, as thou seest, ourselves in heavy plight. + +KING LEWIS XI: +Renowned queen, with patience calm the storm, +While we bethink a means to break it off. + +QUEEN MARGARET: +The more we stay, the stronger grows our foe. + +KING LEWIS XI: +The more I stay, the more I'll succor thee. + +QUEEN MARGARET: +O, but impatience waiteth on true sorrow. +And see where comes the breeder of my sorrow! + +KING LEWIS XI: +What's he approacheth boldly to our presence? + +QUEEN MARGARET: +Our Earl of Warwick, Edward's greatest friend. + +KING LEWIS XI: +Welcome, brave Warwick! What brings thee to France? + +QUEEN MARGARET: +Ay, now begins a second storm to rise; +For this is he that moves both wind and tide. + +WARWICK: +From worthy Edward, King of Albion, +My lord and sovereign, and thy vowed friend, +I come, in kindness and unfeigned love, +First, to do greetings to thy royal person; +And then to crave a league of amity; +And lastly, to confirm that amity +With a nuptial knot, if thou vouchsafe to grant +That virtuous Lady Bona, thy fair sister, +To England's king in lawful marriage. + +QUEEN MARGARET: + +WARWICK: + +QUEEN MARGARET: +King Lewis and Lady Bona, hear me speak, +Before you answer Warwick. His demand +Springs not from Edward's well-meant honest love, +But from deceit bred by necessity; +For how can tyrants safely govern home, +Unless abroad they purchase great alliance? +To prove him tyrant this reason may suffice, +That Henry liveth still: but were he dead, +Yet here Prince Edward stands, King Henry's son. +Look, therefore, Lewis, that by this league and marriage +Thou draw not on thy danger and dishonour; +For though usurpers sway the rule awhile, +Yet heavens are just, and time suppresseth wrongs. + +WARWICK: +Injurious Margaret! + +PRINCE EDWARD: +And why not queen? + +WARWICK: +Because thy father Henry did usurp; +And thou no more are prince than she is queen. + +OXFORD: +Then Warwick disannuls great John of Gaunt, +Which did subdue the greatest part of Spain; +And, after John of Gaunt, Henry the Fourth, +Whose wisdom was a mirror to the wisest; +And, after that wise prince, Henry the Fifth, +Who by his prowess conquered all France: +From these our Henry lineally descends. + +WARWICK: +Oxford, how haps it, in this smooth discourse, +You told not how Henry the Sixth hath lost +All that which Henry Fifth had gotten? +Methinks these peers of France should smile at that. +But for the rest, you tell a pedigree +Of threescore and two years; a silly time +To make prescription for a kingdom's worth. + +OXFORD: +Why, Warwick, canst thou speak against thy liege, +Whom thou obeyed'st thirty and six years, +And not bewray thy treason with a blush? + +WARWICK: +Can Oxford, that did ever fence the right, +Now buckler falsehood with a pedigree? +For shame! leave Henry, and call Edward king. + +OXFORD: +Call him my king by whose injurious doom +My elder brother, the Lord Aubrey Vere, +Was done to death? and more than so, my father, +Even in the downfall of his mellow'd years, +When nature brought him to the door of death? +No, Warwick, no; while life upholds this arm, +This arm upholds the house of Lancaster. + +WARWICK: +And I the house of York. + +KING LEWIS XI: +Queen Margaret, Prince Edward, and Oxford, +Vouchsafe, at our request, to stand aside, +While I use further conference with Warwick. + +QUEEN MARGARET: +Heavens grant that Warwick's words bewitch him not! + +KING LEWIS XI: +Now Warwick, tell me, even upon thy conscience, +Is Edward your true king? for I were loath +To link with him that were not lawful chosen. + +WARWICK: +Thereon I pawn my credit and mine honour. + +KING LEWIS XI: +But is he gracious in the people's eye? + +WARWICK: +The more that Henry was unfortunate. + +KING LEWIS XI: +Then further, all dissembling set aside, +Tell me for truth the measure of his love +Unto our sister Bona. + +WARWICK: +Such it seems +As may beseem a monarch like himself. +Myself have often heard him say and swear +That this his love was an eternal plant, +Whereof the root was fix'd in virtue's ground, +The leaves and fruit maintain'd with beauty's sun, +Exempt from envy, but not from disdain, +Unless the Lady Bona quit his pain. + +KING LEWIS XI: +Now, sister, let us hear your firm resolve. + +BONA: +Your grant, or your denial, shall be mine: +Yet I confess that often ere this day, +When I have heard your king's desert recounted, +Mine ear hath tempted judgment to desire. + +KING LEWIS XI: +Then, Warwick, thus: our sister shall be Edward's; +And now forthwith shall articles be drawn +Touching the jointure that your king must make, +Which with her dowry shall be counterpoised. +Draw near, Queen Margaret, and be a witness +That Bona shall be wife to the English king. + +PRINCE EDWARD: +To Edward, but not to the English king. + +QUEEN MARGARET: +Deceitful Warwick! it was thy device +By this alliance to make void my suit: +Before thy coming Lewis was Henry's friend. + +KING LEWIS XI: +And still is friend to him and Margaret: +But if your title to the crown be weak, +As may appear by Edward's good success, +Then 'tis but reason that I be released +From giving aid which late I promised. +Yet shall you have all kindness at my hand +That your estate requires and mine can yield. + +WARWICK: +Henry now lives in Scotland at his ease, +Where having nothing, nothing can he lose. +And as for you yourself, our quondam queen, +You have a father able to maintain you; +And better 'twere you troubled him than France. + +QUEEN MARGARET: +Peace, impudent and shameless Warwick, peace, +Proud setter up and puller down of kings! +I will not hence, till, with my talk and tears, +Both full of truth, I make King Lewis behold +Thy sly conveyance and thy lord's false love; +For both of you are birds of selfsame feather. + +KING LEWIS XI: +Warwick, this is some post to us or thee. + +Post: + +OXFORD: +I like it well that our fair queen and mistress +Smiles at her news, while Warwick frowns at his. + +PRINCE EDWARD: +Nay, mark how Lewis stamps, as he were nettled: +I hope all's for the best. + +KING LEWIS XI: +Warwick, what are thy news? and yours, fair queen? + +QUEEN MARGARET: +Mine, such as fill my heart with unhoped joys. + +WARWICK: +Mine, full of sorrow and heart's discontent. + +KING LEWIS XI: +What! has your king married the Lady Grey! +And now, to soothe your forgery and his, +Sends me a paper to persuade me patience? +Is this the alliance that he seeks with France? +Dare he presume to scorn us in this manner? + +QUEEN MARGARET: +I told your majesty as much before: +This proveth Edward's love and Warwick's honesty. + +WARWICK: +King Lewis, I here protest, in sight of heaven, +And by the hope I have of heavenly bliss, +That I am clear from this misdeed of Edward's, +No more my king, for he dishonours me, +But most himself, if he could see his shame. +Did I forget that by the house of York +My father came untimely to his death? +Did I let pass the abuse done to my niece? +Did I impale him with the regal crown? +Did I put Henry from his native right? +And am I guerdon'd at the last with shame? +Shame on himself! for my desert is honour: +And to repair my honour lost for him, +I here renounce him and return to Henry. +My noble queen, let former grudges pass, +And henceforth I am thy true servitor: +I will revenge his wrong to Lady Bona, +And replant Henry in his former state. + +QUEEN MARGARET: +Warwick, these words have turn'd my hate to love; +And I forgive and quite forget old faults, +And joy that thou becomest King Henry's friend. + +WARWICK: +So much his friend, ay, his unfeigned friend, +That, if King Lewis vouchsafe to furnish us +With some few bands of chosen soldiers, +I'll undertake to land them on our coast +And force the tyrant from his seat by war. +'Tis not his new-made bride shall succor him: +And as for Clarence, as my letters tell me, +He's very likely now to fall from him, +For matching more for wanton lust than honour, +Or than for strength and safety of our country. + +BONA: +Dear brother, how shall Bona be revenged +But by thy help to this distressed queen? + +QUEEN MARGARET: +Renowned prince, how shall poor Henry live, +Unless thou rescue him from foul despair? + +BONA: +My quarrel and this English queen's are one. + +WARWICK: +And mine, fair lady Bona, joins with yours. + +KING LEWIS XI: +And mine with hers, and thine, and Margaret's. +Therefore at last I firmly am resolved +You shall have aid. + +QUEEN MARGARET: +Let me give humble thanks for all at once. + +KING LEWIS XI: +Then, England's messenger, return in post, +And tell false Edward, thy supposed king, +That Lewis of France is sending over masquers +To revel it with him and his new bride: +Thou seest what's past, go fear thy king withal. + +BONA: +Tell him, in hope he'll prove a widower shortly, +I'll wear the willow garland for his sake. + +QUEEN MARGARET: +Tell him, my mourning weeds are laid aside, +And I am ready to put armour on. + +WARWICK: +Tell him from me that he hath done me wrong, +And therefore I'll uncrown him ere't be long. +There's thy reward: be gone. + +KING LEWIS XI: +But, Warwick, +Thou and Oxford, with five thousand men, +Shall cross the seas, and bid false Edward battle; +And, as occasion serves, this noble queen +And prince shall follow with a fresh supply. +Yet, ere thou go, but answer me one doubt, +What pledge have we of thy firm loyalty? + +WARWICK: +This shall assure my constant loyalty, +That if our queen and this young prince agree, +I'll join mine eldest daughter and my joy +To him forthwith in holy wedlock bands. + +QUEEN MARGARET: +Yes, I agree, and thank you for your motion. +Son Edward, she is fair and virtuous, +Therefore delay not, give thy hand to Warwick; +And, with thy hand, thy faith irrevocable, +That only Warwick's daughter shall be thine. + +PRINCE EDWARD: +Yes, I accept her, for she well deserves it; +And here, to pledge my vow, I give my hand. + +KING LEWIS XI: +Why stay we now? These soldiers shall be levied, +And thou, Lord Bourbon, our high admiral, +Shalt waft them over with our royal fleet. +I long till Edward fall by war's mischance, +For mocking marriage with a dame of France. + +WARWICK: +I came from Edward as ambassador, +But I return his sworn and mortal foe: +Matter of marriage was the charge he gave me, +But dreadful war shall answer his demand. +Had he none else to make a stale but me? +Then none but I shall turn his jest to sorrow. +I was the chief that raised him to the crown, +And I'll be chief to bring him down again: +Not that I pity Henry's misery, +But seek revenge on Edward's mockery. +3 KING HENRY VI + +GLOUCESTER: +Now tell me, brother Clarence, what think you +Of this new marriage with the Lady Grey? +Hath not our brother made a worthy choice? + +CLARENCE: +Alas, you know, 'tis far from hence to France; +How could he stay till Warwick made return? + +SOMERSET: +My lords, forbear this talk; here comes the king. + +GLOUCESTER: +And his well-chosen bride. + +CLARENCE: +I mind to tell him plainly what I think. + +KING EDWARD IV: +Now, brother of Clarence, how like you our choice, +That you stand pensive, as half malcontent? + +CLARENCE: +As well as Lewis of France, or the Earl of Warwick, +Which are so weak of courage and in judgment +That they'll take no offence at our abuse. + +KING EDWARD IV: +Suppose they take offence without a cause, +They are but Lewis and Warwick: I am Edward, +Your king and Warwick's, and must have my will. + +GLOUCESTER: +And shall have your will, because our king: +Yet hasty marriage seldom proveth well. + +KING EDWARD IV: +Yea, brother Richard, are you offended too? + +GLOUCESTER: +Not I: +No, God forbid that I should wish them sever'd +Whom God hath join'd together; ay, and 'twere pity +To sunder them that yoke so well together. + +KING EDWARD IV: +Setting your scorns and your mislike aside, +Tell me some reason why the Lady Grey +Should not become my wife and England's queen. +And you too, Somerset and Montague, +Speak freely what you think. + +CLARENCE: +Then this is mine opinion: that King Lewis +Becomes your enemy, for mocking him +About the marriage of the Lady Bona. + +GLOUCESTER: +And Warwick, doing what you gave in charge, +Is now dishonoured by this new marriage. + +KING EDWARD IV: +What if both Lewis and Warwick be appeased +By such invention as I can devise? + +MONTAGUE: +Yet, to have join'd with France in such alliance +Would more have strengthen'd this our commonwealth +'Gainst foreign storms than any home-bred marriage. + +HASTINGS: +Why, knows not Montague that of itself +England is safe, if true within itself? + +MONTAGUE: +But the safer when 'tis back'd with France. + +HASTINGS: +'Tis better using France than trusting France: +Let us be back'd with God and with the seas +Which He hath given for fence impregnable, +And with their helps only defend ourselves; +In them and in ourselves our safety lies. + +CLARENCE: +For this one speech Lord Hastings well deserves +To have the heir of the Lord Hungerford. + +KING EDWARD IV: +Ay, what of that? it was my will and grant; +And for this once my will shall stand for law. + +GLOUCESTER: +And yet methinks your grace hath not done well, +To give the heir and daughter of Lord Scales +Unto the brother of your loving bride; +She better would have fitted me or Clarence: +But in your bride you bury brotherhood. + +CLARENCE: +Or else you would not have bestow'd the heir +Of the Lord Bonville on your new wife's son, +And leave your brothers to go speed elsewhere. + +KING EDWARD IV: +Alas, poor Clarence! is it for a wife +That thou art malcontent? I will provide thee. + +CLARENCE: +In choosing for yourself, you show'd your judgment, +Which being shallow, you give me leave +To play the broker in mine own behalf; +And to that end I shortly mind to leave you. + +KING EDWARD IV: +Leave me, or tarry, Edward will be king, +And not be tied unto his brother's will. + +QUEEN ELIZABETH: +My lords, before it pleased his majesty +To raise my state to title of a queen, +Do me but right, and you must all confess +That I was not ignoble of descent; +And meaner than myself have had like fortune. +But as this title honours me and mine, +So your dislike, to whom I would be pleasing, +Doth cloud my joys with danger and with sorrow. + +KING EDWARD IV: +My love, forbear to fawn upon their frowns: +What danger or what sorrow can befall thee, +So long as Edward is thy constant friend, +And their true sovereign, whom they must obey? +Nay, whom they shall obey, and love thee too, +Unless they seek for hatred at my hands; +Which if they do, yet will I keep thee safe, +And they shall feel the vengeance of my wrath. + +GLOUCESTER: + +KING EDWARD IV: +Now, messenger, what letters or what news +From France? + +Post: +My sovereign liege, no letters; and few words, +But such as I, without your special pardon, +Dare not relate. + +KING EDWARD IV: +Go to, we pardon thee: therefore, in brief, +Tell me their words as near as thou canst guess them. +What answer makes King Lewis unto our letters? + +Post: +At my depart, these were his very words: +'Go tell false Edward, thy supposed king, +That Lewis of France is sending over masquers +To revel it with him and his new bride.' + +KING EDWARD IV: +Is Lewis so brave? belike he thinks me Henry. +But what said Lady Bona to my marriage? + +Post: +These were her words, utter'd with mad disdain: +'Tell him, in hope he'll prove a widower shortly, +I'll wear the willow garland for his sake.' + +KING EDWARD IV: +I blame not her, she could say little less; +She had the wrong. But what said Henry's queen? +For I have heard that she was there in place. + +Post: +'Tell him,' quoth she, 'my mourning weeds are done, +And I am ready to put armour on.' + +KING EDWARD IV: +Belike she minds to play the Amazon. +But what said Warwick to these injuries? + +Post: +He, more incensed against your majesty +Than all the rest, discharged me with these words: +'Tell him from me that he hath done me wrong, +And therefore I'll uncrown him ere't be long.' + +KING EDWARD IV: +Ha! durst the traitor breathe out so proud words? +Well I will arm me, being thus forewarn'd: +They shall have wars and pay for their presumption. +But say, is Warwick friends with Margaret? + +Post: +Ay, gracious sovereign; they are so link'd in +friendship +That young Prince Edward marries Warwick's daughter. + +CLARENCE: +Belike the elder; Clarence will have the younger. +Now, brother king, farewell, and sit you fast, +For I will hence to Warwick's other daughter; +That, though I want a kingdom, yet in marriage +I may not prove inferior to yourself. +You that love me and Warwick, follow me. + +GLOUCESTER: + +KING EDWARD IV: +Clarence and Somerset both gone to Warwick! +Yet am I arm'd against the worst can happen; +And haste is needful in this desperate case. +Pembroke and Stafford, you in our behalf +Go levy men, and make prepare for war; +They are already, or quickly will be landed: +Myself in person will straight follow you. +But, ere I go, Hastings and Montague, +Resolve my doubt. You twain, of all the rest, +Are near to Warwick by blood and by alliance: +Tell me if you love Warwick more than me? +If it be so, then both depart to him; +I rather wish you foes than hollow friends: +But if you mind to hold your true obedience, +Give me assurance with some friendly vow, +That I may never have you in suspect. + +MONTAGUE: +So God help Montague as he proves true! + +HASTINGS: +And Hastings as he favours Edward's cause! + +KING EDWARD IV: +Now, brother Richard, will you stand by us? + +GLOUCESTER: +Ay, in despite of all that shall withstand you. + +KING EDWARD IV: +Why, so! then am I sure of victory. +Now therefore let us hence; and lose no hour, +Till we meet Warwick with his foreign power. +3 KING HENRY VI + +WARWICK: +Trust me, my lord, all hitherto goes well; +The common people by numbers swarm to us. +But see where Somerset and Clarence come! +Speak suddenly, my lords, are we all friends? + +CLARENCE: +Fear not that, my lord. + +WARWICK: +Then, gentle Clarence, welcome unto Warwick; +And welcome, Somerset: I hold it cowardice +To rest mistrustful where a noble heart +Hath pawn'd an open hand in sign of love; +Else might I think that Clarence, Edward's brother, +Were but a feigned friend to our proceedings: +But welcome, sweet Clarence; my daughter shall be thine. +And now what rests but, in night's coverture, +Thy brother being carelessly encamp'd, +His soldiers lurking in the towns about, +And but attended by a simple guard, +We may surprise and take him at our pleasure? +Our scouts have found the adventure very easy: +That as Ulysses and stout Diomede +With sleight and manhood stole to Rhesus' tents, +And brought from thence the Thracian fatal steeds, +So we, well cover'd with the night's black mantle, +At unawares may beat down Edward's guard +And seize himself; I say not, slaughter him, +For I intend but only to surprise him. +You that will follow me to this attempt, +Applaud the name of Henry with your leader. +Why, then, let's on our way in silent sort: +For Warwick and his friends, God and Saint George! +3 KING HENRY VI + +First Watchman: +Come on, my masters, each man take his stand: +The king by this is set him down to sleep. + +Second Watchman: +What, will he not to bed? + +First Watchman: +Why, no; for he hath made a solemn vow +Never to lie and take his natural rest +Till Warwick or himself be quite suppress'd. + +Second Watchman: +To-morrow then belike shall be the day, +If Warwick be so near as men report. + +Third Watchman: +But say, I pray, what nobleman is that +That with the king here resteth in his tent? + +First Watchman: +'Tis the Lord Hastings, the king's chiefest friend. + +Third Watchman: +O, is it so? But why commands the king +That his chief followers lodge in towns about him, +While he himself keeps in the cold field? + +Second Watchman: +'Tis the more honour, because more dangerous. + +Third Watchman: +Ay, but give me worship and quietness; +I like it better than a dangerous honour. +If Warwick knew in what estate he stands, +'Tis to be doubted he would waken him. + +First Watchman: +Unless our halberds did shut up his passage. + +Second Watchman: +Ay, wherefore else guard we his royal tent, +But to defend his person from night-foes? + +WARWICK: +This is his tent; and see where stand his guard. +Courage, my masters! honour now or never! +But follow me, and Edward shall be ours. + +First Watchman: +Who goes there? + +Second Watchman: +Stay, or thou diest! + +SOMERSET: +What are they that fly there? + +WARWICK: +Richard and Hastings: let them go; here is The duke. + +KING EDWARD IV: +The duke! Why, Warwick, when we parted, +Thou call'dst me king. + +WARWICK: +Ay, but the case is alter'd: +When you disgraced me in my embassade, +Then I degraded you from being king, +And come now to create you Duke of York. +Alas! how should you govern any kingdom, +That know not how to use ambassadors, +Nor how to be contented with one wife, +Nor how to use your brothers brotherly, +Nor how to study for the people's welfare, +Nor how to shroud yourself from enemies? + +KING EDWARD IV: +Yea, brother of Clarence, are thou here too? +Nay, then I see that Edward needs must down. +Yet, Warwick, in despite of all mischance, +Of thee thyself and all thy complices, +Edward will always bear himself as king: +Though fortune's malice overthrow my state, +My mind exceeds the compass of her wheel. + +WARWICK: +Then, for his mind, be Edward England's king: +But Henry now shall wear the English crown, +And be true king indeed, thou but the shadow. +My Lord of Somerset, at my request, +See that forthwith Duke Edward be convey'd +Unto my brother, Archbishop of York. +When I have fought with Pembroke and his fellows, +I'll follow you, and tell what answer +Lewis and the Lady Bona send to him. +Now, for a while farewell, good Duke of York. + +KING EDWARD IV: +What fates impose, that men must needs abide; +It boots not to resist both wind and tide. + +OXFORD: +What now remains, my lords, for us to do +But march to London with our soldiers? + +WARWICK: +Ay, that's the first thing that we have to do; +To free King Henry from imprisonment +And see him seated in the regal throne. +3 KING HENRY VI + +RIVERS: +Madam, what makes you in this sudden change? + +QUEEN ELIZABETH: +Why brother Rivers, are you yet to learn +What late misfortune is befall'n King Edward? + +RIVERS: +What! loss of some pitch'd battle against Warwick? + +QUEEN ELIZABETH: +No, but the loss of his own royal person. + +RIVERS: +Then is my sovereign slain? + +QUEEN ELIZABETH: +Ay, almost slain, for he is taken prisoner, +Either betray'd by falsehood of his guard +Or by his foe surprised at unawares: +And, as I further have to understand, +Is new committed to the Bishop of York, +Fell Warwick's brother and by that our foe. + +RIVERS: +These news I must confess are full of grief; +Yet, gracious madam, bear it as you may: +Warwick may lose, that now hath won the day. + +QUEEN ELIZABETH: +Till then fair hope must hinder life's decay. +And I the rather wean me from despair +For love of Edward's offspring in my womb: +This is it that makes me bridle passion +And bear with mildness my misfortune's cross; +Ay, ay, for this I draw in many a tear +And stop the rising of blood-sucking sighs, +Lest with my sighs or tears I blast or drown +King Edward's fruit, true heir to the English crown. + +RIVERS: +But, madam, where is Warwick then become? + +QUEEN ELIZABETH: +I am inform'd that he comes towards London, +To set the crown once more on Henry's head: +Guess thou the rest; King Edward's friends must down, +But, to prevent the tyrant's violence,-- +For trust not him that hath once broken faith,-- +I'll hence forthwith unto the sanctuary, +To save at least the heir of Edward's right: +There shall I rest secure from force and fraud. +Come, therefore, let us fly while we may fly: +If Warwick take us we are sure to die. +3 KING HENRY VI + +GLOUCESTER: +Now, my Lord Hastings and Sir William Stanley, +Leave off to wonder why I drew you hither, +Into this chiefest thicket of the park. +Thus stands the case: you know our king, my brother, +Is prisoner to the bishop here, at whose hands +He hath good usage and great liberty, +And, often but attended with weak guard, +Comes hunting this way to disport himself. +I have advertised him by secret means +That if about this hour he make his way +Under the colour of his usual game, +He shall here find his friends with horse and men +To set him free from his captivity. + +Huntsman: +This way, my lord; for this way lies the game. + +KING EDWARD IV: +Nay, this way, man: see where the huntsmen stand. +Now, brother of Gloucester, Lord Hastings, and the rest, +Stand you thus close, to steal the bishop's deer? + +GLOUCESTER: +Brother, the time and case requireth haste: +Your horse stands ready at the park-corner. + +KING EDWARD IV: +But whither shall we then? + +HASTINGS: +To Lynn, my lord, +And ship from thence to Flanders. + +GLOUCESTER: +Well guess'd, believe me; for that was my meaning. + +KING EDWARD IV: +Stanley, I will requite thy forwardness. + +GLOUCESTER: +But wherefore stay we? 'tis no time to talk. + +KING EDWARD IV: +Huntsman, what say'st thou? wilt thou go along? + +Huntsman: +Better do so than tarry and be hang'd. + +GLOUCESTER: +Come then, away; let's ha' no more ado. + +KING EDWARD IV: +Bishop, farewell: shield thee from Warwick's frown; +And pray that I may repossess the crown. +3 KING HENRY VI + +KING HENRY VI: +Master lieutenant, now that God and friends +Have shaken Edward from the regal seat, +And turn'd my captive state to liberty, +My fear to hope, my sorrows unto joys, +At our enlargement what are thy due fees? + +Lieutenant: +Subjects may challenge nothing of their sovereigns; +But if an humble prayer may prevail, +I then crave pardon of your majesty. + +KING HENRY VI: +For what, lieutenant? for well using me? +Nay, be thou sure I'll well requite thy kindness, +For that it made my imprisonment a pleasure; +Ay, such a pleasure as incaged birds +Conceive when after many moody thoughts +At last by notes of household harmony +They quite forget their loss of liberty. +But, Warwick, after God, thou set'st me free, +And chiefly therefore I thank God and thee; +He was the author, thou the instrument. +Therefore, that I may conquer fortune's spite +By living low, where fortune cannot hurt me, +And that the people of this blessed land +May not be punish'd with my thwarting stars, +Warwick, although my head still wear the crown, +I here resign my government to thee, +For thou art fortunate in all thy deeds. + +WARWICK: +Your grace hath still been famed for virtuous; +And now may seem as wise as virtuous, +By spying and avoiding fortune's malice, +For few men rightly temper with the stars: +Yet in this one thing let me blame your grace, +For choosing me when Clarence is in place. + +CLARENCE: +No, Warwick, thou art worthy of the sway, +To whom the heavens in thy nativity +Adjudged an olive branch and laurel crown, +As likely to be blest in peace and war; +And therefore I yield thee my free consent. + +WARWICK: +And I choose Clarence only for protector. + +KING HENRY VI: +Warwick and Clarence give me both your hands: +Now join your hands, and with your hands your hearts, +That no dissension hinder government: +I make you both protectors of this land, +While I myself will lead a private life +And in devotion spend my latter days, +To sin's rebuke and my Creator's praise. + +WARWICK: +What answers Clarence to his sovereign's will? + +CLARENCE: +That he consents, if Warwick yield consent; +For on thy fortune I repose myself. + +WARWICK: +Why, then, though loath, yet must I be content: +We'll yoke together, like a double shadow +To Henry's body, and supply his place; +I mean, in bearing weight of government, +While he enjoys the honour and his ease. +And, Clarence, now then it is more than needful +Forthwith that Edward be pronounced a traitor, +And all his lands and goods be confiscate. + +CLARENCE: +What else? and that succession be determined. + +WARWICK: +Ay, therein Clarence shall not want his part. + +KING HENRY VI: +But, with the first of all your chief affairs, +Let me entreat, for I command no more, +That Margaret your queen and my son Edward +Be sent for, to return from France with speed; +For, till I see them here, by doubtful fear +My joy of liberty is half eclipsed. + +CLARENCE: +It shall be done, my sovereign, with all speed. + +KING HENRY VI: +My Lord of Somerset, what youth is that, +Of whom you seem to have so tender care? + +SOMERSET: +My liege, it is young Henry, earl of Richmond. + +KING HENRY VI: +Come hither, England's hope. +If secret powers +Suggest but truth to my divining thoughts, +This pretty lad will prove our country's bliss. +His looks are full of peaceful majesty, +His head by nature framed to wear a crown, +His hand to wield a sceptre, and himself +Likely in time to bless a regal throne. +Make much of him, my lords, for this is he +Must help you more than you are hurt by me. + +WARWICK: +What news, my friend? + +Post: +That Edward is escaped from your brother, +And fled, as he hears since, to Burgundy. + +WARWICK: +Unsavoury news! but how made he escape? + +Post: +He was convey'd by Richard Duke of Gloucester +And the Lord Hastings, who attended him +In secret ambush on the forest side +And from the bishop's huntsmen rescued him; +For hunting was his daily exercise. + +WARWICK: +My brother was too careless of his charge. +But let us hence, my sovereign, to provide +A salve for any sore that may betide. + +SOMERSET: +My lord, I like not of this flight of Edward's; +For doubtless Burgundy will yield him help, +And we shall have more wars before 't be long. +As Henry's late presaging prophecy +Did glad my heart with hope of this young Richmond, +So doth my heart misgive me, in these conflicts +What may befall him, to his harm and ours: +Therefore, Lord Oxford, to prevent the worst, +Forthwith we'll send him hence to Brittany, +Till storms be past of civil enmity. + +OXFORD: +Ay, for if Edward repossess the crown, +'Tis like that Richmond with the rest shall down. + +SOMERSET: +It shall be so; he shall to Brittany. +Come, therefore, let's about it speedily. +3 KING HENRY VI + +KING EDWARD IV: +Now, brother Richard, Lord Hastings, and the rest, +Yet thus far fortune maketh us amends, +And says that once more I shall interchange +My waned state for Henry's regal crown. +Well have we pass'd and now repass'd the seas +And brought desired help from Burgundy: +What then remains, we being thus arrived +From Ravenspurgh haven before the gates of York, +But that we enter, as into our dukedom? + +GLOUCESTER: +The gates made fast! Brother, I like not this; +For many men that stumble at the threshold +Are well foretold that danger lurks within. + +KING EDWARD IV: +Tush, man, abodements must not now affright us: +By fair or foul means we must enter in, +For hither will our friends repair to us. + +HASTINGS: +My liege, I'll knock once more to summon them. + +Mayor: +My lords, we were forewarned of your coming, +And shut the gates for safety of ourselves; +For now we owe allegiance unto Henry. + +KING EDWARD IV: +But, master mayor, if Henry be your king, +Yet Edward at the least is Duke of York. + +Mayor: +True, my good lord; I know you for no less. + +KING EDWARD IV: +Why, and I challenge nothing but my dukedom, +As being well content with that alone. + +GLOUCESTER: + +HASTINGS: +Why, master mayor, why stand you in a doubt? +Open the gates; we are King Henry's friends. + +Mayor: +Ay, say you so? the gates shall then be open'd. + +GLOUCESTER: +A wise stout captain, and soon persuaded! + +HASTINGS: +The good old man would fain that all were well, +So 'twere not 'long of him; but being enter'd, +I doubt not, I, but we shall soon persuade +Both him and all his brothers unto reason. + +KING EDWARD IV: +So, master mayor: these gates must not be shut +But in the night or in the time of war. +What! fear not, man, but yield me up the keys; +For Edward will defend the town and thee, +And all those friends that deign to follow me. + +GLOUCESTER: +Brother, this is Sir John Montgomery, +Our trusty friend, unless I be deceived. + +KING EDWARD IV: +Welcome, Sir John! But why come you in arms? + +MONTAGUE: +To help King Edward in his time of storm, +As every loyal subject ought to do. + +KING EDWARD IV: +Thanks, good Montgomery; but we now forget +Our title to the crown and only claim +Our dukedom till God please to send the rest. + +MONTAGUE: +Then fare you well, for I will hence again: +I came to serve a king and not a duke. +Drummer, strike up, and let us march away. + +KING EDWARD IV: +Nay, stay, Sir John, awhile, and we'll debate +By what safe means the crown may be recover'd. + +MONTAGUE: +What talk you of debating? in few words, +If you'll not here proclaim yourself our king, +I'll leave you to your fortune and be gone +To keep them back that come to succor you: +Why shall we fight, if you pretend no title? + +GLOUCESTER: +Why, brother, wherefore stand you on nice points? + +KING EDWARD IV: +When we grow stronger, then we'll make our claim: +Till then, 'tis wisdom to conceal our meaning. + +HASTINGS: +Away with scrupulous wit! now arms must rule. + +GLOUCESTER: +And fearless minds climb soonest unto crowns. +Brother, we will proclaim you out of hand: +The bruit thereof will bring you many friends. + +KING EDWARD IV: +Then be it as you will; for 'tis my right, +And Henry but usurps the diadem. + +MONTAGUE: +Ay, now my sovereign speaketh like himself; +And now will I be Edward's champion. + +HASTINGS: +Sound trumpet; Edward shall be here proclaim'd: +Come, fellow-soldier, make thou proclamation. + +Soldier: +Edward the Fourth, by the grace of God, king of +England and France, and lord of Ireland, &c. + +MONTAGUE: +And whosoe'er gainsays King Edward's right, +By this I challenge him to single fight. + +All: +Long live Edward the Fourth! + +KING EDWARD IV: +Thanks, brave Montgomery; and thanks unto you all: +If fortune serve me, I'll requite this kindness. +Now, for this night, let's harbour here in York; +And when the morning sun shall raise his car +Above the border of this horizon, +We'll forward towards Warwick and his mates; +For well I wot that Henry is no soldier. +Ah, froward Clarence! how evil it beseems thee +To flatter Henry and forsake thy brother! +Yet, as we may, we'll meet both thee and Warwick. +Come on, brave soldiers: doubt not of the day, +And, that once gotten, doubt not of large pay. +3 KING HENRY VI + +WARWICK: +What counsel, lords? Edward from Belgia, +With hasty Germans and blunt Hollanders, +Hath pass'd in safety through the narrow seas, +And with his troops doth march amain to London; +And many giddy people flock to him. + +KING HENRY VI: +Let's levy men, and beat him back again. + +CLARENCE: +A little fire is quickly trodden out; +Which, being suffer'd, rivers cannot quench. + +WARWICK: +In Warwickshire I have true-hearted friends, +Not mutinous in peace, yet bold in war; +Those will I muster up: and thou, son Clarence, +Shalt stir up in Suffolk, Norfolk, and in Kent, +The knights and gentlemen to come with thee: +Thou, brother Montague, in Buckingham, +Northampton and in Leicestershire, shalt find +Men well inclined to hear what thou command'st: +And thou, brave Oxford, wondrous well beloved, +In Oxfordshire shalt muster up thy friends. +My sovereign, with the loving citizens, +Like to his island girt in with the ocean, +Or modest Dian circled with her nymphs, +Shall rest in London till we come to him. +Fair lords, take leave and stand not to reply. +Farewell, my sovereign. + +KING HENRY VI: +Farewell, my Hector, and my Troy's true hope. + +CLARENCE: +In sign of truth, I kiss your highness' hand. + +KING HENRY VI: +Well-minded Clarence, be thou fortunate! + +MONTAGUE: +Comfort, my lord; and so I take my leave. + +OXFORD: +And thus I seal my truth, and bid adieu. + +KING HENRY VI: +Sweet Oxford, and my loving Montague, +And all at once, once more a happy farewell. + +WARWICK: +Farewell, sweet lords: let's meet at Coventry. + +KING HENRY VI: +Here at the palace I will rest awhile. +Cousin of Exeter, what thinks your lordship? +Methinks the power that Edward hath in field +Should not be able to encounter mine. + +EXETER: +The doubt is that he will seduce the rest. + +KING HENRY VI: +That's not my fear; my meed hath got me fame: +I have not stopp'd mine ears to their demands, +Nor posted off their suits with slow delays; +My pity hath been balm to heal their wounds, +My mildness hath allay'd their swelling griefs, +My mercy dried their water-flowing tears; +I have not been desirous of their wealth, +Nor much oppress'd them with great subsidies. +Nor forward of revenge, though they much err'd: +Then why should they love Edward more than me? +No, Exeter, these graces challenge grace: +And when the lion fawns upon the lamb, +The lamb will never cease to follow him. + +EXETER: +Hark, hark, my lord! what shouts are these? + +KING EDWARD IV: +Seize on the shame-faced Henry, bear him hence; +And once again proclaim us King of England. +You are the fount that makes small brooks to flow: +Now stops thy spring; my sea sha$l suck them dry, +And swell so much the higher by their ebb. +Hence with him to the Tower; let him not speak. +And, lords, towards Coventry bend we our course +Where peremptory Warwick now remains: +The sun shines hot; and, if we use delay, +Cold biting winter mars our hoped-for hay. + +GLOUCESTER: +Away betimes, before his forces join, +And take the great-grown traitor unawares: +Brave warriors, march amain towards Coventry. +3 KING HENRY VI + +WARWICK: +Where is the post that came from valiant Oxford? +How far hence is thy lord, mine honest fellow? + +First Messenger: +By this at Dunsmore, marching hitherward. + +WARWICK: +How far off is our brother Montague? +Where is the post that came from Montague? + +Second Messenger: +By this at Daintry, with a puissant troop. + +WARWICK: +Say, Somerville, what says my loving son? +And, by thy guess, how nigh is Clarence now? + +SOMERSET: +At Southam I did leave him with his forces, +And do expect him here some two hours hence. + +WARWICK: +Then Clarence is at hand, I hear his drum. + +SOMERSET: +It is not his, my lord; here Southam lies: +The drum your honour hears marcheth from Warwick. + +WARWICK: +Who should that be? belike, unlook'd-for friends. + +SOMERSET: +They are at hand, and you shall quickly know. + +KING EDWARD IV: +Go, trumpet, to the walls, and sound a parle. + +GLOUCESTER: +See how the surly Warwick mans the wall! + +WARWICK: +O unbid spite! is sportful Edward come? +Where slept our scouts, or how are they seduced, +That we could hear no news of his repair? + +KING EDWARD IV: +Now, Warwick, wilt thou ope the city gates, +Speak gentle words and humbly bend thy knee, +Call Edward king and at his hands beg mercy? +And he shall pardon thee these outrages. + +WARWICK: +Nay, rather, wilt thou draw thy forces hence, +Confess who set thee up and pluck'd thee own, +Call Warwick patron and be penitent? +And thou shalt still remain the Duke of York. + +GLOUCESTER: +I thought, at least, he would have said the king; +Or did he make the jest against his will? + +WARWICK: +Is not a dukedom, sir, a goodly gift? + +GLOUCESTER: +Ay, by my faith, for a poor earl to give: +I'll do thee service for so good a gift. + +WARWICK: +'Twas I that gave the kingdom to thy brother. + +KING EDWARD IV: +Why then 'tis mine, if but by Warwick's gift. + +WARWICK: +Thou art no Atlas for so great a weight: +And weakling, Warwick takes his gift again; +And Henry is my king, Warwick his subject. + +KING EDWARD IV: +But Warwick's king is Edward's prisoner: +And, gallant Warwick, do but answer this: +What is the body when the head is off? + +GLOUCESTER: +Alas, that Warwick had no more forecast, +But, whiles he thought to steal the single ten, +The king was slily finger'd from the deck! +You left poor Henry at the Bishop's palace, +And, ten to one, you'll meet him in the Tower. + +EDWARD: +'Tis even so; yet you are Warwick still. + +GLOUCESTER: +Come, Warwick, take the time; kneel down, kneel down: +Nay, when? strike now, or else the iron cools. + +WARWICK: +I had rather chop this hand off at a blow, +And with the other fling it at thy face, +Than bear so low a sail, to strike to thee. + +KING EDWARD IV: +Sail how thou canst, have wind and tide thy friend, +This hand, fast wound about thy coal-black hair +Shall, whiles thy head is warm and new cut off, +Write in the dust this sentence with thy blood, +'Wind-changing Warwick now can change no more.' + +WARWICK: +O cheerful colours! see where Oxford comes! + +OXFORD: +Oxford, Oxford, for Lancaster! + +GLOUCESTER: +The gates are open, let us enter too. + +KING EDWARD IV: +So other foes may set upon our backs. +Stand we in good array; for they no doubt +Will issue out again and bid us battle: +If not, the city being but of small defence, +We'll quickly rouse the traitors in the same. + +WARWICK: +O, welcome, Oxford! for we want thy help. + +MONTAGUE: +Montague, Montague, for Lancaster! + +GLOUCESTER: +Thou and thy brother both shall buy this treason +Even with the dearest blood your bodies bear. + +KING EDWARD IV: +The harder match'd, the greater victory: +My mind presageth happy gain and conquest. + +SOMERSET: +Somerset, Somerset, for Lancaster! + +GLOUCESTER: +Two of thy name, both Dukes of Somerset, +Have sold their lives unto the house of York; +And thou shalt be the third if this sword hold. + +WARWICK: +And lo, where George of Clarence sweeps along, +Of force enough to bid his brother battle; +With whom an upright zeal to right prevails +More than the nature of a brother's love! +Come, Clarence, come; thou wilt, if Warwick call. + +CLARENCE: +Father of Warwick, know you what this means? +Look here, I throw my infamy at thee +I will not ruinate my father's house, +Who gave his blood to lime the stones together, +And set up Lancaster. Why, trow'st thou, Warwick, +That Clarence is so harsh, so blunt, unnatural, +To bend the fatal instruments of war +Against his brother and his lawful king? +Perhaps thou wilt object my holy oath: +To keep that oath were more impiety +Than Jephthah's, when he sacrificed his daughter. +I am so sorry for my trespass made +That, to deserve well at my brother's hands, +I here proclaim myself thy mortal foe, +With resolution, wheresoe'er I meet thee-- +As I will meet thee, if thou stir abroad-- +To plague thee for thy foul misleading me. +And so, proud-hearted Warwick, I defy thee, +And to my brother turn my blushing cheeks. +Pardon me, Edward, I will make amends: +And, Richard, do not frown upon my faults, +For I will henceforth be no more unconstant. + +KING EDWARD IV: +Now welcome more, and ten times more beloved, +Than if thou never hadst deserved our hate. + +GLOUCESTER: +Welcome, good Clarence; this is brotherlike. + +WARWICK: +O passing traitor, perjured and unjust! + +KING EDWARD IV: +What, Warwick, wilt thou leave the town and fight? +Or shall we beat the stones about thine ears? + +WARWICK: +Alas, I am not coop'd here for defence! +I will away towards Barnet presently, +And bid thee battle, Edward, if thou darest. + +KING EDWARD IV: +Yes, Warwick, Edward dares, and leads the way. +Lords, to the field; Saint George and victory! +3 KING HENRY VI + +KING EDWARD IV: +So, lie thou there: die thou, and die our fear; +For Warwick was a bug that fear'd us all. +Now, Montague, sit fast; I seek for thee, +That Warwick's bones may keep thine company. + +WARWICK: +Ah, who is nigh? come to me, friend or foe, +And tell me who is victor, York or Warwick? +Why ask I that? my mangled body shows, +My blood, my want of strength, my sick heart shows. +That I must yield my body to the earth +And, by my fall, the conquest to my foe. +Thus yields the cedar to the axe's edge, +Whose arms gave shelter to the princely eagle, +Under whose shade the ramping lion slept, +Whose top-branch overpeer'd Jove's spreading tree +And kept low shrubs from winter's powerful wind. +These eyes, that now are dimm'd with death's black veil, +Have been as piercing as the mid-day sun, +To search the secret treasons of the world: +The wrinkles in my brows, now filled with blood, +Were liken'd oft to kingly sepulchres; +For who lived king, but I could dig his grave? +And who durst mine when Warwick bent his brow? +Lo, now my glory smear'd in dust and blood! +My parks, my walks, my manors that I had. +Even now forsake me, and of all my lands +Is nothing left me but my body's length. +Why, what is pomp, rule, reign, but earth and dust? +And, live we how we can, yet die we must. + +SOMERSET: +Ah, Warwick, Warwick! wert thou as we are. +We might recover all our loss again; +The queen from France hath brought a puissant power: +Even now we heard the news: ah, could'st thou fly! + +WARWICK: +Why, then I would not fly. Ah, Montague, +If thou be there, sweet brother, take my hand. +And with thy lips keep in my soul awhile! +Thou lovest me not; for, brother, if thou didst, +Thy tears would wash this cold congealed blood +That glues my lips and will not let me speak. +Come quickly, Montague, or I am dead. + +SOMERSET: +Ah, Warwick! Montague hath breathed his last; +And to the latest gasp cried out for Warwick, +And said 'Commend me to my valiant brother.' +And more he would have said, and more he spoke, +Which sounded like a clamour in a vault, +That mought not be distinguished; but at last +I well might hear, delivered with a groan, +'O, farewell, Warwick!' + +WARWICK: +Sweet rest his soul! Fly, lords, and save yourselves; +For Warwick bids you all farewell to meet in heaven. + +OXFORD: +Away, away, to meet the queen's great power! +3 KING HENRY VI + +KING EDWARD IV: +Thus far our fortune keeps an upward course, +And we are graced with wreaths of victory. +But, in the midst of this bright-shining day, +I spy a black, suspicious, threatening cloud, +That will encounter with our glorious sun, +Ere he attain his easeful western bed: +I mean, my lords, those powers that the queen +Hath raised in Gallia have arrived our coast +And, as we hear, march on to fight with us. + +CLARENCE: +A little gale will soon disperse that cloud +And blow it to the source from whence it came: +The very beams will dry those vapours up, +For every cloud engenders not a storm. + +GLOUCESTER: +The queen is valued thirty thousand strong, +And Somerset, with Oxford fled to her: +If she have time to breathe be well assured +Her faction will be full as strong as ours. + +KING EDWARD IV: +We are advertised by our loving friends +That they do hold their course toward Tewksbury: +We, having now the best at Barnet field, +Will thither straight, for willingness rids way; +And, as we march, our strength will be augmented +In every county as we go along. +Strike up the drum; cry 'Courage!' and away. +3 KING HENRY VI + +QUEEN MARGARET: +Great lords, wise men ne'er sit and wail their loss, +But cheerly seek how to redress their harms. +What though the mast be now blown overboard, +The cable broke, the holding-anchor lost, +And half our sailors swallow'd in the flood? +Yet lives our pilot still. Is't meet that he +Should leave the helm and like a fearful lad +With tearful eyes add water to the sea +And give more strength to that which hath too much, +Whiles, in his moan, the ship splits on the rock, +Which industry and courage might have saved? +Ah, what a shame! ah, what a fault were this! +Say Warwick was our anchor; what of that? +And Montague our topmost; what of him? +Our slaughter'd friends the tackles; what of these? +Why, is not Oxford here another anchor? +And Somerset another goodly mast? +The friends of France our shrouds and tacklings? +And, though unskilful, why not Ned and I +For once allow'd the skilful pilot's charge? +We will not from the helm to sit and weep, +But keep our course, though the rough wind say no, +From shelves and rocks that threaten us with wreck. +As good to chide the waves as speak them fair. +And what is Edward but ruthless sea? +What Clarence but a quicksand of deceit? +And Richard but a ragged fatal rock? +All these the enemies to our poor bark. +Say you can swim; alas, 'tis but a while! +Tread on the sand; why, there you quickly sink: +Bestride the rock; the tide will wash you off, +Or else you famish; that's a threefold death. +This speak I, lords, to let you understand, +If case some one of you would fly from us, +That there's no hoped-for mercy with the brothers +More than with ruthless waves, with sands and rocks. +Why, courage then! what cannot be avoided +'Twere childish weakness to lament or fear. + +PRINCE EDWARD: +Methinks a woman of this valiant spirit +Should, if a coward heard her speak these words, +Infuse his breast with magnanimity +And make him, naked, foil a man at arms. +I speak not this as doubting any here +For did I but suspect a fearful man +He should have leave to go away betimes, +Lest in our need he might infect another +And make him of like spirit to himself. +If any such be here--as God forbid!-- +Let him depart before we need his help. + +OXFORD: +Women and children of so high a courage, +And warriors faint! why, 'twere perpetual shame. +O brave young prince! thy famous grandfather +Doth live again in thee: long mayst thou live +To bear his image and renew his glories! + +SOMERSET: +And he that will not fight for such a hope. +Go home to bed, and like the owl by day, +If he arise, be mock'd and wonder'd at. + +QUEEN MARGARET: +Thanks, gentle Somerset; sweet Oxford, thanks. + +PRINCE EDWARD: +And take his thanks that yet hath nothing else. + +Messenger: +Prepare you, lords, for Edward is at hand. +Ready to fight; therefore be resolute. + +OXFORD: +I thought no less: it is his policy +To haste thus fast, to find us unprovided. + +SOMERSET: +But he's deceived; we are in readiness. + +QUEEN MARGARET: +This cheers my heart, to see your forwardness. + +OXFORD: +Here pitch our battle; hence we will not budge. + +KING EDWARD IV: +Brave followers, yonder stands the thorny wood, +Which, by the heavens' assistance and your strength, +Must by the roots be hewn up yet ere night. +I need not add more fuel to your fire, +For well I wot ye blaze to burn them out +Give signal to the fight, and to it, lords! + +QUEEN MARGARET: +Lords, knights, and gentlemen, what I should say +My tears gainsay; for every word I speak, +Ye see, I drink the water of mine eyes. +Therefore, no more but this: Henry, your sovereign, +Is prisoner to the foe; his state usurp'd, +His realm a slaughter-house, his subjects slain, +His statutes cancell'd and his treasure spent; +And yonder is the wolf that makes this spoil. +You fight in justice: then, in God's name, lords, +Be valiant and give signal to the fight. +3 KING HENRY VI + +KING EDWARD IV: +Now here a period of tumultuous broils. +Away with Oxford to Hames Castle straight: +For Somerset, off with his guilty head. +Go, bear them hence; I will not hear them speak. + +OXFORD: +For my part, I'll not trouble thee with words. + +SOMERSET: +Nor I, but stoop with patience to my fortune. + +QUEEN MARGARET: +So part we sadly in this troublous world, +To meet with joy in sweet Jerusalem. + +KING EDWARD IV: +Is proclamation made, that who finds Edward +Shall have a high reward, and he his life? + +GLOUCESTER: +It is: and lo, where youthful Edward comes! + +KING EDWARD IV: +Bring forth the gallant, let us hear him speak. +What! can so young a thorn begin to prick? +Edward, what satisfaction canst thou make +For bearing arms, for stirring up my subjects, +And all the trouble thou hast turn'd me to? + +PRINCE EDWARD: +Speak like a subject, proud ambitious York! +Suppose that I am now my father's mouth; +Resign thy chair, and where I stand kneel thou, +Whilst I propose the selfsame words to thee, +Which traitor, thou wouldst have me answer to. + +QUEEN MARGARET: +Ah, that thy father had been so resolved! + +GLOUCESTER: +That you might still have worn the petticoat, +And ne'er have stol'n the breech from Lancaster. + +PRINCE EDWARD: +Let AEsop fable in a winter's night; +His currish riddles sort not with this place. + +GLOUCESTER: +By heaven, brat, I'll plague ye for that word. + +QUEEN MARGARET: +Ay, thou wast born to be a plague to men. + +GLOUCESTER: +For God's sake, take away this captive scold. + +PRINCE EDWARD: +Nay, take away this scolding crookback rather. + +KING EDWARD IV: +Peace, wilful boy, or I will charm your tongue. + +CLARENCE: +Untutor'd lad, thou art too malapert. + +PRINCE EDWARD: +I know my duty; you are all undutiful: +Lascivious Edward, and thou perjured George, +And thou mis-shapen Dick, I tell ye all +I am your better, traitors as ye are: +And thou usurp'st my father's right and mine. + +KING EDWARD IV: +Take that, thou likeness of this railer here. + +GLOUCESTER: +Sprawl'st thou? take that, to end thy agony. + +CLARENCE: +And there's for twitting me with perjury. + +QUEEN MARGARET: +O, kill me too! + +GLOUCESTER: +Marry, and shall. + +KING EDWARD IV: +Hold, Richard, hold; for we have done too much. + +GLOUCESTER: +Why should she live, to fill the world with words? + +KING EDWARD IV: +What, doth she swoon? use means for her recovery. + +GLOUCESTER: +Clarence, excuse me to the king my brother; +I'll hence to London on a serious matter: +Ere ye come there, be sure to hear some news. + +CLARENCE: +What? what? + +GLOUCESTER: +The Tower, the Tower. + +QUEEN MARGARET: +O Ned, sweet Ned! speak to thy mother, boy! +Canst thou not speak? O traitors! murderers! +They that stabb'd Caesar shed no blood at all, +Did not offend, nor were not worthy blame, +If this foul deed were by to equal it: +He was a man; this, in respect, a child: +And men ne'er spend their fury on a child. +What's worse than murderer, that I may name it? +No, no, my heart will burst, and if I speak: +And I will speak, that so my heart may burst. +Butchers and villains! bloody cannibals! +How sweet a plant have you untimely cropp'd! +You have no children, butchers! if you had, +The thought of them would have stirr'd up remorse: +But if you ever chance to have a child, +Look in his youth to have him so cut off +As, deathmen, you have rid this sweet young prince! + +KING EDWARD IV: +Away with her; go, bear her hence perforce. + +QUEEN MARGARET: +Nay, never bear me hence, dispatch me here, +Here sheathe thy sword, I'll pardon thee my death: +What, wilt thou not? then, Clarence, do it thou. + +CLARENCE: +By heaven, I will not do thee so much ease. + +QUEEN MARGARET: +Good Clarence, do; sweet Clarence, do thou do it. + +CLARENCE: +Didst thou not hear me swear I would not do it? + +QUEEN MARGARET: +Ay, but thou usest to forswear thyself: +'Twas sin before, but now 'tis charity. +What, wilt thou not? Where is that devil's butcher, +Hard-favour'd Richard? Richard, where art thou? +Thou art not here: murder is thy alms-deed; +Petitioners for blood thou ne'er put'st back. + +KING EDWARD IV: +Away, I say; I charge ye, bear her hence. + +QUEEN MARGARET: +So come to you and yours, as to this Prince! + +KING EDWARD IV: +Where's Richard gone? + +CLARENCE: +To London, all in post; and, as I guess, +To make a bloody supper in the Tower. + +KING EDWARD IV: +He's sudden, if a thing comes in his head. +Now march we hence: discharge the common sort +With pay and thanks, and let's away to London +And see our gentle queen how well she fares: +By this, I hope, she hath a son for me. +3 KING HENRY VI + +GLOUCESTER: +Good day, my lord. What, at your book so hard? + +KING HENRY VI: +Ay, my good lord:--my lord, I should say rather; +'Tis sin to flatter; 'good' was little better: +'Good Gloucester' and 'good devil' were alike, +And both preposterous; therefore, not 'good lord.' + +GLOUCESTER: +Sirrah, leave us to ourselves: we must confer. + +KING HENRY VI: +So flies the reckless shepherd from the wolf; +So first the harmless sheep doth yield his fleece +And next his throat unto the butcher's knife. +What scene of death hath Roscius now to act? + +GLOUCESTER: +Suspicion always haunts the guilty mind; +The thief doth fear each bush an officer. + +KING HENRY VI: +The bird that hath been limed in a bush, +With trembling wings misdoubteth every bush; +And I, the hapless male to one sweet bird, +Have now the fatal object in my eye +Where my poor young was limed, was caught and kill'd. + +GLOUCESTER: +Why, what a peevish fool was that of Crete, +That taught his son the office of a fowl! +An yet, for all his wings, the fool was drown'd. + +KING HENRY VI: +I, Daedalus; my poor boy, Icarus; +Thy father, Minos, that denied our course; +The sun that sear'd the wings of my sweet boy +Thy brother Edward, and thyself the sea +Whose envious gulf did swallow up his life. +Ah, kill me with thy weapon, not with words! +My breast can better brook thy dagger's point +Than can my ears that tragic history. +But wherefore dost thou come? is't for my life? + +GLOUCESTER: +Think'st thou I am an executioner? + +KING HENRY VI: +A persecutor, I am sure, thou art: +If murdering innocents be executing, +Why, then thou art an executioner. + +GLOUCESTER: +Thy son I kill'd for his presumption. + +KING HENRY VI: +Hadst thou been kill'd when first thou didst presume, +Thou hadst not lived to kill a son of mine. +And thus I prophesy, that many a thousand, +Which now mistrust no parcel of my fear, +And many an old man's sigh and many a widow's, +And many an orphan's water-standing eye-- +Men for their sons, wives for their husbands, +And orphans for their parents timeless death-- +Shall rue the hour that ever thou wast born. +The owl shriek'd at thy birth,--an evil sign; +The night-crow cried, aboding luckless time; +Dogs howl'd, and hideous tempest shook down trees; +The raven rook'd her on the chimney's top, +And chattering pies in dismal discords sung. +Thy mother felt more than a mother's pain, +And, yet brought forth less than a mother's hope, +To wit, an indigested and deformed lump, +Not like the fruit of such a goodly tree. +Teeth hadst thou in thy head when thou wast born, +To signify thou camest to bite the world: +And, if the rest be true which I have heard, +Thou camest-- + +GLOUCESTER: +I'll hear no more: die, prophet in thy speech: +For this amongst the rest, was I ordain'd. + +KING HENRY VI: +Ay, and for much more slaughter after this. +God forgive my sins, and pardon thee! + +GLOUCESTER: +What, will the aspiring blood of Lancaster +Sink in the ground? I thought it would have mounted. +See how my sword weeps for the poor king's death! +O, may such purple tears be alway shed +From those that wish the downfall of our house! +If any spark of life be yet remaining, +Down, down to hell; and say I sent thee thither: +I, that have neither pity, love, nor fear. +Indeed, 'tis true that Henry told me of; +For I have often heard my mother say +I came into the world with my legs forward: +Had I not reason, think ye, to make haste, +And seek their ruin that usurp'd our right? +The midwife wonder'd and the women cried +'O, Jesus bless us, he is born with teeth!' +And so I was; which plainly signified +That I should snarl and bite and play the dog. +Then, since the heavens have shaped my body so, +Let hell make crook'd my mind to answer it. +I have no brother, I am like no brother; +And this word 'love,' which graybeards call divine, +Be resident in men like one another +And not in me: I am myself alone. +Clarence, beware; thou keep'st me from the light: +But I will sort a pitchy day for thee; +For I will buz abroad such prophecies +That Edward shall be fearful of his life, +And then, to purge his fear, I'll be thy death. +King Henry and the prince his son are gone: +Clarence, thy turn is next, and then the rest, +Counting myself but bad till I be best. +I'll throw thy body in another room +And triumph, Henry, in thy day of doom. +3 KING HENRY VI + +KING EDWARD IV: +Once more we sit in England's royal throne, +Re-purchased with the blood of enemies. +What valiant foemen, like to autumn's corn, +Have we mow'd down, in tops of all their pride! +Three Dukes of Somerset, threefold renown'd +For hardy and undoubted champions; +Two Cliffords, as the father and the son, +And two Northumberlands; two braver men +Ne'er spurr'd their coursers at the trumpet's sound; +With them, the two brave bears, Warwick and Montague, +That in their chains fetter'd the kingly lion +And made the forest tremble when they roar'd. +Thus have we swept suspicion from our seat +And made our footstool of security. +Come hither, Bess, and let me kiss my boy. +Young Ned, for thee, thine uncles and myself +Have in our armours watch'd the winter's night, +Went all afoot in summer's scalding heat, +That thou mightst repossess the crown in peace; +And of our labours thou shalt reap the gain. + +GLOUCESTER: + +KING EDWARD IV: +Clarence and Gloucester, love my lovely queen; +And kiss your princely nephew, brothers both. + +CLARENCE: +The duty that I owe unto your majesty +I seal upon the lips of this sweet babe. + +QUEEN ELIZABETH: +Thanks, noble Clarence; worthy brother, thanks. + +GLOUCESTER: +And, that I love the tree from whence thou sprang'st, +Witness the loving kiss I give the fruit. + +KING EDWARD IV: +Now am I seated as my soul delights, +Having my country's peace and brothers' loves. + +CLARENCE: +What will your grace have done with Margaret? +Reignier, her father, to the king of France +Hath pawn'd the Sicils and Jerusalem, +And hither have they sent it for her ransom. + +KING EDWARD IV: +Away with her, and waft her hence to France. +And now what rests but that we spend the time +With stately triumphs, mirthful comic shows, +Such as befits the pleasure of the court? +Sound drums and trumpets! farewell sour annoy! +For here, I hope, begins our lasting joy. + +ARCHIDAMUS: +If you shall chance, Camillo, to visit Bohemia, on +the like occasion whereon my services are now on +foot, you shall see, as I have said, great +difference betwixt our Bohemia and your Sicilia. + +CAMILLO: +I think, this coming summer, the King of Sicilia +means to pay Bohemia the visitation which he justly owes him. + +ARCHIDAMUS: +Wherein our entertainment shall shame us we will be +justified in our loves; for indeed-- + +CAMILLO: +Beseech you,-- + +ARCHIDAMUS: +Verily, I speak it in the freedom of my knowledge: +we cannot with such magnificence--in so rare--I know +not what to say. We will give you sleepy drinks, +that your senses, unintelligent of our insufficience, +may, though they cannot praise us, as little accuse +us. + +CAMILLO: +You pay a great deal too dear for what's given freely. + +ARCHIDAMUS: +Believe me, I speak as my understanding instructs me +and as mine honesty puts it to utterance. + +CAMILLO: +Sicilia cannot show himself over-kind to Bohemia. +They were trained together in their childhoods; and +there rooted betwixt them then such an affection, +which cannot choose but branch now. Since their +more mature dignities and royal necessities made +separation of their society, their encounters, +though not personal, have been royally attorneyed +with interchange of gifts, letters, loving +embassies; that they have seemed to be together, +though absent, shook hands, as over a vast, and +embraced, as it were, from the ends of opposed +winds. The heavens continue their loves! + +ARCHIDAMUS: +I think there is not in the world either malice or +matter to alter it. You have an unspeakable +comfort of your young prince Mamillius: it is a +gentleman of the greatest promise that ever came +into my note. + +CAMILLO: +I very well agree with you in the hopes of him: it +is a gallant child; one that indeed physics the +subject, makes old hearts fresh: they that went on +crutches ere he was born desire yet their life to +see him a man. + +ARCHIDAMUS: +Would they else be content to die? + +CAMILLO: +Yes; if there were no other excuse why they should +desire to live. + +ARCHIDAMUS: +If the king had no son, they would desire to live +on crutches till he had one. + +POLIXENES: +Nine changes of the watery star hath been +The shepherd's note since we have left our throne +Without a burthen: time as long again +Would be find up, my brother, with our thanks; +And yet we should, for perpetuity, +Go hence in debt: and therefore, like a cipher, +Yet standing in rich place, I multiply +With one 'We thank you' many thousands moe +That go before it. + +LEONTES: +Stay your thanks a while; +And pay them when you part. + +POLIXENES: +Sir, that's to-morrow. +I am question'd by my fears, of what may chance +Or breed upon our absence; that may blow +No sneaping winds at home, to make us say +'This is put forth too truly:' besides, I have stay'd +To tire your royalty. + +LEONTES: +We are tougher, brother, +Than you can put us to't. + +POLIXENES: +No longer stay. + +LEONTES: +One seven-night longer. + +POLIXENES: +Very sooth, to-morrow. + +LEONTES: +We'll part the time between's then; and in that +I'll no gainsaying. + +POLIXENES: +Press me not, beseech you, so. +There is no tongue that moves, none, none i' the world, +So soon as yours could win me: so it should now, +Were there necessity in your request, although +'Twere needful I denied it. My affairs +Do even drag me homeward: which to hinder +Were in your love a whip to me; my stay +To you a charge and trouble: to save both, +Farewell, our brother. + +LEONTES: +Tongue-tied, our queen? +speak you. + +HERMIONE: +I had thought, sir, to have held my peace until +You have drawn oaths from him not to stay. You, sir, +Charge him too coldly. Tell him, you are sure +All in Bohemia's well; this satisfaction +The by-gone day proclaim'd: say this to him, +He's beat from his best ward. + +LEONTES: +Well said, Hermione. + +HERMIONE: +To tell, he longs to see his son, were strong: +But let him say so then, and let him go; +But let him swear so, and he shall not stay, +We'll thwack him hence with distaffs. +Yet of your royal presence I'll adventure +The borrow of a week. When at Bohemia +You take my lord, I'll give him my commission +To let him there a month behind the gest +Prefix'd for's parting: yet, good deed, Leontes, +I love thee not a jar o' the clock behind +What lady-she her lord. You'll stay? + +POLIXENES: +No, madam. + +HERMIONE: +Nay, but you will? + +POLIXENES: +I may not, verily. + +HERMIONE: +Verily! +You put me off with limber vows; but I, +Though you would seek to unsphere the +stars with oaths, +Should yet say 'Sir, no going.' Verily, +You shall not go: a lady's 'Verily' 's +As potent as a lord's. Will you go yet? +Force me to keep you as a prisoner, +Not like a guest; so you shall pay your fees +When you depart, and save your thanks. How say you? +My prisoner? or my guest? by your dread 'Verily,' +One of them you shall be. + +POLIXENES: +Your guest, then, madam: +To be your prisoner should import offending; +Which is for me less easy to commit +Than you to punish. + +HERMIONE: +Not your gaoler, then, +But your kind hostess. Come, I'll question you +Of my lord's tricks and yours when you were boys: +You were pretty lordings then? + +POLIXENES: +We were, fair queen, +Two lads that thought there was no more behind +But such a day to-morrow as to-day, +And to be boy eternal. + +HERMIONE: +Was not my lord +The verier wag o' the two? + +POLIXENES: +We were as twinn'd lambs that did frisk i' the sun, +And bleat the one at the other: what we changed +Was innocence for innocence; we knew not +The doctrine of ill-doing, nor dream'd +That any did. Had we pursued that life, +And our weak spirits ne'er been higher rear'd +With stronger blood, we should have answer'd heaven +Boldly 'not guilty;' the imposition clear'd +Hereditary ours. + +HERMIONE: +By this we gather +You have tripp'd since. + +POLIXENES: +O my most sacred lady! +Temptations have since then been born to's; for +In those unfledged days was my wife a girl; +Your precious self had then not cross'd the eyes +Of my young play-fellow. + +HERMIONE: +Grace to boot! +Of this make no conclusion, lest you say +Your queen and I are devils: yet go on; +The offences we have made you do we'll answer, +If you first sinn'd with us and that with us +You did continue fault and that you slipp'd not +With any but with us. + +LEONTES: +Is he won yet? + +HERMIONE: +He'll stay my lord. + +LEONTES: +At my request he would not. +Hermione, my dearest, thou never spokest +To better purpose. + +HERMIONE: +Never? + +LEONTES: +Never, but once. + +HERMIONE: +What! have I twice said well? when was't before? +I prithee tell me; cram's with praise, and make's +As fat as tame things: one good deed dying tongueless +Slaughters a thousand waiting upon that. +Our praises are our wages: you may ride's +With one soft kiss a thousand furlongs ere +With spur we beat an acre. But to the goal: +My last good deed was to entreat his stay: +What was my first? it has an elder sister, +Or I mistake you: O, would her name were Grace! +But once before I spoke to the purpose: when? +Nay, let me have't; I long. + +LEONTES: +Why, that was when +Three crabbed months had sour'd themselves to death, +Ere I could make thee open thy white hand +And clap thyself my love: then didst thou utter +'I am yours for ever.' + +HERMIONE: +'Tis grace indeed. +Why, lo you now, I have spoke to the purpose twice: +The one for ever earn'd a royal husband; +The other for some while a friend. + +LEONTES: + +MAMILLIUS: +Ay, my good lord. + +LEONTES: +I' fecks! +Why, that's my bawcock. What, hast +smutch'd thy nose? +They say it is a copy out of mine. Come, captain, +We must be neat; not neat, but cleanly, captain: +And yet the steer, the heifer and the calf +Are all call'd neat.--Still virginalling +Upon his palm!--How now, you wanton calf! +Art thou my calf? + +MAMILLIUS: +Yes, if you will, my lord. + +LEONTES: +Thou want'st a rough pash and the shoots that I have, +To be full like me: yet they say we are +Almost as like as eggs; women say so, +That will say anything but were they false +As o'er-dyed blacks, as wind, as waters, false +As dice are to be wish'd by one that fixes +No bourn 'twixt his and mine, yet were it true +To say this boy were like me. Come, sir page, +Look on me with your welkin eye: sweet villain! +Most dear'st! my collop! Can thy dam?--may't be?-- +Affection! thy intention stabs the centre: +Thou dost make possible things not so held, +Communicatest with dreams;--how can this be?-- +With what's unreal thou coactive art, +And fellow'st nothing: then 'tis very credent +Thou mayst co-join with something; and thou dost, +And that beyond commission, and I find it, +And that to the infection of my brains +And hardening of my brows. + +POLIXENES: +What means Sicilia? + +HERMIONE: +He something seems unsettled. + +POLIXENES: +How, my lord! +What cheer? how is't with you, best brother? + +HERMIONE: +You look as if you held a brow of much distraction +Are you moved, my lord? + +LEONTES: +No, in good earnest. +How sometimes nature will betray its folly, +Its tenderness, and make itself a pastime +To harder bosoms! Looking on the lines +Of my boy's face, methoughts I did recoil +Twenty-three years, and saw myself unbreech'd, +In my green velvet coat, my dagger muzzled, +Lest it should bite its master, and so prove, +As ornaments oft do, too dangerous: +How like, methought, I then was to this kernel, +This squash, this gentleman. Mine honest friend, +Will you take eggs for money? + +MAMILLIUS: +No, my lord, I'll fight. + +LEONTES: +You will! why, happy man be's dole! My brother, +Are you so fond of your young prince as we +Do seem to be of ours? + +POLIXENES: +If at home, sir, +He's all my exercise, my mirth, my matter, +Now my sworn friend and then mine enemy, +My parasite, my soldier, statesman, all: +He makes a July's day short as December, +And with his varying childness cures in me +Thoughts that would thick my blood. + +LEONTES: +So stands this squire +Officed with me: we two will walk, my lord, +And leave you to your graver steps. Hermione, +How thou lovest us, show in our brother's welcome; +Let what is dear in Sicily be cheap: +Next to thyself and my young rover, he's +Apparent to my heart. + +HERMIONE: +If you would seek us, +We are yours i' the garden: shall's attend you there? + +LEONTES: +To your own bents dispose you: you'll be found, +Be you beneath the sky. +I am angling now, +Though you perceive me not how I give line. +Go to, go to! +How she holds up the neb, the bill to him! +And arms her with the boldness of a wife +To her allowing husband! +Gone already! +Inch-thick, knee-deep, o'er head and +ears a fork'd one! +Go, play, boy, play: thy mother plays, and I +Play too, but so disgraced a part, whose issue +Will hiss me to my grave: contempt and clamour +Will be my knell. Go, play, boy, play. +There have been, +Or I am much deceived, cuckolds ere now; +And many a man there is, even at this present, +Now while I speak this, holds his wife by the arm, +That little thinks she has been sluiced in's absence +And his pond fish'd by his next neighbour, by +Sir Smile, his neighbour: nay, there's comfort in't +Whiles other men have gates and those gates open'd, +As mine, against their will. Should all despair +That have revolted wives, the tenth of mankind +Would hang themselves. Physic for't there is none; +It is a bawdy planet, that will strike +Where 'tis predominant; and 'tis powerful, think it, +From east, west, north and south: be it concluded, +No barricado for a belly; know't; +It will let in and out the enemy +With bag and baggage: many thousand on's +Have the disease, and feel't not. How now, boy! + +MAMILLIUS: +I am like you, they say. + +LEONTES: +Why that's some comfort. What, Camillo there? + +CAMILLO: +Ay, my good lord. + +LEONTES: +Go play, Mamillius; thou'rt an honest man. +Camillo, this great sir will yet stay longer. + +CAMILLO: +You had much ado to make his anchor hold: +When you cast out, it still came home. + +LEONTES: +Didst note it? + +CAMILLO: +He would not stay at your petitions: made +His business more material. + +LEONTES: +Didst perceive it? +They're here with me already, whispering, rounding +'Sicilia is a so-forth:' 'tis far gone, +When I shall gust it last. How came't, Camillo, +That he did stay? + +CAMILLO: +At the good queen's entreaty. + +LEONTES: +At the queen's be't: 'good' should be pertinent +But, so it is, it is not. Was this taken +By any understanding pate but thine? +For thy conceit is soaking, will draw in +More than the common blocks: not noted, is't, +But of the finer natures? by some severals +Of head-piece extraordinary? lower messes +Perchance are to this business purblind? say. + +CAMILLO: +Business, my lord! I think most understand +Bohemia stays here longer. + +LEONTES: +Ha! + +CAMILLO: +Stays here longer. + +LEONTES: +Ay, but why? + +CAMILLO: +To satisfy your highness and the entreaties +Of our most gracious mistress. + +LEONTES: +Satisfy! +The entreaties of your mistress! satisfy! +Let that suffice. I have trusted thee, Camillo, +With all the nearest things to my heart, as well +My chamber-councils, wherein, priest-like, thou +Hast cleansed my bosom, I from thee departed +Thy penitent reform'd: but we have been +Deceived in thy integrity, deceived +In that which seems so. + +CAMILLO: +Be it forbid, my lord! + +LEONTES: +To bide upon't, thou art not honest, or, +If thou inclinest that way, thou art a coward, +Which hoxes honesty behind, restraining +From course required; or else thou must be counted +A servant grafted in my serious trust +And therein negligent; or else a fool +That seest a game play'd home, the rich stake drawn, +And takest it all for jest. + +CAMILLO: +My gracious lord, +I may be negligent, foolish and fearful; +In every one of these no man is free, +But that his negligence, his folly, fear, +Among the infinite doings of the world, +Sometime puts forth. In your affairs, my lord, +If ever I were wilful-negligent, +It was my folly; if industriously +I play'd the fool, it was my negligence, +Not weighing well the end; if ever fearful +To do a thing, where I the issue doubted, +Where of the execution did cry out +Against the non-performance, 'twas a fear +Which oft infects the wisest: these, my lord, +Are such allow'd infirmities that honesty +Is never free of. But, beseech your grace, +Be plainer with me; let me know my trespass +By its own visage: if I then deny it, +'Tis none of mine. + +LEONTES: +Ha' not you seen, Camillo,-- +But that's past doubt, you have, or your eye-glass +Is thicker than a cuckold's horn,--or heard,-- +For to a vision so apparent rumour +Cannot be mute,--or thought,--for cogitation +Resides not in that man that does not think,-- +My wife is slippery? If thou wilt confess, +Or else be impudently negative, +To have nor eyes nor ears nor thought, then say +My wife's a hobby-horse, deserves a name +As rank as any flax-wench that puts to +Before her troth-plight: say't and justify't. + +CAMILLO: +I would not be a stander-by to hear +My sovereign mistress clouded so, without +My present vengeance taken: 'shrew my heart, +You never spoke what did become you less +Than this; which to reiterate were sin +As deep as that, though true. + +LEONTES: +Is whispering nothing? +Is leaning cheek to cheek? is meeting noses? +Kissing with inside lip? stopping the career +Of laughing with a sigh?--a note infallible +Of breaking honesty--horsing foot on foot? +Skulking in corners? wishing clocks more swift? +Hours, minutes? noon, midnight? and all eyes +Blind with the pin and web but theirs, theirs only, +That would unseen be wicked? is this nothing? +Why, then the world and all that's in't is nothing; +The covering sky is nothing; Bohemia nothing; +My wife is nothing; nor nothing have these nothings, +If this be nothing. + +CAMILLO: +Good my lord, be cured +Of this diseased opinion, and betimes; +For 'tis most dangerous. + +LEONTES: +Say it be, 'tis true. + +CAMILLO: +No, no, my lord. + +LEONTES: +It is; you lie, you lie: +I say thou liest, Camillo, and I hate thee, +Pronounce thee a gross lout, a mindless slave, +Or else a hovering temporizer, that +Canst with thine eyes at once see good and evil, +Inclining to them both: were my wife's liver +Infected as her life, she would not live +The running of one glass. + +CAMILLO: +Who does infect her? + +LEONTES: +Why, he that wears her like a medal, hanging +About his neck, Bohemia: who, if I +Had servants true about me, that bare eyes +To see alike mine honour as their profits, +Their own particular thrifts, they would do that +Which should undo more doing: ay, and thou, +His cupbearer,--whom I from meaner form +Have benched and reared to worship, who mayst see +Plainly as heaven sees earth and earth sees heaven, +How I am galled,--mightst bespice a cup, +To give mine enemy a lasting wink; +Which draught to me were cordial. + +CAMILLO: +Sir, my lord, +I could do this, and that with no rash potion, +But with a lingering dram that should not work +Maliciously like poison: but I cannot +Believe this crack to be in my dread mistress, +So sovereignly being honourable. +I have loved thee,-- + +LEONTES: +Make that thy question, and go rot! +Dost think I am so muddy, so unsettled, +To appoint myself in this vexation, sully +The purity and whiteness of my sheets, +Which to preserve is sleep, which being spotted +Is goads, thorns, nettles, tails of wasps, +Give scandal to the blood o' the prince my son, +Who I do think is mine and love as mine, +Without ripe moving to't? Would I do this? +Could man so blench? + +CAMILLO: +I must believe you, sir: +I do; and will fetch off Bohemia for't; +Provided that, when he's removed, your highness +Will take again your queen as yours at first, +Even for your son's sake; and thereby for sealing +The injury of tongues in courts and kingdoms +Known and allied to yours. + +LEONTES: +Thou dost advise me +Even so as I mine own course have set down: +I'll give no blemish to her honour, none. + +CAMILLO: +My lord, +Go then; and with a countenance as clear +As friendship wears at feasts, keep with Bohemia +And with your queen. I am his cupbearer: +If from me he have wholesome beverage, +Account me not your servant. + +LEONTES: +This is all: +Do't and thou hast the one half of my heart; +Do't not, thou split'st thine own. + +CAMILLO: +I'll do't, my lord. + +LEONTES: +I will seem friendly, as thou hast advised me. + +CAMILLO: +O miserable lady! But, for me, +What case stand I in? I must be the poisoner +Of good Polixenes; and my ground to do't +Is the obedience to a master, one +Who in rebellion with himself will have +All that are his so too. To do this deed, +Promotion follows. If I could find example +Of thousands that had struck anointed kings +And flourish'd after, I'ld not do't; but since +Nor brass nor stone nor parchment bears not one, +Let villany itself forswear't. I must +Forsake the court: to do't, or no, is certain +To me a break-neck. Happy star, reign now! +Here comes Bohemia. + +POLIXENES: +This is strange: methinks +My favour here begins to warp. Not speak? +Good day, Camillo. + +CAMILLO: +Hail, most royal sir! + +POLIXENES: +What is the news i' the court? + +CAMILLO: +None rare, my lord. + +POLIXENES: +The king hath on him such a countenance +As he had lost some province and a region +Loved as he loves himself: even now I met him +With customary compliment; when he, +Wafting his eyes to the contrary and falling +A lip of much contempt, speeds from me and +So leaves me to consider what is breeding +That changeth thus his manners. + +CAMILLO: +I dare not know, my lord. + +POLIXENES: +How! dare not! do not. Do you know, and dare not? +Be intelligent to me: 'tis thereabouts; +For, to yourself, what you do know, you must. +And cannot say, you dare not. Good Camillo, +Your changed complexions are to me a mirror +Which shows me mine changed too; for I must be +A party in this alteration, finding +Myself thus alter'd with 't. + +CAMILLO: +There is a sickness +Which puts some of us in distemper, but +I cannot name the disease; and it is caught +Of you that yet are well. + +POLIXENES: +How! caught of me! +Make me not sighted like the basilisk: +I have look'd on thousands, who have sped the better +By my regard, but kill'd none so. Camillo,-- +As you are certainly a gentleman, thereto +Clerk-like experienced, which no less adorns +Our gentry than our parents' noble names, +In whose success we are gentle,--I beseech you, +If you know aught which does behove my knowledge +Thereof to be inform'd, imprison't not +In ignorant concealment. + +CAMILLO: +I may not answer. + +POLIXENES: +A sickness caught of me, and yet I well! +I must be answer'd. Dost thou hear, Camillo, +I conjure thee, by all the parts of man +Which honour does acknowledge, whereof the least +Is not this suit of mine, that thou declare +What incidency thou dost guess of harm +Is creeping toward me; how far off, how near; +Which way to be prevented, if to be; +If not, how best to bear it. + +CAMILLO: +Sir, I will tell you; +Since I am charged in honour and by him +That I think honourable: therefore mark my counsel, +Which must be even as swiftly follow'd as +I mean to utter it, or both yourself and me +Cry lost, and so good night! + +POLIXENES: +On, good Camillo. + +CAMILLO: +I am appointed him to murder you. + +POLIXENES: +By whom, Camillo? + +CAMILLO: +By the king. + +POLIXENES: +For what? + +CAMILLO: +He thinks, nay, with all confidence he swears, +As he had seen't or been an instrument +To vice you to't, that you have touch'd his queen +Forbiddenly. + +POLIXENES: +O, then my best blood turn +To an infected jelly and my name +Be yoked with his that did betray the Best! +Turn then my freshest reputation to +A savour that may strike the dullest nostril +Where I arrive, and my approach be shunn'd, +Nay, hated too, worse than the great'st infection +That e'er was heard or read! + +CAMILLO: +Swear his thought over +By each particular star in heaven and +By all their influences, you may as well +Forbid the sea for to obey the moon +As or by oath remove or counsel shake +The fabric of his folly, whose foundation +Is piled upon his faith and will continue +The standing of his body. + +POLIXENES: +How should this grow? + +CAMILLO: +I know not: but I am sure 'tis safer to +Avoid what's grown than question how 'tis born. +If therefore you dare trust my honesty, +That lies enclosed in this trunk which you +Shall bear along impawn'd, away to-night! +Your followers I will whisper to the business, +And will by twos and threes at several posterns +Clear them o' the city. For myself, I'll put +My fortunes to your service, which are here +By this discovery lost. Be not uncertain; +For, by the honour of my parents, I +Have utter'd truth: which if you seek to prove, +I dare not stand by; nor shall you be safer +Than one condemn'd by the king's own mouth, thereon +His execution sworn. + +POLIXENES: +I do believe thee: +I saw his heart in 's face. Give me thy hand: +Be pilot to me and thy places shall +Still neighbour mine. My ships are ready and +My people did expect my hence departure +Two days ago. This jealousy +Is for a precious creature: as she's rare, +Must it be great, and as his person's mighty, +Must it be violent, and as he does conceive +He is dishonour'd by a man which ever +Profess'd to him, why, his revenges must +In that be made more bitter. Fear o'ershades me: +Good expedition be my friend, and comfort +The gracious queen, part of his theme, but nothing +Of his ill-ta'en suspicion! Come, Camillo; +I will respect thee as a father if +Thou bear'st my life off hence: let us avoid. + +CAMILLO: +It is in mine authority to command +The keys of all the posterns: please your highness +To take the urgent hour. Come, sir, away. + +HERMIONE: +Take the boy to you: he so troubles me, +'Tis past enduring. + +First Lady: +Come, my gracious lord, +Shall I be your playfellow? + +MAMILLIUS: +No, I'll none of you. + +First Lady: +Why, my sweet lord? + +MAMILLIUS: +You'll kiss me hard and speak to me as if +I were a baby still. I love you better. + +Second Lady: +And why so, my lord? + +MAMILLIUS: +Not for because +Your brows are blacker; yet black brows, they say, +Become some women best, so that there be not +Too much hair there, but in a semicircle +Or a half-moon made with a pen. + +Second Lady: +Who taught you this? + +MAMILLIUS: +I learnt it out of women's faces. Pray now +What colour are your eyebrows? + +First Lady: +Blue, my lord. + +MAMILLIUS: +Nay, that's a mock: I have seen a lady's nose +That has been blue, but not her eyebrows. + +First Lady: +Hark ye; +The queen your mother rounds apace: we shall +Present our services to a fine new prince +One of these days; and then you'ld wanton with us, +If we would have you. + +Second Lady: +She is spread of late +Into a goodly bulk: good time encounter her! + +HERMIONE: +What wisdom stirs amongst you? Come, sir, now +I am for you again: pray you, sit by us, +And tell 's a tale. + +MAMILLIUS: +Merry or sad shall't be? + +HERMIONE: +As merry as you will. + +MAMILLIUS: +A sad tale's best for winter: I have one +Of sprites and goblins. + +HERMIONE: +Let's have that, good sir. +Come on, sit down: come on, and do your best +To fright me with your sprites; you're powerful at it. + +MAMILLIUS: +There was a man-- + +HERMIONE: +Nay, come, sit down; then on. + +MAMILLIUS: +Dwelt by a churchyard: I will tell it softly; +Yond crickets shall not hear it. + +HERMIONE: +Come on, then, +And give't me in mine ear. + +LEONTES: +Was he met there? his train? Camillo with him? + +First Lord: +Behind the tuft of pines I met them; never +Saw I men scour so on their way: I eyed them +Even to their ships. + +LEONTES: +How blest am I +In my just censure, in my true opinion! +Alack, for lesser knowledge! how accursed +In being so blest! There may be in the cup +A spider steep'd, and one may drink, depart, +And yet partake no venom, for his knowledge +Is not infected: but if one present +The abhorr'd ingredient to his eye, make known +How he hath drunk, he cracks his gorge, his sides, +With violent hefts. I have drunk, +and seen the spider. +Camillo was his help in this, his pander: +There is a plot against my life, my crown; +All's true that is mistrusted: that false villain +Whom I employ'd was pre-employ'd by him: +He has discover'd my design, and I +Remain a pinch'd thing; yea, a very trick +For them to play at will. How came the posterns +So easily open? + +First Lord: +By his great authority; +Which often hath no less prevail'd than so +On your command. + +LEONTES: +I know't too well. +Give me the boy: I am glad you did not nurse him: +Though he does bear some signs of me, yet you +Have too much blood in him. + +HERMIONE: +What is this? sport? + +LEONTES: +Bear the boy hence; he shall not come about her; +Away with him! and let her sport herself +With that she's big with; for 'tis Polixenes +Has made thee swell thus. + +HERMIONE: +But I'ld say he had not, +And I'll be sworn you would believe my saying, +Howe'er you lean to the nayward. + +LEONTES: +You, my lords, +Look on her, mark her well; be but about +To say 'she is a goodly lady,' and +The justice of your bearts will thereto add +'Tis pity she's not honest, honourable:' +Praise her but for this her without-door form, +Which on my faith deserves high speech, and straight +The shrug, the hum or ha, these petty brands +That calumny doth use--O, I am out-- +That mercy does, for calumny will sear +Virtue itself: these shrugs, these hums and ha's, +When you have said 'she's goodly,' come between +Ere you can say 'she's honest:' but be 't known, +From him that has most cause to grieve it should be, +She's an adulteress. + +HERMIONE: +Should a villain say so, +The most replenish'd villain in the world, +He were as much more villain: you, my lord, +Do but mistake. + +LEONTES: +You have mistook, my lady, +Polixenes for Leontes: O thou thing! +Which I'll not call a creature of thy place, +Lest barbarism, making me the precedent, +Should a like language use to all degrees +And mannerly distinguishment leave out +Betwixt the prince and beggar: I have said +She's an adulteress; I have said with whom: +More, she's a traitor and Camillo is +A federary with her, and one that knows +What she should shame to know herself +But with her most vile principal, that she's +A bed-swerver, even as bad as those +That vulgars give bold'st titles, ay, and privy +To this their late escape. + +HERMIONE: +No, by my life. +Privy to none of this. How will this grieve you, +When you shall come to clearer knowledge, that +You thus have publish'd me! Gentle my lord, +You scarce can right me throughly then to say +You did mistake. + +LEONTES: +No; if I mistake +In those foundations which I build upon, +The centre is not big enough to bear +A school-boy's top. Away with her! to prison! +He who shall speak for her is afar off guilty +But that he speaks. + +HERMIONE: +There's some ill planet reigns: +I must be patient till the heavens look +With an aspect more favourable. Good my lords, +I am not prone to weeping, as our sex +Commonly are; the want of which vain dew +Perchance shall dry your pities: but I have +That honourable grief lodged here which burns +Worse than tears drown: beseech you all, my lords, +With thoughts so qualified as your charities +Shall best instruct you, measure me; and so +The king's will be perform'd! + +LEONTES: +Shall I be heard? + +HERMIONE: +Who is't that goes with me? Beseech your highness, +My women may be with me; for you see +My plight requires it. Do not weep, good fools; +There is no cause: when you shall know your mistress +Has deserved prison, then abound in tears +As I come out: this action I now go on +Is for my better grace. Adieu, my lord: +I never wish'd to see you sorry; now +I trust I shall. My women, come; you have leave. + +LEONTES: +Go, do our bidding; hence! + +First Lord: +Beseech your highness, call the queen again. + +ANTIGONUS: +Be certain what you do, sir, lest your justice +Prove violence; in the which three great ones suffer, +Yourself, your queen, your son. + +First Lord: +For her, my lord, +I dare my life lay down and will do't, sir, +Please you to accept it, that the queen is spotless +I' the eyes of heaven and to you; I mean, +In this which you accuse her. + +ANTIGONUS: +If it prove +She's otherwise, I'll keep my stables where +I lodge my wife; I'll go in couples with her; +Than when I feel and see her no farther trust her; +For every inch of woman in the world, +Ay, every dram of woman's flesh is false, If she be. + +LEONTES: +Hold your peaces. + +First Lord: +Good my lord,-- + +ANTIGONUS: +It is for you we speak, not for ourselves: +You are abused and by some putter-on +That will be damn'd for't; would I knew the villain, +I would land-damn him. Be she honour-flaw'd, +I have three daughters; the eldest is eleven +The second and the third, nine, and some five; +If this prove true, they'll pay for't: +by mine honour, +I'll geld 'em all; fourteen they shall not see, +To bring false generations: they are co-heirs; +And I had rather glib myself than they +Should not produce fair issue. + +LEONTES: +Cease; no more. +You smell this business with a sense as cold +As is a dead man's nose: but I do see't and feel't +As you feel doing thus; and see withal +The instruments that feel. + +ANTIGONUS: +If it be so, +We need no grave to bury honesty: +There's not a grain of it the face to sweeten +Of the whole dungy earth. + +LEONTES: +What! lack I credit? + +First Lord: +I had rather you did lack than I, my lord, +Upon this ground; and more it would content me +To have her honour true than your suspicion, +Be blamed for't how you might. + +LEONTES: +Why, what need we +Commune with you of this, but rather follow +Our forceful instigation? Our prerogative +Calls not your counsels, but our natural goodness +Imparts this; which if you, or stupefied +Or seeming so in skill, cannot or will not +Relish a truth like us, inform yourselves +We need no more of your advice: the matter, +The loss, the gain, the ordering on't, is all +Properly ours. + +ANTIGONUS: +And I wish, my liege, +You had only in your silent judgment tried it, +Without more overture. + +LEONTES: +How could that be? +Either thou art most ignorant by age, +Or thou wert born a fool. Camillo's flight, +Added to their familiarity, +Which was as gross as ever touch'd conjecture, +That lack'd sight only, nought for approbation +But only seeing, all other circumstances +Made up to the deed, doth push on this proceeding: +Yet, for a greater confirmation, +For in an act of this importance 'twere +Most piteous to be wild, I have dispatch'd in post +To sacred Delphos, to Apollo's temple, +Cleomenes and Dion, whom you know +Of stuff'd sufficiency: now from the oracle +They will bring all; whose spiritual counsel had, +Shall stop or spur me. Have I done well? + +First Lord: +Well done, my lord. + +LEONTES: +Though I am satisfied and need no more +Than what I know, yet shall the oracle +Give rest to the minds of others, such as he +Whose ignorant credulity will not +Come up to the truth. So have we thought it good +From our free person she should be confined, +Lest that the treachery of the two fled hence +Be left her to perform. Come, follow us; +We are to speak in public; for this business +Will raise us all. + +ANTIGONUS: + +PAULINA: +The keeper of the prison, call to him; +let him have knowledge who I am. +Good lady, +No court in Europe is too good for thee; +What dost thou then in prison? +Now, good sir, +You know me, do you not? + +Gaoler: +For a worthy lady +And one whom much I honour. + +PAULINA: +Pray you then, +Conduct me to the queen. + +Gaoler: +I may not, madam: +To the contrary I have express commandment. + +PAULINA: +Here's ado, +To lock up honesty and honour from +The access of gentle visitors! +Is't lawful, pray you, +To see her women? any of them? Emilia? + +Gaoler: +So please you, madam, +To put apart these your attendants, I +Shall bring Emilia forth. + +PAULINA: +I pray now, call her. +Withdraw yourselves. + +Gaoler: +And, madam, +I must be present at your conference. + +PAULINA: +Well, be't so, prithee. +Here's such ado to make no stain a stain +As passes colouring. +Dear gentlewoman, +How fares our gracious lady? + +EMILIA: +As well as one so great and so forlorn +May hold together: on her frights and griefs, +Which never tender lady hath born greater, +She is something before her time deliver'd. + +PAULINA: +A boy? + +EMILIA: +A daughter, and a goodly babe, +Lusty and like to live: the queen receives +Much comfort in't; says 'My poor prisoner, +I am innocent as you.' + +PAULINA: +I dare be sworn +These dangerous unsafe lunes i' the king, +beshrew them! +He must be told on't, and he shall: the office +Becomes a woman best; I'll take't upon me: +If I prove honey-mouth'd let my tongue blister +And never to my red-look'd anger be +The trumpet any more. Pray you, Emilia, +Commend my best obedience to the queen: +If she dares trust me with her little babe, +I'll show't the king and undertake to be +Her advocate to the loud'st. We do not know +How he may soften at the sight o' the child: +The silence often of pure innocence +Persuades when speaking fails. + +EMILIA: +Most worthy madam, +Your honour and your goodness is so evident +That your free undertaking cannot miss +A thriving issue: there is no lady living +So meet for this great errand. Please your ladyship +To visit the next room, I'll presently +Acquaint the queen of your most noble offer; +Who but to-day hammer'd of this design, +But durst not tempt a minister of honour, +Lest she should be denied. + +PAULINA: +Tell her, Emilia. +I'll use that tongue I have: if wit flow from't +As boldness from my bosom, let 't not be doubted +I shall do good. + +EMILIA: +Now be you blest for it! +I'll to the queen: please you, +come something nearer. + +Gaoler: +Madam, if't please the queen to send the babe, +I know not what I shall incur to pass it, +Having no warrant. + +PAULINA: +You need not fear it, sir: +This child was prisoner to the womb and is +By law and process of great nature thence +Freed and enfranchised, not a party to +The anger of the king nor guilty of, +If any be, the trespass of the queen. + +Gaoler: +I do believe it. + +PAULINA: +Do not you fear: upon mine honour, +I will stand betwixt you and danger. + +LEONTES: +Nor night nor day no rest: it is but weakness +To bear the matter thus; mere weakness. If +The cause were not in being,--part o' the cause, +She the adulteress; for the harlot king +Is quite beyond mine arm, out of the blank +And level of my brain, plot-proof; but she +I can hook to me: say that she were gone, +Given to the fire, a moiety of my rest +Might come to me again. Who's there? + +First Servant: +My lord? + +LEONTES: +How does the boy? + +First Servant: +He took good rest to-night; +'Tis hoped his sickness is discharged. + +LEONTES: +To see his nobleness! +Conceiving the dishonour of his mother, +He straight declined, droop'd, took it deeply, +Fasten'd and fix'd the shame on't in himself, +Threw off his spirit, his appetite, his sleep, +And downright languish'd. Leave me solely: go, +See how he fares. +Fie, fie! no thought of him: +The thought of my revenges that way +Recoil upon me: in himself too mighty, +And in his parties, his alliance; let him be +Until a time may serve: for present vengeance, +Take it on her. Camillo and Polixenes +Laugh at me, make their pastime at my sorrow: +They should not laugh if I could reach them, nor +Shall she within my power. + +First Lord: +You must not enter. + +PAULINA: +Nay, rather, good my lords, be second to me: +Fear you his tyrannous passion more, alas, +Than the queen's life? a gracious innocent soul, +More free than he is jealous. + +ANTIGONUS: +That's enough. + +Second Servant: +Madam, he hath not slept tonight; commanded +None should come at him. + +PAULINA: +Not so hot, good sir: +I come to bring him sleep. 'Tis such as you, +That creep like shadows by him and do sigh +At each his needless heavings, such as you +Nourish the cause of his awaking: I +Do come with words as medicinal as true, +Honest as either, to purge him of that humour +That presses him from sleep. + +LEONTES: +What noise there, ho? + +PAULINA: +No noise, my lord; but needful conference +About some gossips for your highness. + +LEONTES: +How! +Away with that audacious lady! Antigonus, +I charged thee that she should not come about me: +I knew she would. + +ANTIGONUS: +I told her so, my lord, +On your displeasure's peril and on mine, +She should not visit you. + +LEONTES: +What, canst not rule her? + +PAULINA: +From all dishonesty he can: in this, +Unless he take the course that you have done, +Commit me for committing honour, trust it, +He shall not rule me. + +ANTIGONUS: +La you now, you hear: +When she will take the rein I let her run; +But she'll not stumble. + +PAULINA: +Good my liege, I come; +And, I beseech you, hear me, who profess +Myself your loyal servant, your physician, +Your most obedient counsellor, yet that dare +Less appear so in comforting your evils, +Than such as most seem yours: I say, I come +From your good queen. + +LEONTES: +Good queen! + +PAULINA: +Good queen, my lord, +Good queen; I say good queen; +And would by combat make her good, so were I +A man, the worst about you. + +LEONTES: +Force her hence. + +PAULINA: +Let him that makes but trifles of his eyes +First hand me: on mine own accord I'll off; +But first I'll do my errand. The good queen, +For she is good, hath brought you forth a daughter; +Here 'tis; commends it to your blessing. + +LEONTES: +Out! +A mankind witch! Hence with her, out o' door: +A most intelligencing bawd! + +PAULINA: +Not so: +I am as ignorant in that as you +In so entitling me, and no less honest +Than you are mad; which is enough, I'll warrant, +As this world goes, to pass for honest. + +LEONTES: +Traitors! +Will you not push her out? Give her the bastard. +Thou dotard! thou art woman-tired, unroosted +By thy dame Partlet here. Take up the bastard; +Take't up, I say; give't to thy crone. + +PAULINA: +For ever +Unvenerable be thy hands, if thou +Takest up the princess by that forced baseness +Which he has put upon't! + +LEONTES: +He dreads his wife. + +PAULINA: +So I would you did; then 'twere past all doubt +You'ld call your children yours. + +LEONTES: +A nest of traitors! + +ANTIGONUS: +I am none, by this good light. + +PAULINA: +Nor I, nor any +But one that's here, and that's himself, for he +The sacred honour of himself, his queen's, +His hopeful son's, his babe's, betrays to slander, +Whose sting is sharper than the sword's; +and will not-- +For, as the case now stands, it is a curse +He cannot be compell'd to't--once remove +The root of his opinion, which is rotten +As ever oak or stone was sound. + +LEONTES: +A callat +Of boundless tongue, who late hath beat her husband +And now baits me! This brat is none of mine; +It is the issue of Polixenes: +Hence with it, and together with the dam +Commit them to the fire! + +PAULINA: +It is yours; +And, might we lay the old proverb to your charge, +So like you, 'tis the worse. Behold, my lords, +Although the print be little, the whole matter +And copy of the father, eye, nose, lip, +The trick of's frown, his forehead, nay, the valley, +The pretty dimples of his chin and cheek, +His smiles, +The very mould and frame of hand, nail, finger: +And thou, good goddess Nature, which hast made it +So like to him that got it, if thou hast +The ordering of the mind too, 'mongst all colours +No yellow in't, lest she suspect, as he does, +Her children not her husband's! + +LEONTES: +A gross hag +And, lozel, thou art worthy to be hang'd, +That wilt not stay her tongue. + +ANTIGONUS: +Hang all the husbands +That cannot do that feat, you'll leave yourself +Hardly one subject. + +LEONTES: +Once more, take her hence. + +PAULINA: +A most unworthy and unnatural lord +Can do no more. + +LEONTES: +I'll ha' thee burnt. + +PAULINA: +I care not: +It is an heretic that makes the fire, +Not she which burns in't. I'll not call you tyrant; +But this most cruel usage of your queen, +Not able to produce more accusation +Than your own weak-hinged fancy, something savours +Of tyranny and will ignoble make you, +Yea, scandalous to the world. + +LEONTES: +On your allegiance, +Out of the chamber with her! Were I a tyrant, +Where were her life? she durst not call me so, +If she did know me one. Away with her! + +PAULINA: +I pray you, do not push me; I'll be gone. +Look to your babe, my lord; 'tis yours: +Jove send her +A better guiding spirit! What needs these hands? +You, that are thus so tender o'er his follies, +Will never do him good, not one of you. +So, so: farewell; we are gone. + +LEONTES: +Thou, traitor, hast set on thy wife to this. +My child? away with't! Even thou, that hast +A heart so tender o'er it, take it hence +And see it instantly consumed with fire; +Even thou and none but thou. Take it up straight: +Within this hour bring me word 'tis done, +And by good testimony, or I'll seize thy life, +With what thou else call'st thine. If thou refuse +And wilt encounter with my wrath, say so; +The bastard brains with these my proper hands +Shall I dash out. Go, take it to the fire; +For thou set'st on thy wife. + +ANTIGONUS: +I did not, sir: +These lords, my noble fellows, if they please, +Can clear me in't. + +Lords: +We can: my royal liege, +He is not guilty of her coming hither. + +LEONTES: +You're liars all. + +First Lord: +Beseech your highness, give us better credit: +We have always truly served you, and beseech you +So to esteem of us, and on our knees we beg, +As recompense of our dear services +Past and to come, that you do change this purpose, +Which being so horrible, so bloody, must +Lead on to some foul issue: we all kneel. + +LEONTES: +I am a feather for each wind that blows: +Shall I live on to see this bastard kneel +And call me father? better burn it now +Than curse it then. But be it; let it live. +It shall not neither. You, sir, come you hither; +You that have been so tenderly officious +With Lady Margery, your midwife there, +To save this bastard's life,--for 'tis a bastard, +So sure as this beard's grey, +--what will you adventure +To save this brat's life? + +ANTIGONUS: +Any thing, my lord, +That my ability may undergo +And nobleness impose: at least thus much: +I'll pawn the little blood which I have left +To save the innocent: any thing possible. + +LEONTES: +It shall be possible. Swear by this sword +Thou wilt perform my bidding. + +ANTIGONUS: +I will, my lord. + +LEONTES: +Mark and perform it, see'st thou! for the fail +Of any point in't shall not only be +Death to thyself but to thy lewd-tongued wife, +Whom for this time we pardon. We enjoin thee, +As thou art liege-man to us, that thou carry +This female bastard hence and that thou bear it +To some remote and desert place quite out +Of our dominions, and that there thou leave it, +Without more mercy, to its own protection +And favour of the climate. As by strange fortune +It came to us, I do in justice charge thee, +On thy soul's peril and thy body's torture, +That thou commend it strangely to some place +Where chance may nurse or end it. Take it up. + +ANTIGONUS: +I swear to do this, though a present death +Had been more merciful. Come on, poor babe: +Some powerful spirit instruct the kites and ravens +To be thy nurses! Wolves and bears, they say +Casting their savageness aside have done +Like offices of pity. Sir, be prosperous +In more than this deed does require! And blessing +Against this cruelty fight on thy side, +Poor thing, condemn'd to loss! + +LEONTES: +No, I'll not rear +Another's issue. + +Servant: +Please your highness, posts +From those you sent to the oracle are come +An hour since: Cleomenes and Dion, +Being well arrived from Delphos, are both landed, +Hasting to the court. + +First Lord: +So please you, sir, their speed +Hath been beyond account. + +LEONTES: +Twenty-three days +They have been absent: 'tis good speed; foretells +The great Apollo suddenly will have +The truth of this appear. Prepare you, lords; +Summon a session, that we may arraign +Our most disloyal lady, for, as she hath +Been publicly accused, so shall she have +A just and open trial. While she lives +My heart will be a burthen to me. Leave me, +And think upon my bidding. + +CLEOMENES: +The climate's delicate, the air most sweet, +Fertile the isle, the temple much surpassing +The common praise it bears. + +DION: +I shall report, +For most it caught me, the celestial habits, +Methinks I so should term them, and the reverence +Of the grave wearers. O, the sacrifice! +How ceremonious, solemn and unearthly +It was i' the offering! + +CLEOMENES: +But of all, the burst +And the ear-deafening voice o' the oracle, +Kin to Jove's thunder, so surprised my sense. +That I was nothing. + +DION: +If the event o' the journey +Prove as successful to the queen,--O be't so!-- +As it hath been to us rare, pleasant, speedy, +The time is worth the use on't. + +CLEOMENES: +Great Apollo +Turn all to the best! These proclamations, +So forcing faults upon Hermione, +I little like. + +DION: +The violent carriage of it +Will clear or end the business: when the oracle, +Thus by Apollo's great divine seal'd up, +Shall the contents discover, something rare +Even then will rush to knowledge. Go: fresh horses! +And gracious be the issue! + +LEONTES: +This sessions, to our great grief we pronounce, +Even pushes 'gainst our heart: the party tried +The daughter of a king, our wife, and one +Of us too much beloved. Let us be clear'd +Of being tyrannous, since we so openly +Proceed in justice, which shall have due course, +Even to the guilt or the purgation. +Produce the prisoner. + +Officer: +It is his highness' pleasure that the queen +Appear in person here in court. Silence! + +LEONTES: +Read the indictment. + +Officer: + +HERMIONE: +Since what I am to say must be but that +Which contradicts my accusation and +The testimony on my part no other +But what comes from myself, it shall scarce boot me +To say 'not guilty:' mine integrity +Being counted falsehood, shall, as I express it, +Be so received. But thus: if powers divine +Behold our human actions, as they do, +I doubt not then but innocence shall make +False accusation blush and tyranny +Tremble at patience. You, my lord, best know, +Who least will seem to do so, my past life +Hath been as continent, as chaste, as true, +As I am now unhappy; which is more +Than history can pattern, though devised +And play'd to take spectators. For behold me +A fellow of the royal bed, which owe +A moiety of the throne a great king's daughter, +The mother to a hopeful prince, here standing +To prate and talk for life and honour 'fore +Who please to come and hear. For life, I prize it +As I weigh grief, which I would spare: for honour, +'Tis a derivative from me to mine, +And only that I stand for. I appeal +To your own conscience, sir, before Polixenes +Came to your court, how I was in your grace, +How merited to be so; since he came, +With what encounter so uncurrent I +Have strain'd to appear thus: if one jot beyond +The bound of honour, or in act or will +That way inclining, harden'd be the hearts +Of all that hear me, and my near'st of kin +Cry fie upon my grave! + +LEONTES: +I ne'er heard yet +That any of these bolder vices wanted +Less impudence to gainsay what they did +Than to perform it first. + +HERMIONE: +That's true enough; +Through 'tis a saying, sir, not due to me. + +LEONTES: +You will not own it. + +HERMIONE: +More than mistress of +Which comes to me in name of fault, I must not +At all acknowledge. For Polixenes, +With whom I am accused, I do confess +I loved him as in honour he required, +With such a kind of love as might become +A lady like me, with a love even such, +So and no other, as yourself commanded: +Which not to have done I think had been in me +Both disobedience and ingratitude +To you and toward your friend, whose love had spoke, +Even since it could speak, from an infant, freely +That it was yours. Now, for conspiracy, +I know not how it tastes; though it be dish'd +For me to try how: all I know of it +Is that Camillo was an honest man; +And why he left your court, the gods themselves, +Wotting no more than I, are ignorant. + +LEONTES: +You knew of his departure, as you know +What you have underta'en to do in's absence. + +HERMIONE: +Sir, +You speak a language that I understand not: +My life stands in the level of your dreams, +Which I'll lay down. + +LEONTES: +Your actions are my dreams; +You had a bastard by Polixenes, +And I but dream'd it. As you were past all shame,-- +Those of your fact are so--so past all truth: +Which to deny concerns more than avails; for as +Thy brat hath been cast out, like to itself, +No father owning it,--which is, indeed, +More criminal in thee than it,--so thou +Shalt feel our justice, in whose easiest passage +Look for no less than death. + +HERMIONE: +Sir, spare your threats: +The bug which you would fright me with I seek. +To me can life be no commodity: +The crown and comfort of my life, your favour, +I do give lost; for I do feel it gone, +But know not how it went. My second joy +And first-fruits of my body, from his presence +I am barr'd, like one infectious. My third comfort +Starr'd most unluckily, is from my breast, +The innocent milk in its most innocent mouth, +Haled out to murder: myself on every post +Proclaimed a strumpet: with immodest hatred +The child-bed privilege denied, which 'longs +To women of all fashion; lastly, hurried +Here to this place, i' the open air, before +I have got strength of limit. Now, my liege, +Tell me what blessings I have here alive, +That I should fear to die? Therefore proceed. +But yet hear this: mistake me not; no life, +I prize it not a straw, but for mine honour, +Which I would free, if I shall be condemn'd +Upon surmises, all proofs sleeping else +But what your jealousies awake, I tell you +'Tis rigor and not law. Your honours all, +I do refer me to the oracle: +Apollo be my judge! + +First Lord: +This your request +Is altogether just: therefore bring forth, +And in Apollos name, his oracle. + +HERMIONE: +The Emperor of Russia was my father: +O that he were alive, and here beholding +His daughter's trial! that he did but see +The flatness of my misery, yet with eyes +Of pity, not revenge! + +Officer: +You here shall swear upon this sword of justice, +That you, Cleomenes and Dion, have +Been both at Delphos, and from thence have brought +The seal'd-up oracle, by the hand deliver'd +Of great Apollo's priest; and that, since then, +You have not dared to break the holy seal +Nor read the secrets in't. + +CLEOMENES: +All this we swear. + +LEONTES: +Break up the seals and read. + +Officer: + +Lords: +Now blessed be the great Apollo! + +HERMIONE: +Praised! + +LEONTES: +Hast thou read truth? + +Officer: +Ay, my lord; even so +As it is here set down. + +LEONTES: +There is no truth at all i' the oracle: +The sessions shall proceed: this is mere falsehood. + +Servant: +My lord the king, the king! + +LEONTES: +What is the business? + +Servant: +O sir, I shall be hated to report it! +The prince your son, with mere conceit and fear +Of the queen's speed, is gone. + +LEONTES: +How! gone! + +Servant: +Is dead. + +LEONTES: +Apollo's angry; and the heavens themselves +Do strike at my injustice. +How now there! + +PAULINA: +This news is mortal to the queen: look down +And see what death is doing. + +LEONTES: +Take her hence: +Her heart is but o'ercharged; she will recover: +I have too much believed mine own suspicion: +Beseech you, tenderly apply to her +Some remedies for life. +Apollo, pardon +My great profaneness 'gainst thine oracle! +I'll reconcile me to Polixenes, +New woo my queen, recall the good Camillo, +Whom I proclaim a man of truth, of mercy; +For, being transported by my jealousies +To bloody thoughts and to revenge, I chose +Camillo for the minister to poison +My friend Polixenes: which had been done, +But that the good mind of Camillo tardied +My swift command, though I with death and with +Reward did threaten and encourage him, +Not doing 't and being done: he, most humane +And fill'd with honour, to my kingly guest +Unclasp'd my practise, quit his fortunes here, +Which you knew great, and to the hazard +Of all encertainties himself commended, +No richer than his honour: how he glisters +Thorough my rust! and how his pity +Does my deeds make the blacker! + +PAULINA: +Woe the while! +O, cut my lace, lest my heart, cracking it, +Break too. + +First Lord: +What fit is this, good lady? + +PAULINA: +What studied torments, tyrant, hast for me? +What wheels? racks? fires? what flaying? boiling? +In leads or oils? what old or newer torture +Must I receive, whose every word deserves +To taste of thy most worst? Thy tyranny +Together working with thy jealousies, +Fancies too weak for boys, too green and idle +For girls of nine, O, think what they have done +And then run mad indeed, stark mad! for all +Thy by-gone fooleries were but spices of it. +That thou betray'dst Polixenes,'twas nothing; +That did but show thee, of a fool, inconstant +And damnable ingrateful: nor was't much, +Thou wouldst have poison'd good Camillo's honour, +To have him kill a king: poor trespasses, +More monstrous standing by: whereof I reckon +The casting forth to crows thy baby-daughter +To be or none or little; though a devil +Would have shed water out of fire ere done't: +Nor is't directly laid to thee, the death +Of the young prince, whose honourable thoughts, +Thoughts high for one so tender, cleft the heart +That could conceive a gross and foolish sire +Blemish'd his gracious dam: this is not, no, +Laid to thy answer: but the last,--O lords, +When I have said, cry 'woe!' the queen, the queen, +The sweet'st, dear'st creature's dead, +and vengeance for't +Not dropp'd down yet. + +First Lord: +The higher powers forbid! + +PAULINA: +I say she's dead; I'll swear't. If word nor oath +Prevail not, go and see: if you can bring +Tincture or lustre in her lip, her eye, +Heat outwardly or breath within, I'll serve you +As I would do the gods. But, O thou tyrant! +Do not repent these things, for they are heavier +Than all thy woes can stir; therefore betake thee +To nothing but despair. A thousand knees +Ten thousand years together, naked, fasting, +Upon a barren mountain and still winter +In storm perpetual, could not move the gods +To look that way thou wert. + +LEONTES: +Go on, go on +Thou canst not speak too much; I have deserved +All tongues to talk their bitterest. + +First Lord: +Say no more: +Howe'er the business goes, you have made fault +I' the boldness of your speech. + +PAULINA: +I am sorry for't: +All faults I make, when I shall come to know them, +I do repent. Alas! I have show'd too much +The rashness of a woman: he is touch'd +To the noble heart. What's gone and what's past help +Should be past grief: do not receive affliction +At my petition; I beseech you, rather +Let me be punish'd, that have minded you +Of what you should forget. Now, good my liege +Sir, royal sir, forgive a foolish woman: +The love I bore your queen--lo, fool again!-- +I'll speak of her no more, nor of your children; +I'll not remember you of my own lord, +Who is lost too: take your patience to you, +And I'll say nothing. + +LEONTES: +Thou didst speak but well +When most the truth; which I receive much better +Than to be pitied of thee. Prithee, bring me +To the dead bodies of my queen and son: +One grave shall be for both: upon them shall +The causes of their death appear, unto +Our shame perpetual. Once a day I'll visit +The chapel where they lie, and tears shed there +Shall be my recreation: so long as nature +Will bear up with this exercise, so long +I daily vow to use it. Come and lead me +Unto these sorrows. + +ANTIGONUS: +Thou art perfect then, our ship hath touch'd upon +The deserts of Bohemia? + +Mariner: +Ay, my lord: and fear +We have landed in ill time: the skies look grimly +And threaten present blusters. In my conscience, +The heavens with that we have in hand are angry +And frown upon 's. + +ANTIGONUS: +Their sacred wills be done! Go, get aboard; +Look to thy bark: I'll not be long before +I call upon thee. + +Mariner: +Make your best haste, and go not +Too far i' the land: 'tis like to be loud weather; +Besides, this place is famous for the creatures +Of prey that keep upon't. + +ANTIGONUS: +Go thou away: +I'll follow instantly. + +Mariner: +I am glad at heart +To be so rid o' the business. + +ANTIGONUS: +Come, poor babe: +I have heard, but not believed, +the spirits o' the dead +May walk again: if such thing be, thy mother +Appear'd to me last night, for ne'er was dream +So like a waking. To me comes a creature, +Sometimes her head on one side, some another; +I never saw a vessel of like sorrow, +So fill'd and so becoming: in pure white robes, +Like very sanctity, she did approach +My cabin where I lay; thrice bow'd before me, +And gasping to begin some speech, her eyes +Became two spouts: the fury spent, anon +Did this break-from her: 'Good Antigonus, +Since fate, against thy better disposition, +Hath made thy person for the thrower-out +Of my poor babe, according to thine oath, +Places remote enough are in Bohemia, +There weep and leave it crying; and, for the babe +Is counted lost for ever, Perdita, +I prithee, call't. For this ungentle business +Put on thee by my lord, thou ne'er shalt see +Thy wife Paulina more.' And so, with shrieks +She melted into air. Affrighted much, +I did in time collect myself and thought +This was so and no slumber. Dreams are toys: +Yet for this once, yea, superstitiously, +I will be squared by this. I do believe +Hermione hath suffer'd death, and that +Apollo would, this being indeed the issue +Of King Polixenes, it should here be laid, +Either for life or death, upon the earth +Of its right father. Blossom, speed thee well! +There lie, and there thy character: there these; +Which may, if fortune please, both breed thee, pretty, +And still rest thine. The storm begins; poor wretch, +That for thy mother's fault art thus exposed +To loss and what may follow! Weep I cannot, +But my heart bleeds; and most accursed am I +To be by oath enjoin'd to this. Farewell! +The day frowns more and more: thou'rt like to have +A lullaby too rough: I never saw +The heavens so dim by day. A savage clamour! +Well may I get aboard! This is the chase: +I am gone for ever. + +Shepherd: +I would there were no age between sixteen and +three-and-twenty, or that youth would sleep out the +rest; for there is nothing in the between but +getting wenches with child, wronging the ancientry, +stealing, fighting--Hark you now! Would any but +these boiled brains of nineteen and two-and-twenty +hunt this weather? They have scared away two of my +best sheep, which I fear the wolf will sooner find +than the master: if any where I have them, 'tis by +the seaside, browsing of ivy. Good luck, an't be thy +will what have we here! Mercy on 's, a barne a very +pretty barne! A boy or a child, I wonder? A +pretty one; a very pretty one: sure, some 'scape: +though I am not bookish, yet I can read +waiting-gentlewoman in the 'scape. This has been +some stair-work, some trunk-work, some +behind-door-work: they were warmer that got this +than the poor thing is here. I'll take it up for +pity: yet I'll tarry till my son come; he hallooed +but even now. Whoa, ho, hoa! + +Clown: +Hilloa, loa! + +Shepherd: +What, art so near? If thou'lt see a thing to talk +on when thou art dead and rotten, come hither. What +ailest thou, man? + +Clown: +I have seen two such sights, by sea and by land! +but I am not to say it is a sea, for it is now the +sky: betwixt the firmament and it you cannot thrust +a bodkin's point. + +Shepherd: +Why, boy, how is it? + +Clown: +I would you did but see how it chafes, how it rages, +how it takes up the shore! but that's not the +point. O, the most piteous cry of the poor souls! +sometimes to see 'em, and not to see 'em; now the +ship boring the moon with her main-mast, and anon +swallowed with yest and froth, as you'ld thrust a +cork into a hogshead. And then for the +land-service, to see how the bear tore out his +shoulder-bone; how he cried to me for help and said +his name was Antigonus, a nobleman. But to make an +end of the ship, to see how the sea flap-dragoned +it: but, first, how the poor souls roared, and the +sea mocked them; and how the poor gentleman roared +and the bear mocked him, both roaring louder than +the sea or weather. + +Shepherd: +Name of mercy, when was this, boy? + +Clown: +Now, now: I have not winked since I saw these +sights: the men are not yet cold under water, nor +the bear half dined on the gentleman: he's at it +now. + +Shepherd: +Would I had been by, to have helped the old man! + +Clown: +I would you had been by the ship side, to have +helped her: there your charity would have lacked footing. + +Shepherd: +Heavy matters! heavy matters! but look thee here, +boy. Now bless thyself: thou mettest with things +dying, I with things newborn. Here's a sight for +thee; look thee, a bearing-cloth for a squire's +child! look thee here; take up, take up, boy; +open't. So, let's see: it was told me I should be +rich by the fairies. This is some changeling: +open't. What's within, boy? + +Clown: +You're a made old man: if the sins of your youth +are forgiven you, you're well to live. Gold! all gold! + +Shepherd: +This is fairy gold, boy, and 'twill prove so: up +with't, keep it close: home, home, the next way. +We are lucky, boy; and to be so still requires +nothing but secrecy. Let my sheep go: come, good +boy, the next way home. + +Clown: +Go you the next way with your findings. I'll go see +if the bear be gone from the gentleman and how much +he hath eaten: they are never curst but when they +are hungry: if there be any of him left, I'll bury +it. + +Shepherd: +That's a good deed. If thou mayest discern by that +which is left of him what he is, fetch me to the +sight of him. + +Clown: +Marry, will I; and you shall help to put him i' the ground. + +Shepherd: +'Tis a lucky day, boy, and we'll do good deeds on't. + +Time: +I, that please some, try all, both joy and terror +Of good and bad, that makes and unfolds error, +Now take upon me, in the name of Time, +To use my wings. Impute it not a crime +To me or my swift passage, that I slide +O'er sixteen years and leave the growth untried +Of that wide gap, since it is in my power +To o'erthrow law and in one self-born hour +To plant and o'erwhelm custom. Let me pass +The same I am, ere ancient'st order was +Or what is now received: I witness to +The times that brought them in; so shall I do +To the freshest things now reigning and make stale +The glistering of this present, as my tale +Now seems to it. Your patience this allowing, +I turn my glass and give my scene such growing +As you had slept between: Leontes leaving, +The effects of his fond jealousies so grieving +That he shuts up himself, imagine me, +Gentle spectators, that I now may be +In fair Bohemia, and remember well, +I mentioned a son o' the king's, which Florizel +I now name to you; and with speed so pace +To speak of Perdita, now grown in grace +Equal with wondering: what of her ensues +I list not prophecy; but let Time's news +Be known when 'tis brought forth. +A shepherd's daughter, +And what to her adheres, which follows after, +Is the argument of Time. Of this allow, +If ever you have spent time worse ere now; +If never, yet that Time himself doth say +He wishes earnestly you never may. + +POLIXENES: +I pray thee, good Camillo, be no more importunate: +'tis a sickness denying thee any thing; a death to +grant this. + +CAMILLO: +It is fifteen years since I saw my country: though +I have for the most part been aired abroad, I +desire to lay my bones there. Besides, the penitent +king, my master, hath sent for me; to whose feeling +sorrows I might be some allay, or I o'erween to +think so, which is another spur to my departure. + +POLIXENES: +As thou lovest me, Camillo, wipe not out the rest of +thy services by leaving me now: the need I have of +thee thine own goodness hath made; better not to +have had thee than thus to want thee: thou, having +made me businesses which none without thee can +sufficiently manage, must either stay to execute +them thyself or take away with thee the very +services thou hast done; which if I have not enough +considered, as too much I cannot, to be more +thankful to thee shall be my study, and my profit +therein the heaping friendships. Of that fatal +country, Sicilia, prithee speak no more; whose very +naming punishes me with the remembrance of that +penitent, as thou callest him, and reconciled king, +my brother; whose loss of his most precious queen +and children are even now to be afresh lamented. +Say to me, when sawest thou the Prince Florizel, my +son? Kings are no less unhappy, their issue not +being gracious, than they are in losing them when +they have approved their virtues. + +CAMILLO: +Sir, it is three days since I saw the prince. What +his happier affairs may be, are to me unknown: but I +have missingly noted, he is of late much retired +from court and is less frequent to his princely +exercises than formerly he hath appeared. + +POLIXENES: +I have considered so much, Camillo, and with some +care; so far that I have eyes under my service which +look upon his removedness; from whom I have this +intelligence, that he is seldom from the house of a +most homely shepherd; a man, they say, that from +very nothing, and beyond the imagination of his +neighbours, is grown into an unspeakable estate. + +CAMILLO: +I have heard, sir, of such a man, who hath a +daughter of most rare note: the report of her is +extended more than can be thought to begin from such a cottage. + +POLIXENES: +That's likewise part of my intelligence; but, I +fear, the angle that plucks our son thither. Thou +shalt accompany us to the place; where we will, not +appearing what we are, have some question with the +shepherd; from whose simplicity I think it not +uneasy to get the cause of my son's resort thither. +Prithee, be my present partner in this business, and +lay aside the thoughts of Sicilia. + +CAMILLO: +I willingly obey your command. + +POLIXENES: +My best Camillo! We must disguise ourselves. + +AUTOLYCUS: +When daffodils begin to peer, +With heigh! the doxy over the dale, +Why, then comes in the sweet o' the year; +For the red blood reigns in the winter's pale. +The white sheet bleaching on the hedge, +With heigh! the sweet birds, O, how they sing! +Doth set my pugging tooth on edge; +For a quart of ale is a dish for a king. +The lark, that tirra-lyra chants, +With heigh! with heigh! the thrush and the jay, +Are summer songs for me and my aunts, +While we lie tumbling in the hay. +I have served Prince Florizel and in my time +wore three-pile; but now I am out of service: +But shall I go mourn for that, my dear? +The pale moon shines by night: +And when I wander here and there, +I then do most go right. +If tinkers may have leave to live, +And bear the sow-skin budget, +Then my account I well may, give, +And in the stocks avouch it. +My traffic is sheets; when the kite builds, look to +lesser linen. My father named me Autolycus; who +being, as I am, littered under Mercury, was likewise +a snapper-up of unconsidered trifles. With die and +drab I purchased this caparison, and my revenue is +the silly cheat. Gallows and knock are too powerful +on the highway: beating and hanging are terrors to +me: for the life to come, I sleep out the thought +of it. A prize! a prize! + +Clown: +Let me see: every 'leven wether tods; every tod +yields pound and odd shilling; fifteen hundred +shorn. what comes the wool to? + +AUTOLYCUS: + +Clown: +I cannot do't without counters. Let me see; what am +I to buy for our sheep-shearing feast? Three pound +of sugar, five pound of currants, rice,--what will +this sister of mine do with rice? But my father +hath made her mistress of the feast, and she lays it +on. She hath made me four and twenty nose-gays for +the shearers, three-man-song-men all, and very good +ones; but they are most of them means and bases; but +one puritan amongst them, and he sings psalms to +horn-pipes. I must have saffron to colour the warden +pies; mace; dates?--none, that's out of my note; +nutmegs, seven; a race or two of ginger, but that I +may beg; four pound of prunes, and as many of +raisins o' the sun. + +AUTOLYCUS: +O that ever I was born! + +Clown: +I' the name of me-- + +AUTOLYCUS: +O, help me, help me! pluck but off these rags; and +then, death, death! + +Clown: +Alack, poor soul! thou hast need of more rags to lay +on thee, rather than have these off. + +AUTOLYCUS: +O sir, the loathsomeness of them offends me more +than the stripes I have received, which are mighty +ones and millions. + +Clown: +Alas, poor man! a million of beating may come to a +great matter. + +AUTOLYCUS: +I am robbed, sir, and beaten; my money and apparel +ta'en from me, and these detestable things put upon +me. + +Clown: +What, by a horseman, or a footman? + +AUTOLYCUS: +A footman, sweet sir, a footman. + +Clown: +Indeed, he should be a footman by the garments he +has left with thee: if this be a horseman's coat, +it hath seen very hot service. Lend me thy hand, +I'll help thee: come, lend me thy hand. + +AUTOLYCUS: +O, good sir, tenderly, O! + +Clown: +Alas, poor soul! + +AUTOLYCUS: +O, good sir, softly, good sir! I fear, sir, my +shoulder-blade is out. + +Clown: +How now! canst stand? + +AUTOLYCUS: + +Clown: +Dost lack any money? I have a little money for thee. + +AUTOLYCUS: +No, good sweet sir; no, I beseech you, sir: I have +a kinsman not past three quarters of a mile hence, +unto whom I was going; I shall there have money, or +any thing I want: offer me no money, I pray you; +that kills my heart. + +Clown: +What manner of fellow was he that robbed you? + +AUTOLYCUS: +A fellow, sir, that I have known to go about with +troll-my-dames; I knew him once a servant of the +prince: I cannot tell, good sir, for which of his +virtues it was, but he was certainly whipped out of the court. + +Clown: +His vices, you would say; there's no virtue whipped +out of the court: they cherish it to make it stay +there; and yet it will no more but abide. + +AUTOLYCUS: +Vices, I would say, sir. I know this man well: he +hath been since an ape-bearer; then a +process-server, a bailiff; then he compassed a +motion of the Prodigal Son, and married a tinker's +wife within a mile where my land and living lies; +and, having flown over many knavish professions, he +settled only in rogue: some call him Autolycus. + +Clown: +Out upon him! prig, for my life, prig: he haunts +wakes, fairs and bear-baitings. + +AUTOLYCUS: +Very true, sir; he, sir, he; that's the rogue that +put me into this apparel. + +Clown: +Not a more cowardly rogue in all Bohemia: if you had +but looked big and spit at him, he'ld have run. + +AUTOLYCUS: +I must confess to you, sir, I am no fighter: I am +false of heart that way; and that he knew, I warrant +him. + +Clown: +How do you now? + +AUTOLYCUS: +Sweet sir, much better than I was; I can stand and +walk: I will even take my leave of you, and pace +softly towards my kinsman's. + +Clown: +Shall I bring thee on the way? + +AUTOLYCUS: +No, good-faced sir; no, sweet sir. + +Clown: +Then fare thee well: I must go buy spices for our +sheep-shearing. + +AUTOLYCUS: +Prosper you, sweet sir! +Your purse is not hot enough to purchase your spice. +I'll be with you at your sheep-shearing too: if I +make not this cheat bring out another and the +shearers prove sheep, let me be unrolled and my name +put in the book of virtue! +Jog on, jog on, the foot-path way, +And merrily hent the stile-a: +A merry heart goes all the day, +Your sad tires in a mile-a. + +FLORIZEL: +These your unusual weeds to each part of you +Do give a life: no shepherdess, but Flora +Peering in April's front. This your sheep-shearing +Is as a meeting of the petty gods, +And you the queen on't. + +PERDITA: +Sir, my gracious lord, +To chide at your extremes it not becomes me: +O, pardon, that I name them! Your high self, +The gracious mark o' the land, you have obscured +With a swain's wearing, and me, poor lowly maid, +Most goddess-like prank'd up: but that our feasts +In every mess have folly and the feeders +Digest it with a custom, I should blush +To see you so attired, sworn, I think, +To show myself a glass. + +FLORIZEL: +I bless the time +When my good falcon made her flight across +Thy father's ground. + +PERDITA: +Now Jove afford you cause! +To me the difference forges dread; your greatness +Hath not been used to fear. Even now I tremble +To think your father, by some accident, +Should pass this way as you did: O, the Fates! +How would he look, to see his work so noble +Vilely bound up? What would he say? Or how +Should I, in these my borrow'd flaunts, behold +The sternness of his presence? + +FLORIZEL: +Apprehend +Nothing but jollity. The gods themselves, +Humbling their deities to love, have taken +The shapes of beasts upon them: Jupiter +Became a bull, and bellow'd; the green Neptune +A ram, and bleated; and the fire-robed god, +Golden Apollo, a poor humble swain, +As I seem now. Their transformations +Were never for a piece of beauty rarer, +Nor in a way so chaste, since my desires +Run not before mine honour, nor my lusts +Burn hotter than my faith. + +PERDITA: +O, but, sir, +Your resolution cannot hold, when 'tis +Opposed, as it must be, by the power of the king: +One of these two must be necessities, +Which then will speak, that you must +change this purpose, +Or I my life. + +FLORIZEL: +Thou dearest Perdita, +With these forced thoughts, I prithee, darken not +The mirth o' the feast. Or I'll be thine, my fair, +Or not my father's. For I cannot be +Mine own, nor any thing to any, if +I be not thine. To this I am most constant, +Though destiny say no. Be merry, gentle; +Strangle such thoughts as these with any thing +That you behold the while. Your guests are coming: +Lift up your countenance, as it were the day +Of celebration of that nuptial which +We two have sworn shall come. + +PERDITA: +O lady Fortune, +Stand you auspicious! + +FLORIZEL: +See, your guests approach: +Address yourself to entertain them sprightly, +And let's be red with mirth. + +Shepherd: +Fie, daughter! when my old wife lived, upon +This day she was both pantler, butler, cook, +Both dame and servant; welcomed all, served all; +Would sing her song and dance her turn; now here, +At upper end o' the table, now i' the middle; +On his shoulder, and his; her face o' fire +With labour and the thing she took to quench it, +She would to each one sip. You are retired, +As if you were a feasted one and not +The hostess of the meeting: pray you, bid +These unknown friends to's welcome; for it is +A way to make us better friends, more known. +Come, quench your blushes and present yourself +That which you are, mistress o' the feast: come on, +And bid us welcome to your sheep-shearing, +As your good flock shall prosper. + +PERDITA: + +POLIXENES: +Shepherdess, +A fair one are you--well you fit our ages +With flowers of winter. + +PERDITA: +Sir, the year growing ancient, +Not yet on summer's death, nor on the birth +Of trembling winter, the fairest +flowers o' the season +Are our carnations and streak'd gillyvors, +Which some call nature's bastards: of that kind +Our rustic garden's barren; and I care not +To get slips of them. + +POLIXENES: +Wherefore, gentle maiden, +Do you neglect them? + +PERDITA: +For I have heard it said +There is an art which in their piedness shares +With great creating nature. + +POLIXENES: +Say there be; +Yet nature is made better by no mean +But nature makes that mean: so, over that art +Which you say adds to nature, is an art +That nature makes. You see, sweet maid, we marry +A gentler scion to the wildest stock, +And make conceive a bark of baser kind +By bud of nobler race: this is an art +Which does mend nature, change it rather, but +The art itself is nature. + +PERDITA: +So it is. + +POLIXENES: +Then make your garden rich in gillyvors, +And do not call them bastards. + +PERDITA: +I'll not put +The dibble in earth to set one slip of them; +No more than were I painted I would wish +This youth should say 'twere well and only therefore +Desire to breed by me. Here's flowers for you; +Hot lavender, mints, savoury, marjoram; +The marigold, that goes to bed wi' the sun +And with him rises weeping: these are flowers +Of middle summer, and I think they are given +To men of middle age. You're very welcome. + +CAMILLO: +I should leave grazing, were I of your flock, +And only live by gazing. + +PERDITA: +Out, alas! +You'd be so lean, that blasts of January +Would blow you through and through. +Now, my fair'st friend, +I would I had some flowers o' the spring that might +Become your time of day; and yours, and yours, +That wear upon your virgin branches yet +Your maidenheads growing: O Proserpina, +For the flowers now, that frighted thou let'st fall +From Dis's waggon! daffodils, +That come before the swallow dares, and take +The winds of March with beauty; violets dim, +But sweeter than the lids of Juno's eyes +Or Cytherea's breath; pale primroses +That die unmarried, ere they can behold +Bight Phoebus in his strength--a malady +Most incident to maids; bold oxlips and +The crown imperial; lilies of all kinds, +The flower-de-luce being one! O, these I lack, +To make you garlands of, and my sweet friend, +To strew him o'er and o'er! + +FLORIZEL: +What, like a corse? + +PERDITA: +No, like a bank for love to lie and play on; +Not like a corse; or if, not to be buried, +But quick and in mine arms. Come, take your flowers: +Methinks I play as I have seen them do +In Whitsun pastorals: sure this robe of mine +Does change my disposition. + +FLORIZEL: +What you do +Still betters what is done. When you speak, sweet. +I'ld have you do it ever: when you sing, +I'ld have you buy and sell so, so give alms, +Pray so; and, for the ordering your affairs, +To sing them too: when you do dance, I wish you +A wave o' the sea, that you might ever do +Nothing but that; move still, still so, +And own no other function: each your doing, +So singular in each particular, +Crowns what you are doing in the present deed, +That all your acts are queens. + +PERDITA: +O Doricles, +Your praises are too large: but that your youth, +And the true blood which peepeth fairly through't, +Do plainly give you out an unstain'd shepherd, +With wisdom I might fear, my Doricles, +You woo'd me the false way. + +FLORIZEL: +I think you have +As little skill to fear as I have purpose +To put you to't. But come; our dance, I pray: +Your hand, my Perdita: so turtles pair, +That never mean to part. + +PERDITA: +I'll swear for 'em. + +POLIXENES: +This is the prettiest low-born lass that ever +Ran on the green-sward: nothing she does or seems +But smacks of something greater than herself, +Too noble for this place. + +CAMILLO: +He tells her something +That makes her blood look out: good sooth, she is +The queen of curds and cream. + +Clown: +Come on, strike up! + +DORCAS: +Mopsa must be your mistress: marry, garlic, +To mend her kissing with! + +MOPSA: +Now, in good time! + +Clown: +Not a word, a word; we stand upon our manners. +Come, strike up! + +POLIXENES: +Pray, good shepherd, what fair swain is this +Which dances with your daughter? + +Shepherd: +They call him Doricles; and boasts himself +To have a worthy feeding: but I have it +Upon his own report and I believe it; +He looks like sooth. He says he loves my daughter: +I think so too; for never gazed the moon +Upon the water as he'll stand and read +As 'twere my daughter's eyes: and, to be plain. +I think there is not half a kiss to choose +Who loves another best. + +POLIXENES: +She dances featly. + +Shepherd: +So she does any thing; though I report it, +That should be silent: if young Doricles +Do light upon her, she shall bring him that +Which he not dreams of. + +Servant: +O master, if you did but hear the pedlar at the +door, you would never dance again after a tabour and +pipe; no, the bagpipe could not move you: he sings +several tunes faster than you'll tell money; he +utters them as he had eaten ballads and all men's +ears grew to his tunes. + +Clown: +He could never come better; he shall come in. I +love a ballad but even too well, if it be doleful +matter merrily set down, or a very pleasant thing +indeed and sung lamentably. + +Servant: +He hath songs for man or woman, of all sizes; no +milliner can so fit his customers with gloves: he +has the prettiest love-songs for maids; so without +bawdry, which is strange; with such delicate +burthens of dildos and fadings, 'jump her and thump +her;' and where some stretch-mouthed rascal would, +as it were, mean mischief and break a foul gap into +the matter, he makes the maid to answer 'Whoop, do me +no harm, good man;' puts him off, slights him, with +'Whoop, do me no harm, good man.' + +POLIXENES: +This is a brave fellow. + +Clown: +Believe me, thou talkest of an admirable conceited +fellow. Has he any unbraided wares? + +Servant: +He hath ribbons of an the colours i' the rainbow; +points more than all the lawyers in Bohemia can +learnedly handle, though they come to him by the +gross: inkles, caddisses, cambrics, lawns: why, he +sings 'em over as they were gods or goddesses; you +would think a smock were a she-angel, he so chants +to the sleeve-hand and the work about the square on't. + +Clown: +Prithee bring him in; and let him approach singing. + +PERDITA: +Forewarn him that he use no scurrilous words in 's tunes. + +Clown: +You have of these pedlars, that have more in them +than you'ld think, sister. + +PERDITA: +Ay, good brother, or go about to think. + +AUTOLYCUS: +Lawn as white as driven snow; +Cyprus black as e'er was crow; +Gloves as sweet as damask roses; +Masks for faces and for noses; +Bugle bracelet, necklace amber, +Perfume for a lady's chamber; +Golden quoifs and stomachers, +For my lads to give their dears: +Pins and poking-sticks of steel, +What maids lack from head to heel: +Come buy of me, come; come buy, come buy; +Buy lads, or else your lasses cry: Come buy. + +Clown: +If I were not in love with Mopsa, thou shouldst take +no money of me; but being enthralled as I am, it +will also be the bondage of certain ribbons and gloves. + +MOPSA: +I was promised them against the feast; but they come +not too late now. + +DORCAS: +He hath promised you more than that, or there be liars. + +MOPSA: +He hath paid you all he promised you; may be, he has +paid you more, which will shame you to give him again. + +Clown: +Is there no manners left among maids? will they +wear their plackets where they should bear their +faces? Is there not milking-time, when you are +going to bed, or kiln-hole, to whistle off these +secrets, but you must be tittle-tattling before all +our guests? 'tis well they are whispering: clamour +your tongues, and not a word more. + +MOPSA: +I have done. Come, you promised me a tawdry-lace +and a pair of sweet gloves. + +Clown: +Have I not told thee how I was cozened by the way +and lost all my money? + +AUTOLYCUS: +And indeed, sir, there are cozeners abroad; +therefore it behoves men to be wary. + +Clown: +Fear not thou, man, thou shalt lose nothing here. + +AUTOLYCUS: +I hope so, sir; for I have about me many parcels of charge. + +Clown: +What hast here? ballads? + +MOPSA: +Pray now, buy some: I love a ballad in print o' +life, for then we are sure they are true. + +AUTOLYCUS: +Here's one to a very doleful tune, how a usurer's +wife was brought to bed of twenty money-bags at a +burthen and how she longed to eat adders' heads and +toads carbonadoed. + +MOPSA: +Is it true, think you? + +AUTOLYCUS: +Very true, and but a month old. + +DORCAS: +Bless me from marrying a usurer! + +AUTOLYCUS: +Here's the midwife's name to't, one Mistress +Tale-porter, and five or six honest wives that were +present. Why should I carry lies abroad? + +MOPSA: +Pray you now, buy it. + +Clown: +Come on, lay it by: and let's first see moe +ballads; we'll buy the other things anon. + +AUTOLYCUS: +Here's another ballad of a fish, that appeared upon +the coast on Wednesday the four-score of April, +forty thousand fathom above water, and sung this +ballad against the hard hearts of maids: it was +thought she was a woman and was turned into a cold +fish for she would not exchange flesh with one that +loved her: the ballad is very pitiful and as true. + +DORCAS: +Is it true too, think you? + +AUTOLYCUS: +Five justices' hands at it, and witnesses more than +my pack will hold. + +Clown: +Lay it by too: another. + +AUTOLYCUS: +This is a merry ballad, but a very pretty one. + +MOPSA: +Let's have some merry ones. + +AUTOLYCUS: +Why, this is a passing merry one and goes to +the tune of 'Two maids wooing a man:' there's +scarce a maid westward but she sings it; 'tis in +request, I can tell you. + +MOPSA: +We can both sing it: if thou'lt bear a part, thou +shalt hear; 'tis in three parts. + +DORCAS: +We had the tune on't a month ago. + +AUTOLYCUS: +I can bear my part; you must know 'tis my +occupation; have at it with you. + +AUTOLYCUS: +Get you hence, for I must go +Where it fits not you to know. + +DORCAS: +Whither? + +MOPSA: +O, whither? + +DORCAS: +Whither? + +MOPSA: +It becomes thy oath full well, +Thou to me thy secrets tell. + +DORCAS: +Me too, let me go thither. + +MOPSA: +Or thou goest to the orange or mill. + +DORCAS: +If to either, thou dost ill. + +AUTOLYCUS: +Neither. + +DORCAS: +What, neither? + +AUTOLYCUS: +Neither. + +DORCAS: +Thou hast sworn my love to be. + +MOPSA: +Thou hast sworn it more to me: +Then whither goest? say, whither? + +Clown: +We'll have this song out anon by ourselves: my +father and the gentlemen are in sad talk, and we'll +not trouble them. Come, bring away thy pack after +me. Wenches, I'll buy for you both. Pedlar, let's +have the first choice. Follow me, girls. + +AUTOLYCUS: +And you shall pay well for 'em. +Will you buy any tape, +Or lace for your cape, +My dainty duck, my dear-a? +Any silk, any thread, +Any toys for your head, +Of the new'st and finest, finest wear-a? +Come to the pedlar; +Money's a medler. +That doth utter all men's ware-a. + +Servant: +Master, there is three carters, three shepherds, +three neat-herds, three swine-herds, that have made +themselves all men of hair, they call themselves +Saltiers, and they have a dance which the wenches +say is a gallimaufry of gambols, because they are +not in't; but they themselves are o' the mind, if it +be not too rough for some that know little but +bowling, it will please plentifully. + +Shepherd: +Away! we'll none on 't: here has been too much +homely foolery already. I know, sir, we weary you. + +POLIXENES: +You weary those that refresh us: pray, let's see +these four threes of herdsmen. + +Servant: +One three of them, by their own report, sir, hath +danced before the king; and not the worst of the +three but jumps twelve foot and a half by the squier. + +Shepherd: +Leave your prating: since these good men are +pleased, let them come in; but quickly now. + +Servant: +Why, they stay at door, sir. + +POLIXENES: +O, father, you'll know more of that hereafter. +Is it not too far gone? 'Tis time to part them. +He's simple and tells much. +How now, fair shepherd! +Your heart is full of something that does take +Your mind from feasting. Sooth, when I was young +And handed love as you do, I was wont +To load my she with knacks: I would have ransack'd +The pedlar's silken treasury and have pour'd it +To her acceptance; you have let him go +And nothing marted with him. If your lass +Interpretation should abuse and call this +Your lack of love or bounty, you were straited +For a reply, at least if you make a care +Of happy holding her. + +FLORIZEL: +Old sir, I know +She prizes not such trifles as these are: +The gifts she looks from me are pack'd and lock'd +Up in my heart; which I have given already, +But not deliver'd. O, hear me breathe my life +Before this ancient sir, who, it should seem, +Hath sometime loved! I take thy hand, this hand, +As soft as dove's down and as white as it, +Or Ethiopian's tooth, or the fann'd +snow that's bolted +By the northern blasts twice o'er. + +POLIXENES: +What follows this? +How prettily the young swain seems to wash +The hand was fair before! I have put you out: +But to your protestation; let me hear +What you profess. + +FLORIZEL: +Do, and be witness to 't. + +POLIXENES: +And this my neighbour too? + +FLORIZEL: +And he, and more +Than he, and men, the earth, the heavens, and all: +That, were I crown'd the most imperial monarch, +Thereof most worthy, were I the fairest youth +That ever made eye swerve, had force and knowledge +More than was ever man's, I would not prize them +Without her love; for her employ them all; +Commend them and condemn them to her service +Or to their own perdition. + +POLIXENES: +Fairly offer'd. + +CAMILLO: +This shows a sound affection. + +Shepherd: +But, my daughter, +Say you the like to him? + +PERDITA: +I cannot speak +So well, nothing so well; no, nor mean better: +By the pattern of mine own thoughts I cut out +The purity of his. + +Shepherd: +Take hands, a bargain! +And, friends unknown, you shall bear witness to 't: +I give my daughter to him, and will make +Her portion equal his. + +FLORIZEL: +O, that must be +I' the virtue of your daughter: one being dead, +I shall have more than you can dream of yet; +Enough then for your wonder. But, come on, +Contract us 'fore these witnesses. + +Shepherd: +Come, your hand; +And, daughter, yours. + +POLIXENES: +Soft, swain, awhile, beseech you; +Have you a father? + +FLORIZEL: +I have: but what of him? + +POLIXENES: +Knows he of this? + +FLORIZEL: +He neither does nor shall. + +POLIXENES: +Methinks a father +Is at the nuptial of his son a guest +That best becomes the table. Pray you once more, +Is not your father grown incapable +Of reasonable affairs? is he not stupid +With age and altering rheums? can he speak? hear? +Know man from man? dispute his own estate? +Lies he not bed-rid? and again does nothing +But what he did being childish? + +FLORIZEL: +No, good sir; +He has his health and ampler strength indeed +Than most have of his age. + +POLIXENES: +By my white beard, +You offer him, if this be so, a wrong +Something unfilial: reason my son +Should choose himself a wife, but as good reason +The father, all whose joy is nothing else +But fair posterity, should hold some counsel +In such a business. + +FLORIZEL: +I yield all this; +But for some other reasons, my grave sir, +Which 'tis not fit you know, I not acquaint +My father of this business. + +POLIXENES: +Let him know't. + +FLORIZEL: +He shall not. + +POLIXENES: +Prithee, let him. + +FLORIZEL: +No, he must not. + +Shepherd: +Let him, my son: he shall not need to grieve +At knowing of thy choice. + +FLORIZEL: +Come, come, he must not. +Mark our contract. + +POLIXENES: +Mark your divorce, young sir, +Whom son I dare not call; thou art too base +To be acknowledged: thou a sceptre's heir, +That thus affect'st a sheep-hook! Thou old traitor, +I am sorry that by hanging thee I can +But shorten thy life one week. And thou, fresh piece +Of excellent witchcraft, who of force must know +The royal fool thou copest with,-- + +Shepherd: +O, my heart! + +POLIXENES: +I'll have thy beauty scratch'd with briers, and made +More homely than thy state. For thee, fond boy, +If I may ever know thou dost but sigh +That thou no more shalt see this knack, as never +I mean thou shalt, we'll bar thee from succession; +Not hold thee of our blood, no, not our kin, +Far than Deucalion off: mark thou my words: +Follow us to the court. Thou churl, for this time, +Though full of our displeasure, yet we free thee +From the dead blow of it. And you, enchantment.-- +Worthy enough a herdsman: yea, him too, +That makes himself, but for our honour therein, +Unworthy thee,--if ever henceforth thou +These rural latches to his entrance open, +Or hoop his body more with thy embraces, +I will devise a death as cruel for thee +As thou art tender to't. + +PERDITA: +Even here undone! +I was not much afeard; for once or twice +I was about to speak and tell him plainly, +The selfsame sun that shines upon his court +Hides not his visage from our cottage but +Looks on alike. Will't please you, sir, be gone? +I told you what would come of this: beseech you, +Of your own state take care: this dream of mine,-- +Being now awake, I'll queen it no inch farther, +But milk my ewes and weep. + +CAMILLO: +Why, how now, father! +Speak ere thou diest. + +Shepherd: +I cannot speak, nor think +Nor dare to know that which I know. O sir! +You have undone a man of fourscore three, +That thought to fill his grave in quiet, yea, +To die upon the bed my father died, +To lie close by his honest bones: but now +Some hangman must put on my shroud and lay me +Where no priest shovels in dust. O cursed wretch, +That knew'st this was the prince, +and wouldst adventure +To mingle faith with him! Undone! undone! +If I might die within this hour, I have lived +To die when I desire. + +FLORIZEL: +Why look you so upon me? +I am but sorry, not afeard; delay'd, +But nothing alter'd: what I was, I am; +More straining on for plucking back, not following +My leash unwillingly. + +CAMILLO: +Gracious my lord, +You know your father's temper: at this time +He will allow no speech, which I do guess +You do not purpose to him; and as hardly +Will he endure your sight as yet, I fear: +Then, till the fury of his highness settle, +Come not before him. + +FLORIZEL: +I not purpose it. +I think, Camillo? + +CAMILLO: +Even he, my lord. + +PERDITA: +How often have I told you 'twould be thus! +How often said, my dignity would last +But till 'twere known! + +FLORIZEL: +It cannot fail but by +The violation of my faith; and then +Let nature crush the sides o' the earth together +And mar the seeds within! Lift up thy looks: +From my succession wipe me, father; I +Am heir to my affection. + +CAMILLO: +Be advised. + +FLORIZEL: +I am, and by my fancy: if my reason +Will thereto be obedient, I have reason; +If not, my senses, better pleased with madness, +Do bid it welcome. + +CAMILLO: +This is desperate, sir. + +FLORIZEL: +So call it: but it does fulfil my vow; +I needs must think it honesty. Camillo, +Not for Bohemia, nor the pomp that may +Be thereat glean'd, for all the sun sees or +The close earth wombs or the profound sea hides +In unknown fathoms, will I break my oath +To this my fair beloved: therefore, I pray you, +As you have ever been my father's honour'd friend, +When he shall miss me,--as, in faith, I mean not +To see him any more,--cast your good counsels +Upon his passion; let myself and fortune +Tug for the time to come. This you may know +And so deliver, I am put to sea +With her whom here I cannot hold on shore; +And most opportune to our need I have +A vessel rides fast by, but not prepared +For this design. What course I mean to hold +Shall nothing benefit your knowledge, nor +Concern me the reporting. + +CAMILLO: +O my lord! +I would your spirit were easier for advice, +Or stronger for your need. + +FLORIZEL: +Hark, Perdita +I'll hear you by and by. + +CAMILLO: +He's irremoveable, +Resolved for flight. Now were I happy, if +His going I could frame to serve my turn, +Save him from danger, do him love and honour, +Purchase the sight again of dear Sicilia +And that unhappy king, my master, whom +I so much thirst to see. + +FLORIZEL: +Now, good Camillo; +I am so fraught with curious business that +I leave out ceremony. + +CAMILLO: +Sir, I think +You have heard of my poor services, i' the love +That I have borne your father? + +FLORIZEL: +Very nobly +Have you deserved: it is my father's music +To speak your deeds, not little of his care +To have them recompensed as thought on. + +CAMILLO: +Well, my lord, +If you may please to think I love the king +And through him what is nearest to him, which is +Your gracious self, embrace but my direction: +If your more ponderous and settled project +May suffer alteration, on mine honour, +I'll point you where you shall have such receiving +As shall become your highness; where you may +Enjoy your mistress, from the whom, I see, +There's no disjunction to be made, but by-- +As heavens forefend!--your ruin; marry her, +And, with my best endeavours in your absence, +Your discontenting father strive to qualify +And bring him up to liking. + +FLORIZEL: +How, Camillo, +May this, almost a miracle, be done? +That I may call thee something more than man +And after that trust to thee. + +CAMILLO: +Have you thought on +A place whereto you'll go? + +FLORIZEL: +Not any yet: +But as the unthought-on accident is guilty +To what we wildly do, so we profess +Ourselves to be the slaves of chance and flies +Of every wind that blows. + +CAMILLO: +Then list to me: +This follows, if you will not change your purpose +But undergo this flight, make for Sicilia, +And there present yourself and your fair princess, +For so I see she must be, 'fore Leontes: +She shall be habited as it becomes +The partner of your bed. Methinks I see +Leontes opening his free arms and weeping +His welcomes forth; asks thee the son forgiveness, +As 'twere i' the father's person; kisses the hands +Of your fresh princess; o'er and o'er divides him +'Twixt his unkindness and his kindness; the one +He chides to hell and bids the other grow +Faster than thought or time. + +FLORIZEL: +Worthy Camillo, +What colour for my visitation shall I +Hold up before him? + +CAMILLO: +Sent by the king your father +To greet him and to give him comforts. Sir, +The manner of your bearing towards him, with +What you as from your father shall deliver, +Things known betwixt us three, I'll write you down: +The which shall point you forth at every sitting +What you must say; that he shall not perceive +But that you have your father's bosom there +And speak his very heart. + +FLORIZEL: +I am bound to you: +There is some sap in this. + +CAMILLO: +A cause more promising +Than a wild dedication of yourselves +To unpath'd waters, undream'd shores, most certain +To miseries enough; no hope to help you, +But as you shake off one to take another; +Nothing so certain as your anchors, who +Do their best office, if they can but stay you +Where you'll be loath to be: besides you know +Prosperity's the very bond of love, +Whose fresh complexion and whose heart together +Affliction alters. + +PERDITA: +One of these is true: +I think affliction may subdue the cheek, +But not take in the mind. + +CAMILLO: +Yea, say you so? +There shall not at your father's house these +seven years +Be born another such. + +FLORIZEL: +My good Camillo, +She is as forward of her breeding as +She is i' the rear our birth. + +CAMILLO: +I cannot say 'tis pity +She lacks instructions, for she seems a mistress +To most that teach. + +PERDITA: +Your pardon, sir; for this +I'll blush you thanks. + +FLORIZEL: +My prettiest Perdita! +But O, the thorns we stand upon! Camillo, +Preserver of my father, now of me, +The medicine of our house, how shall we do? +We are not furnish'd like Bohemia's son, +Nor shall appear in Sicilia. + +CAMILLO: +My lord, +Fear none of this: I think you know my fortunes +Do all lie there: it shall be so my care +To have you royally appointed as if +The scene you play were mine. For instance, sir, +That you may know you shall not want, one word. + +AUTOLYCUS: +Ha, ha! what a fool Honesty is! and Trust, his +sworn brother, a very simple gentleman! I have sold +all my trumpery; not a counterfeit stone, not a +ribbon, glass, pomander, brooch, table-book, ballad, +knife, tape, glove, shoe-tie, bracelet, horn-ring, +to keep my pack from fasting: they throng who +should buy first, as if my trinkets had been +hallowed and brought a benediction to the buyer: +by which means I saw whose purse was best in +picture; and what I saw, to my good use I +remembered. My clown, who wants but something to +be a reasonable man, grew so in love with the +wenches' song, that he would not stir his pettitoes +till he had both tune and words; which so drew the +rest of the herd to me that all their other senses +stuck in ears: you might have pinched a placket, it +was senseless; 'twas nothing to geld a codpiece of a +purse; I could have filed keys off that hung in +chains: no hearing, no feeling, but my sir's song, +and admiring the nothing of it. So that in this +time of lethargy I picked and cut most of their +festival purses; and had not the old man come in +with a whoo-bub against his daughter and the king's +son and scared my choughs from the chaff, I had not +left a purse alive in the whole army. + +CAMILLO: +Nay, but my letters, by this means being there +So soon as you arrive, shall clear that doubt. + +FLORIZEL: +And those that you'll procure from King Leontes-- + +CAMILLO: +Shall satisfy your father. + +PERDITA: +Happy be you! +All that you speak shows fair. + +CAMILLO: +Who have we here? +We'll make an instrument of this, omit +Nothing may give us aid. + +AUTOLYCUS: +If they have overheard me now, why, hanging. + +CAMILLO: +How now, good fellow! why shakest thou so? Fear +not, man; here's no harm intended to thee. + +AUTOLYCUS: +I am a poor fellow, sir. + +CAMILLO: +Why, be so still; here's nobody will steal that from +thee: yet for the outside of thy poverty we must +make an exchange; therefore discase thee instantly, +--thou must think there's a necessity in't,--and +change garments with this gentleman: though the +pennyworth on his side be the worst, yet hold thee, +there's some boot. + +AUTOLYCUS: +I am a poor fellow, sir. +I know ye well enough. + +CAMILLO: +Nay, prithee, dispatch: the gentleman is half +flayed already. + +AUTOLYCUS: +Are you in earnest, sir? +I smell the trick on't. + +FLORIZEL: +Dispatch, I prithee. + +AUTOLYCUS: +Indeed, I have had earnest: but I cannot with +conscience take it. + +CAMILLO: +Unbuckle, unbuckle. +Fortunate mistress,--let my prophecy +Come home to ye!--you must retire yourself +Into some covert: take your sweetheart's hat +And pluck it o'er your brows, muffle your face, +Dismantle you, and, as you can, disliken +The truth of your own seeming; that you may-- +For I do fear eyes over--to shipboard +Get undescried. + +PERDITA: +I see the play so lies +That I must bear a part. + +CAMILLO: +No remedy. +Have you done there? + +FLORIZEL: +Should I now meet my father, +He would not call me son. + +CAMILLO: +Nay, you shall have no hat. +Come, lady, come. Farewell, my friend. + +AUTOLYCUS: +Adieu, sir. + +FLORIZEL: +O Perdita, what have we twain forgot! +Pray you, a word. + +CAMILLO: + +FLORIZEL: +Fortune speed us! +Thus we set on, Camillo, to the sea-side. + +CAMILLO: +The swifter speed the better. + +AUTOLYCUS: +I understand the business, I hear it: to have an +open ear, a quick eye, and a nimble hand, is +necessary for a cut-purse; a good nose is requisite +also, to smell out work for the other senses. I see +this is the time that the unjust man doth thrive. +What an exchange had this been without boot! What +a boot is here with this exchange! Sure the gods do +this year connive at us, and we may do any thing +extempore. The prince himself is about a piece of +iniquity, stealing away from his father with his +clog at his heels: if I thought it were a piece of +honesty to acquaint the king withal, I would not +do't: I hold it the more knavery to conceal it; +and therein am I constant to my profession. +Aside, aside; here is more matter for a hot brain: +every lane's end, every shop, church, session, +hanging, yields a careful man work. + +Clown: +See, see; what a man you are now! +There is no other way but to tell the king +she's a changeling and none of your flesh and blood. + +Shepherd: +Nay, but hear me. + +Clown: +Nay, but hear me. + +Shepherd: +Go to, then. + +Clown: +She being none of your flesh and blood, your flesh +and blood has not offended the king; and so your +flesh and blood is not to be punished by him. Show +those things you found about her, those secret +things, all but what she has with her: this being +done, let the law go whistle: I warrant you. + +Shepherd: +I will tell the king all, every word, yea, and his +son's pranks too; who, I may say, is no honest man, +neither to his father nor to me, to go about to make +me the king's brother-in-law. + +Clown: +Indeed, brother-in-law was the farthest off you +could have been to him and then your blood had been +the dearer by I know how much an ounce. + +AUTOLYCUS: + +Shepherd: +Well, let us to the king: there is that in this +fardel will make him scratch his beard. + +AUTOLYCUS: + +Clown: +Pray heartily he be at palace. + +AUTOLYCUS: + +Shepherd: +To the palace, an it like your worship. + +AUTOLYCUS: +Your affairs there, what, with whom, the condition +of that fardel, the place of your dwelling, your +names, your ages, of what having, breeding, and any +thing that is fitting to be known, discover. + +Clown: +We are but plain fellows, sir. + +AUTOLYCUS: +A lie; you are rough and hairy. Let me have no +lying: it becomes none but tradesmen, and they +often give us soldiers the lie: but we pay them for +it with stamped coin, not stabbing steel; therefore +they do not give us the lie. + +Clown: +Your worship had like to have given us one, if you +had not taken yourself with the manner. + +Shepherd: +Are you a courtier, an't like you, sir? + +AUTOLYCUS: +Whether it like me or no, I am a courtier. Seest +thou not the air of the court in these enfoldings? +hath not my gait in it the measure of the court? +receives not thy nose court-odor from me? reflect I +not on thy baseness court-contempt? Thinkest thou, +for that I insinuate, or toaze from thee thy +business, I am therefore no courtier? I am courtier +cap-a-pe; and one that will either push on or pluck +back thy business there: whereupon I command thee to +open thy affair. + +Shepherd: +My business, sir, is to the king. + +AUTOLYCUS: +What advocate hast thou to him? + +Shepherd: +I know not, an't like you. + +Clown: +Advocate's the court-word for a pheasant: say you +have none. + +Shepherd: +None, sir; I have no pheasant, cock nor hen. + +AUTOLYCUS: +How blessed are we that are not simple men! +Yet nature might have made me as these are, +Therefore I will not disdain. + +Clown: +This cannot be but a great courtier. + +Shepherd: +His garments are rich, but he wears +them not handsomely. + +Clown: +He seems to be the more noble in being fantastical: +a great man, I'll warrant; I know by the picking +on's teeth. + +AUTOLYCUS: +The fardel there? what's i' the fardel? +Wherefore that box? + +Shepherd: +Sir, there lies such secrets in this fardel and box, +which none must know but the king; and which he +shall know within this hour, if I may come to the +speech of him. + +AUTOLYCUS: +Age, thou hast lost thy labour. + +Shepherd: +Why, sir? + +AUTOLYCUS: +The king is not at the palace; he is gone aboard a +new ship to purge melancholy and air himself: for, +if thou beest capable of things serious, thou must +know the king is full of grief. + +Shepard: +So 'tis said, sir; about his son, that should have +married a shepherd's daughter. + +AUTOLYCUS: +If that shepherd be not in hand-fast, let him fly: +the curses he shall have, the tortures he shall +feel, will break the back of man, the heart of monster. + +Clown: +Think you so, sir? + +AUTOLYCUS: +Not he alone shall suffer what wit can make heavy +and vengeance bitter; but those that are germane to +him, though removed fifty times, shall all come +under the hangman: which though it be great pity, +yet it is necessary. An old sheep-whistling rogue a +ram-tender, to offer to have his daughter come into +grace! Some say he shall be stoned; but that death +is too soft for him, say I draw our throne into a +sheep-cote! all deaths are too few, the sharpest too easy. + +Clown: +Has the old man e'er a son, sir, do you hear. an't +like you, sir? + +AUTOLYCUS: +He has a son, who shall be flayed alive; then +'nointed over with honey, set on the head of a +wasp's nest; then stand till he be three quarters +and a dram dead; then recovered again with +aqua-vitae or some other hot infusion; then, raw as +he is, and in the hottest day prognostication +proclaims, shall be be set against a brick-wall, the +sun looking with a southward eye upon him, where he +is to behold him with flies blown to death. But what +talk we of these traitorly rascals, whose miseries +are to be smiled at, their offences being so +capital? Tell me, for you seem to be honest plain +men, what you have to the king: being something +gently considered, I'll bring you where he is +aboard, tender your persons to his presence, +whisper him in your behalfs; and if it be in man +besides the king to effect your suits, here is man +shall do it. + +Clown: +He seems to be of great authority: close with him, +give him gold; and though authority be a stubborn +bear, yet he is oft led by the nose with gold: show +the inside of your purse to the outside of his hand, +and no more ado. Remember 'stoned,' and 'flayed alive.' + +Shepherd: +An't please you, sir, to undertake the business for +us, here is that gold I have: I'll make it as much +more and leave this young man in pawn till I bring it you. + +AUTOLYCUS: +After I have done what I promised? + +Shepherd: +Ay, sir. + +AUTOLYCUS: +Well, give me the moiety. Are you a party in this business? + +Clown: +In some sort, sir: but though my case be a pitiful +one, I hope I shall not be flayed out of it. + +AUTOLYCUS: +O, that's the case of the shepherd's son: hang him, +he'll be made an example. + +Clown: +Comfort, good comfort! We must to the king and show +our strange sights: he must know 'tis none of your +daughter nor my sister; we are gone else. Sir, I +will give you as much as this old man does when the +business is performed, and remain, as he says, your +pawn till it be brought you. + +AUTOLYCUS: +I will trust you. Walk before toward the sea-side; +go on the right hand: I will but look upon the +hedge and follow you. + +Clown: +We are blest in this man, as I may say, even blest. + +Shepherd: +Let's before as he bids us: he was provided to do us good. + +AUTOLYCUS: +If I had a mind to be honest, I see Fortune would +not suffer me: she drops booties in my mouth. I am +courted now with a double occasion, gold and a means +to do the prince my master good; which who knows how +that may turn back to my advancement? I will bring +these two moles, these blind ones, aboard him: if he +think it fit to shore them again and that the +complaint they have to the king concerns him +nothing, let him call me rogue for being so far +officious; for I am proof against that title and +what shame else belongs to't. To him will I present +them: there may be matter in it. + +CLEOMENES: +Sir, you have done enough, and have perform'd +A saint-like sorrow: no fault could you make, +Which you have not redeem'd; indeed, paid down +More penitence than done trespass: at the last, +Do as the heavens have done, forget your evil; +With them forgive yourself. + +LEONTES: +Whilst I remember +Her and her virtues, I cannot forget +My blemishes in them, and so still think of +The wrong I did myself; which was so much, +That heirless it hath made my kingdom and +Destroy'd the sweet'st companion that e'er man +Bred his hopes out of. + +PAULINA: +True, too true, my lord: +If, one by one, you wedded all the world, +Or from the all that are took something good, +To make a perfect woman, she you kill'd +Would be unparallel'd. + +LEONTES: +I think so. Kill'd! +She I kill'd! I did so: but thou strikest me +Sorely, to say I did; it is as bitter +Upon thy tongue as in my thought: now, good now, +Say so but seldom. + +CLEOMENES: +Not at all, good lady: +You might have spoken a thousand things that would +Have done the time more benefit and graced +Your kindness better. + +PAULINA: +You are one of those +Would have him wed again. + +DION: +If you would not so, +You pity not the state, nor the remembrance +Of his most sovereign name; consider little +What dangers, by his highness' fail of issue, +May drop upon his kingdom and devour +Incertain lookers on. What were more holy +Than to rejoice the former queen is well? +What holier than, for royalty's repair, +For present comfort and for future good, +To bless the bed of majesty again +With a sweet fellow to't? + +PAULINA: +There is none worthy, +Respecting her that's gone. Besides, the gods +Will have fulfill'd their secret purposes; +For has not the divine Apollo said, +Is't not the tenor of his oracle, +That King Leontes shall not have an heir +Till his lost child be found? which that it shall, +Is all as monstrous to our human reason +As my Antigonus to break his grave +And come again to me; who, on my life, +Did perish with the infant. 'Tis your counsel +My lord should to the heavens be contrary, +Oppose against their wills. +Care not for issue; +The crown will find an heir: great Alexander +Left his to the worthiest; so his successor +Was like to be the best. + +LEONTES: +Good Paulina, +Who hast the memory of Hermione, +I know, in honour, O, that ever I +Had squared me to thy counsel! then, even now, +I might have look'd upon my queen's full eyes, +Have taken treasure from her lips-- + +PAULINA: +And left them +More rich for what they yielded. + +LEONTES: +Thou speak'st truth. +No more such wives; therefore, no wife: one worse, +And better used, would make her sainted spirit +Again possess her corpse, and on this stage, +Where we're offenders now, appear soul-vex'd, +And begin, 'Why to me?' + +PAULINA: +Had she such power, +She had just cause. + +LEONTES: +She had; and would incense me +To murder her I married. + +PAULINA: +I should so. +Were I the ghost that walk'd, I'ld bid you mark +Her eye, and tell me for what dull part in't +You chose her; then I'ld shriek, that even your ears +Should rift to hear me; and the words that follow'd +Should be 'Remember mine.' + +LEONTES: +Stars, stars, +And all eyes else dead coals! Fear thou no wife; +I'll have no wife, Paulina. + +PAULINA: +Will you swear +Never to marry but by my free leave? + +LEONTES: +Never, Paulina; so be blest my spirit! + +PAULINA: +Then, good my lords, bear witness to his oath. + +CLEOMENES: +You tempt him over-much. + +PAULINA: +Unless another, +As like Hermione as is her picture, +Affront his eye. + +CLEOMENES: +Good madam,-- + +PAULINA: +I have done. +Yet, if my lord will marry,--if you will, sir, +No remedy, but you will,--give me the office +To choose you a queen: she shall not be so young +As was your former; but she shall be such +As, walk'd your first queen's ghost, +it should take joy +To see her in your arms. + +LEONTES: +My true Paulina, +We shall not marry till thou bid'st us. + +PAULINA: +That +Shall be when your first queen's again in breath; +Never till then. + +Gentleman: +One that gives out himself Prince Florizel, +Son of Polixenes, with his princess, she +The fairest I have yet beheld, desires access +To your high presence. + +LEONTES: +What with him? he comes not +Like to his father's greatness: his approach, +So out of circumstance and sudden, tells us +'Tis not a visitation framed, but forced +By need and accident. What train? + +Gentleman: +But few, +And those but mean. + +LEONTES: +His princess, say you, with him? + +Gentleman: +Ay, the most peerless piece of earth, I think, +That e'er the sun shone bright on. + +PAULINA: +O Hermione, +As every present time doth boast itself +Above a better gone, so must thy grave +Give way to what's seen now! Sir, you yourself +Have said and writ so, but your writing now +Is colder than that theme, 'She had not been, +Nor was not to be equall'd;'--thus your verse +Flow'd with her beauty once: 'tis shrewdly ebb'd, +To say you have seen a better. + +Gentleman: +Pardon, madam: +The one I have almost forgot,--your pardon,-- +The other, when she has obtain'd your eye, +Will have your tongue too. This is a creature, +Would she begin a sect, might quench the zeal +Of all professors else, make proselytes +Of who she but bid follow. + +PAULINA: +How! not women? + +Gentleman: +Women will love her, that she is a woman +More worth than any man; men, that she is +The rarest of all women. + +LEONTES: +Go, Cleomenes; +Yourself, assisted with your honour'd friends, +Bring them to our embracement. Still, 'tis strange +He thus should steal upon us. + +PAULINA: +Had our prince, +Jewel of children, seen this hour, he had pair'd +Well with this lord: there was not full a month +Between their births. + +LEONTES: +Prithee, no more; cease; thou know'st +He dies to me again when talk'd of: sure, +When I shall see this gentleman, thy speeches +Will bring me to consider that which may +Unfurnish me of reason. They are come. +Your mother was most true to wedlock, prince; +For she did print your royal father off, +Conceiving you: were I but twenty-one, +Your father's image is so hit in you, +His very air, that I should call you brother, +As I did him, and speak of something wildly +By us perform'd before. Most dearly welcome! +And your fair princess,--goddess!--O, alas! +I lost a couple, that 'twixt heaven and earth +Might thus have stood begetting wonder as +You, gracious couple, do: and then I lost-- +All mine own folly--the society, +Amity too, of your brave father, whom, +Though bearing misery, I desire my life +Once more to look on him. + +FLORIZEL: +By his command +Have I here touch'd Sicilia and from him +Give you all greetings that a king, at friend, +Can send his brother: and, but infirmity +Which waits upon worn times hath something seized +His wish'd ability, he had himself +The lands and waters 'twixt your throne and his +Measured to look upon you; whom he loves-- +He bade me say so--more than all the sceptres +And those that bear them living. + +LEONTES: +O my brother, +Good gentleman! the wrongs I have done thee stir +Afresh within me, and these thy offices, +So rarely kind, are as interpreters +Of my behind-hand slackness. Welcome hither, +As is the spring to the earth. And hath he too +Exposed this paragon to the fearful usage, +At least ungentle, of the dreadful Neptune, +To greet a man not worth her pains, much less +The adventure of her person? + +FLORIZEL: +Good my lord, +She came from Libya. + +LEONTES: +Where the warlike Smalus, +That noble honour'd lord, is fear'd and loved? + +FLORIZEL: +Most royal sir, from thence; from him, whose daughter +His tears proclaim'd his, parting with her: thence, +A prosperous south-wind friendly, we have cross'd, +To execute the charge my father gave me +For visiting your highness: my best train +I have from your Sicilian shores dismiss'd; +Who for Bohemia bend, to signify +Not only my success in Libya, sir, +But my arrival and my wife's in safety +Here where we are. + +LEONTES: +The blessed gods +Purge all infection from our air whilst you +Do climate here! You have a holy father, +A graceful gentleman; against whose person, +So sacred as it is, I have done sin: +For which the heavens, taking angry note, +Have left me issueless; and your father's blest, +As he from heaven merits it, with you +Worthy his goodness. What might I have been, +Might I a son and daughter now have look'd on, +Such goodly things as you! + +Lord: +Most noble sir, +That which I shall report will bear no credit, +Were not the proof so nigh. Please you, great sir, +Bohemia greets you from himself by me; +Desires you to attach his son, who has-- +His dignity and duty both cast off-- +Fled from his father, from his hopes, and with +A shepherd's daughter. + +LEONTES: +Where's Bohemia? speak. + +Lord: +Here in your city; I now came from him: +I speak amazedly; and it becomes +My marvel and my message. To your court +Whiles he was hastening, in the chase, it seems, +Of this fair couple, meets he on the way +The father of this seeming lady and +Her brother, having both their country quitted +With this young prince. + +FLORIZEL: +Camillo has betray'd me; +Whose honour and whose honesty till now +Endured all weathers. + +Lord: +Lay't so to his charge: +He's with the king your father. + +LEONTES: +Who? Camillo? + +Lord: +Camillo, sir; I spake with him; who now +Has these poor men in question. Never saw I +Wretches so quake: they kneel, they kiss the earth; +Forswear themselves as often as they speak: +Bohemia stops his ears, and threatens them +With divers deaths in death. + +PERDITA: +O my poor father! +The heaven sets spies upon us, will not have +Our contract celebrated. + +LEONTES: +You are married? + +FLORIZEL: +We are not, sir, nor are we like to be; +The stars, I see, will kiss the valleys first: +The odds for high and low's alike. + +LEONTES: +My lord, +Is this the daughter of a king? + +FLORIZEL: +She is, +When once she is my wife. + +LEONTES: +That 'once' I see by your good father's speed +Will come on very slowly. I am sorry, +Most sorry, you have broken from his liking +Where you were tied in duty, and as sorry +Your choice is not so rich in worth as beauty, +That you might well enjoy her. + +FLORIZEL: +Dear, look up: +Though Fortune, visible an enemy, +Should chase us with my father, power no jot +Hath she to change our loves. Beseech you, sir, +Remember since you owed no more to time +Than I do now: with thought of such affections, +Step forth mine advocate; at your request +My father will grant precious things as trifles. + +LEONTES: +Would he do so, I'ld beg your precious mistress, +Which he counts but a trifle. + +PAULINA: +Sir, my liege, +Your eye hath too much youth in't: not a month +'Fore your queen died, she was more worth such gazes +Than what you look on now. + +LEONTES: +I thought of her, +Even in these looks I made. +But your petition +Is yet unanswer'd. I will to your father: +Your honour not o'erthrown by your desires, +I am friend to them and you: upon which errand +I now go toward him; therefore follow me +And mark what way I make: come, good my lord. + +AUTOLYCUS: +Beseech you, sir, were you present at this relation? + +First Gentleman: +I was by at the opening of the fardel, heard the old +shepherd deliver the manner how he found it: +whereupon, after a little amazedness, we were all +commanded out of the chamber; only this methought I +heard the shepherd say, he found the child. + +AUTOLYCUS: +I would most gladly know the issue of it. + +First Gentleman: +I make a broken delivery of the business; but the +changes I perceived in the king and Camillo were +very notes of admiration: they seemed almost, with +staring on one another, to tear the cases of their +eyes; there was speech in their dumbness, language +in their very gesture; they looked as they had heard +of a world ransomed, or one destroyed: a notable +passion of wonder appeared in them; but the wisest +beholder, that knew no more but seeing, could not +say if the importance were joy or sorrow; but in the +extremity of the one, it must needs be. +Here comes a gentleman that haply knows more. +The news, Rogero? + +Second Gentleman: +Nothing but bonfires: the oracle is fulfilled; the +king's daughter is found: such a deal of wonder is +broken out within this hour that ballad-makers +cannot be able to express it. +Here comes the Lady Paulina's steward: he can +deliver you more. How goes it now, sir? this news +which is called true is so like an old tale, that +the verity of it is in strong suspicion: has the king +found his heir? + +Third Gentleman: +Most true, if ever truth were pregnant by +circumstance: that which you hear you'll swear you +see, there is such unity in the proofs. The mantle +of Queen Hermione's, her jewel about the neck of it, +the letters of Antigonus found with it which they +know to be his character, the majesty of the +creature in resemblance of the mother, the affection +of nobleness which nature shows above her breeding, +and many other evidences proclaim her with all +certainty to be the king's daughter. Did you see +the meeting of the two kings? + +Second Gentleman: +No. + +Third Gentleman: +Then have you lost a sight, which was to be seen, +cannot be spoken of. There might you have beheld one +joy crown another, so and in such manner that it +seemed sorrow wept to take leave of them, for their +joy waded in tears. There was casting up of eyes, +holding up of hands, with countenances of such +distraction that they were to be known by garment, +not by favour. Our king, being ready to leap out of +himself for joy of his found daughter, as if that +joy were now become a loss, cries 'O, thy mother, +thy mother!' then asks Bohemia forgiveness; then +embraces his son-in-law; then again worries he his +daughter with clipping her; now he thanks the old +shepherd, which stands by like a weather-bitten +conduit of many kings' reigns. I never heard of such +another encounter, which lames report to follow it +and undoes description to do it. + +Second Gentleman: +What, pray you, became of Antigonus, that carried +hence the child? + +Third Gentleman: +Like an old tale still, which will have matter to +rehearse, though credit be asleep and not an ear +open. He was torn to pieces with a bear: this +avouches the shepherd's son; who has not only his +innocence, which seems much, to justify him, but a +handkerchief and rings of his that Paulina knows. + +First Gentleman: +What became of his bark and his followers? + +Third Gentleman: +Wrecked the same instant of their master's death and +in the view of the shepherd: so that all the +instruments which aided to expose the child were +even then lost when it was found. But O, the noble +combat that 'twixt joy and sorrow was fought in +Paulina! She had one eye declined for the loss of +her husband, another elevated that the oracle was +fulfilled: she lifted the princess from the earth, +and so locks her in embracing, as if she would pin +her to her heart that she might no more be in danger +of losing. + +First Gentleman: +The dignity of this act was worth the audience of +kings and princes; for by such was it acted. + +Third Gentleman: +One of the prettiest touches of all and that which +angled for mine eyes, caught the water though not +the fish, was when, at the relation of the queen's +death, with the manner how she came to't bravely +confessed and lamented by the king, how +attentiveness wounded his daughter; till, from one +sign of dolour to another, she did, with an 'Alas,' +I would fain say, bleed tears, for I am sure my +heart wept blood. Who was most marble there changed +colour; some swooned, all sorrowed: if all the world +could have seen 't, the woe had been universal. + +First Gentleman: +Are they returned to the court? + +Third Gentleman: +No: the princess hearing of her mother's statue, +which is in the keeping of Paulina,--a piece many +years in doing and now newly performed by that rare +Italian master, Julio Romano, who, had he himself +eternity and could put breath into his work, would +beguile Nature of her custom, so perfectly he is her +ape: he so near to Hermione hath done Hermione that +they say one would speak to her and stand in hope of +answer: thither with all greediness of affection +are they gone, and there they intend to sup. + +Second Gentleman: +I thought she had some great matter there in hand; +for she hath privately twice or thrice a day, ever +since the death of Hermione, visited that removed +house. Shall we thither and with our company piece +the rejoicing? + +First Gentleman: +Who would be thence that has the benefit of access? +every wink of an eye some new grace will be born: +our absence makes us unthrifty to our knowledge. +Let's along. + +AUTOLYCUS: +Now, had I not the dash of my former life in me, +would preferment drop on my head. I brought the old +man and his son aboard the prince: told him I heard +them talk of a fardel and I know not what: but he +at that time, overfond of the shepherd's daughter, +so he then took her to be, who began to be much +sea-sick, and himself little better, extremity of +weather continuing, this mystery remained +undiscovered. But 'tis all one to me; for had I +been the finder out of this secret, it would not +have relished among my other discredits. +Here come those I have done good to against my will, +and already appearing in the blossoms of their fortune. + +Shepherd: +Come, boy; I am past moe children, but thy sons and +daughters will be all gentlemen born. + +Clown: +You are well met, sir. You denied to fight with me +this other day, because I was no gentleman born. +See you these clothes? say you see them not and +think me still no gentleman born: you were best say +these robes are not gentlemen born: give me the +lie, do, and try whether I am not now a gentleman born. + +AUTOLYCUS: +I know you are now, sir, a gentleman born. + +Clown: +Ay, and have been so any time these four hours. + +Shepherd: +And so have I, boy. + +Clown: +So you have: but I was a gentleman born before my +father; for the king's son took me by the hand, and +called me brother; and then the two kings called my +father brother; and then the prince my brother and +the princess my sister called my father father; and +so we wept, and there was the first gentleman-like +tears that ever we shed. + +Shepherd: +We may live, son, to shed many more. + +Clown: +Ay; or else 'twere hard luck, being in so +preposterous estate as we are. + +AUTOLYCUS: +I humbly beseech you, sir, to pardon me all the +faults I have committed to your worship and to give +me your good report to the prince my master. + +Shepherd: +Prithee, son, do; for we must be gentle, now we are +gentlemen. + +Clown: +Thou wilt amend thy life? + +AUTOLYCUS: +Ay, an it like your good worship. + +Clown: +Give me thy hand: I will swear to the prince thou +art as honest a true fellow as any is in Bohemia. + +Shepherd: +You may say it, but not swear it. + +Clown: +Not swear it, now I am a gentleman? Let boors and +franklins say it, I'll swear it. + +Shepherd: +How if it be false, son? + +Clown: +If it be ne'er so false, a true gentleman may swear +it in the behalf of his friend: and I'll swear to +the prince thou art a tall fellow of thy hands and +that thou wilt not be drunk; but I know thou art no +tall fellow of thy hands and that thou wilt be +drunk: but I'll swear it, and I would thou wouldst +be a tall fellow of thy hands. + +AUTOLYCUS: +I will prove so, sir, to my power. + +Clown: +Ay, by any means prove a tall fellow: if I do not +wonder how thou darest venture to be drunk, not +being a tall fellow, trust me not. Hark! the kings +and the princes, our kindred, are going to see the +queen's picture. Come, follow us: we'll be thy +good masters. + +LEONTES: +O grave and good Paulina, the great comfort +That I have had of thee! + +PAULINA: +What, sovereign sir, +I did not well I meant well. All my services +You have paid home: but that you have vouchsafed, +With your crown'd brother and these your contracted +Heirs of your kingdoms, my poor house to visit, +It is a surplus of your grace, which never +My life may last to answer. + +LEONTES: +O Paulina, +We honour you with trouble: but we came +To see the statue of our queen: your gallery +Have we pass'd through, not without much content +In many singularities; but we saw not +That which my daughter came to look upon, +The statue of her mother. + +PAULINA: +As she lived peerless, +So her dead likeness, I do well believe, +Excels whatever yet you look'd upon +Or hand of man hath done; therefore I keep it +Lonely, apart. But here it is: prepare +To see the life as lively mock'd as ever +Still sleep mock'd death: behold, and say 'tis well. +I like your silence, it the more shows off +Your wonder: but yet speak; first, you, my liege, +Comes it not something near? + +LEONTES: +Her natural posture! +Chide me, dear stone, that I may say indeed +Thou art Hermione; or rather, thou art she +In thy not chiding, for she was as tender +As infancy and grace. But yet, Paulina, +Hermione was not so much wrinkled, nothing +So aged as this seems. + +POLIXENES: +O, not by much. + +PAULINA: +So much the more our carver's excellence; +Which lets go by some sixteen years and makes her +As she lived now. + +LEONTES: +As now she might have done, +So much to my good comfort, as it is +Now piercing to my soul. O, thus she stood, +Even with such life of majesty, warm life, +As now it coldly stands, when first I woo'd her! +I am ashamed: does not the stone rebuke me +For being more stone than it? O royal piece, +There's magic in thy majesty, which has +My evils conjured to remembrance and +From thy admiring daughter took the spirits, +Standing like stone with thee. + +PERDITA: +And give me leave, +And do not say 'tis superstition, that +I kneel and then implore her blessing. Lady, +Dear queen, that ended when I but began, +Give me that hand of yours to kiss. + +PAULINA: +O, patience! +The statue is but newly fix'd, the colour's Not dry. + +CAMILLO: +My lord, your sorrow was too sore laid on, +Which sixteen winters cannot blow away, +So many summers dry; scarce any joy +Did ever so long live; no sorrow +But kill'd itself much sooner. + +POLIXENES: +Dear my brother, +Let him that was the cause of this have power +To take off so much grief from you as he +Will piece up in himself. + +PAULINA: +Indeed, my lord, +If I had thought the sight of my poor image +Would thus have wrought you,--for the stone is mine-- +I'ld not have show'd it. + +LEONTES: +Do not draw the curtain. + +PAULINA: +No longer shall you gaze on't, lest your fancy +May think anon it moves. + +LEONTES: +Let be, let be. +Would I were dead, but that, methinks, already-- +What was he that did make it? See, my lord, +Would you not deem it breathed? and that those veins +Did verily bear blood? + +POLIXENES: +Masterly done: +The very life seems warm upon her lip. + +LEONTES: +The fixture of her eye has motion in't, +As we are mock'd with art. + +PAULINA: +I'll draw the curtain: +My lord's almost so far transported that +He'll think anon it lives. + +LEONTES: +O sweet Paulina, +Make me to think so twenty years together! +No settled senses of the world can match +The pleasure of that madness. Let 't alone. + +PAULINA: +I am sorry, sir, I have thus far stirr'd you: but +I could afflict you farther. + +LEONTES: +Do, Paulina; +For this affliction has a taste as sweet +As any cordial comfort. Still, methinks, +There is an air comes from her: what fine chisel +Could ever yet cut breath? Let no man mock me, +For I will kiss her. + +PAULINA: +Good my lord, forbear: +The ruddiness upon her lip is wet; +You'll mar it if you kiss it, stain your own +With oily painting. Shall I draw the curtain? + +LEONTES: +No, not these twenty years. + +PERDITA: +So long could I +Stand by, a looker on. + +PAULINA: +Either forbear, +Quit presently the chapel, or resolve you +For more amazement. If you can behold it, +I'll make the statue move indeed, descend +And take you by the hand; but then you'll think-- +Which I protest against--I am assisted +By wicked powers. + +LEONTES: +What you can make her do, +I am content to look on: what to speak, +I am content to hear; for 'tis as easy +To make her speak as move. + +PAULINA: +It is required +You do awake your faith. Then all stand still; +On: those that think it is unlawful business +I am about, let them depart. + +LEONTES: +Proceed: +No foot shall stir. + +PAULINA: +Music, awake her; strike! +'Tis time; descend; be stone no more; approach; +Strike all that look upon with marvel. Come, +I'll fill your grave up: stir, nay, come away, +Bequeath to death your numbness, for from him +Dear life redeems you. You perceive she stirs: +Start not; her actions shall be holy as +You hear my spell is lawful: do not shun her +Until you see her die again; for then +You kill her double. Nay, present your hand: +When she was young you woo'd her; now in age +Is she become the suitor? + +LEONTES: +O, she's warm! +If this be magic, let it be an art +Lawful as eating. + +POLIXENES: +She embraces him. + +CAMILLO: +She hangs about his neck: +If she pertain to life let her speak too. + +POLIXENES: +Ay, and make't manifest where she has lived, +Or how stolen from the dead. + +PAULINA: +That she is living, +Were it but told you, should be hooted at +Like an old tale: but it appears she lives, +Though yet she speak not. Mark a little while. +Please you to interpose, fair madam: kneel +And pray your mother's blessing. Turn, good lady; +Our Perdita is found. + +HERMIONE: +You gods, look down +And from your sacred vials pour your graces +Upon my daughter's head! Tell me, mine own. +Where hast thou been preserved? where lived? how found +Thy father's court? for thou shalt hear that I, +Knowing by Paulina that the oracle +Gave hope thou wast in being, have preserved +Myself to see the issue. + +PAULINA: +There's time enough for that; +Lest they desire upon this push to trouble +Your joys with like relation. Go together, +You precious winners all; your exultation +Partake to every one. I, an old turtle, +Will wing me to some wither'd bough and there +My mate, that's never to be found again, +Lament till I am lost. + +LEONTES: +O, peace, Paulina! +Thou shouldst a husband take by my consent, +As I by thine a wife: this is a match, +And made between's by vows. Thou hast found mine; +But how, is to be question'd; for I saw her, +As I thought, dead, and have in vain said many +A prayer upon her grave. I'll not seek far-- +For him, I partly know his mind--to find thee +An honourable husband. Come, Camillo, +And take her by the hand, whose worth and honesty +Is richly noted and here justified +By us, a pair of kings. Let's from this place. +What! look upon my brother: both your pardons, +That e'er I put between your holy looks +My ill suspicion. This is your son-in-law, +And son unto the king, who, heavens directing, +Is troth-plight to your daughter. Good Paulina, +Lead us from hence, where we may leisurely +Each one demand an answer to his part +Perform'd in this wide gap of time since first +We were dissever'd: hastily lead away. + +DUKE VINCENTIO: +Escalus. + +ESCALUS: +My lord. + +DUKE VINCENTIO: +Of government the properties to unfold, +Would seem in me to affect speech and discourse; +Since I am put to know that your own science +Exceeds, in that, the lists of all advice +My strength can give you: then no more remains, +But that to your sufficiency, as your Worth is able, +And let them work. The nature of our people, +Our city's institutions, and the terms +For common justice, you're as pregnant in +As art and practise hath enriched any +That we remember. There is our commission, +From which we would not have you warp. Call hither, +I say, bid come before us Angelo. +What figure of us think you he will bear? +For you must know, we have with special soul +Elected him our absence to supply, +Lent him our terror, dress'd him with our love, +And given his deputation all the organs +Of our own power: what think you of it? + +ESCALUS: +If any in Vienna be of worth +To undergo such ample grace and honour, +It is Lord Angelo. + +DUKE VINCENTIO: +Look where he comes. + +ANGELO: +Always obedient to your grace's will, +I come to know your pleasure. + +DUKE VINCENTIO: +Angelo, +There is a kind of character in thy life, +That to the observer doth thy history +Fully unfold. Thyself and thy belongings +Are not thine own so proper as to waste +Thyself upon thy virtues, they on thee. +Heaven doth with us as we with torches do, +Not light them for themselves; for if our virtues +Did not go forth of us, 'twere all alike +As if we had them not. Spirits are not finely touch'd +But to fine issues, nor Nature never lends +The smallest scruple of her excellence +But, like a thrifty goddess, she determines +Herself the glory of a creditor, +Both thanks and use. But I do bend my speech +To one that can my part in him advertise; +Hold therefore, Angelo:-- +In our remove be thou at full ourself; +Mortality and mercy in Vienna +Live in thy tongue and heart: old Escalus, +Though first in question, is thy secondary. +Take thy commission. + +ANGELO: +Now, good my lord, +Let there be some more test made of my metal, +Before so noble and so great a figure +Be stamp'd upon it. + +DUKE VINCENTIO: +No more evasion: +We have with a leaven'd and prepared choice +Proceeded to you; therefore take your honours. +Our haste from hence is of so quick condition +That it prefers itself and leaves unquestion'd +Matters of needful value. We shall write to you, +As time and our concernings shall importune, +How it goes with us, and do look to know +What doth befall you here. So, fare you well; +To the hopeful execution do I leave you +Of your commissions. + +ANGELO: +Yet give leave, my lord, +That we may bring you something on the way. + +DUKE VINCENTIO: +My haste may not admit it; +Nor need you, on mine honour, have to do +With any scruple; your scope is as mine own +So to enforce or qualify the laws +As to your soul seems good. Give me your hand: +I'll privily away. I love the people, +But do not like to stage me to their eyes: +Through it do well, I do not relish well +Their loud applause and Aves vehement; +Nor do I think the man of safe discretion +That does affect it. Once more, fare you well. + +ANGELO: +The heavens give safety to your purposes! + +ESCALUS: +Lead forth and bring you back in happiness! + +DUKE: +I thank you. Fare you well. + +ESCALUS: +I shall desire you, sir, to give me leave +To have free speech with you; and it concerns me +To look into the bottom of my place: +A power I have, but of what strength and nature +I am not yet instructed. + +ANGELO: +'Tis so with me. Let us withdraw together, +And we may soon our satisfaction have +Touching that point. + +ESCALUS: +I'll wait upon your honour. + +LUCIO: +If the duke with the other dukes come not to +composition with the King of Hungary, why then all +the dukes fall upon the king. + +First Gentleman: +Heaven grant us its peace, but not the King of +Hungary's! + +Second Gentleman: +Amen. + +LUCIO: +Thou concludest like the sanctimonious pirate, that +went to sea with the Ten Commandments, but scraped +one out of the table. + +Second Gentleman: +'Thou shalt not steal'? + +LUCIO: +Ay, that he razed. + +First Gentleman: +Why, 'twas a commandment to command the captain and +all the rest from their functions: they put forth +to steal. There's not a soldier of us all, that, in +the thanksgiving before meat, do relish the petition +well that prays for peace. + +Second Gentleman: +I never heard any soldier dislike it. + +LUCIO: +I believe thee; for I think thou never wast where +grace was said. + +Second Gentleman: +No? a dozen times at least. + +First Gentleman: +What, in metre? + +LUCIO: +In any proportion or in any language. + +First Gentleman: +I think, or in any religion. + +LUCIO: +Ay, why not? Grace is grace, despite of all +controversy: as, for example, thou thyself art a +wicked villain, despite of all grace. + +First Gentleman: +Well, there went but a pair of shears between us. + +LUCIO: +I grant; as there may between the lists and the +velvet. Thou art the list. + +First Gentleman: +And thou the velvet: thou art good velvet; thou'rt +a three-piled piece, I warrant thee: I had as lief +be a list of an English kersey as be piled, as thou +art piled, for a French velvet. Do I speak +feelingly now? + +LUCIO: +I think thou dost; and, indeed, with most painful +feeling of thy speech: I will, out of thine own +confession, learn to begin thy health; but, whilst I +live, forget to drink after thee. + +First Gentleman: +I think I have done myself wrong, have I not? + +Second Gentleman: +Yes, that thou hast, whether thou art tainted or free. + +LUCIO: +Behold, behold. where Madam Mitigation comes! I +have purchased as many diseases under her roof as come to-- + +Second Gentleman: +To what, I pray? + +LUCIO: +Judge. + +Second Gentleman: +To three thousand dolours a year. + +First Gentleman: +Ay, and more. + +LUCIO: +A French crown more. + +First Gentleman: +Thou art always figuring diseases in me; but thou +art full of error; I am sound. + +LUCIO: +Nay, not as one would say, healthy; but so sound as +things that are hollow: thy bones are hollow; +impiety has made a feast of thee. + +First Gentleman: +How now! which of your hips has the most profound sciatica? + +MISTRESS OVERDONE: +Well, well; there's one yonder arrested and carried +to prison was worth five thousand of you all. + +Second Gentleman: +Who's that, I pray thee? + +MISTRESS OVERDONE: +Marry, sir, that's Claudio, Signior Claudio. + +First Gentleman: +Claudio to prison? 'tis not so. + +MISTRESS OVERDONE: +Nay, but I know 'tis so: I saw him arrested, saw +him carried away; and, which is more, within these +three days his head to be chopped off. + +LUCIO: +But, after all this fooling, I would not have it so. +Art thou sure of this? + +MISTRESS OVERDONE: +I am too sure of it: and it is for getting Madam +Julietta with child. + +LUCIO: +Believe me, this may be: he promised to meet me two +hours since, and he was ever precise in +promise-keeping. + +Second Gentleman: +Besides, you know, it draws something near to the +speech we had to such a purpose. + +First Gentleman: +But, most of all, agreeing with the proclamation. + +LUCIO: +Away! let's go learn the truth of it. + +MISTRESS OVERDONE: +Thus, what with the war, what with the sweat, what +with the gallows and what with poverty, I am +custom-shrunk. +How now! what's the news with you? + +POMPEY: +Yonder man is carried to prison. + +MISTRESS OVERDONE: +Well; what has he done? + +POMPEY: +A woman. + +MISTRESS OVERDONE: +But what's his offence? + +POMPEY: +Groping for trouts in a peculiar river. + +MISTRESS OVERDONE: +What, is there a maid with child by him? + +POMPEY: +No, but there's a woman with maid by him. You have +not heard of the proclamation, have you? + +MISTRESS OVERDONE: +What proclamation, man? + +POMPEY: +All houses in the suburbs of Vienna must be plucked down. + +MISTRESS OVERDONE: +And what shall become of those in the city? + +POMPEY: +They shall stand for seed: they had gone down too, +but that a wise burgher put in for them. + +MISTRESS OVERDONE: +But shall all our houses of resort in the suburbs be +pulled down? + +POMPEY: +To the ground, mistress. + +MISTRESS OVERDONE: +Why, here's a change indeed in the commonwealth! +What shall become of me? + +POMPEY: +Come; fear you not: good counsellors lack no +clients: though you change your place, you need not +change your trade; I'll be your tapster still. +Courage! there will be pity taken on you: you that +have worn your eyes almost out in the service, you +will be considered. + +MISTRESS OVERDONE: +What's to do here, Thomas tapster? let's withdraw. + +POMPEY: +Here comes Signior Claudio, led by the provost to +prison; and there's Madam Juliet. + +CLAUDIO: +Fellow, why dost thou show me thus to the world? +Bear me to prison, where I am committed. + +Provost: +I do it not in evil disposition, +But from Lord Angelo by special charge. + +CLAUDIO: +Thus can the demigod Authority +Make us pay down for our offence by weight +The words of heaven; on whom it will, it will; +On whom it will not, so; yet still 'tis just. + +LUCIO: +Why, how now, Claudio! whence comes this restraint? + +CLAUDIO: +From too much liberty, my Lucio, liberty: +As surfeit is the father of much fast, +So every scope by the immoderate use +Turns to restraint. Our natures do pursue, +Like rats that ravin down their proper bane, +A thirsty evil; and when we drink we die. + +LUCIO: +If could speak so wisely under an arrest, I would +send for certain of my creditors: and yet, to say +the truth, I had as lief have the foppery of freedom +as the morality of imprisonment. What's thy +offence, Claudio? + +CLAUDIO: +What but to speak of would offend again. + +LUCIO: +What, is't murder? + +CLAUDIO: +No. + +LUCIO: +Lechery? + +CLAUDIO: +Call it so. + +Provost: +Away, sir! you must go. + +CLAUDIO: +One word, good friend. Lucio, a word with you. + +LUCIO: +A hundred, if they'll do you any good. +Is lechery so look'd after? + +CLAUDIO: +Thus stands it with me: upon a true contract +I got possession of Julietta's bed: +You know the lady; she is fast my wife, +Save that we do the denunciation lack +Of outward order: this we came not to, +Only for propagation of a dower +Remaining in the coffer of her friends, +From whom we thought it meet to hide our love +Till time had made them for us. But it chances +The stealth of our most mutual entertainment +With character too gross is writ on Juliet. + +LUCIO: +With child, perhaps? + +CLAUDIO: +Unhappily, even so. +And the new deputy now for the duke-- +Whether it be the fault and glimpse of newness, +Or whether that the body public be +A horse whereon the governor doth ride, +Who, newly in the seat, that it may know +He can command, lets it straight feel the spur; +Whether the tyranny be in his place, +Or in his emmence that fills it up, +I stagger in:--but this new governor +Awakes me all the enrolled penalties +Which have, like unscour'd armour, hung by the wall +So long that nineteen zodiacs have gone round +And none of them been worn; and, for a name, +Now puts the drowsy and neglected act +Freshly on me: 'tis surely for a name. + +LUCIO: +I warrant it is: and thy head stands so tickle on +thy shoulders that a milkmaid, if she be in love, +may sigh it off. Send after the duke and appeal to +him. + +CLAUDIO: +I have done so, but he's not to be found. +I prithee, Lucio, do me this kind service: +This day my sister should the cloister enter +And there receive her approbation: +Acquaint her with the danger of my state: +Implore her, in my voice, that she make friends +To the strict deputy; bid herself assay him: +I have great hope in that; for in her youth +There is a prone and speechless dialect, +Such as move men; beside, she hath prosperous art +When she will play with reason and discourse, +And well she can persuade. + +LUCIO: +I pray she may; as well for the encouragement of the +like, which else would stand under grievous +imposition, as for the enjoying of thy life, who I +would be sorry should be thus foolishly lost at a +game of tick-tack. I'll to her. + +CLAUDIO: +I thank you, good friend Lucio. + +LUCIO: +Within two hours. + +CLAUDIO: +Come, officer, away! + +DUKE VINCENTIO: +No, holy father; throw away that thought; +Believe not that the dribbling dart of love +Can pierce a complete bosom. Why I desire thee +To give me secret harbour, hath a purpose +More grave and wrinkled than the aims and ends +Of burning youth. + +FRIAR THOMAS: +May your grace speak of it? + +DUKE VINCENTIO: +My holy sir, none better knows than you +How I have ever loved the life removed +And held in idle price to haunt assemblies +Where youth, and cost, and witless bravery keeps. +I have deliver'd to Lord Angelo, +A man of stricture and firm abstinence, +My absolute power and place here in Vienna, +And he supposes me travell'd to Poland; +For so I have strew'd it in the common ear, +And so it is received. Now, pious sir, +You will demand of me why I do this? + +FRIAR THOMAS: +Gladly, my lord. + +DUKE VINCENTIO: +We have strict statutes and most biting laws. +The needful bits and curbs to headstrong weeds, +Which for this nineteen years we have let slip; +Even like an o'ergrown lion in a cave, +That goes not out to prey. Now, as fond fathers, +Having bound up the threatening twigs of birch, +Only to stick it in their children's sight +For terror, not to use, in time the rod +Becomes more mock'd than fear'd; so our decrees, +Dead to infliction, to themselves are dead; +And liberty plucks justice by the nose; +The baby beats the nurse, and quite athwart +Goes all decorum. + +FRIAR THOMAS: +It rested in your grace +To unloose this tied-up justice when you pleased: +And it in you more dreadful would have seem'd +Than in Lord Angelo. + +DUKE VINCENTIO: +I do fear, too dreadful: +Sith 'twas my fault to give the people scope, +'Twould be my tyranny to strike and gall them +For what I bid them do: for we bid this be done, +When evil deeds have their permissive pass +And not the punishment. Therefore indeed, my father, +I have on Angelo imposed the office; +Who may, in the ambush of my name, strike home, +And yet my nature never in the fight +To do in slander. And to behold his sway, +I will, as 'twere a brother of your order, +Visit both prince and people: therefore, I prithee, +Supply me with the habit and instruct me +How I may formally in person bear me +Like a true friar. More reasons for this action +At our more leisure shall I render you; +Only, this one: Lord Angelo is precise; +Stands at a guard with envy; scarce confesses +That his blood flows, or that his appetite +Is more to bread than stone: hence shall we see, +If power change purpose, what our seemers be. + +ISABELLA: +And have you nuns no farther privileges? + +FRANCISCA: +Are not these large enough? + +ISABELLA: +Yes, truly; I speak not as desiring more; +But rather wishing a more strict restraint +Upon the sisterhood, the votarists of Saint Clare. + +LUCIO: + +ISABELLA: +Who's that which calls? + +FRANCISCA: +It is a man's voice. Gentle Isabella, +Turn you the key, and know his business of him; +You may, I may not; you are yet unsworn. +When you have vow'd, you must not speak with men +But in the presence of the prioress: +Then, if you speak, you must not show your face, +Or, if you show your face, you must not speak. +He calls again; I pray you, answer him. + +ISABELLA: +Peace and prosperity! Who is't that calls + +LUCIO: +Hail, virgin, if you be, as those cheek-roses +Proclaim you are no less! Can you so stead me +As bring me to the sight of Isabella, +A novice of this place and the fair sister +To her unhappy brother Claudio? + +ISABELLA: +Why 'her unhappy brother'? let me ask, +The rather for I now must make you know +I am that Isabella and his sister. + +LUCIO: +Gentle and fair, your brother kindly greets you: +Not to be weary with you, he's in prison. + +ISABELLA: +Woe me! for what? + +LUCIO: +For that which, if myself might be his judge, +He should receive his punishment in thanks: +He hath got his friend with child. + +ISABELLA: +Sir, make me not your story. + +LUCIO: +It is true. +I would not--though 'tis my familiar sin +With maids to seem the lapwing and to jest, +Tongue far from heart--play with all virgins so: +I hold you as a thing ensky'd and sainted. +By your renouncement an immortal spirit, +And to be talk'd with in sincerity, +As with a saint. + +ISABELLA: +You do blaspheme the good in mocking me. + +LUCIO: +Do not believe it. Fewness and truth, 'tis thus: +Your brother and his lover have embraced: +As those that feed grow full, as blossoming time +That from the seedness the bare fallow brings +To teeming foison, even so her plenteous womb +Expresseth his full tilth and husbandry. + +ISABELLA: +Some one with child by him? My cousin Juliet? + +LUCIO: +Is she your cousin? + +ISABELLA: +Adoptedly; as school-maids change their names +By vain though apt affection. + +LUCIO: +She it is. + +ISABELLA: +O, let him marry her. + +LUCIO: +This is the point. +The duke is very strangely gone from hence; +Bore many gentlemen, myself being one, +In hand and hope of action: but we do learn +By those that know the very nerves of state, +His givings-out were of an infinite distance +From his true-meant design. Upon his place, +And with full line of his authority, +Governs Lord Angelo; a man whose blood +Is very snow-broth; one who never feels +The wanton stings and motions of the sense, +But doth rebate and blunt his natural edge +With profits of the mind, study and fast. +He--to give fear to use and liberty, +Which have for long run by the hideous law, +As mice by lions--hath pick'd out an act, +Under whose heavy sense your brother's life +Falls into forfeit: he arrests him on it; +And follows close the rigour of the statute, +To make him an example. All hope is gone, +Unless you have the grace by your fair prayer +To soften Angelo: and that's my pith of business +'Twixt you and your poor brother. + +ISABELLA: +Doth he so seek his life? + +LUCIO: +Has censured him +Already; and, as I hear, the provost hath +A warrant for his execution. + +ISABELLA: +Alas! what poor ability's in me +To do him good? + +LUCIO: +Assay the power you have. + +ISABELLA: +My power? Alas, I doubt-- + +LUCIO: +Our doubts are traitors +And make us lose the good we oft might win +By fearing to attempt. Go to Lord Angelo, +And let him learn to know, when maidens sue, +Men give like gods; but when they weep and kneel, +All their petitions are as freely theirs +As they themselves would owe them. + +ISABELLA: +I'll see what I can do. + +LUCIO: +But speedily. + +ISABELLA: +I will about it straight; +No longer staying but to give the mother +Notice of my affair. I humbly thank you: +Commend me to my brother: soon at night +I'll send him certain word of my success. + +LUCIO: +I take my leave of you. + +ISABELLA: +Good sir, adieu. + +ANGELO: +We must not make a scarecrow of the law, +Setting it up to fear the birds of prey, +And let it keep one shape, till custom make it +Their perch and not their terror. + +ESCALUS: +Ay, but yet +Let us be keen, and rather cut a little, +Than fall, and bruise to death. Alas, this gentleman +Whom I would save, had a most noble father! +Let but your honour know, +Whom I believe to be most strait in virtue, +That, in the working of your own affections, +Had time cohered with place or place with wishing, +Or that the resolute acting of your blood +Could have attain'd the effect of your own purpose, +Whether you had not sometime in your life +Err'd in this point which now you censure him, +And pull'd the law upon you. + +ANGELO: +'Tis one thing to be tempted, Escalus, +Another thing to fall. I not deny, +The jury, passing on the prisoner's life, +May in the sworn twelve have a thief or two +Guiltier than him they try. What's open made to justice, +That justice seizes: what know the laws +That thieves do pass on thieves? 'Tis very pregnant, +The jewel that we find, we stoop and take't +Because we see it; but what we do not see +We tread upon, and never think of it. +You may not so extenuate his offence +For I have had such faults; but rather tell me, +When I, that censure him, do so offend, +Let mine own judgment pattern out my death, +And nothing come in partial. Sir, he must die. + +ESCALUS: +Be it as your wisdom will. + +ANGELO: +Where is the provost? + +Provost: +Here, if it like your honour. + +ANGELO: +See that Claudio +Be executed by nine to-morrow morning: +Bring him his confessor, let him be prepared; +For that's the utmost of his pilgrimage. + +ESCALUS: + +ELBOW: +Come, bring them away: if these be good people in +a commonweal that do nothing but use their abuses in +common houses, I know no law: bring them away. + +ANGELO: +How now, sir! What's your name? and what's the matter? + +ELBOW: +If it Please your honour, I am the poor duke's +constable, and my name is Elbow: I do lean upon +justice, sir, and do bring in here before your good +honour two notorious benefactors. + +ANGELO: +Benefactors? Well; what benefactors are they? are +they not malefactors? + +ELBOW: +If it? please your honour, I know not well what they +are: but precise villains they are, that I am sure +of; and void of all profanation in the world that +good Christians ought to have. + +ESCALUS: +This comes off well; here's a wise officer. + +ANGELO: +Go to: what quality are they of? Elbow is your +name? why dost thou not speak, Elbow? + +POMPEY: +He cannot, sir; he's out at elbow. + +ANGELO: +What are you, sir? + +ELBOW: +He, sir! a tapster, sir; parcel-bawd; one that +serves a bad woman; whose house, sir, was, as they +say, plucked down in the suburbs; and now she +professes a hot-house, which, I think, is a very ill house too. + +ESCALUS: +How know you that? + +ELBOW: +My wife, sir, whom I detest before heaven and your honour,-- + +ESCALUS: +How? thy wife? + +ELBOW: +Ay, sir; whom, I thank heaven, is an honest woman,-- + +ESCALUS: +Dost thou detest her therefore? + +ELBOW: +I say, sir, I will detest myself also, as well as +she, that this house, if it be not a bawd's house, +it is pity of her life, for it is a naughty house. + +ESCALUS: +How dost thou know that, constable? + +ELBOW: +Marry, sir, by my wife; who, if she had been a woman +cardinally given, might have been accused in +fornication, adultery, and all uncleanliness there. + +ESCALUS: +By the woman's means? + +ELBOW: +Ay, sir, by Mistress Overdone's means: but as she +spit in his face, so she defied him. + +POMPEY: +Sir, if it please your honour, this is not so. + +ELBOW: +Prove it before these varlets here, thou honourable +man; prove it. + +ESCALUS: +Do you hear how he misplaces? + +POMPEY: +Sir, she came in great with child; and longing, +saving your honour's reverence, for stewed prunes; +sir, we had but two in the house, which at that very +distant time stood, as it were, in a fruit-dish, a +dish of some three-pence; your honours have seen +such dishes; they are not China dishes, but very +good dishes,-- + +ESCALUS: +Go to, go to: no matter for the dish, sir. + +POMPEY: +No, indeed, sir, not of a pin; you are therein in +the right: but to the point. As I say, this +Mistress Elbow, being, as I say, with child, and +being great-bellied, and longing, as I said, for +prunes; and having but two in the dish, as I said, +Master Froth here, this very man, having eaten the +rest, as I said, and, as I say, paying for them very +honestly; for, as you know, Master Froth, I could +not give you three-pence again. + +FROTH: +No, indeed. + +POMPEY: +Very well: you being then, if you be remembered, +cracking the stones of the foresaid prunes,-- + +FROTH: +Ay, so I did indeed. + +POMPEY: +Why, very well; I telling you then, if you be +remembered, that such a one and such a one were past +cure of the thing you wot of, unless they kept very +good diet, as I told you,-- + +FROTH: +All this is true. + +POMPEY: +Why, very well, then,-- + +ESCALUS: +Come, you are a tedious fool: to the purpose. What +was done to Elbow's wife, that he hath cause to +complain of? Come me to what was done to her. + +POMPEY: +Sir, your honour cannot come to that yet. + +ESCALUS: +No, sir, nor I mean it not. + +POMPEY: +Sir, but you shall come to it, by your honour's +leave. And, I beseech you, look into Master Froth +here, sir; a man of four-score pound a year; whose +father died at Hallowmas: was't not at Hallowmas, +Master Froth? + +FROTH: +All-hallond eve. + +POMPEY: +Why, very well; I hope here be truths. He, sir, +sitting, as I say, in a lower chair, sir; 'twas in +the Bunch of Grapes, where indeed you have a delight +to sit, have you not? + +FROTH: +I have so; because it is an open room and good for winter. + +POMPEY: +Why, very well, then; I hope here be truths. + +ANGELO: +This will last out a night in Russia, +When nights are longest there: I'll take my leave. +And leave you to the hearing of the cause; +Hoping you'll find good cause to whip them all. + +ESCALUS: +I think no less. Good morrow to your lordship. +Now, sir, come on: what was done to Elbow's wife, once more? + +POMPEY: +Once, sir? there was nothing done to her once. + +ELBOW: +I beseech you, sir, ask him what this man did to my wife. + +POMPEY: +I beseech your honour, ask me. + +ESCALUS: +Well, sir; what did this gentleman to her? + +POMPEY: +I beseech you, sir, look in this gentleman's face. +Good Master Froth, look upon his honour; 'tis for a +good purpose. Doth your honour mark his face? + +ESCALUS: +Ay, sir, very well. + +POMPEY: +Nay; I beseech you, mark it well. + +ESCALUS: +Well, I do so. + +POMPEY: +Doth your honour see any harm in his face? + +ESCALUS: +Why, no. + +POMPEY: +I'll be supposed upon a book, his face is the worst +thing about him. Good, then; if his face be the +worst thing about him, how could Master Froth do the +constable's wife any harm? I would know that of +your honour. + +ESCALUS: +He's in the right. Constable, what say you to it? + +ELBOW: +First, an it like you, the house is a respected +house; next, this is a respected fellow; and his +mistress is a respected woman. + +POMPEY: +By this hand, sir, his wife is a more respected +person than any of us all. + +ELBOW: +Varlet, thou liest; thou liest, wicked varlet! the +time has yet to come that she was ever respected +with man, woman, or child. + +POMPEY: +Sir, she was respected with him before he married with her. + +ESCALUS: +Which is the wiser here? Justice or Iniquity? Is +this true? + +ELBOW: +O thou caitiff! O thou varlet! O thou wicked +Hannibal! I respected with her before I was married +to her! If ever I was respected with her, or she +with me, let not your worship think me the poor +duke's officer. Prove this, thou wicked Hannibal, or +I'll have mine action of battery on thee. + +ESCALUS: +If he took you a box o' the ear, you might have your +action of slander too. + +ELBOW: +Marry, I thank your good worship for it. What is't +your worship's pleasure I shall do with this wicked caitiff? + +ESCALUS: +Truly, officer, because he hath some offences in him +that thou wouldst discover if thou couldst, let him +continue in his courses till thou knowest what they +are. + +ELBOW: +Marry, I thank your worship for it. Thou seest, thou +wicked varlet, now, what's come upon thee: thou art +to continue now, thou varlet; thou art to continue. + +ESCALUS: +Where were you born, friend? + +FROTH: +Here in Vienna, sir. + +ESCALUS: +Are you of fourscore pounds a year? + +FROTH: +Yes, an't please you, sir. + +ESCALUS: +So. What trade are you of, sir? + +POMPHEY: +Tapster; a poor widow's tapster. + +ESCALUS: +Your mistress' name? + +POMPHEY: +Mistress Overdone. + +ESCALUS: +Hath she had any more than one husband? + +POMPEY: +Nine, sir; Overdone by the last. + +ESCALUS: +Nine! Come hither to me, Master Froth. Master +Froth, I would not have you acquainted with +tapsters: they will draw you, Master Froth, and you +will hang them. Get you gone, and let me hear no +more of you. + +FROTH: +I thank your worship. For mine own part, I never +come into any room in a tap-house, but I am drawn +in. + +ESCALUS: +Well, no more of it, Master Froth: farewell. +Come you hither to me, Master tapster. What's your +name, Master tapster? + +POMPEY: +Pompey. + +ESCALUS: +What else? + +POMPEY: +Bum, sir. + +ESCALUS: +Troth, and your bum is the greatest thing about you; +so that in the beastliest sense you are Pompey the +Great. Pompey, you are partly a bawd, Pompey, +howsoever you colour it in being a tapster, are you +not? come, tell me true: it shall be the better for you. + +POMPEY: +Truly, sir, I am a poor fellow that would live. + +ESCALUS: +How would you live, Pompey? by being a bawd? What +do you think of the trade, Pompey? is it a lawful trade? + +POMPEY: +If the law would allow it, sir. + +ESCALUS: +But the law will not allow it, Pompey; nor it shall +not be allowed in Vienna. + +POMPEY: +Does your worship mean to geld and splay all the +youth of the city? + +ESCALUS: +No, Pompey. + +POMPEY: +Truly, sir, in my poor opinion, they will to't then. +If your worship will take order for the drabs and +the knaves, you need not to fear the bawds. + +ESCALUS: +There are pretty orders beginning, I can tell you: +it is but heading and hanging. + +POMPEY: +If you head and hang all that offend that way but +for ten year together, you'll be glad to give out a +commission for more heads: if this law hold in +Vienna ten year, I'll rent the fairest house in it +after three-pence a bay: if you live to see this +come to pass, say Pompey told you so. + +ESCALUS: +Thank you, good Pompey; and, in requital of your +prophecy, hark you: I advise you, let me not find +you before me again upon any complaint whatsoever; +no, not for dwelling where you do: if I do, Pompey, +I shall beat you to your tent, and prove a shrewd +Caesar to you; in plain dealing, Pompey, I shall +have you whipt: so, for this time, Pompey, fare you well. + +POMPEY: +I thank your worship for your good counsel: +but I shall follow it as the flesh and fortune shall +better determine. +Whip me? No, no; let carman whip his jade: +The valiant heart is not whipt out of his trade. + +ESCALUS: +Come hither to me, Master Elbow; come hither, Master +constable. How long have you been in this place of constable? + +ELBOW: +Seven year and a half, sir. + +ESCALUS: +I thought, by your readiness in the office, you had +continued in it some time. You say, seven years together? + +ELBOW: +And a half, sir. + +ESCALUS: +Alas, it hath been great pains to you. They do you +wrong to put you so oft upon 't: are there not men +in your ward sufficient to serve it? + +ELBOW: +Faith, sir, few of any wit in such matters: as they +are chosen, they are glad to choose me for them; I +do it for some piece of money, and go through with +all. + +ESCALUS: +Look you bring me in the names of some six or seven, +the most sufficient of your parish. + +ELBOW: +To your worship's house, sir? + +ESCALUS: +To my house. Fare you well. +What's o'clock, think you? + +Justice: +Eleven, sir. + +ESCALUS: +I pray you home to dinner with me. + +Justice: +I humbly thank you. + +ESCALUS: +It grieves me for the death of Claudio; +But there's no remedy. + +Justice: +Lord Angelo is severe. + +ESCALUS: +It is but needful: +Mercy is not itself, that oft looks so; +Pardon is still the nurse of second woe: +But yet,--poor Claudio! There is no remedy. +Come, sir. + +Servant: +He's hearing of a cause; he will come straight +I'll tell him of you. + +Provost: +Pray you, do. +I'll know +His pleasure; may be he will relent. Alas, +He hath but as offended in a dream! +All sects, all ages smack of this vice; and he +To die for't! + +ANGELO: +Now, what's the matter. Provost? + +Provost: +Is it your will Claudio shall die tomorrow? + +ANGELO: +Did not I tell thee yea? hadst thou not order? +Why dost thou ask again? + +Provost: +Lest I might be too rash: +Under your good correction, I have seen, +When, after execution, judgment hath +Repented o'er his doom. + +ANGELO: +Go to; let that be mine: +Do you your office, or give up your place, +And you shall well be spared. + +Provost: +I crave your honour's pardon. +What shall be done, sir, with the groaning Juliet? +She's very near her hour. + +ANGELO: +Dispose of her +To some more fitter place, and that with speed. + +Servant: +Here is the sister of the man condemn'd +Desires access to you. + +ANGELO: +Hath he a sister? + +Provost: +Ay, my good lord; a very virtuous maid, +And to be shortly of a sisterhood, +If not already. + +ANGELO: +Well, let her be admitted. +See you the fornicatress be removed: +Let have needful, but not lavish, means; +There shall be order for't. + +Provost: +God save your honour! + +ANGELO: +Stay a little while. +You're welcome: what's your will? + +ISABELLA: +I am a woeful suitor to your honour, +Please but your honour hear me. + +ANGELO: +Well; what's your suit? + +ISABELLA: +There is a vice that most I do abhor, +And most desire should meet the blow of justice; +For which I would not plead, but that I must; +For which I must not plead, but that I am +At war 'twixt will and will not. + +ANGELO: +Well; the matter? + +ISABELLA: +I have a brother is condemn'd to die: +I do beseech you, let it be his fault, +And not my brother. + +Provost: + +ANGELO: +Condemn the fault and not the actor of it? +Why, every fault's condemn'd ere it be done: +Mine were the very cipher of a function, +To fine the faults whose fine stands in record, +And let go by the actor. + +ISABELLA: +O just but severe law! +I had a brother, then. Heaven keep your honour! + +LUCIO: + +ISABELLA: +Must he needs die? + +ANGELO: +Maiden, no remedy. + +ISABELLA: +Yes; I do think that you might pardon him, +And neither heaven nor man grieve at the mercy. + +ANGELO: +I will not do't. + +ISABELLA: +But can you, if you would? + +ANGELO: +Look, what I will not, that I cannot do. + +ISABELLA: +But might you do't, and do the world no wrong, +If so your heart were touch'd with that remorse +As mine is to him? + +ANGELO: +He's sentenced; 'tis too late. + +LUCIO: + +ISABELLA: +Too late? why, no; I, that do speak a word. +May call it back again. Well, believe this, +No ceremony that to great ones 'longs, +Not the king's crown, nor the deputed sword, +The marshal's truncheon, nor the judge's robe, +Become them with one half so good a grace +As mercy does. +If he had been as you and you as he, +You would have slipt like him; but he, like you, +Would not have been so stern. + +ANGELO: +Pray you, be gone. + +ISABELLA: +I would to heaven I had your potency, +And you were Isabel! should it then be thus? +No; I would tell what 'twere to be a judge, +And what a prisoner. + +LUCIO: + +ANGELO: +Your brother is a forfeit of the law, +And you but waste your words. + +ISABELLA: +Alas, alas! +Why, all the souls that were were forfeit once; +And He that might the vantage best have took +Found out the remedy. How would you be, +If He, which is the top of judgment, should +But judge you as you are? O, think on that; +And mercy then will breathe within your lips, +Like man new made. + +ANGELO: +Be you content, fair maid; +It is the law, not I condemn your brother: +Were he my kinsman, brother, or my son, +It should be thus with him: he must die tomorrow. + +ISABELLA: +To-morrow! O, that's sudden! Spare him, spare him! +He's not prepared for death. Even for our kitchens +We kill the fowl of season: shall we serve heaven +With less respect than we do minister +To our gross selves? Good, good my lord, bethink you; +Who is it that hath died for this offence? +There's many have committed it. + +LUCIO: + +ANGELO: +The law hath not been dead, though it hath slept: +Those many had not dared to do that evil, +If the first that did the edict infringe +Had answer'd for his deed: now 'tis awake +Takes note of what is done; and, like a prophet, +Looks in a glass, that shows what future evils, +Either new, or by remissness new-conceived, +And so in progress to be hatch'd and born, +Are now to have no successive degrees, +But, ere they live, to end. + +ISABELLA: +Yet show some pity. + +ANGELO: +I show it most of all when I show justice; +For then I pity those I do not know, +Which a dismiss'd offence would after gall; +And do him right that, answering one foul wrong, +Lives not to act another. Be satisfied; +Your brother dies to-morrow; be content. + +ISABELLA: +So you must be the first that gives this sentence, +And he, that suffer's. O, it is excellent +To have a giant's strength; but it is tyrannous +To use it like a giant. + +LUCIO: + +ISABELLA: +Could great men thunder +As Jove himself does, Jove would ne'er be quiet, +For every pelting, petty officer +Would use his heaven for thunder; +Nothing but thunder! Merciful Heaven, +Thou rather with thy sharp and sulphurous bolt +Split'st the unwedgeable and gnarled oak +Than the soft myrtle: but man, proud man, +Drest in a little brief authority, +Most ignorant of what he's most assured, +His glassy essence, like an angry ape, +Plays such fantastic tricks before high heaven +As make the angels weep; who, with our spleens, +Would all themselves laugh mortal. + +LUCIO: + +Provost: + +ISABELLA: +We cannot weigh our brother with ourself: +Great men may jest with saints; 'tis wit in them, +But in the less foul profanation. + +LUCIO: +Thou'rt i' the right, girl; more o, that. + +ISABELLA: +That in the captain's but a choleric word, +Which in the soldier is flat blasphemy. + +LUCIO: + +ANGELO: +Why do you put these sayings upon me? + +ISABELLA: +Because authority, though it err like others, +Hath yet a kind of medicine in itself, +That skins the vice o' the top. Go to your bosom; +Knock there, and ask your heart what it doth know +That's like my brother's fault: if it confess +A natural guiltiness such as is his, +Let it not sound a thought upon your tongue +Against my brother's life. + +ANGELO: + +ISABELLA: +Gentle my lord, turn back. + +ANGELO: +I will bethink me: come again tomorrow. + +ISABELLA: +Hark how I'll bribe you: good my lord, turn back. + +ANGELO: +How! bribe me? + +ISABELLA: +Ay, with such gifts that heaven shall share with you. + +LUCIO: + +ISABELLA: +Not with fond shekels of the tested gold, +Or stones whose rates are either rich or poor +As fancy values them; but with true prayers +That shall be up at heaven and enter there +Ere sun-rise, prayers from preserved souls, +From fasting maids whose minds are dedicate +To nothing temporal. + +ANGELO: +Well; come to me to-morrow. + +LUCIO: + +ISABELLA: +Heaven keep your honour safe! + +ANGELO: + +ISABELLA: +At what hour to-morrow +Shall I attend your lordship? + +ANGELO: +At any time 'fore noon. + +ISABELLA: +'Save your honour! + +ANGELO: +From thee, even from thy virtue! +What's this, what's this? Is this her fault or mine? +The tempter or the tempted, who sins most? +Ha! +Not she: nor doth she tempt: but it is I +That, lying by the violet in the sun, +Do as the carrion does, not as the flower, +Corrupt with virtuous season. Can it be +That modesty may more betray our sense +Than woman's lightness? Having waste ground enough, +Shall we desire to raze the sanctuary +And pitch our evils there? O, fie, fie, fie! +What dost thou, or what art thou, Angelo? +Dost thou desire her foully for those things +That make her good? O, let her brother live! +Thieves for their robbery have authority +When judges steal themselves. What, do I love her, +That I desire to hear her speak again, +And feast upon her eyes? What is't I dream on? +O cunning enemy, that, to catch a saint, +With saints dost bait thy hook! Most dangerous +Is that temptation that doth goad us on +To sin in loving virtue: never could the strumpet, +With all her double vigour, art and nature, +Once stir my temper; but this virtuous maid +Subdues me quite. Even till now, +When men were fond, I smiled and wonder'd how. + +DUKE VINCENTIO: +Hail to you, provost! so I think you are. + +Provost: +I am the provost. What's your will, good friar? + +DUKE VINCENTIO: +Bound by my charity and my blest order, +I come to visit the afflicted spirits +Here in the prison. Do me the common right +To let me see them and to make me know +The nature of their crimes, that I may minister +To them accordingly. + +Provost: +I would do more than that, if more were needful. +Look, here comes one: a gentlewoman of mine, +Who, falling in the flaws of her own youth, +Hath blister'd her report: she is with child; +And he that got it, sentenced; a young man +More fit to do another such offence +Than die for this. + +DUKE VINCENTIO: +When must he die? + +Provost: +As I do think, to-morrow. +I have provided for you: stay awhile, +And you shall be conducted. + +DUKE VINCENTIO: +Repent you, fair one, of the sin you carry? + +JULIET: +I do; and bear the shame most patiently. + +DUKE VINCENTIO: +I'll teach you how you shall arraign your conscience, +And try your penitence, if it be sound, +Or hollowly put on. + +JULIET: +I'll gladly learn. + +DUKE VINCENTIO: +Love you the man that wrong'd you? + +JULIET: +Yes, as I love the woman that wrong'd him. + +DUKE VINCENTIO: +So then it seems your most offenceful act +Was mutually committed? + +JULIET: +Mutually. + +DUKE VINCENTIO: +Then was your sin of heavier kind than his. + +JULIET: +I do confess it, and repent it, father. + +DUKE VINCENTIO: +'Tis meet so, daughter: but lest you do repent, +As that the sin hath brought you to this shame, +Which sorrow is always towards ourselves, not heaven, +Showing we would not spare heaven as we love it, +But as we stand in fear,-- + +JULIET: +I do repent me, as it is an evil, +And take the shame with joy. + +DUKE VINCENTIO: +There rest. +Your partner, as I hear, must die to-morrow, +And I am going with instruction to him. +Grace go with you, Benedicite! + +JULIET: +Must die to-morrow! O injurious love, +That respites me a life, whose very comfort +Is still a dying horror! + +Provost: +'Tis pity of him. + +ANGELO: +When I would pray and think, I think and pray +To several subjects. Heaven hath my empty words; +Whilst my invention, hearing not my tongue, +Anchors on Isabel: Heaven in my mouth, +As if I did but only chew his name; +And in my heart the strong and swelling evil +Of my conception. The state, whereon I studied +Is like a good thing, being often read, +Grown fear'd and tedious; yea, my gravity, +Wherein--let no man hear me--I take pride, +Could I with boot change for an idle plume, +Which the air beats for vain. O place, O form, +How often dost thou with thy case, thy habit, +Wrench awe from fools and tie the wiser souls +To thy false seeming! Blood, thou art blood: +Let's write good angel on the devil's horn: +'Tis not the devil's crest. +How now! who's there? + +Servant: +One Isabel, a sister, desires access to you. + +ANGELO: +Teach her the way. +O heavens! +Why does my blood thus muster to my heart, +Making both it unable for itself, +And dispossessing all my other parts +Of necessary fitness? +So play the foolish throngs with one that swoons; +Come all to help him, and so stop the air +By which he should revive: and even so +The general, subject to a well-wish'd king, +Quit their own part, and in obsequious fondness +Crowd to his presence, where their untaught love +Must needs appear offence. +How now, fair maid? + +ISABELLA: +I am come to know your pleasure. + +ANGELO: +That you might know it, would much better please me +Than to demand what 'tis. Your brother cannot live. + +ISABELLA: +Even so. Heaven keep your honour! + +ANGELO: +Yet may he live awhile; and, it may be, +As long as you or I yet he must die. + +ISABELLA: +Under your sentence? + +ANGELO: +Yea. + +ISABELLA: +When, I beseech you? that in his reprieve, +Longer or shorter, he may be so fitted +That his soul sicken not. + +ANGELO: +Ha! fie, these filthy vices! It were as good +To pardon him that hath from nature stolen +A man already made, as to remit +Their saucy sweetness that do coin heaven's image +In stamps that are forbid: 'tis all as easy +Falsely to take away a life true made +As to put metal in restrained means +To make a false one. + +ISABELLA: +'Tis set down so in heaven, but not in earth. + +ANGELO: +Say you so? then I shall pose you quickly. +Which had you rather, that the most just law +Now took your brother's life; or, to redeem him, +Give up your body to such sweet uncleanness +As she that he hath stain'd? + +ISABELLA: +Sir, believe this, +I had rather give my body than my soul. + +ANGELO: +I talk not of your soul: our compell'd sins +Stand more for number than for accompt. + +ISABELLA: +How say you? + +ANGELO: +Nay, I'll not warrant that; for I can speak +Against the thing I say. Answer to this: +I, now the voice of the recorded law, +Pronounce a sentence on your brother's life: +Might there not be a charity in sin +To save this brother's life? + +ISABELLA: +Please you to do't, +I'll take it as a peril to my soul, +It is no sin at all, but charity. + +ANGELO: +Pleased you to do't at peril of your soul, +Were equal poise of sin and charity. + +ISABELLA: +That I do beg his life, if it be sin, +Heaven let me bear it! you granting of my suit, +If that be sin, I'll make it my morn prayer +To have it added to the faults of mine, +And nothing of your answer. + +ANGELO: +Nay, but hear me. +Your sense pursues not mine: either you are ignorant, +Or seem so craftily; and that's not good. + +ISABELLA: +Let me be ignorant, and in nothing good, +But graciously to know I am no better. + +ANGELO: +Thus wisdom wishes to appear most bright +When it doth tax itself; as these black masks +Proclaim an enshield beauty ten times louder +Than beauty could, display'd. But mark me; +To be received plain, I'll speak more gross: +Your brother is to die. + +ISABELLA: +So. + +ANGELO: +And his offence is so, as it appears, +Accountant to the law upon that pain. + +ISABELLA: +True. + +ANGELO: +Admit no other way to save his life,-- +As I subscribe not that, nor any other, +But in the loss of question,--that you, his sister, +Finding yourself desired of such a person, +Whose credit with the judge, or own great place, +Could fetch your brother from the manacles +Of the all-building law; and that there were +No earthly mean to save him, but that either +You must lay down the treasures of your body +To this supposed, or else to let him suffer; +What would you do? + +ISABELLA: +As much for my poor brother as myself: +That is, were I under the terms of death, +The impression of keen whips I'ld wear as rubies, +And strip myself to death, as to a bed +That longing have been sick for, ere I'ld yield +My body up to shame. + +ANGELO: +Then must your brother die. + +ISABELLA: +And 'twere the cheaper way: +Better it were a brother died at once, +Than that a sister, by redeeming him, +Should die for ever. + +ANGELO: +Were not you then as cruel as the sentence +That you have slander'd so? + +ISABELLA: +Ignomy in ransom and free pardon +Are of two houses: lawful mercy +Is nothing kin to foul redemption. + +ANGELO: +You seem'd of late to make the law a tyrant; +And rather proved the sliding of your brother +A merriment than a vice. + +ISABELLA: +O, pardon me, my lord; it oft falls out, +To have what we would have, we speak not what we mean: +I something do excuse the thing I hate, +For his advantage that I dearly love. + +ANGELO: +We are all frail. + +ISABELLA: +Else let my brother die, +If not a feodary, but only he +Owe and succeed thy weakness. + +ANGELO: +Nay, women are frail too. + +ISABELLA: +Ay, as the glasses where they view themselves; +Which are as easy broke as they make forms. +Women! Help Heaven! men their creation mar +In profiting by them. Nay, call us ten times frail; +For we are soft as our complexions are, +And credulous to false prints. + +ANGELO: +I think it well: +And from this testimony of your own sex,-- +Since I suppose we are made to be no stronger +Than faults may shake our frames,--let me be bold; +I do arrest your words. Be that you are, +That is, a woman; if you be more, you're none; +If you be one, as you are well express'd +By all external warrants, show it now, +By putting on the destined livery. + +ISABELLA: +I have no tongue but one: gentle my lord, +Let me entreat you speak the former language. + +ANGELO: +Plainly conceive, I love you. + +ISABELLA: +My brother did love Juliet, +And you tell me that he shall die for it. + +ANGELO: +He shall not, Isabel, if you give me love. + +ISABELLA: +I know your virtue hath a licence in't, +Which seems a little fouler than it is, +To pluck on others. + +ANGELO: +Believe me, on mine honour, +My words express my purpose. + +ISABELLA: +Ha! little honour to be much believed, +And most pernicious purpose! Seeming, seeming! +I will proclaim thee, Angelo; look for't: +Sign me a present pardon for my brother, +Or with an outstretch'd throat I'll tell the world aloud +What man thou art. + +ANGELO: +Who will believe thee, Isabel? +My unsoil'd name, the austereness of my life, +My vouch against you, and my place i' the state, +Will so your accusation overweigh, +That you shall stifle in your own report +And smell of calumny. I have begun, +And now I give my sensual race the rein: +Fit thy consent to my sharp appetite; +Lay by all nicety and prolixious blushes, +That banish what they sue for; redeem thy brother +By yielding up thy body to my will; +Or else he must not only die the death, +But thy unkindness shall his death draw out +To lingering sufferance. Answer me to-morrow, +Or, by the affection that now guides me most, +I'll prove a tyrant to him. As for you, +Say what you can, my false o'erweighs your true. + +ISABELLA: +To whom should I complain? Did I tell this, +Who would believe me? O perilous mouths, +That bear in them one and the self-same tongue, +Either of condemnation or approof; +Bidding the law make court'sy to their will: +Hooking both right and wrong to the appetite, +To follow as it draws! I'll to my brother: +Though he hath fallen by prompture of the blood, +Yet hath he in him such a mind of honour. +That, had he twenty heads to tender down +On twenty bloody blocks, he'ld yield them up, +Before his sister should her body stoop +To such abhorr'd pollution. +Then, Isabel, live chaste, and, brother, die: +More than our brother is our chastity. +I'll tell him yet of Angelo's request, +And fit his mind to death, for his soul's rest. + +DUKE VINCENTIO: +So then you hope of pardon from Lord Angelo? + +CLAUDIO: +The miserable have no other medicine +But only hope: +I've hope to live, and am prepared to die. + +DUKE VINCENTIO: +Be absolute for death; either death or life +Shall thereby be the sweeter. Reason thus with life: +If I do lose thee, I do lose a thing +That none but fools would keep: a breath thou art, +Servile to all the skyey influences, +That dost this habitation, where thou keep'st, +Hourly afflict: merely, thou art death's fool; +For him thou labour'st by thy flight to shun +And yet runn'st toward him still. Thou art not noble; +For all the accommodations that thou bear'st +Are nursed by baseness. Thou'rt by no means valiant; +For thou dost fear the soft and tender fork +Of a poor worm. Thy best of rest is sleep, +And that thou oft provokest; yet grossly fear'st +Thy death, which is no more. Thou art not thyself; +For thou exist'st on many a thousand grains +That issue out of dust. Happy thou art not; +For what thou hast not, still thou strivest to get, +And what thou hast, forget'st. Thou art not certain; +For thy complexion shifts to strange effects, +After the moon. If thou art rich, thou'rt poor; +For, like an ass whose back with ingots bows, +Thou bear's thy heavy riches but a journey, +And death unloads thee. Friend hast thou none; +For thine own bowels, which do call thee sire, +The mere effusion of thy proper loins, +Do curse the gout, serpigo, and the rheum, +For ending thee no sooner. Thou hast nor youth nor age, +But, as it were, an after-dinner's sleep, +Dreaming on both; for all thy blessed youth +Becomes as aged, and doth beg the alms +Of palsied eld; and when thou art old and rich, +Thou hast neither heat, affection, limb, nor beauty, +To make thy riches pleasant. What's yet in this +That bears the name of life? Yet in this life +Lie hid moe thousand deaths: yet death we fear, +That makes these odds all even. + +CLAUDIO: +I humbly thank you. +To sue to live, I find I seek to die; +And, seeking death, find life: let it come on. + +ISABELLA: + +Provost: +Who's there? come in: the wish deserves a welcome. + +DUKE VINCENTIO: +Dear sir, ere long I'll visit you again. + +CLAUDIO: +Most holy sir, I thank you. + +ISABELLA: +My business is a word or two with Claudio. + +Provost: +And very welcome. Look, signior, here's your sister. + +DUKE VINCENTIO: +Provost, a word with you. + +Provost: +As many as you please. + +DUKE VINCENTIO: +Bring me to hear them speak, where I may be concealed. + +CLAUDIO: +Now, sister, what's the comfort? + +ISABELLA: +Why, +As all comforts are; most good, most good indeed. +Lord Angelo, having affairs to heaven, +Intends you for his swift ambassador, +Where you shall be an everlasting leiger: +Therefore your best appointment make with speed; +To-morrow you set on. + +CLAUDIO: +Is there no remedy? + +ISABELLA: +None, but such remedy as, to save a head, +To cleave a heart in twain. + +CLAUDIO: +But is there any? + +ISABELLA: +Yes, brother, you may live: +There is a devilish mercy in the judge, +If you'll implore it, that will free your life, +But fetter you till death. + +CLAUDIO: +Perpetual durance? + +ISABELLA: +Ay, just; perpetual durance, a restraint, +Though all the world's vastidity you had, +To a determined scope. + +CLAUDIO: +But in what nature? + +ISABELLA: +In such a one as, you consenting to't, +Would bark your honour from that trunk you bear, +And leave you naked. + +CLAUDIO: +Let me know the point. + +ISABELLA: +O, I do fear thee, Claudio; and I quake, +Lest thou a feverous life shouldst entertain, +And six or seven winters more respect +Than a perpetual honour. Darest thou die? +The sense of death is most in apprehension; +And the poor beetle, that we tread upon, +In corporal sufferance finds a pang as great +As when a giant dies. + +CLAUDIO: +Why give you me this shame? +Think you I can a resolution fetch +From flowery tenderness? If I must die, +I will encounter darkness as a bride, +And hug it in mine arms. + +ISABELLA: +There spake my brother; there my father's grave +Did utter forth a voice. Yes, thou must die: +Thou art too noble to conserve a life +In base appliances. This outward-sainted deputy, +Whose settled visage and deliberate word +Nips youth i' the head and follies doth emmew +As falcon doth the fowl, is yet a devil +His filth within being cast, he would appear +A pond as deep as hell. + +CLAUDIO: +The prenzie Angelo! + +ISABELLA: +O, 'tis the cunning livery of hell, +The damned'st body to invest and cover +In prenzie guards! Dost thou think, Claudio? +If I would yield him my virginity, +Thou mightst be freed. + +CLAUDIO: +O heavens! it cannot be. + +ISABELLA: +Yes, he would give't thee, from this rank offence, +So to offend him still. This night's the time +That I should do what I abhor to name, +Or else thou diest to-morrow. + +CLAUDIO: +Thou shalt not do't. + +ISABELLA: +O, were it but my life, +I'ld throw it down for your deliverance +As frankly as a pin. + +CLAUDIO: +Thanks, dear Isabel. + +ISABELLA: +Be ready, Claudio, for your death tomorrow. + +CLAUDIO: +Yes. Has he affections in him, +That thus can make him bite the law by the nose, +When he would force it? Sure, it is no sin, +Or of the deadly seven, it is the least. + +ISABELLA: +Which is the least? + +CLAUDIO: +If it were damnable, he being so wise, +Why would he for the momentary trick +Be perdurably fined? O Isabel! + +ISABELLA: +What says my brother? + +CLAUDIO: +Death is a fearful thing. + +ISABELLA: +And shamed life a hateful. + +CLAUDIO: +Ay, but to die, and go we know not where; +To lie in cold obstruction and to rot; +This sensible warm motion to become +A kneaded clod; and the delighted spirit +To bathe in fiery floods, or to reside +In thrilling region of thick-ribbed ice; +To be imprison'd in the viewless winds, +And blown with restless violence round about +The pendent world; or to be worse than worst +Of those that lawless and incertain thought +Imagine howling: 'tis too horrible! +The weariest and most loathed worldly life +That age, ache, penury and imprisonment +Can lay on nature is a paradise +To what we fear of death. + +ISABELLA: +Alas, alas! + +CLAUDIO: +Sweet sister, let me live: +What sin you do to save a brother's life, +Nature dispenses with the deed so far +That it becomes a virtue. + +ISABELLA: +O you beast! +O faithless coward! O dishonest wretch! +Wilt thou be made a man out of my vice? +Is't not a kind of incest, to take life +From thine own sister's shame? What should I think? +Heaven shield my mother play'd my father fair! +For such a warped slip of wilderness +Ne'er issued from his blood. Take my defiance! +Die, perish! Might but my bending down +Reprieve thee from thy fate, it should proceed: +I'll pray a thousand prayers for thy death, +No word to save thee. + +CLAUDIO: +Nay, hear me, Isabel. + +ISABELLA: +O, fie, fie, fie! +Thy sin's not accidental, but a trade. +Mercy to thee would prove itself a bawd: +'Tis best thou diest quickly. + +CLAUDIO: +O hear me, Isabella! + +DUKE VINCENTIO: +Vouchsafe a word, young sister, but one word. + +ISABELLA: +What is your will? + +DUKE VINCENTIO: +Might you dispense with your leisure, I would by and +by have some speech with you: the satisfaction I +would require is likewise your own benefit. + +ISABELLA: +I have no superfluous leisure; my stay must be +stolen out of other affairs; but I will attend you awhile. + +DUKE VINCENTIO: +Son, I have overheard what hath passed between you +and your sister. Angelo had never the purpose to +corrupt her; only he hath made an essay of her +virtue to practise his judgment with the disposition +of natures: she, having the truth of honour in her, +hath made him that gracious denial which he is most +glad to receive. I am confessor to Angelo, and I +know this to be true; therefore prepare yourself to +death: do not satisfy your resolution with hopes +that are fallible: tomorrow you must die; go to +your knees and make ready. + +CLAUDIO: +Let me ask my sister pardon. I am so out of love +with life that I will sue to be rid of it. + +DUKE VINCENTIO: +Hold you there: farewell. +Provost, a word with you! + +Provost: +What's your will, father + +DUKE VINCENTIO: +That now you are come, you will be gone. Leave me +awhile with the maid: my mind promises with my +habit no loss shall touch her by my company. + +Provost: +In good time. + +DUKE VINCENTIO: +The hand that hath made you fair hath made you good: +the goodness that is cheap in beauty makes beauty +brief in goodness; but grace, being the soul of +your complexion, shall keep the body of it ever +fair. The assault that Angelo hath made to you, +fortune hath conveyed to my understanding; and, but +that frailty hath examples for his falling, I should +wonder at Angelo. How will you do to content this +substitute, and to save your brother? + +ISABELLA: +I am now going to resolve him: I had rather my +brother die by the law than my son should be +unlawfully born. But, O, how much is the good duke +deceived in Angelo! If ever he return and I can +speak to him, I will open my lips in vain, or +discover his government. + +DUKE VINCENTIO: +That shall not be much amiss: Yet, as the matter +now stands, he will avoid your accusation; he made +trial of you only. Therefore fasten your ear on my +advisings: to the love I have in doing good a +remedy presents itself. I do make myself believe +that you may most uprighteously do a poor wronged +lady a merited benefit; redeem your brother from +the angry law; do no stain to your own gracious +person; and much please the absent duke, if +peradventure he shall ever return to have hearing of +this business. + +ISABELLA: +Let me hear you speak farther. I have spirit to do +anything that appears not foul in the truth of my spirit. + +DUKE VINCENTIO: +Virtue is bold, and goodness never fearful. Have +you not heard speak of Mariana, the sister of +Frederick the great soldier who miscarried at sea? + +ISABELLA: +I have heard of the lady, and good words went with her name. + +DUKE VINCENTIO: +She should this Angelo have married; was affianced +to her by oath, and the nuptial appointed: between +which time of the contract and limit of the +solemnity, her brother Frederick was wrecked at sea, +having in that perished vessel the dowry of his +sister. But mark how heavily this befell to the +poor gentlewoman: there she lost a noble and +renowned brother, in his love toward her ever most +kind and natural; with him, the portion and sinew of +her fortune, her marriage-dowry; with both, her +combinate husband, this well-seeming Angelo. + +ISABELLA: +Can this be so? did Angelo so leave her? + +DUKE VINCENTIO: +Left her in her tears, and dried not one of them +with his comfort; swallowed his vows whole, +pretending in her discoveries of dishonour: in few, +bestowed her on her own lamentation, which she yet +wears for his sake; and he, a marble to her tears, +is washed with them, but relents not. + +ISABELLA: +What a merit were it in death to take this poor maid +from the world! What corruption in this life, that +it will let this man live! But how out of this can she avail? + +DUKE VINCENTIO: +It is a rupture that you may easily heal: and the +cure of it not only saves your brother, but keeps +you from dishonour in doing it. + +ISABELLA: +Show me how, good father. + +DUKE VINCENTIO: +This forenamed maid hath yet in her the continuance +of her first affection: his unjust unkindness, that +in all reason should have quenched her love, hath, +like an impediment in the current, made it more +violent and unruly. Go you to Angelo; answer his +requiring with a plausible obedience; agree with +his demands to the point; only refer yourself to +this advantage, first, that your stay with him may +not be long; that the time may have all shadow and +silence in it; and the place answer to convenience. +This being granted in course,--and now follows +all,--we shall advise this wronged maid to stead up +your appointment, go in your place; if the encounter +acknowledge itself hereafter, it may compel him to +her recompense: and here, by this, is your brother +saved, your honour untainted, the poor Mariana +advantaged, and the corrupt deputy scaled. The maid +will I frame and make fit for his attempt. If you +think well to carry this as you may, the doubleness +of the benefit defends the deceit from reproof. +What think you of it? + +ISABELLA: +The image of it gives me content already; and I +trust it will grow to a most prosperous perfection. + +DUKE VINCENTIO: +It lies much in your holding up. Haste you speedily +to Angelo: if for this night he entreat you to his +bed, give him promise of satisfaction. I will +presently to Saint Luke's: there, at the moated +grange, resides this dejected Mariana. At that +place call upon me; and dispatch with Angelo, that +it may be quickly. + +ISABELLA: +I thank you for this comfort. Fare you well, good father. + +ELBOW: +Nay, if there be no remedy for it, but that you will +needs buy and sell men and women like beasts, we +shall have all the world drink brown and white bastard. + +DUKE VINCENTIO: +O heavens! what stuff is here + +POMPEY: +'Twas never merry world since, of two usuries, the +merriest was put down, and the worser allowed by +order of law a furred gown to keep him warm; and +furred with fox and lamb-skins too, to signify, that +craft, being richer than innocency, stands for the facing. + +ELBOW: +Come your way, sir. 'Bless you, good father friar. + +DUKE VINCENTIO: +And you, good brother father. What offence hath +this man made you, sir? + +ELBOW: +Marry, sir, he hath offended the law: and, sir, we +take him to be a thief too, sir; for we have found +upon him, sir, a strange picklock, which we have +sent to the deputy. + +DUKE VINCENTIO: +Fie, sirrah! a bawd, a wicked bawd! +The evil that thou causest to be done, +That is thy means to live. Do thou but think +What 'tis to cram a maw or clothe a back +From such a filthy vice: say to thyself, +From their abominable and beastly touches +I drink, I eat, array myself, and live. +Canst thou believe thy living is a life, +So stinkingly depending? Go mend, go mend. + +POMPEY: +Indeed, it does stink in some sort, sir; but yet, +sir, I would prove-- + +DUKE VINCENTIO: +Nay, if the devil have given thee proofs for sin, +Thou wilt prove his. Take him to prison, officer: +Correction and instruction must both work +Ere this rude beast will profit. + +ELBOW: +He must before the deputy, sir; he has given him +warning: the deputy cannot abide a whoremaster: if +he be a whoremonger, and comes before him, he were +as good go a mile on his errand. + +DUKE VINCENTIO: +That we were all, as some would seem to be, +From our faults, as faults from seeming, free! + +ELBOW: +His neck will come to your waist,--a cord, sir. + +POMPEY: +I spy comfort; I cry bail. Here's a gentleman and a +friend of mine. + +LUCIO: +How now, noble Pompey! What, at the wheels of +Caesar? art thou led in triumph? What, is there +none of Pygmalion's images, newly made woman, to be +had now, for putting the hand in the pocket and +extracting it clutch'd? What reply, ha? What +sayest thou to this tune, matter and method? Is't +not drowned i' the last rain, ha? What sayest +thou, Trot? Is the world as it was, man? Which is +the way? Is it sad, and few words? or how? The +trick of it? + +DUKE VINCENTIO: +Still thus, and thus; still worse! + +LUCIO: +How doth my dear morsel, thy mistress? Procures she +still, ha? + +POMPEY: +Troth, sir, she hath eaten up all her beef, and she +is herself in the tub. + +LUCIO: +Why, 'tis good; it is the right of it; it must be +so: ever your fresh whore and your powdered bawd: +an unshunned consequence; it must be so. Art going +to prison, Pompey? + +POMPEY: +Yes, faith, sir. + +LUCIO: +Why, 'tis not amiss, Pompey. Farewell: go, say I +sent thee thither. For debt, Pompey? or how? + +ELBOW: +For being a bawd, for being a bawd. + +LUCIO: +Well, then, imprison him: if imprisonment be the +due of a bawd, why, 'tis his right: bawd is he +doubtless, and of antiquity too; bawd-born. +Farewell, good Pompey. Commend me to the prison, +Pompey: you will turn good husband now, Pompey; you +will keep the house. + +POMPEY: +I hope, sir, your good worship will be my bail. + +LUCIO: +No, indeed, will I not, Pompey; it is not the wear. +I will pray, Pompey, to increase your bondage: If +you take it not patiently, why, your mettle is the +more. Adieu, trusty Pompey. 'Bless you, friar. + +DUKE VINCENTIO: +And you. + +LUCIO: +Does Bridget paint still, Pompey, ha? + +ELBOW: +Come your ways, sir; come. + +POMPEY: +You will not bail me, then, sir? + +LUCIO: +Then, Pompey, nor now. What news abroad, friar? +what news? + +ELBOW: +Come your ways, sir; come. + +LUCIO: +Go to kennel, Pompey; go. +What news, friar, of the duke? + +DUKE VINCENTIO: +I know none. Can you tell me of any? + +LUCIO: +Some say he is with the Emperor of Russia; other +some, he is in Rome: but where is he, think you? + +DUKE VINCENTIO: +I know not where; but wheresoever, I wish him well. + +LUCIO: +It was a mad fantastical trick of him to steal from +the state, and usurp the beggary he was never born +to. Lord Angelo dukes it well in his absence; he +puts transgression to 't. + +DUKE VINCENTIO: +He does well in 't. + +LUCIO: +A little more lenity to lechery would do no harm in +him: something too crabbed that way, friar. + +DUKE VINCENTIO: +It is too general a vice, and severity must cure it. + +LUCIO: +Yes, in good sooth, the vice is of a great kindred; +it is well allied: but it is impossible to extirp +it quite, friar, till eating and drinking be put +down. They say this Angelo was not made by man and +woman after this downright way of creation: is it +true, think you? + +DUKE VINCENTIO: +How should he be made, then? + +LUCIO: +Some report a sea-maid spawned him; some, that he +was begot between two stock-fishes. But it is +certain that when he makes water his urine is +congealed ice; that I know to be true: and he is a +motion generative; that's infallible. + +DUKE VINCENTIO: +You are pleasant, sir, and speak apace. + +LUCIO: +Why, what a ruthless thing is this in him, for the +rebellion of a codpiece to take away the life of a +man! Would the duke that is absent have done this? +Ere he would have hanged a man for the getting a +hundred bastards, he would have paid for the nursing +a thousand: he had some feeling of the sport: he +knew the service, and that instructed him to mercy. + +DUKE VINCENTIO: +I never heard the absent duke much detected for +women; he was not inclined that way. + +LUCIO: +O, sir, you are deceived. + +DUKE VINCENTIO: +'Tis not possible. + +LUCIO: +Who, not the duke? yes, your beggar of fifty; and +his use was to put a ducat in her clack-dish: the +duke had crotchets in him. He would be drunk too; +that let me inform you. + +DUKE VINCENTIO: +You do him wrong, surely. + +LUCIO: +Sir, I was an inward of his. A shy fellow was the +duke: and I believe I know the cause of his +withdrawing. + +DUKE VINCENTIO: +What, I prithee, might be the cause? + +LUCIO: +No, pardon; 'tis a secret must be locked within the +teeth and the lips: but this I can let you +understand, the greater file of the subject held the +duke to be wise. + +DUKE VINCENTIO: +Wise! why, no question but he was. + +LUCIO: +A very superficial, ignorant, unweighing fellow. + +DUKE VINCENTIO: +Either this is the envy in you, folly, or mistaking: +the very stream of his life and the business he hath +helmed must upon a warranted need give him a better +proclamation. Let him be but testimonied in his own +bringings-forth, and he shall appear to the +envious a scholar, a statesman and a soldier. +Therefore you speak unskilfully: or if your +knowledge be more it is much darkened in your malice. + +LUCIO: +Sir, I know him, and I love him. + +DUKE VINCENTIO: +Love talks with better knowledge, and knowledge with +dearer love. + +LUCIO: +Come, sir, I know what I know. + +DUKE VINCENTIO: +I can hardly believe that, since you know not what +you speak. But, if ever the duke return, as our +prayers are he may, let me desire you to make your +answer before him. If it be honest you have spoke, +you have courage to maintain it: I am bound to call +upon you; and, I pray you, your name? + +LUCIO: +Sir, my name is Lucio; well known to the duke. + +DUKE VINCENTIO: +He shall know you better, sir, if I may live to +report you. + +LUCIO: +I fear you not. + +DUKE VINCENTIO: +O, you hope the duke will return no more; or you +imagine me too unhurtful an opposite. But indeed I +can do you little harm; you'll forswear this again. + +LUCIO: +I'll be hanged first: thou art deceived in me, +friar. But no more of this. Canst thou tell if +Claudio die to-morrow or no? + +DUKE VINCENTIO: +Why should he die, sir? + +LUCIO: +Why? For filling a bottle with a tundish. I would +the duke we talk of were returned again: the +ungenitured agent will unpeople the province with +continency; sparrows must not build in his +house-eaves, because they are lecherous. The duke +yet would have dark deeds darkly answered; he would +never bring them to light: would he were returned! +Marry, this Claudio is condemned for untrussing. +Farewell, good friar: I prithee, pray for me. The +duke, I say to thee again, would eat mutton on +Fridays. He's not past it yet, and I say to thee, +he would mouth with a beggar, though she smelt brown +bread and garlic: say that I said so. Farewell. + +DUKE VINCENTIO: +No might nor greatness in mortality +Can censure 'scape; back-wounding calumny +The whitest virtue strikes. What king so strong +Can tie the gall up in the slanderous tongue? +But who comes here? + +ESCALUS: +Go; away with her to prison! + +MISTRESS OVERDONE: +Good my lord, be good to me; your honour is accounted +a merciful man; good my lord. + +ESCALUS: +Double and treble admonition, and still forfeit in +the same kind! This would make mercy swear and play +the tyrant. + +Provost: +A bawd of eleven years' continuance, may it please +your honour. + +MISTRESS OVERDONE: +My lord, this is one Lucio's information against me. +Mistress Kate Keepdown was with child by him in the +duke's time; he promised her marriage: his child +is a year and a quarter old, come Philip and Jacob: +I have kept it myself; and see how he goes about to abuse me! + +ESCALUS: +That fellow is a fellow of much licence: let him be +called before us. Away with her to prison! Go to; +no more words. +Provost, my brother Angelo will not be altered; +Claudio must die to-morrow: let him be furnished +with divines, and have all charitable preparation. +if my brother wrought by my pity, it should not be +so with him. + +Provost: +So please you, this friar hath been with him, and +advised him for the entertainment of death. + +ESCALUS: +Good even, good father. + +DUKE VINCENTIO: +Bliss and goodness on you! + +ESCALUS: +Of whence are you? + +DUKE VINCENTIO: +Not of this country, though my chance is now +To use it for my time: I am a brother +Of gracious order, late come from the See +In special business from his holiness. + +ESCALUS: +What news abroad i' the world? + +DUKE VINCENTIO: +None, but that there is so great a fever on +goodness, that the dissolution of it must cure it: +novelty is only in request; and it is as dangerous +to be aged in any kind of course, as it is virtuous +to be constant in any undertaking. There is scarce +truth enough alive to make societies secure; but +security enough to make fellowships accurst: much +upon this riddle runs the wisdom of the world. This +news is old enough, yet it is every day's news. I +pray you, sir, of what disposition was the duke? + +ESCALUS: +One that, above all other strifes, contended +especially to know himself. + +DUKE VINCENTIO: +What pleasure was he given to? + +ESCALUS: +Rather rejoicing to see another merry, than merry at +any thing which professed to make him rejoice: a +gentleman of all temperance. But leave we him to +his events, with a prayer they may prove prosperous; +and let me desire to know how you find Claudio +prepared. I am made to understand that you have +lent him visitation. + +DUKE VINCENTIO: +He professes to have received no sinister measure +from his judge, but most willingly humbles himself +to the determination of justice: yet had he framed +to himself, by the instruction of his frailty, many +deceiving promises of life; which I by my good +leisure have discredited to him, and now is he +resolved to die. + +ESCALUS: +You have paid the heavens your function, and the +prisoner the very debt of your calling. I have +laboured for the poor gentleman to the extremest +shore of my modesty: but my brother justice have I +found so severe, that he hath forced me to tell him +he is indeed Justice. + +DUKE VINCENTIO: +If his own life answer the straitness of his +proceeding, it shall become him well; wherein if he +chance to fail, he hath sentenced himself. + +ESCALUS: +I am going to visit the prisoner. Fare you well. + +DUKE VINCENTIO: +Peace be with you! +He who the sword of heaven will bear +Should be as holy as severe; +Pattern in himself to know, +Grace to stand, and virtue go; +More nor less to others paying +Than by self-offences weighing. +Shame to him whose cruel striking +Kills for faults of his own liking! +Twice treble shame on Angelo, +To weed my vice and let his grow! +O, what may man within him hide, +Though angel on the outward side! +How may likeness made in crimes, +Making practise on the times, +To draw with idle spiders' strings +Most ponderous and substantial things! +Craft against vice I must apply: +With Angelo to-night shall lie +His old betrothed but despised; +So disguise shall, by the disguised, +Pay with falsehood false exacting, +And perform an old contracting. + + +MARIANA: +Break off thy song, and haste thee quick away: +Here comes a man of comfort, whose advice +Hath often still'd my brawling discontent. +I cry you mercy, sir; and well could wish +You had not found me here so musical: +Let me excuse me, and believe me so, +My mirth it much displeased, but pleased my woe. + +DUKE VINCENTIO: +'Tis good; though music oft hath such a charm +To make bad good, and good provoke to harm. +I pray, you, tell me, hath any body inquired +for me here to-day? much upon this time have +I promised here to meet. + +MARIANA: +You have not been inquired after: +I have sat here all day. + +DUKE VINCENTIO: +I do constantly believe you. The time is come even +now. I shall crave your forbearance a little: may +be I will call upon you anon, for some advantage to yourself. + +MARIANA: +I am always bound to you. + +DUKE VINCENTIO: +Very well met, and well come. +What is the news from this good deputy? + +ISABELLA: +He hath a garden circummured with brick, +Whose western side is with a vineyard back'd; +And to that vineyard is a planched gate, +That makes his opening with this bigger key: +This other doth command a little door +Which from the vineyard to the garden leads; +There have I made my promise +Upon the heavy middle of the night +To call upon him. + +DUKE VINCENTIO: +But shall you on your knowledge find this way? + +ISABELLA: +I have ta'en a due and wary note upon't: +With whispering and most guilty diligence, +In action all of precept, he did show me +The way twice o'er. + +DUKE VINCENTIO: +Are there no other tokens +Between you 'greed concerning her observance? + +ISABELLA: +No, none, but only a repair i' the dark; +And that I have possess'd him my most stay +Can be but brief; for I have made him know +I have a servant comes with me along, +That stays upon me, whose persuasion is +I come about my brother. + +DUKE VINCENTIO: +'Tis well borne up. +I have not yet made known to Mariana +A word of this. What, ho! within! come forth! +I pray you, be acquainted with this maid; +She comes to do you good. + +ISABELLA: +I do desire the like. + +DUKE VINCENTIO: +Do you persuade yourself that I respect you? + +MARIANA: +Good friar, I know you do, and have found it. + +DUKE VINCENTIO: +Take, then, this your companion by the hand, +Who hath a story ready for your ear. +I shall attend your leisure: but make haste; +The vaporous night approaches. + +MARIANA: +Will't please you walk aside? + +DUKE VINCENTIO: +O place and greatness! millions of false eyes +Are stuck upon thee: volumes of report +Run with these false and most contrarious quests +Upon thy doings: thousand escapes of wit +Make thee the father of their idle dreams +And rack thee in their fancies. +Welcome, how agreed? + +ISABELLA: +She'll take the enterprise upon her, father, +If you advise it. + +DUKE VINCENTIO: +It is not my consent, +But my entreaty too. + +ISABELLA: +Little have you to say +When you depart from him, but, soft and low, +'Remember now my brother.' + +MARIANA: +Fear me not. + +DUKE VINCENTIO: +Nor, gentle daughter, fear you not at all. +He is your husband on a pre-contract: +To bring you thus together, 'tis no sin, +Sith that the justice of your title to him +Doth flourish the deceit. Come, let us go: +Our corn's to reap, for yet our tithe's to sow. + +Provost: +Come hither, sirrah. Can you cut off a man's head? + +POMPEY: +If the man be a bachelor, sir, I can; but if he be a +married man, he's his wife's head, and I can never +cut off a woman's head. + +Provost: +Come, sir, leave me your snatches, and yield me a +direct answer. To-morrow morning are to die Claudio +and Barnardine. Here is in our prison a common +executioner, who in his office lacks a helper: if +you will take it on you to assist him, it shall +redeem you from your gyves; if not, you shall have +your full time of imprisonment and your deliverance +with an unpitied whipping, for you have been a +notorious bawd. + +POMPEY: +Sir, I have been an unlawful bawd time out of mind; +but yet I will be content to be a lawful hangman. I +would be glad to receive some instruction from my +fellow partner. + +Provost: +What, ho! Abhorson! Where's Abhorson, there? + +ABHORSON: +Do you call, sir? + +Provost: +Sirrah, here's a fellow will help you to-morrow in +your execution. If you think it meet, compound with +him by the year, and let him abide here with you; if +not, use him for the present and dismiss him. He +cannot plead his estimation with you; he hath been a bawd. + +ABHORSON: +A bawd, sir? fie upon him! he will discredit our mystery. + +Provost: +Go to, sir; you weigh equally; a feather will turn +the scale. + +POMPEY: +Pray, sir, by your good favour,--for surely, sir, a +good favour you have, but that you have a hanging +look,--do you call, sir, your occupation a mystery? + +ABHORSON: +Ay, sir; a mystery + +POMPEY: +Painting, sir, I have heard say, is a mystery; and +your whores, sir, being members of my occupation, +using painting, do prove my occupation a mystery: +but what mystery there should be in hanging, if I +should be hanged, I cannot imagine. + +ABHORSON: +Sir, it is a mystery. + +POMPEY: +Proof? + +ABHORSON: +Every true man's apparel fits your thief: if it be +too little for your thief, your true man thinks it +big enough; if it be too big for your thief, your +thief thinks it little enough: so every true man's +apparel fits your thief. + +Provost: +Are you agreed? + +POMPEY: +Sir, I will serve him; for I do find your hangman is +a more penitent trade than your bawd; he doth +oftener ask forgiveness. + +Provost: +You, sirrah, provide your block and your axe +to-morrow four o'clock. + +ABHORSON: +Come on, bawd; I will instruct thee in my trade; follow. + +POMPEY: +I do desire to learn, sir: and I hope, if you have +occasion to use me for your own turn, you shall find +me yare; for truly, sir, for your kindness I owe you +a good turn. + +Provost: +Call hither Barnardine and Claudio: +The one has my pity; not a jot the other, +Being a murderer, though he were my brother. +Look, here's the warrant, Claudio, for thy death: +'Tis now dead midnight, and by eight to-morrow +Thou must be made immortal. Where's Barnardine? + +CLAUDIO: +As fast lock'd up in sleep as guiltless labour +When it lies starkly in the traveller's bones: +He will not wake. + +Provost: +Who can do good on him? +Well, go, prepare yourself. +But, hark, what noise? +Heaven give your spirits comfort! +By and by. +I hope it is some pardon or reprieve +For the most gentle Claudio. +Welcome father. + +DUKE VINCENTIO: +The best and wholesomest spirts of the night +Envelope you, good Provost! Who call'd here of late? + +Provost: +None, since the curfew rung. + +DUKE VINCENTIO: +Not Isabel? + +Provost: +No. + +DUKE VINCENTIO: +They will, then, ere't be long. + +Provost: +What comfort is for Claudio? + +DUKE VINCENTIO: +There's some in hope. + +Provost: +It is a bitter deputy. + +DUKE VINCENTIO: +Not so, not so; his life is parallel'd +Even with the stroke and line of his great justice: +He doth with holy abstinence subdue +That in himself which he spurs on his power +To qualify in others: were he meal'd with that +Which he corrects, then were he tyrannous; +But this being so, he's just. +Now are they come. +This is a gentle provost: seldom when +The steeled gaoler is the friend of men. +How now! what noise? That spirit's possessed with haste +That wounds the unsisting postern with these strokes. + +Provost: +There he must stay until the officer +Arise to let him in: he is call'd up. + +DUKE VINCENTIO: +Have you no countermand for Claudio yet, +But he must die to-morrow? + +Provost: +None, sir, none. + +DUKE VINCENTIO: +As near the dawning, provost, as it is, +You shall hear more ere morning. + +Provost: +Happily +You something know; yet I believe there comes +No countermand; no such example have we: +Besides, upon the very siege of justice +Lord Angelo hath to the public ear +Profess'd the contrary. +This is his lordship's man. + +DUKE VINCENTIO: +And here comes Claudio's pardon. + +Messenger: + +Provost: +I shall obey him. + +DUKE VINCENTIO: + +Provost: +I told you. Lord Angelo, belike thinking me remiss +in mine office, awakens me with this unwonted +putting-on; methinks strangely, for he hath not used it before. + +DUKE VINCENTIO: +Pray you, let's hear. + +Provost: + +DUKE VINCENTIO: +What is that Barnardine who is to be executed in the +afternoon? + +Provost: +A Bohemian born, but here nursed un and bred; one +that is a prisoner nine years old. + +DUKE VINCENTIO: +How came it that the absent duke had not either +delivered him to his liberty or executed him? I +have heard it was ever his manner to do so. + +Provost: +His friends still wrought reprieves for him: and, +indeed, his fact, till now in the government of Lord +Angelo, came not to an undoubtful proof. + +DUKE VINCENTIO: +It is now apparent? + +Provost: +Most manifest, and not denied by himself. + +DUKE VINCENTIO: +Hath he born himself penitently in prison? how +seems he to be touched? + +Provost: +A man that apprehends death no more dreadfully but +as a drunken sleep; careless, reckless, and fearless +of what's past, present, or to come; insensible of +mortality, and desperately mortal. + +DUKE VINCENTIO: +He wants advice. + +Provost: +He will hear none: he hath evermore had the liberty +of the prison; give him leave to escape hence, he +would not: drunk many times a day, if not many days +entirely drunk. We have very oft awaked him, as if +to carry him to execution, and showed him a seeming +warrant for it: it hath not moved him at all. + +DUKE VINCENTIO: +More of him anon. There is written in your brow, +provost, honesty and constancy: if I read it not +truly, my ancient skill beguiles me; but, in the +boldness of my cunning, I will lay myself in hazard. +Claudio, whom here you have warrant to execute, is +no greater forfeit to the law than Angelo who hath +sentenced him. To make you understand this in a +manifested effect, I crave but four days' respite; +for the which you are to do me both a present and a +dangerous courtesy. + +Provost: +Pray, sir, in what? + +DUKE VINCENTIO: +In the delaying death. + +Provost: +A lack, how may I do it, having the hour limited, +and an express command, under penalty, to deliver +his head in the view of Angelo? I may make my case +as Claudio's, to cross this in the smallest. + +DUKE VINCENTIO: +By the vow of mine order I warrant you, if my +instructions may be your guide. Let this Barnardine +be this morning executed, and his head born to Angelo. + +Provost: +Angelo hath seen them both, and will discover the favour. + +DUKE VINCENTIO: +O, death's a great disguiser; and you may add to it. +Shave the head, and tie the beard; and say it was +the desire of the penitent to be so bared before his +death: you know the course is common. If any thing +fall to you upon this, more than thanks and good +fortune, by the saint whom I profess, I will plead +against it with my life. + +Provost: +Pardon me, good father; it is against my oath. + +DUKE VINCENTIO: +Were you sworn to the duke, or to the deputy? + +Provost: +To him, and to his substitutes. + +DUKE VINCENTIO: +You will think you have made no offence, if the duke +avouch the justice of your dealing? + +Provost: +But what likelihood is in that? + +DUKE VINCENTIO: +Not a resemblance, but a certainty. Yet since I see +you fearful, that neither my coat, integrity, nor +persuasion can with ease attempt you, I will go +further than I meant, to pluck all fears out of you. +Look you, sir, here is the hand and seal of the +duke: you know the character, I doubt not; and the +signet is not strange to you. + +Provost: +I know them both. + +DUKE VINCENTIO: +The contents of this is the return of the duke: you +shall anon over-read it at your pleasure; where you +shall find, within these two days he will be here. +This is a thing that Angelo knows not; for he this +very day receives letters of strange tenor; +perchance of the duke's death; perchance entering +into some monastery; but, by chance, nothing of what +is writ. Look, the unfolding star calls up the +shepherd. Put not yourself into amazement how these +things should be: all difficulties are but easy +when they are known. Call your executioner, and off +with Barnardine's head: I will give him a present +shrift and advise him for a better place. Yet you +are amazed; but this shall absolutely resolve you. +Come away; it is almost clear dawn. + +POMPEY: +I am as well acquainted here as I was in our house +of profession: one would think it were Mistress +Overdone's own house, for here be many of her old +customers. First, here's young Master Rash; he's in +for a commodity of brown paper and old ginger, +ninescore and seventeen pounds; of which he made +five marks, ready money: marry, then ginger was not +much in request, for the old women were all dead. +Then is there here one Master Caper, at the suit of +Master Three-pile the mercer, for some four suits of +peach-coloured satin, which now peaches him a +beggar. Then have we here young Dizy, and young +Master Deep-vow, and Master Copperspur, and Master +Starve-lackey the rapier and dagger man, and young +Drop-heir that killed lusty Pudding, and Master +Forthlight the tilter, and brave Master Shooty the +great traveller, and wild Half-can that stabbed +Pots, and, I think, forty more; all great doers in +our trade, and are now 'for the Lord's sake.' + +ABHORSON: +Sirrah, bring Barnardine hither. + +POMPEY: +Master Barnardine! you must rise and be hanged. +Master Barnardine! + +ABHORSON: +What, ho, Barnardine! + +BARNARDINE: + +POMPEY: +Your friends, sir; the hangman. You must be so +good, sir, to rise and be put to death. + +BARNARDINE: + +ABHORSON: +Tell him he must awake, and that quickly too. + +POMPEY: +Pray, Master Barnardine, awake till you are +executed, and sleep afterwards. + +ABHORSON: +Go in to him, and fetch him out. + +POMPEY: +He is coming, sir, he is coming; I hear his straw rustle. + +ABHORSON: +Is the axe upon the block, sirrah? + +POMPEY: +Very ready, sir. + +BARNARDINE: +How now, Abhorson? what's the news with you? + +ABHORSON: +Truly, sir, I would desire you to clap into your +prayers; for, look you, the warrant's come. + +BARNARDINE: +You rogue, I have been drinking all night; I am not +fitted for 't. + +POMPEY: +O, the better, sir; for he that drinks all night, +and is hanged betimes in the morning, may sleep the +sounder all the next day. + +ABHORSON: +Look you, sir; here comes your ghostly father: do +we jest now, think you? + +DUKE VINCENTIO: +Sir, induced by my charity, and hearing how hastily +you are to depart, I am come to advise you, comfort +you and pray with you. + +BARNARDINE: +Friar, not I I have been drinking hard all night, +and I will have more time to prepare me, or they +shall beat out my brains with billets: I will not +consent to die this day, that's certain. + +DUKE VINCENTIO: +O, sir, you must: and therefore I beseech you +Look forward on the journey you shall go. + +BARNARDINE: +I swear I will not die to-day for any man's +persuasion. + +DUKE VINCENTIO: +But hear you. + +BARNARDINE: +Not a word: if you have any thing to say to me, +come to my ward; for thence will not I to-day. + +DUKE VINCENTIO: +Unfit to live or die: O gravel heart! +After him, fellows; bring him to the block. + +Provost: +Now, sir, how do you find the prisoner? + +DUKE VINCENTIO: +A creature unprepared, unmeet for death; +And to transport him in the mind he is +Were damnable. + +Provost: +Here in the prison, father, +There died this morning of a cruel fever +One Ragozine, a most notorious pirate, +A man of Claudio's years; his beard and head +Just of his colour. What if we do omit +This reprobate till he were well inclined; +And satisfy the deputy with the visage +Of Ragozine, more like to Claudio? + +DUKE VINCENTIO: +O, 'tis an accident that heaven provides! +Dispatch it presently; the hour draws on +Prefix'd by Angelo: see this be done, +And sent according to command; whiles I +Persuade this rude wretch willingly to die. + +Provost: +This shall be done, good father, presently. +But Barnardine must die this afternoon: +And how shall we continue Claudio, +To save me from the danger that might come +If he were known alive? + +DUKE VINCENTIO: +Let this be done. +Put them in secret holds, both Barnardine and Claudio: +Ere twice the sun hath made his journal greeting +To the under generation, you shall find +Your safety manifested. + +Provost: +I am your free dependant. + +DUKE VINCENTIO: +Quick, dispatch, and send the head to Angelo. +Now will I write letters to Angelo,-- +The provost, he shall bear them, whose contents +Shall witness to him I am near at home, +And that, by great injunctions, I am bound +To enter publicly: him I'll desire +To meet me at the consecrated fount +A league below the city; and from thence, +By cold gradation and well-balanced form, +We shall proceed with Angelo. + +Provost: +Here is the head; I'll carry it myself. + +DUKE VINCENTIO: +Convenient is it. Make a swift return; +For I would commune with you of such things +That want no ear but yours. + +Provost: +I'll make all speed. + +ISABELLA: + +DUKE VINCENTIO: +The tongue of Isabel. She's come to know +If yet her brother's pardon be come hither: +But I will keep her ignorant of her good, +To make her heavenly comforts of despair, +When it is least expected. + +ISABELLA: +Ho, by your leave! + +DUKE VINCENTIO: +Good morning to you, fair and gracious daughter. + +ISABELLA: +The better, given me by so holy a man. +Hath yet the deputy sent my brother's pardon? + +DUKE VINCENTIO: +He hath released him, Isabel, from the world: +His head is off and sent to Angelo. + +ISABELLA: +Nay, but it is not so. + +DUKE VINCENTIO: +It is no other: show your wisdom, daughter, +In your close patience. + +ISABELLA: +O, I will to him and pluck out his eyes! + +DUKE VINCENTIO: +You shall not be admitted to his sight. + +ISABELLA: +Unhappy Claudio! wretched Isabel! +Injurious world! most damned Angelo! + +DUKE VINCENTIO: +This nor hurts him nor profits you a jot; +Forbear it therefore; give your cause to heaven. +Mark what I say, which you shall find +By every syllable a faithful verity: +The duke comes home to-morrow; nay, dry your eyes; +One of our convent, and his confessor, +Gives me this instance: already he hath carried +Notice to Escalus and Angelo, +Who do prepare to meet him at the gates, +There to give up their power. If you can, pace your wisdom +In that good path that I would wish it go, +And you shall have your bosom on this wretch, +Grace of the duke, revenges to your heart, +And general honour. + +ISABELLA: +I am directed by you. + +DUKE VINCENTIO: +This letter, then, to Friar Peter give; +'Tis that he sent me of the duke's return: +Say, by this token, I desire his company +At Mariana's house to-night. Her cause and yours +I'll perfect him withal, and he shall bring you +Before the duke, and to the head of Angelo +Accuse him home and home. For my poor self, +I am combined by a sacred vow +And shall be absent. Wend you with this letter: +Command these fretting waters from your eyes +With a light heart; trust not my holy order, +If I pervert your course. Who's here? + +LUCIO: +Good even. Friar, where's the provost? + +DUKE VINCENTIO: +Not within, sir. + +LUCIO: +O pretty Isabella, I am pale at mine heart to see +thine eyes so red: thou must be patient. I am fain +to dine and sup with water and bran; I dare not for +my head fill my belly; one fruitful meal would set +me to 't. But they say the duke will be here +to-morrow. By my troth, Isabel, I loved thy brother: +if the old fantastical duke of dark corners had been +at home, he had lived. + +DUKE VINCENTIO: +Sir, the duke is marvellous little beholding to your +reports; but the best is, he lives not in them. + +LUCIO: +Friar, thou knowest not the duke so well as I do: +he's a better woodman than thou takest him for. + +DUKE VINCENTIO: +Well, you'll answer this one day. Fare ye well. + +LUCIO: +Nay, tarry; I'll go along with thee +I can tell thee pretty tales of the duke. + +DUKE VINCENTIO: +You have told me too many of him already, sir, if +they be true; if not true, none were enough. + +LUCIO: +I was once before him for getting a wench with child. + +DUKE VINCENTIO: +Did you such a thing? + +LUCIO: +Yes, marry, did I but I was fain to forswear it; +they would else have married me to the rotten medlar. + +DUKE VINCENTIO: +Sir, your company is fairer than honest. Rest you well. + +LUCIO: +By my troth, I'll go with thee to the lane's end: +if bawdy talk offend you, we'll have very little of +it. Nay, friar, I am a kind of burr; I shall stick. + +ESCALUS: +Every letter he hath writ hath disvouched other. + +ANGELO: +In most uneven and distracted manner. His actions +show much like to madness: pray heaven his wisdom be +not tainted! And why meet him at the gates, and +redeliver our authorities there + +ESCALUS: +I guess not. + +ANGELO: +And why should we proclaim it in an hour before his +entering, that if any crave redress of injustice, +they should exhibit their petitions in the street? + +ESCALUS: +He shows his reason for that: to have a dispatch of +complaints, and to deliver us from devices +hereafter, which shall then have no power to stand +against us. + +ANGELO: +Well, I beseech you, let it be proclaimed betimes +i' the morn; I'll call you at your house: give +notice to such men of sort and suit as are to meet +him. + +ESCALUS: +I shall, sir. Fare you well. + +ANGELO: +Good night. +This deed unshapes me quite, makes me unpregnant +And dull to all proceedings. A deflower'd maid! +And by an eminent body that enforced +The law against it! But that her tender shame +Will not proclaim against her maiden loss, +How might she tongue me! Yet reason dares her no; +For my authority bears of a credent bulk, +That no particular scandal once can touch +But it confounds the breather. He should have lived, +Save that riotous youth, with dangerous sense, +Might in the times to come have ta'en revenge, +By so receiving a dishonour'd life +With ransom of such shame. Would yet he had lived! +A lack, when once our grace we have forgot, +Nothing goes right: we would, and we would not. + +DUKE VINCENTIO: +These letters at fit time deliver me +The provost knows our purpose and our plot. +The matter being afoot, keep your instruction, +And hold you ever to our special drift; +Though sometimes you do blench from this to that, +As cause doth minister. Go call at Flavius' house, +And tell him where I stay: give the like notice +To Valentinus, Rowland, and to Crassus, +And bid them bring the trumpets to the gate; +But send me Flavius first. + +FRIAR PETER: +It shall be speeded well. + +DUKE VINCENTIO: +I thank thee, Varrius; thou hast made good haste: +Come, we will walk. There's other of our friends +Will greet us here anon, my gentle Varrius. + +ISABELLA: +To speak so indirectly I am loath: +I would say the truth; but to accuse him so, +That is your part: yet I am advised to do it; +He says, to veil full purpose. + +MARIANA: +Be ruled by him. + +ISABELLA: +Besides, he tells me that, if peradventure +He speak against me on the adverse side, +I should not think it strange; for 'tis a physic +That's bitter to sweet end. + +MARIANA: +I would Friar Peter-- + +ISABELLA: +O, peace! the friar is come. + +FRIAR PETER: +Come, I have found you out a stand most fit, +Where you may have such vantage on the duke, +He shall not pass you. Twice have the trumpets sounded; +The generous and gravest citizens +Have hent the gates, and very near upon +The duke is entering: therefore, hence, away! + +DUKE VINCENTIO: +My very worthy cousin, fairly met! +Our old and faithful friend, we are glad to see you. + +ANGELO: +Happy return be to your royal grace! + +DUKE VINCENTIO: +Many and hearty thankings to you both. +We have made inquiry of you; and we hear +Such goodness of your justice, that our soul +Cannot but yield you forth to public thanks, +Forerunning more requital. + +ANGELO: +You make my bonds still greater. + +DUKE VINCENTIO: +O, your desert speaks loud; and I should wrong it, +To lock it in the wards of covert bosom, +When it deserves, with characters of brass, +A forted residence 'gainst the tooth of time +And razure of oblivion. Give me your hand, +And let the subject see, to make them know +That outward courtesies would fain proclaim +Favours that keep within. Come, Escalus, +You must walk by us on our other hand; +And good supporters are you. + +FRIAR PETER: +Now is your time: speak loud and kneel before him. + +ISABELLA: +Justice, O royal duke! Vail your regard +Upon a wrong'd, I would fain have said, a maid! +O worthy prince, dishonour not your eye +By throwing it on any other object +Till you have heard me in my true complaint +And given me justice, justice, justice, justice! + +DUKE VINCENTIO: +Relate your wrongs; in what? by whom? be brief. +Here is Lord Angelo shall give you justice: +Reveal yourself to him. + +ISABELLA: +O worthy duke, +You bid me seek redemption of the devil: +Hear me yourself; for that which I must speak +Must either punish me, not being believed, +Or wring redress from you. Hear me, O hear me, here! + +ANGELO: +My lord, her wits, I fear me, are not firm: +She hath been a suitor to me for her brother +Cut off by course of justice,-- + +ISABELLA: +By course of justice! + +ANGELO: +And she will speak most bitterly and strange. + +ISABELLA: +Most strange, but yet most truly, will I speak: +That Angelo's forsworn; is it not strange? +That Angelo's a murderer; is 't not strange? +That Angelo is an adulterous thief, +An hypocrite, a virgin-violator; +Is it not strange and strange? + +DUKE VINCENTIO: +Nay, it is ten times strange. + +ISABELLA: +It is not truer he is Angelo +Than this is all as true as it is strange: +Nay, it is ten times true; for truth is truth +To the end of reckoning. + +DUKE VINCENTIO: +Away with her! Poor soul, +She speaks this in the infirmity of sense. + +ISABELLA: +O prince, I conjure thee, as thou believest +There is another comfort than this world, +That thou neglect me not, with that opinion +That I am touch'd with madness! Make not impossible +That which but seems unlike: 'tis not impossible +But one, the wicked'st caitiff on the ground, +May seem as shy, as grave, as just, as absolute +As Angelo; even so may Angelo, +In all his dressings, characts, titles, forms, +Be an arch-villain; believe it, royal prince: +If he be less, he's nothing; but he's more, +Had I more name for badness. + +DUKE VINCENTIO: +By mine honesty, +If she be mad,--as I believe no other,-- +Her madness hath the oddest frame of sense, +Such a dependency of thing on thing, +As e'er I heard in madness. + +ISABELLA: +O gracious duke, +Harp not on that, nor do not banish reason +For inequality; but let your reason serve +To make the truth appear where it seems hid, +And hide the false seems true. + +DUKE VINCENTIO: +Many that are not mad +Have, sure, more lack of reason. What would you say? + +ISABELLA: +I am the sister of one Claudio, +Condemn'd upon the act of fornication +To lose his head; condemn'd by Angelo: +I, in probation of a sisterhood, +Was sent to by my brother; one Lucio +As then the messenger,-- + +LUCIO: +That's I, an't like your grace: +I came to her from Claudio, and desired her +To try her gracious fortune with Lord Angelo +For her poor brother's pardon. + +ISABELLA: +That's he indeed. + +DUKE VINCENTIO: +You were not bid to speak. + +LUCIO: +No, my good lord; +Nor wish'd to hold my peace. + +DUKE VINCENTIO: +I wish you now, then; +Pray you, take note of it: and when you have +A business for yourself, pray heaven you then +Be perfect. + +LUCIO: +I warrant your honour. + +DUKE VINCENTIO: +The warrants for yourself; take heed to't. + +ISABELLA: +This gentleman told somewhat of my tale,-- + +LUCIO: +Right. + +DUKE VINCENTIO: +It may be right; but you are i' the wrong +To speak before your time. Proceed. + +ISABELLA: +I went +To this pernicious caitiff deputy,-- + +DUKE VINCENTIO: +That's somewhat madly spoken. + +ISABELLA: +Pardon it; +The phrase is to the matter. + +DUKE VINCENTIO: +Mended again. The matter; proceed. + +ISABELLA: +In brief, to set the needless process by, +How I persuaded, how I pray'd, and kneel'd, +How he refell'd me, and how I replied,-- +For this was of much length,--the vile conclusion +I now begin with grief and shame to utter: +He would not, but by gift of my chaste body +To his concupiscible intemperate lust, +Release my brother; and, after much debatement, +My sisterly remorse confutes mine honour, +And I did yield to him: but the next morn betimes, +His purpose surfeiting, he sends a warrant +For my poor brother's head. + +DUKE VINCENTIO: +This is most likely! + +ISABELLA: +O, that it were as like as it is true! + +DUKE VINCENTIO: +By heaven, fond wretch, thou knowist not what thou speak'st, +Or else thou art suborn'd against his honour +In hateful practise. First, his integrity +Stands without blemish. Next, it imports no reason +That with such vehemency he should pursue +Faults proper to himself: if he had so offended, +He would have weigh'd thy brother by himself +And not have cut him off. Some one hath set you on: +Confess the truth, and say by whose advice +Thou camest here to complain. + +ISABELLA: +And is this all? +Then, O you blessed ministers above, +Keep me in patience, and with ripen'd time +Unfold the evil which is here wrapt up +In countenance! Heaven shield your grace from woe, +As I, thus wrong'd, hence unbelieved go! + +DUKE VINCENTIO: +I know you'ld fain be gone. An officer! +To prison with her! Shall we thus permit +A blasting and a scandalous breath to fall +On him so near us? This needs must be a practise. +Who knew of Your intent and coming hither? + +ISABELLA: +One that I would were here, Friar Lodowick. + +DUKE VINCENTIO: +A ghostly father, belike. Who knows that Lodowick? + +LUCIO: +My lord, I know him; 'tis a meddling friar; +I do not like the man: had he been lay, my lord +For certain words he spake against your grace +In your retirement, I had swinged him soundly. + +DUKE VINCENTIO: +Words against me? this is a good friar, belike! +And to set on this wretched woman here +Against our substitute! Let this friar be found. + +LUCIO: +But yesternight, my lord, she and that friar, +I saw them at the prison: a saucy friar, +A very scurvy fellow. + +FRIAR PETER: +Blessed be your royal grace! +I have stood by, my lord, and I have heard +Your royal ear abused. First, hath this woman +Most wrongfully accused your substitute, +Who is as free from touch or soil with her +As she from one ungot. + +DUKE VINCENTIO: +We did believe no less. +Know you that Friar Lodowick that she speaks of? + +FRIAR PETER: +I know him for a man divine and holy; +Not scurvy, nor a temporary meddler, +As he's reported by this gentleman; +And, on my trust, a man that never yet +Did, as he vouches, misreport your grace. + +LUCIO: +My lord, most villanously; believe it. + +FRIAR PETER: +Well, he in time may come to clear himself; +But at this instant he is sick my lord, +Of a strange fever. Upon his mere request, +Being come to knowledge that there was complaint +Intended 'gainst Lord Angelo, came I hither, +To speak, as from his mouth, what he doth know +Is true and false; and what he with his oath +And all probation will make up full clear, +Whensoever he's convented. First, for this woman. +To justify this worthy nobleman, +So vulgarly and personally accused, +Her shall you hear disproved to her eyes, +Till she herself confess it. + +DUKE VINCENTIO: +Good friar, let's hear it. +Do you not smile at this, Lord Angelo? +O heaven, the vanity of wretched fools! +Give us some seats. Come, cousin Angelo; +In this I'll be impartial; be you judge +Of your own cause. Is this the witness, friar? +First, let her show her face, and after speak. + +MARIANA: +Pardon, my lord; I will not show my face +Until my husband bid me. + +DUKE VINCENTIO: +What, are you married? + +MARIANA: +No, my lord. + +DUKE VINCENTIO: +Are you a maid? + +MARIANA: +No, my lord. + +DUKE VINCENTIO: +A widow, then? + +MARIANA: +Neither, my lord. + +DUKE VINCENTIO: +Why, you are nothing then: neither maid, widow, nor wife? + +LUCIO: +My lord, she may be a punk; for many of them are +neither maid, widow, nor wife. + +DUKE VINCENTIO: +Silence that fellow: I would he had some cause +To prattle for himself. + +LUCIO: +Well, my lord. + +MARIANA: +My lord; I do confess I ne'er was married; +And I confess besides I am no maid: +I have known my husband; yet my husband +Knows not that ever he knew me. + +LUCIO: +He was drunk then, my lord: it can be no better. + +DUKE VINCENTIO: +For the benefit of silence, would thou wert so too! + +LUCIO: +Well, my lord. + +DUKE VINCENTIO: +This is no witness for Lord Angelo. + +MARIANA: +Now I come to't my lord +She that accuses him of fornication, +In self-same manner doth accuse my husband, +And charges him my lord, with such a time +When I'll depose I had him in mine arms +With all the effect of love. + +ANGELO: +Charges she more than me? + +MARIANA: +Not that I know. + +DUKE VINCENTIO: +No? you say your husband. + +MARIANA: +Why, just, my lord, and that is Angelo, +Who thinks he knows that he ne'er knew my body, +But knows he thinks that he knows Isabel's. + +ANGELO: +This is a strange abuse. Let's see thy face. + +MARIANA: +My husband bids me; now I will unmask. +This is that face, thou cruel Angelo, +Which once thou sworest was worth the looking on; +This is the hand which, with a vow'd contract, +Was fast belock'd in thine; this is the body +That took away the match from Isabel, +And did supply thee at thy garden-house +In her imagined person. + +DUKE VINCENTIO: +Know you this woman? + +LUCIO: +Carnally, she says. + +DUKE VINCENTIO: +Sirrah, no more! + +LUCIO: +Enough, my lord. + +ANGELO: +My lord, I must confess I know this woman: +And five years since there was some speech of marriage +Betwixt myself and her; which was broke off, +Partly for that her promised proportions +Came short of composition, but in chief +For that her reputation was disvalued +In levity: since which time of five years +I never spake with her, saw her, nor heard from her, +Upon my faith and honour. + +MARIANA: +Noble prince, +As there comes light from heaven and words from breath, +As there is sense in truth and truth in virtue, +I am affianced this man's wife as strongly +As words could make up vows: and, my good lord, +But Tuesday night last gone in's garden-house +He knew me as a wife. As this is true, +Let me in safety raise me from my knees +Or else for ever be confixed here, +A marble monument! + +ANGELO: +I did but smile till now: +Now, good my lord, give me the scope of justice +My patience here is touch'd. I do perceive +These poor informal women are no more +But instruments of some more mightier member +That sets them on: let me have way, my lord, +To find this practise out. + +DUKE VINCENTIO: +Ay, with my heart +And punish them to your height of pleasure. +Thou foolish friar, and thou pernicious woman, +Compact with her that's gone, think'st thou thy oaths, +Though they would swear down each particular saint, +Were testimonies against his worth and credit +That's seal'd in approbation? You, Lord Escalus, +Sit with my cousin; lend him your kind pains +To find out this abuse, whence 'tis derived. +There is another friar that set them on; +Let him be sent for. + +FRIAR PETER: +Would he were here, my lord! for he indeed +Hath set the women on to this complaint: +Your provost knows the place where he abides +And he may fetch him. + +DUKE VINCENTIO: +Go do it instantly. +And you, my noble and well-warranted cousin, +Whom it concerns to hear this matter forth, +Do with your injuries as seems you best, +In any chastisement: I for a while will leave you; +But stir not you till you have well determined +Upon these slanderers. + +ESCALUS: +My lord, we'll do it throughly. +Signior Lucio, did not you say you knew that +Friar Lodowick to be a dishonest person? + +LUCIO: +'Cucullus non facit monachum:' honest in nothing +but in his clothes; and one that hath spoke most +villanous speeches of the duke. + +ESCALUS: +We shall entreat you to abide here till he come and +enforce them against him: we shall find this friar a +notable fellow. + +LUCIO: +As any in Vienna, on my word. + +ESCALUS: +Call that same Isabel here once again; I would speak with her. +Pray you, my lord, give me leave to question; you +shall see how I'll handle her. + +LUCIO: +Not better than he, by her own report. + +ESCALUS: +Say you? + +LUCIO: +Marry, sir, I think, if you handled her privately, +she would sooner confess: perchance, publicly, +she'll be ashamed. + +ESCALUS: +I will go darkly to work with her. + +LUCIO: +That's the way; for women are light at midnight. + +ESCALUS: +Come on, mistress: here's a gentlewoman denies all +that you have said. + +LUCIO: +My lord, here comes the rascal I spoke of; here with +the provost. + +ESCALUS: +In very good time: speak not you to him till we +call upon you. + +LUCIO: +Mum. + +ESCALUS: +Come, sir: did you set these women on to slander +Lord Angelo? they have confessed you did. + +DUKE VINCENTIO: +'Tis false. + +ESCALUS: +How! know you where you are? + +DUKE VINCENTIO: +Respect to your great place! and let the devil +Be sometime honour'd for his burning throne! +Where is the duke? 'tis he should hear me speak. + +ESCALUS: +The duke's in us; and we will hear you speak: +Look you speak justly. + +DUKE VINCENTIO: +Boldly, at least. But, O, poor souls, +Come you to seek the lamb here of the fox? +Good night to your redress! Is the duke gone? +Then is your cause gone too. The duke's unjust, +Thus to retort your manifest appeal, +And put your trial in the villain's mouth +Which here you come to accuse. + +LUCIO: +This is the rascal; this is he I spoke of. + +ESCALUS: +Why, thou unreverend and unhallow'd friar, +Is't not enough thou hast suborn'd these women +To accuse this worthy man, but, in foul mouth +And in the witness of his proper ear, +To call him villain? and then to glance from him +To the duke himself, to tax him with injustice? +Take him hence; to the rack with him! We'll touse you +Joint by joint, but we will know his purpose. +What 'unjust'! + +DUKE VINCENTIO: +Be not so hot; the duke +Dare no more stretch this finger of mine than he +Dare rack his own: his subject am I not, +Nor here provincial. My business in this state +Made me a looker on here in Vienna, +Where I have seen corruption boil and bubble +Till it o'er-run the stew; laws for all faults, +But faults so countenanced, that the strong statutes +Stand like the forfeits in a barber's shop, +As much in mock as mark. + +ESCALUS: +Slander to the state! Away with him to prison! + +ANGELO: +What can you vouch against him, Signior Lucio? +Is this the man that you did tell us of? + +LUCIO: +'Tis he, my lord. Come hither, goodman baldpate: +do you know me? + +DUKE VINCENTIO: +I remember you, sir, by the sound of your voice: I +met you at the prison, in the absence of the duke. + +LUCIO: +O, did you so? And do you remember what you said of the duke? + +DUKE VINCENTIO: +Most notedly, sir. + +LUCIO: +Do you so, sir? And was the duke a fleshmonger, a +fool, and a coward, as you then reported him to be? + +DUKE VINCENTIO: +You must, sir, change persons with me, ere you make +that my report: you, indeed, spoke so of him; and +much more, much worse. + +LUCIO: +O thou damnable fellow! Did not I pluck thee by the +nose for thy speeches? + +DUKE VINCENTIO: +I protest I love the duke as I love myself. + +ANGELO: +Hark, how the villain would close now, after his +treasonable abuses! + +ESCALUS: +Such a fellow is not to be talked withal. Away with +him to prison! Where is the provost? Away with him +to prison! lay bolts enough upon him: let him +speak no more. Away with those giglots too, and +with the other confederate companion! + +DUKE VINCENTIO: + +ANGELO: +What, resists he? Help him, Lucio. + +LUCIO: +Come, sir; come, sir; come, sir; foh, sir! Why, you +bald-pated, lying rascal, you must be hooded, must +you? Show your knave's visage, with a pox to you! +show your sheep-biting face, and be hanged an hour! +Will't not off? + +DUKE VINCENTIO: +Thou art the first knave that e'er madest a duke. +First, provost, let me bail these gentle three. +Sneak not away, sir; for the friar and you +Must have a word anon. Lay hold on him. + +LUCIO: +This may prove worse than hanging. + +DUKE VINCENTIO: + +ANGELO: +O my dread lord, +I should be guiltier than my guiltiness, +To think I can be undiscernible, +When I perceive your grace, like power divine, +Hath look'd upon my passes. Then, good prince, +No longer session hold upon my shame, +But let my trial be mine own confession: +Immediate sentence then and sequent death +Is all the grace I beg. + +DUKE VINCENTIO: +Come hither, Mariana. +Say, wast thou e'er contracted to this woman? + +ANGELO: +I was, my lord. + +DUKE VINCENTIO: +Go take her hence, and marry her instantly. +Do you the office, friar; which consummate, +Return him here again. Go with him, provost. + +ESCALUS: +My lord, I am more amazed at his dishonour +Than at the strangeness of it. + +DUKE VINCENTIO: +Come hither, Isabel. +Your friar is now your prince: as I was then +Advertising and holy to your business, +Not changing heart with habit, I am still +Attorney'd at your service. + +ISABELLA: +O, give me pardon, +That I, your vassal, have employ'd and pain'd +Your unknown sovereignty! + +DUKE VINCENTIO: +You are pardon'd, Isabel: +And now, dear maid, be you as free to us. +Your brother's death, I know, sits at your heart; +And you may marvel why I obscured myself, +Labouring to save his life, and would not rather +Make rash remonstrance of my hidden power +Than let him so be lost. O most kind maid, +It was the swift celerity of his death, +Which I did think with slower foot came on, +That brain'd my purpose. But, peace be with him! +That life is better life, past fearing death, +Than that which lives to fear: make it your comfort, +So happy is your brother. + +ISABELLA: +I do, my lord. + +DUKE VINCENTIO: +For this new-married man approaching here, +Whose salt imagination yet hath wrong'd +Your well defended honour, you must pardon +For Mariana's sake: but as he adjudged your brother,-- +Being criminal, in double violation +Of sacred chastity and of promise-breach +Thereon dependent, for your brother's life,-- +The very mercy of the law cries out +Most audible, even from his proper tongue, +'An Angelo for Claudio, death for death!' +Haste still pays haste, and leisure answers leisure; +Like doth quit like, and MEASURE still FOR MEASURE. +Then, Angelo, thy fault's thus manifested; +Which, though thou wouldst deny, denies thee vantage. +We do condemn thee to the very block +Where Claudio stoop'd to death, and with like haste. +Away with him! + +MARIANA: +O my most gracious lord, +I hope you will not mock me with a husband. + +DUKE VINCENTIO: +It is your husband mock'd you with a husband. +Consenting to the safeguard of your honour, +I thought your marriage fit; else imputation, +For that he knew you, might reproach your life +And choke your good to come; for his possessions, +Although by confiscation they are ours, +We do instate and widow you withal, +To buy you a better husband. + +MARIANA: +O my dear lord, +I crave no other, nor no better man. + +DUKE VINCENTIO: +Never crave him; we are definitive. + +MARIANA: +Gentle my liege,-- + +DUKE VINCENTIO: +You do but lose your labour. +Away with him to death! +Now, sir, to you. + +MARIANA: +O my good lord! Sweet Isabel, take my part; +Lend me your knees, and all my life to come +I'll lend you all my life to do you service. + +DUKE VINCENTIO: +Against all sense you do importune her: +Should she kneel down in mercy of this fact, +Her brother's ghost his paved bed would break, +And take her hence in horror. + +MARIANA: +Isabel, +Sweet Isabel, do yet but kneel by me; +Hold up your hands, say nothing; I'll speak all. +They say, best men are moulded out of faults; +And, for the most, become much more the better +For being a little bad: so may my husband. +O Isabel, will you not lend a knee? + +DUKE VINCENTIO: +He dies for Claudio's death. + +ISABELLA: +Most bounteous sir, +Look, if it please you, on this man condemn'd, +As if my brother lived: I partly think +A due sincerity govern'd his deeds, +Till he did look on me: since it is so, +Let him not die. My brother had but justice, +In that he did the thing for which he died: +For Angelo, +His act did not o'ertake his bad intent, +And must be buried but as an intent +That perish'd by the way: thoughts are no subjects; +Intents but merely thoughts. + +MARIANA: +Merely, my lord. + +DUKE VINCENTIO: +Your suit's unprofitable; stand up, I say. +I have bethought me of another fault. +Provost, how came it Claudio was beheaded +At an unusual hour? + +Provost: +It was commanded so. + +DUKE VINCENTIO: +Had you a special warrant for the deed? + +Provost: +No, my good lord; it was by private message. + +DUKE VINCENTIO: +For which I do discharge you of your office: +Give up your keys. + +Provost: +Pardon me, noble lord: +I thought it was a fault, but knew it not; +Yet did repent me, after more advice; +For testimony whereof, one in the prison, +That should by private order else have died, +I have reserved alive. + +DUKE VINCENTIO: +What's he? + +Provost: +His name is Barnardine. + +DUKE VINCENTIO: +I would thou hadst done so by Claudio. +Go fetch him hither; let me look upon him. + +ESCALUS: +I am sorry, one so learned and so wise +As you, Lord Angelo, have still appear'd, +Should slip so grossly, both in the heat of blood. +And lack of temper'd judgment afterward. + +ANGELO: +I am sorry that such sorrow I procure: +And so deep sticks it in my penitent heart +That I crave death more willingly than mercy; +'Tis my deserving, and I do entreat it. + +DUKE VINCENTIO: +Which is that Barnardine? + +Provost: +This, my lord. + +DUKE VINCENTIO: +There was a friar told me of this man. +Sirrah, thou art said to have a stubborn soul. +That apprehends no further than this world, +And squarest thy life according. Thou'rt condemn'd: +But, for those earthly faults, I quit them all; +And pray thee take this mercy to provide +For better times to come. Friar, advise him; +I leave him to your hand. What muffled fellow's that? + +Provost: +This is another prisoner that I saved. +Who should have died when Claudio lost his head; +As like almost to Claudio as himself. + +DUKE VINCENTIO: + +LUCIO: +'Faith, my lord. I spoke it but according to the +trick. If you will hang me for it, you may; but I +had rather it would please you I might be whipt. + +DUKE VINCENTIO: +Whipt first, sir, and hanged after. +Proclaim it, provost, round about the city. +Is any woman wrong'd by this lewd fellow, +As I have heard him swear himself there's one +Whom he begot with child, let her appear, +And he shall marry her: the nuptial finish'd, +Let him be whipt and hang'd. + +LUCIO: +I beseech your highness, do not marry me to a whore. +Your highness said even now, I made you a duke: +good my lord, do not recompense me in making me a cuckold. + +DUKE VINCENTIO: +Upon mine honour, thou shalt marry her. +Thy slanders I forgive; and therewithal +Remit thy other forfeits. Take him to prison; +And see our pleasure herein executed. + +LUCIO: +Marrying a punk, my lord, is pressing to death, +whipping, and hanging. + +DUKE VINCENTIO: +Slandering a prince deserves it. +She, Claudio, that you wrong'd, look you restore. +Joy to you, Mariana! Love her, Angelo: +I have confess'd her and I know her virtue. +Thanks, good friend Escalus, for thy much goodness: +There's more behind that is more gratulate. +Thanks, provost, for thy care and secrecy: +We shill employ thee in a worthier place. +Forgive him, Angelo, that brought you home +The head of Ragozine for Claudio's: +The offence pardons itself. Dear Isabel, +I have a motion much imports your good; +Whereto if you'll a willing ear incline, +What's mine is yours and what is yours is mine. +So, bring us to our palace; where we'll show +What's yet behind, that's meet you all should know. + +SLY: +I'll pheeze you, in faith. + +Hostess: +A pair of stocks, you rogue! + +SLY: +Ye are a baggage: the Slys are no rogues; look in +the chronicles; we came in with Richard Conqueror. +Therefore paucas pallabris; let the world slide: sessa! + +Hostess: +You will not pay for the glasses you have burst? + +SLY: +No, not a denier. Go by, Jeronimy: go to thy cold +bed, and warm thee. + +Hostess: +I know my remedy; I must go fetch the +third--borough. + +SLY: +Third, or fourth, or fifth borough, I'll answer him +by law: I'll not budge an inch, boy: let him come, +and kindly. + +Lord: +Huntsman, I charge thee, tender well my hounds: +Brach Merriman, the poor cur is emboss'd; +And couple Clowder with the deep--mouth'd brach. +Saw'st thou not, boy, how Silver made it good +At the hedge-corner, in the coldest fault? +I would not lose the dog for twenty pound. + +First Huntsman: +Why, Belman is as good as he, my lord; +He cried upon it at the merest loss +And twice to-day pick'd out the dullest scent: +Trust me, I take him for the better dog. + +Lord: +Thou art a fool: if Echo were as fleet, +I would esteem him worth a dozen such. +But sup them well and look unto them all: +To-morrow I intend to hunt again. + +First Huntsman: +I will, my lord. + +Lord: +What's here? one dead, or drunk? See, doth he breathe? + +Second Huntsman: +He breathes, my lord. Were he not warm'd with ale, +This were a bed but cold to sleep so soundly. + +Lord: +O monstrous beast! how like a swine he lies! +Grim death, how foul and loathsome is thine image! +Sirs, I will practise on this drunken man. +What think you, if he were convey'd to bed, +Wrapp'd in sweet clothes, rings put upon his fingers, +A most delicious banquet by his bed, +And brave attendants near him when he wakes, +Would not the beggar then forget himself? + +First Huntsman: +Believe me, lord, I think he cannot choose. + +Second Huntsman: +It would seem strange unto him when he waked. + +Lord: +Even as a flattering dream or worthless fancy. +Then take him up and manage well the jest: +Carry him gently to my fairest chamber +And hang it round with all my wanton pictures: +Balm his foul head in warm distilled waters +And burn sweet wood to make the lodging sweet: +Procure me music ready when he wakes, +To make a dulcet and a heavenly sound; +And if he chance to speak, be ready straight +And with a low submissive reverence +Say 'What is it your honour will command?' +Let one attend him with a silver basin +Full of rose-water and bestrew'd with flowers, +Another bear the ewer, the third a diaper, +And say 'Will't please your lordship cool your hands?' +Some one be ready with a costly suit +And ask him what apparel he will wear; +Another tell him of his hounds and horse, +And that his lady mourns at his disease: +Persuade him that he hath been lunatic; +And when he says he is, say that he dreams, +For he is nothing but a mighty lord. +This do and do it kindly, gentle sirs: +It will be pastime passing excellent, +If it be husbanded with modesty. + +First Huntsman: +My lord, I warrant you we will play our part, +As he shall think by our true diligence +He is no less than what we say he is. + +Lord: +Take him up gently and to bed with him; +And each one to his office when he wakes. +Sirrah, go see what trumpet 'tis that sounds: +Belike, some noble gentleman that means, +Travelling some journey, to repose him here. +How now! who is it? + +Servant: +An't please your honour, players +That offer service to your lordship. + +Lord: +Bid them come near. +Now, fellows, you are welcome. + +Players: +We thank your honour. + +Lord: +Do you intend to stay with me tonight? + +A Player: +So please your lordship to accept our duty. + +Lord: +With all my heart. This fellow I remember, +Since once he play'd a farmer's eldest son: +'Twas where you woo'd the gentlewoman so well: +I have forgot your name; but, sure, that part +Was aptly fitted and naturally perform'd. + +A Player: +I think 'twas Soto that your honour means. + +Lord: +'Tis very true: thou didst it excellent. +Well, you are come to me in a happy time; +The rather for I have some sport in hand +Wherein your cunning can assist me much. +There is a lord will hear you play to-night: +But I am doubtful of your modesties; +Lest over-eyeing of his odd behavior,-- +For yet his honour never heard a play-- +You break into some merry passion +And so offend him; for I tell you, sirs, +If you should smile he grows impatient. + +A Player: +Fear not, my lord: we can contain ourselves, +Were he the veriest antic in the world. + +Lord: +Go, sirrah, take them to the buttery, +And give them friendly welcome every one: +Let them want nothing that my house affords. +Sirrah, go you to Barthol'mew my page, +And see him dress'd in all suits like a lady: +That done, conduct him to the drunkard's chamber; +And call him 'madam,' do him obeisance. +Tell him from me, as he will win my love, +He bear himself with honourable action, +Such as he hath observed in noble ladies +Unto their lords, by them accomplished: +Such duty to the drunkard let him do +With soft low tongue and lowly courtesy, +And say 'What is't your honour will command, +Wherein your lady and your humble wife +May show her duty and make known her love?' +And then with kind embracements, tempting kisses, +And with declining head into his bosom, +Bid him shed tears, as being overjoy'd +To see her noble lord restored to health, +Who for this seven years hath esteem'd him +No better than a poor and loathsome beggar: +And if the boy have not a woman's gift +To rain a shower of commanded tears, +An onion will do well for such a shift, +Which in a napkin being close convey'd +Shall in despite enforce a watery eye. +See this dispatch'd with all the haste thou canst: +Anon I'll give thee more instructions. +I know the boy will well usurp the grace, +Voice, gait and action of a gentlewoman: +I long to hear him call the drunkard husband, +And how my men will stay themselves from laughter +When they do homage to this simple peasant. +I'll in to counsel them; haply my presence +May well abate the over-merry spleen +Which otherwise would grow into extremes. + +SLY: +For God's sake, a pot of small ale. + +First Servant: +Will't please your lordship drink a cup of sack? + +Second Servant: +Will't please your honour taste of these conserves? + +Third Servant: +What raiment will your honour wear to-day? + +SLY: +I am Christophero Sly; call not me 'honour' nor +'lordship:' I ne'er drank sack in my life; and if +you give me any conserves, give me conserves of +beef: ne'er ask me what raiment I'll wear; for I +have no more doublets than backs, no more stockings +than legs, nor no more shoes than feet; nay, +sometimes more feet than shoes, or such shoes as my +toes look through the over-leather. + +Lord: +Heaven cease this idle humour in your honour! +O, that a mighty man of such descent, +Of such possessions and so high esteem, +Should be infused with so foul a spirit! + +SLY: +What, would you make me mad? Am not I Christopher +Sly, old Sly's son of Burtonheath, by birth a +pedlar, by education a cardmaker, by transmutation a +bear-herd, and now by present profession a tinker? +Ask Marian Hacket, the fat ale-wife of Wincot, if +she know me not: if she say I am not fourteen pence +on the score for sheer ale, score me up for the +lyingest knave in Christendom. What! I am not +bestraught: here's-- + +Third Servant: +O, this it is that makes your lady mourn! + +Second Servant: +O, this is it that makes your servants droop! + +Lord: +Hence comes it that your kindred shuns your house, +As beaten hence by your strange lunacy. +O noble lord, bethink thee of thy birth, +Call home thy ancient thoughts from banishment +And banish hence these abject lowly dreams. +Look how thy servants do attend on thee, +Each in his office ready at thy beck. +Wilt thou have music? hark! Apollo plays, +And twenty caged nightingales do sing: +Or wilt thou sleep? we'll have thee to a couch +Softer and sweeter than the lustful bed +On purpose trimm'd up for Semiramis. +Say thou wilt walk; we will bestrew the ground: +Or wilt thou ride? thy horses shall be trapp'd, +Their harness studded all with gold and pearl. +Dost thou love hawking? thou hast hawks will soar +Above the morning lark or wilt thou hunt? +Thy hounds shall make the welkin answer them +And fetch shrill echoes from the hollow earth. + +First Servant: +Say thou wilt course; thy greyhounds are as swift +As breathed stags, ay, fleeter than the roe. + +Second Servant: +Dost thou love pictures? we will fetch thee straight +Adonis painted by a running brook, +And Cytherea all in sedges hid, +Which seem to move and wanton with her breath, +Even as the waving sedges play with wind. + +Lord: +We'll show thee Io as she was a maid, +And how she was beguiled and surprised, +As lively painted as the deed was done. + +Third Servant: +Or Daphne roaming through a thorny wood, +Scratching her legs that one shall swear she bleeds, +And at that sight shall sad Apollo weep, +So workmanly the blood and tears are drawn. + +Lord: +Thou art a lord, and nothing but a lord: +Thou hast a lady far more beautiful +Than any woman in this waning age. + +First Servant: +And till the tears that she hath shed for thee +Like envious floods o'er-run her lovely face, +She was the fairest creature in the world; +And yet she is inferior to none. + +SLY: +Am I a lord? and have I such a lady? +Or do I dream? or have I dream'd till now? +I do not sleep: I see, I hear, I speak; +I smell sweet savours and I feel soft things: +Upon my life, I am a lord indeed +And not a tinker nor Christophero Sly. +Well, bring our lady hither to our sight; +And once again, a pot o' the smallest ale. + +Second Servant: +Will't please your mightiness to wash your hands? +O, how we joy to see your wit restored! +O, that once more you knew but what you are! +These fifteen years you have been in a dream; +Or when you waked, so waked as if you slept. + +SLY: +These fifteen years! by my fay, a goodly nap. +But did I never speak of all that time? + +First Servant: +O, yes, my lord, but very idle words: +For though you lay here in this goodly chamber, +Yet would you say ye were beaten out of door; +And rail upon the hostess of the house; +And say you would present her at the leet, +Because she brought stone jugs and no seal'd quarts: +Sometimes you would call out for Cicely Hacket. + +SLY: +Ay, the woman's maid of the house. + +Third Servant: +Why, sir, you know no house nor no such maid, +Nor no such men as you have reckon'd up, +As Stephen Sly and did John Naps of Greece +And Peter Turph and Henry Pimpernell +And twenty more such names and men as these +Which never were nor no man ever saw. + +SLY: +Now Lord be thanked for my good amends! + +ALL: +Amen. + +SLY: +I thank thee: thou shalt not lose by it. + +Page: +How fares my noble lord? + +SLY: +Marry, I fare well for here is cheer enough. +Where is my wife? + +Page: +Here, noble lord: what is thy will with her? + +SLY: +Are you my wife and will not call me husband? +My men should call me 'lord:' I am your goodman. + +Page: +My husband and my lord, my lord and husband; +I am your wife in all obedience. + +SLY: +I know it well. What must I call her? + +Lord: +Madam. + +SLY: +Al'ce madam, or Joan madam? + +Lord: +'Madam,' and nothing else: so lords +call ladies. + +SLY: +Madam wife, they say that I have dream'd +And slept above some fifteen year or more. + +Page: +Ay, and the time seems thirty unto me, +Being all this time abandon'd from your bed. + +SLY: +'Tis much. Servants, leave me and her alone. +Madam, undress you and come now to bed. + +Page: +Thrice noble lord, let me entreat of you +To pardon me yet for a night or two, +Or, if not so, until the sun be set: +For your physicians have expressly charged, +In peril to incur your former malady, +That I should yet absent me from your bed: +I hope this reason stands for my excuse. + +SLY: +Ay, it stands so that I may hardly +tarry so long. But I would be loath to fall into +my dreams again: I will therefore tarry in +despite of the flesh and the blood. + +Messenger: +Your honour's players, heating your amendment, +Are come to play a pleasant comedy; +For so your doctors hold it very meet, +Seeing too much sadness hath congeal'd your blood, +And melancholy is the nurse of frenzy: +Therefore they thought it good you hear a play +And frame your mind to mirth and merriment, +Which bars a thousand harms and lengthens life. + +SLY: +Marry, I will, let them play it. Is not a +comondy a Christmas gambold or a tumbling-trick? + +Page: +No, my good lord; it is more pleasing stuff. + +SLY: +What, household stuff? + +Page: +It is a kind of history. + +SLY: +Well, well see't. Come, madam wife, sit by my side +and let the world slip: we shall ne'er be younger. + +LUCENTIO: +Tranio, since for the great desire I had +To see fair Padua, nursery of arts, +I am arrived for fruitful Lombardy, +The pleasant garden of great Italy; +And by my father's love and leave am arm'd +With his good will and thy good company, +My trusty servant, well approved in all, +Here let us breathe and haply institute +A course of learning and ingenious studies. +Pisa renown'd for grave citizens +Gave me my being and my father first, +A merchant of great traffic through the world, +Vincetino come of Bentivolii. +Vincetino's son brought up in Florence +It shall become to serve all hopes conceived, +To deck his fortune with his virtuous deeds: +And therefore, Tranio, for the time I study, +Virtue and that part of philosophy +Will I apply that treats of happiness +By virtue specially to be achieved. +Tell me thy mind; for I have Pisa left +And am to Padua come, as he that leaves +A shallow plash to plunge him in the deep +And with satiety seeks to quench his thirst. + +TRANIO: +Mi perdonato, gentle master mine, +I am in all affected as yourself; +Glad that you thus continue your resolve +To suck the sweets of sweet philosophy. +Only, good master, while we do admire +This virtue and this moral discipline, +Let's be no stoics nor no stocks, I pray; +Or so devote to Aristotle's cheques +As Ovid be an outcast quite abjured: +Balk logic with acquaintance that you have +And practise rhetoric in your common talk; +Music and poesy use to quicken you; +The mathematics and the metaphysics, +Fall to them as you find your stomach serves you; +No profit grows where is no pleasure ta'en: +In brief, sir, study what you most affect. + +LUCENTIO: +Gramercies, Tranio, well dost thou advise. +If, Biondello, thou wert come ashore, +We could at once put us in readiness, +And take a lodging fit to entertain +Such friends as time in Padua shall beget. +But stay a while: what company is this? + +TRANIO: +Master, some show to welcome us to town. + +BAPTISTA: +Gentlemen, importune me no farther, +For how I firmly am resolved you know; +That is, not bestow my youngest daughter +Before I have a husband for the elder: +If either of you both love Katharina, +Because I know you well and love you well, +Leave shall you have to court her at your pleasure. + +GREMIO: + +KATHARINA: +I pray you, sir, is it your will +To make a stale of me amongst these mates? + +HORTENSIO: +Mates, maid! how mean you that? no mates for you, +Unless you were of gentler, milder mould. + +KATHARINA: +I'faith, sir, you shall never need to fear: +I wis it is not half way to her heart; +But if it were, doubt not her care should be +To comb your noddle with a three-legg'd stool +And paint your face and use you like a fool. + +HORTENSIA: +From all such devils, good Lord deliver us! + +GREMIO: +And me too, good Lord! + +TRANIO: +Hush, master! here's some good pastime toward: +That wench is stark mad or wonderful froward. + +LUCENTIO: +But in the other's silence do I see +Maid's mild behavior and sobriety. +Peace, Tranio! + +TRANIO: +Well said, master; mum! and gaze your fill. + +BAPTISTA: +Gentlemen, that I may soon make good +What I have said, Bianca, get you in: +And let it not displease thee, good Bianca, +For I will love thee ne'er the less, my girl. + +KATHARINA: +A pretty peat! it is best +Put finger in the eye, an she knew why. + +BIANCA: +Sister, content you in my discontent. +Sir, to your pleasure humbly I subscribe: +My books and instruments shall be my company, +On them to took and practise by myself. + +LUCENTIO: +Hark, Tranio! thou may'st hear Minerva speak. + +HORTENSIO: +Signior Baptista, will you be so strange? +Sorry am I that our good will effects +Bianca's grief. + +GREMIO: +Why will you mew her up, +Signior Baptista, for this fiend of hell, +And make her bear the penance of her tongue? + +BAPTISTA: +Gentlemen, content ye; I am resolved: +Go in, Bianca: +And for I know she taketh most delight +In music, instruments and poetry, +Schoolmasters will I keep within my house, +Fit to instruct her youth. If you, Hortensio, +Or Signior Gremio, you, know any such, +Prefer them hither; for to cunning men +I will be very kind, and liberal +To mine own children in good bringing up: +And so farewell. Katharina, you may stay; +For I have more to commune with Bianca. + +KATHARINA: +Why, and I trust I may go too, may I not? What, +shall I be appointed hours; as though, belike, I +knew not what to take and what to leave, ha? + +GREMIO: +You may go to the devil's dam: your gifts are so +good, here's none will hold you. Their love is not +so great, Hortensio, but we may blow our nails +together, and fast it fairly out: our cakes dough on +both sides. Farewell: yet for the love I bear my +sweet Bianca, if I can by any means light on a fit +man to teach her that wherein she delights, I will +wish him to her father. + +HORTENSIO: +So will I, Signior Gremio: but a word, I pray. +Though the nature of our quarrel yet never brooked +parle, know now, upon advice, it toucheth us both, +that we may yet again have access to our fair +mistress and be happy rivals in Bianco's love, to +labour and effect one thing specially. + +GREMIO: +What's that, I pray? + +HORTENSIO: +Marry, sir, to get a husband for her sister. + +GREMIO: +A husband! a devil. + +HORTENSIO: +I say, a husband. + +GREMIO: +I say, a devil. Thinkest thou, Hortensio, though +her father be very rich, any man is so very a fool +to be married to hell? + +HORTENSIO: +Tush, Gremio, though it pass your patience and mine +to endure her loud alarums, why, man, there be good +fellows in the world, an a man could light on them, +would take her with all faults, and money enough. + +GREMIO: +I cannot tell; but I had as lief take her dowry with +this condition, to be whipped at the high cross +every morning. + +HORTENSIO: +Faith, as you say, there's small choice in rotten +apples. But come; since this bar in law makes us +friends, it shall be so far forth friendly +maintained all by helping Baptista's eldest daughter +to a husband we set his youngest free for a husband, +and then have to't a fresh. Sweet Bianca! Happy man +be his dole! He that runs fastest gets the ring. +How say you, Signior Gremio? + +GREMIO: +I am agreed; and would I had given him the best +horse in Padua to begin his wooing that would +thoroughly woo her, wed her and bed her and rid the +house of her! Come on. + +TRANIO: +I pray, sir, tell me, is it possible +That love should of a sudden take such hold? + +LUCENTIO: +O Tranio, till I found it to be true, +I never thought it possible or likely; +But see, while idly I stood looking on, +I found the effect of love in idleness: +And now in plainness do confess to thee, +That art to me as secret and as dear +As Anna to the queen of Carthage was, +Tranio, I burn, I pine, I perish, Tranio, +If I achieve not this young modest girl. +Counsel me, Tranio, for I know thou canst; +Assist me, Tranio, for I know thou wilt. + +TRANIO: +Master, it is no time to chide you now; +Affection is not rated from the heart: +If love have touch'd you, nought remains but so, +'Redime te captum quam queas minimo.' + +LUCENTIO: +Gramercies, lad, go forward; this contents: +The rest will comfort, for thy counsel's sound. + +TRANIO: +Master, you look'd so longly on the maid, +Perhaps you mark'd not what's the pith of all. + +LUCENTIO: +O yes, I saw sweet beauty in her face, +Such as the daughter of Agenor had, +That made great Jove to humble him to her hand. +When with his knees he kiss'd the Cretan strand. + +TRANIO: +Saw you no more? mark'd you not how her sister +Began to scold and raise up such a storm +That mortal ears might hardly endure the din? + +LUCENTIO: +Tranio, I saw her coral lips to move +And with her breath she did perfume the air: +Sacred and sweet was all I saw in her. + +TRANIO: +Nay, then, 'tis time to stir him from his trance. +I pray, awake, sir: if you love the maid, +Bend thoughts and wits to achieve her. Thus it stands: +Her eldest sister is so curst and shrewd +That till the father rid his hands of her, +Master, your love must live a maid at home; +And therefore has he closely mew'd her up, +Because she will not be annoy'd with suitors. + +LUCENTIO: +Ah, Tranio, what a cruel father's he! +But art thou not advised, he took some care +To get her cunning schoolmasters to instruct her? + +TRANIO: +Ay, marry, am I, sir; and now 'tis plotted. + +LUCENTIO: +I have it, Tranio. + +TRANIO: +Master, for my hand, +Both our inventions meet and jump in one. + +LUCENTIO: +Tell me thine first. + +TRANIO: +You will be schoolmaster +And undertake the teaching of the maid: +That's your device. + +LUCENTIO: +It is: may it be done? + +TRANIO: +Not possible; for who shall bear your part, +And be in Padua here Vincentio's son, +Keep house and ply his book, welcome his friends, +Visit his countrymen and banquet them? + +LUCENTIO: +Basta; content thee, for I have it full. +We have not yet been seen in any house, +Nor can we lie distinguish'd by our faces +For man or master; then it follows thus; +Thou shalt be master, Tranio, in my stead, +Keep house and port and servants as I should: +I will some other be, some Florentine, +Some Neapolitan, or meaner man of Pisa. +'Tis hatch'd and shall be so: Tranio, at once +Uncase thee; take my colour'd hat and cloak: +When Biondello comes, he waits on thee; +But I will charm him first to keep his tongue. + +TRANIO: +So had you need. +In brief, sir, sith it your pleasure is, +And I am tied to be obedient; +For so your father charged me at our parting, +'Be serviceable to my son,' quoth he, +Although I think 'twas in another sense; +I am content to be Lucentio, +Because so well I love Lucentio. + +LUCENTIO: +Tranio, be so, because Lucentio loves: +And let me be a slave, to achieve that maid +Whose sudden sight hath thrall'd my wounded eye. +Here comes the rogue. +Sirrah, where have you been? + +BIONDELLO: +Where have I been! Nay, how now! where are you? +Master, has my fellow Tranio stolen your clothes? Or +you stolen his? or both? pray, what's the news? + +LUCENTIO: +Sirrah, come hither: 'tis no time to jest, +And therefore frame your manners to the time. +Your fellow Tranio here, to save my life, +Puts my apparel and my countenance on, +And I for my escape have put on his; +For in a quarrel since I came ashore +I kill'd a man and fear I was descried: +Wait you on him, I charge you, as becomes, +While I make way from hence to save my life: +You understand me? + +BIONDELLO: +I, sir! ne'er a whit. + +LUCENTIO: +And not a jot of Tranio in your mouth: +Tranio is changed into Lucentio. + +BIONDELLO: +The better for him: would I were so too! + +TRANIO: +So could I, faith, boy, to have the next wish after, +That Lucentio indeed had Baptista's youngest daughter. +But, sirrah, not for my sake, but your master's, I advise +You use your manners discreetly in all kind of companies: +When I am alone, why, then I am Tranio; +But in all places else your master Lucentio. + +LUCENTIO: +Tranio, let's go: one thing more rests, that +thyself execute, to make one among these wooers: if +thou ask me why, sufficeth, my reasons are both good +and weighty. + +First Servant: +My lord, you nod; you do not mind the play. + +SLY: +Yes, by Saint Anne, do I. A good matter, surely: +comes there any more of it? + +Page: +My lord, 'tis but begun. + +SLY: +'Tis a very excellent piece of work, madam lady: +would 'twere done! + +PETRUCHIO: +Verona, for a while I take my leave, +To see my friends in Padua, but of all +My best beloved and approved friend, +Hortensio; and I trow this is his house. +Here, sirrah Grumio; knock, I say. + +GRUMIO: +Knock, sir! whom should I knock? is there man has +rebused your worship? + +PETRUCHIO: +Villain, I say, knock me here soundly. + +GRUMIO: +Knock you here, sir! why, sir, what am I, sir, that +I should knock you here, sir? + +PETRUCHIO: +Villain, I say, knock me at this gate +And rap me well, or I'll knock your knave's pate. + +GRUMIO: +My master is grown quarrelsome. I should knock +you first, +And then I know after who comes by the worst. + +PETRUCHIO: +Will it not be? +Faith, sirrah, an you'll not knock, I'll ring it; +I'll try how you can sol, fa, and sing it. + +GRUMIO: +Help, masters, help! my master is mad. + +PETRUCHIO: +Now, knock when I bid you, sirrah villain! + +HORTENSIO: +How now! what's the matter? My old friend Grumio! +and my good friend Petruchio! How do you all at Verona? + +PETRUCHIO: +Signior Hortensio, come you to part the fray? +'Con tutto il cuore, ben trovato,' may I say. + +HORTENSIO: +'Alla nostra casa ben venuto, molto honorato signor +mio Petruchio.' Rise, Grumio, rise: we will compound +this quarrel. + +GRUMIO: +Nay, 'tis no matter, sir, what he 'leges in Latin. +if this be not a lawful case for me to leave his +service, look you, sir, he bid me knock him and rap +him soundly, sir: well, was it fit for a servant to +use his master so, being perhaps, for aught I see, +two and thirty, a pip out? Whom would to God I had +well knock'd at first, Then had not Grumio come by the worst. + +PETRUCHIO: +A senseless villain! Good Hortensio, +I bade the rascal knock upon your gate +And could not get him for my heart to do it. + +GRUMIO: +Knock at the gate! O heavens! Spake you not these +words plain, 'Sirrah, knock me here, rap me here, +knock me well, and knock me soundly'? And come you +now with, 'knocking at the gate'? + +PETRUCHIO: +Sirrah, be gone, or talk not, I advise you. + +HORTENSIO: +Petruchio, patience; I am Grumio's pledge: +Why, this's a heavy chance 'twixt him and you, +Your ancient, trusty, pleasant servant Grumio. +And tell me now, sweet friend, what happy gale +Blows you to Padua here from old Verona? + +PETRUCHIO: +Such wind as scatters young men through the world, +To seek their fortunes farther than at home +Where small experience grows. But in a few, +Signior Hortensio, thus it stands with me: +Antonio, my father, is deceased; +And I have thrust myself into this maze, +Haply to wive and thrive as best I may: +Crowns in my purse I have and goods at home, +And so am come abroad to see the world. + +HORTENSIO: +Petruchio, shall I then come roundly to thee +And wish thee to a shrewd ill-favour'd wife? +Thou'ldst thank me but a little for my counsel: +And yet I'll promise thee she shall be rich +And very rich: but thou'rt too much my friend, +And I'll not wish thee to her. + +PETRUCHIO: +Signior Hortensio, 'twixt such friends as we +Few words suffice; and therefore, if thou know +One rich enough to be Petruchio's wife, +As wealth is burden of my wooing dance, +Be she as foul as was Florentius' love, +As old as Sibyl and as curst and shrewd +As Socrates' Xanthippe, or a worse, +She moves me not, or not removes, at least, +Affection's edge in me, were she as rough +As are the swelling Adriatic seas: +I come to wive it wealthily in Padua; +If wealthily, then happily in Padua. + +GRUMIO: +Nay, look you, sir, he tells you flatly what his +mind is: Why give him gold enough and marry him to +a puppet or an aglet-baby; or an old trot with ne'er +a tooth in her head, though she have as many diseases +as two and fifty horses: why, nothing comes amiss, +so money comes withal. + +HORTENSIO: +Petruchio, since we are stepp'd thus far in, +I will continue that I broach'd in jest. +I can, Petruchio, help thee to a wife +With wealth enough and young and beauteous, +Brought up as best becomes a gentlewoman: +Her only fault, and that is faults enough, +Is that she is intolerable curst +And shrewd and froward, so beyond all measure +That, were my state far worser than it is, +I would not wed her for a mine of gold. + +PETRUCHIO: +Hortensio, peace! thou know'st not gold's effect: +Tell me her father's name and 'tis enough; +For I will board her, though she chide as loud +As thunder when the clouds in autumn crack. + +HORTENSIO: +Her father is Baptista Minola, +An affable and courteous gentleman: +Her name is Katharina Minola, +Renown'd in Padua for her scolding tongue. + +PETRUCHIO: +I know her father, though I know not her; +And he knew my deceased father well. +I will not sleep, Hortensio, till I see her; +And therefore let me be thus bold with you +To give you over at this first encounter, +Unless you will accompany me thither. + +GRUMIO: +I pray you, sir, let him go while the humour lasts. +O' my word, an she knew him as well as I do, she +would think scolding would do little good upon him: +she may perhaps call him half a score knaves or so: +why, that's nothing; an he begin once, he'll rail in +his rope-tricks. I'll tell you what sir, an she +stand him but a little, he will throw a figure in +her face and so disfigure her with it that she +shall have no more eyes to see withal than a cat. +You know him not, sir. + +HORTENSIO: +Tarry, Petruchio, I must go with thee, +For in Baptista's keep my treasure is: +He hath the jewel of my life in hold, +His youngest daughter, beautiful Binaca, +And her withholds from me and other more, +Suitors to her and rivals in my love, +Supposing it a thing impossible, +For those defects I have before rehearsed, +That ever Katharina will be woo'd; +Therefore this order hath Baptista ta'en, +That none shall have access unto Bianca +Till Katharina the curst have got a husband. + +GRUMIO: +Katharina the curst! +A title for a maid of all titles the worst. + +HORTENSIO: +Now shall my friend Petruchio do me grace, +And offer me disguised in sober robes +To old Baptista as a schoolmaster +Well seen in music, to instruct Bianca; +That so I may, by this device, at least +Have leave and leisure to make love to her +And unsuspected court her by herself. + +GRUMIO: +Here's no knavery! See, to beguile the old folks, +how the young folks lay their heads together! +Master, master, look about you: who goes there, ha? + +HORTENSIO: +Peace, Grumio! it is the rival of my love. +Petruchio, stand by a while. + +GRUMIO: +A proper stripling and an amorous! + +GREMIO: +O, very well; I have perused the note. +Hark you, sir: I'll have them very fairly bound: +All books of love, see that at any hand; +And see you read no other lectures to her: +You understand me: over and beside +Signior Baptista's liberality, +I'll mend it with a largess. Take your paper too, +And let me have them very well perfumed +For she is sweeter than perfume itself +To whom they go to. What will you read to her? + +LUCENTIO: +Whate'er I read to her, I'll plead for you +As for my patron, stand you so assured, +As firmly as yourself were still in place: +Yea, and perhaps with more successful words +Than you, unless you were a scholar, sir. + +GREMIO: +O this learning, what a thing it is! + +GRUMIO: +O this woodcock, what an ass it is! + +PETRUCHIO: +Peace, sirrah! + +HORTENSIO: +Grumio, mum! God save you, Signior Gremio. + +GREMIO: +And you are well met, Signior Hortensio. +Trow you whither I am going? To Baptista Minola. +I promised to inquire carefully +About a schoolmaster for the fair Bianca: +And by good fortune I have lighted well +On this young man, for learning and behavior +Fit for her turn, well read in poetry +And other books, good ones, I warrant ye. + +HORTENSIO: +'Tis well; and I have met a gentleman +Hath promised me to help me to another, +A fine musician to instruct our mistress; +So shall I no whit be behind in duty +To fair Bianca, so beloved of me. + +GREMIO: +Beloved of me; and that my deeds shall prove. + +GRUMIO: +And that his bags shall prove. + +HORTENSIO: +Gremio, 'tis now no time to vent our love: +Listen to me, and if you speak me fair, +I'll tell you news indifferent good for either. +Here is a gentleman whom by chance I met, +Upon agreement from us to his liking, +Will undertake to woo curst Katharina, +Yea, and to marry her, if her dowry please. + +GREMIO: +So said, so done, is well. +Hortensio, have you told him all her faults? + +PETRUCHIO: +I know she is an irksome brawling scold: +If that be all, masters, I hear no harm. + +GREMIO: +No, say'st me so, friend? What countryman? + +PETRUCHIO: +Born in Verona, old Antonio's son: +My father dead, my fortune lives for me; +And I do hope good days and long to see. + +GREMIO: +O sir, such a life, with such a wife, were strange! +But if you have a stomach, to't i' God's name: +You shall have me assisting you in all. +But will you woo this wild-cat? + +PETRUCHIO: +Will I live? + +GRUMIO: +Will he woo her? ay, or I'll hang her. + +PETRUCHIO: +Why came I hither but to that intent? +Think you a little din can daunt mine ears? +Have I not in my time heard lions roar? +Have I not heard the sea puff'd up with winds +Rage like an angry boar chafed with sweat? +Have I not heard great ordnance in the field, +And heaven's artillery thunder in the skies? +Have I not in a pitched battle heard +Loud 'larums, neighing steeds, and trumpets' clang? +And do you tell me of a woman's tongue, +That gives not half so great a blow to hear +As will a chestnut in a farmer's fire? +Tush, tush! fear boys with bugs. + +GRUMIO: +For he fears none. + +GREMIO: +Hortensio, hark: +This gentleman is happily arrived, +My mind presumes, for his own good and ours. + +HORTENSIO: +I promised we would be contributors +And bear his charging of wooing, whatsoe'er. + +GREMIO: +And so we will, provided that he win her. + +GRUMIO: +I would I were as sure of a good dinner. + +TRANIO: +Gentlemen, God save you. If I may be bold, +Tell me, I beseech you, which is the readiest way +To the house of Signior Baptista Minola? + +BIONDELLO: +He that has the two fair daughters: is't he you mean? + +TRANIO: +Even he, Biondello. + +GREMIO: +Hark you, sir; you mean not her to-- + +TRANIO: +Perhaps, him and her, sir: what have you to do? + +PETRUCHIO: +Not her that chides, sir, at any hand, I pray. + +TRANIO: +I love no chiders, sir. Biondello, let's away. + +LUCENTIO: +Well begun, Tranio. + +HORTENSIO: +Sir, a word ere you go; +Are you a suitor to the maid you talk of, yea or no? + +TRANIO: +And if I be, sir, is it any offence? + +GREMIO: +No; if without more words you will get you hence. + +TRANIO: +Why, sir, I pray, are not the streets as free +For me as for you? + +GREMIO: +But so is not she. + +TRANIO: +For what reason, I beseech you? + +GREMIO: +For this reason, if you'll know, +That she's the choice love of Signior Gremio. + +HORTENSIO: +That she's the chosen of Signior Hortensio. + +TRANIO: +Softly, my masters! if you be gentlemen, +Do me this right; hear me with patience. +Baptista is a noble gentleman, +To whom my father is not all unknown; +And were his daughter fairer than she is, +She may more suitors have and me for one. +Fair Leda's daughter had a thousand wooers; +Then well one more may fair Bianca have: +And so she shall; Lucentio shall make one, +Though Paris came in hope to speed alone. + +GREMIO: +What! this gentleman will out-talk us all. + +LUCENTIO: +Sir, give him head: I know he'll prove a jade. + +PETRUCHIO: +Hortensio, to what end are all these words? + +HORTENSIO: +Sir, let me be so bold as ask you, +Did you yet ever see Baptista's daughter? + +TRANIO: +No, sir; but hear I do that he hath two, +The one as famous for a scolding tongue +As is the other for beauteous modesty. + +PETRUCHIO: +Sir, sir, the first's for me; let her go by. + +GREMIO: +Yea, leave that labour to great Hercules; +And let it be more than Alcides' twelve. + +PETRUCHIO: +Sir, understand you this of me in sooth: +The youngest daughter whom you hearken for +Her father keeps from all access of suitors, +And will not promise her to any man +Until the elder sister first be wed: +The younger then is free and not before. + +TRANIO: +If it be so, sir, that you are the man +Must stead us all and me amongst the rest, +And if you break the ice and do this feat, +Achieve the elder, set the younger free +For our access, whose hap shall be to have her +Will not so graceless be to be ingrate. + +HORTENSIO: +Sir, you say well and well you do conceive; +And since you do profess to be a suitor, +You must, as we do, gratify this gentleman, +To whom we all rest generally beholding. + +TRANIO: +Sir, I shall not be slack: in sign whereof, +Please ye we may contrive this afternoon, +And quaff carouses to our mistress' health, +And do as adversaries do in law, +Strive mightily, but eat and drink as friends. + +GRUMIO: +O excellent motion! Fellows, let's be gone. + +HORTENSIO: +The motion's good indeed and be it so, +Petruchio, I shall be your ben venuto. + +BIANCA: +Good sister, wrong me not, nor wrong yourself, +To make a bondmaid and a slave of me; +That I disdain: but for these other gawds, +Unbind my hands, I'll pull them off myself, +Yea, all my raiment, to my petticoat; +Or what you will command me will I do, +So well I know my duty to my elders. + +KATHARINA: +Of all thy suitors, here I charge thee, tell +Whom thou lovest best: see thou dissemble not. + +BIANCA: +Believe me, sister, of all the men alive +I never yet beheld that special face +Which I could fancy more than any other. + +KATHARINA: +Minion, thou liest. Is't not Hortensio? + +BIANCA: +If you affect him, sister, here I swear +I'll plead for you myself, but you shall have +him. + +KATHARINA: +O then, belike, you fancy riches more: +You will have Gremio to keep you fair. + +BIANCA: +Is it for him you do envy me so? +Nay then you jest, and now I well perceive +You have but jested with me all this while: +I prithee, sister Kate, untie my hands. + +KATHARINA: +If that be jest, then all the rest was so. + +BAPTISTA: +Why, how now, dame! whence grows this insolence? +Bianca, stand aside. Poor girl! she weeps. +Go ply thy needle; meddle not with her. +For shame, thou helding of a devilish spirit, +Why dost thou wrong her that did ne'er wrong thee? +When did she cross thee with a bitter word? + +KATHARINA: +Her silence flouts me, and I'll be revenged. + +BAPTISTA: +What, in my sight? Bianca, get thee in. + +KATHARINA: +What, will you not suffer me? Nay, now I see +She is your treasure, she must have a husband; +I must dance bare-foot on her wedding day +And for your love to her lead apes in hell. +Talk not to me: I will go sit and weep +Till I can find occasion of revenge. + +BAPTISTA: +Was ever gentleman thus grieved as I? +But who comes here? + +GREMIO: +Good morrow, neighbour Baptista. + +BAPTISTA: +Good morrow, neighbour Gremio. +God save you, gentlemen! + +PETRUCHIO: +And you, good sir! Pray, have you not a daughter +Call'd Katharina, fair and virtuous? + +BAPTISTA: +I have a daughter, sir, called Katharina. + +GREMIO: +You are too blunt: go to it orderly. + +PETRUCHIO: +You wrong me, Signior Gremio: give me leave. +I am a gentleman of Verona, sir, +That, hearing of her beauty and her wit, +Her affability and bashful modesty, +Her wondrous qualities and mild behavior, +Am bold to show myself a forward guest +Within your house, to make mine eye the witness +Of that report which I so oft have heard. +And, for an entrance to my entertainment, +I do present you with a man of mine, +Cunning in music and the mathematics, +To instruct her fully in those sciences, +Whereof I know she is not ignorant: +Accept of him, or else you do me wrong: +His name is Licio, born in Mantua. + +BAPTISTA: +You're welcome, sir; and he, for your good sake. +But for my daughter Katharina, this I know, +She is not for your turn, the more my grief. + +PETRUCHIO: +I see you do not mean to part with her, +Or else you like not of my company. + +BAPTISTA: +Mistake me not; I speak but as I find. +Whence are you, sir? what may I call your name? + +PETRUCHIO: +Petruchio is my name; Antonio's son, +A man well known throughout all Italy. + +BAPTISTA: +I know him well: you are welcome for his sake. + +GREMIO: +Saving your tale, Petruchio, I pray, +Let us, that are poor petitioners, speak too: +Baccare! you are marvellous forward. + +PETRUCHIO: +O, pardon me, Signior Gremio; I would fain be doing. + +GREMIO: +I doubt it not, sir; but you will curse your +wooing. Neighbour, this is a gift very grateful, I am +sure of it. To express the like kindness, myself, +that have been more kindly beholding to you than +any, freely give unto you this young scholar, +that hath been long studying at Rheims; as cunning +in Greek, Latin, and other languages, as the other +in music and mathematics: his name is Cambio; pray, +accept his service. + +BAPTISTA: +A thousand thanks, Signior Gremio. +Welcome, good Cambio. +But, gentle sir, methinks you walk like a stranger: +may I be so bold to know the cause of your coming? + +TRANIO: +Pardon me, sir, the boldness is mine own, +That, being a stranger in this city here, +Do make myself a suitor to your daughter, +Unto Bianca, fair and virtuous. +Nor is your firm resolve unknown to me, +In the preferment of the eldest sister. +This liberty is all that I request, +That, upon knowledge of my parentage, +I may have welcome 'mongst the rest that woo +And free access and favour as the rest: +And, toward the education of your daughters, +I here bestow a simple instrument, +And this small packet of Greek and Latin books: +If you accept them, then their worth is great. + +BAPTISTA: +Lucentio is your name; of whence, I pray? + +TRANIO: +Of Pisa, sir; son to Vincentio. + +BAPTISTA: +A mighty man of Pisa; by report +I know him well: you are very welcome, sir, +Take you the lute, and you the set of books; +You shall go see your pupils presently. +Holla, within! +Sirrah, lead these gentlemen +To my daughters; and tell them both, +These are their tutors: bid them use them well. +We will go walk a little in the orchard, +And then to dinner. You are passing welcome, +And so I pray you all to think yourselves. + +PETRUCHIO: +Signior Baptista, my business asketh haste, +And every day I cannot come to woo. +You knew my father well, and in him me, +Left solely heir to all his lands and goods, +Which I have better'd rather than decreased: +Then tell me, if I get your daughter's love, +What dowry shall I have with her to wife? + +BAPTISTA: +After my death the one half of my lands, +And in possession twenty thousand crowns. + +PETRUCHIO: +And, for that dowry, I'll assure her of +Her widowhood, be it that she survive me, +In all my lands and leases whatsoever: +Let specialties be therefore drawn between us, +That covenants may be kept on either hand. + +BAPTISTA: +Ay, when the special thing is well obtain'd, +That is, her love; for that is all in all. + +PETRUCHIO: +Why, that is nothing: for I tell you, father, +I am as peremptory as she proud-minded; +And where two raging fires meet together +They do consume the thing that feeds their fury: +Though little fire grows great with little wind, +Yet extreme gusts will blow out fire and all: +So I to her and so she yields to me; +For I am rough and woo not like a babe. + +BAPTISTA: +Well mayst thou woo, and happy be thy speed! +But be thou arm'd for some unhappy words. + +PETRUCHIO: +Ay, to the proof; as mountains are for winds, +That shake not, though they blow perpetually. + +BAPTISTA: +How now, my friend! why dost thou look so pale? + +HORTENSIO: +For fear, I promise you, if I look pale. + +BAPTISTA: +What, will my daughter prove a good musician? + +HORTENSIO: +I think she'll sooner prove a soldier +Iron may hold with her, but never lutes. + +BAPTISTA: +Why, then thou canst not break her to the lute? + +HORTENSIO: +Why, no; for she hath broke the lute to me. +I did but tell her she mistook her frets, +And bow'd her hand to teach her fingering; +When, with a most impatient devilish spirit, +'Frets, call you these?' quoth she; 'I'll fume +with them:' +And, with that word, she struck me on the head, +And through the instrument my pate made way; +And there I stood amazed for a while, +As on a pillory, looking through the lute; +While she did call me rascal fiddler +And twangling Jack; with twenty such vile terms, +As had she studied to misuse me so. + +PETRUCHIO: +Now, by the world, it is a lusty wench; +I love her ten times more than e'er I did: +O, how I long to have some chat with her! + +BAPTISTA: +Well, go with me and be not so discomfited: +Proceed in practise with my younger daughter; +She's apt to learn and thankful for good turns. +Signior Petruchio, will you go with us, +Or shall I send my daughter Kate to you? + +PETRUCHIO: +I pray you do. +I will attend her here, +And woo her with some spirit when she comes. +Say that she rail; why then I'll tell her plain +She sings as sweetly as a nightingale: +Say that she frown, I'll say she looks as clear +As morning roses newly wash'd with dew: +Say she be mute and will not speak a word; +Then I'll commend her volubility, +And say she uttereth piercing eloquence: +If she do bid me pack, I'll give her thanks, +As though she bid me stay by her a week: +If she deny to wed, I'll crave the day +When I shall ask the banns and when be married. +But here she comes; and now, Petruchio, speak. +Good morrow, Kate; for that's your name, I hear. + +KATHARINA: +Well have you heard, but something hard of hearing: +They call me Katharina that do talk of me. + +PETRUCHIO: +You lie, in faith; for you are call'd plain Kate, +And bonny Kate and sometimes Kate the curst; +But Kate, the prettiest Kate in Christendom +Kate of Kate Hall, my super-dainty Kate, +For dainties are all Kates, and therefore, Kate, +Take this of me, Kate of my consolation; +Hearing thy mildness praised in every town, +Thy virtues spoke of, and thy beauty sounded, +Yet not so deeply as to thee belongs, +Myself am moved to woo thee for my wife. + +KATHARINA: +Moved! in good time: let him that moved you hither +Remove you hence: I knew you at the first +You were a moveable. + +PETRUCHIO: +Why, what's a moveable? + +KATHARINA: +A join'd-stool. + +PETRUCHIO: +Thou hast hit it: come, sit on me. + +KATHARINA: +Asses are made to bear, and so are you. + +PETRUCHIO: +Women are made to bear, and so are you. + +KATHARINA: +No such jade as you, if me you mean. + +PETRUCHIO: +Alas! good Kate, I will not burden thee; +For, knowing thee to be but young and light-- + +KATHARINA: +Too light for such a swain as you to catch; +And yet as heavy as my weight should be. + +PETRUCHIO: +Should be! should--buzz! + +KATHARINA: +Well ta'en, and like a buzzard. + +PETRUCHIO: +O slow-wing'd turtle! shall a buzzard take thee? + +KATHARINA: +Ay, for a turtle, as he takes a buzzard. + +PETRUCHIO: +Come, come, you wasp; i' faith, you are too angry. + +KATHARINA: +If I be waspish, best beware my sting. + +PETRUCHIO: +My remedy is then, to pluck it out. + +KATHARINA: +Ay, if the fool could find it where it lies, + +PETRUCHIO: +Who knows not where a wasp does +wear his sting? In his tail. + +KATHARINA: +In his tongue. + +PETRUCHIO: +Whose tongue? + +KATHARINA: +Yours, if you talk of tails: and so farewell. + +PETRUCHIO: +What, with my tongue in your tail? nay, come again, +Good Kate; I am a gentleman. + +KATHARINA: +That I'll try. + +PETRUCHIO: +I swear I'll cuff you, if you strike again. + +KATHARINA: +So may you lose your arms: +If you strike me, you are no gentleman; +And if no gentleman, why then no arms. + +PETRUCHIO: +A herald, Kate? O, put me in thy books! + +KATHARINA: +What is your crest? a coxcomb? + +PETRUCHIO: +A combless cock, so Kate will be my hen. + +KATHARINA: +No cock of mine; you crow too like a craven. + +PETRUCHIO: +Nay, come, Kate, come; you must not look so sour. + +KATHARINA: +It is my fashion, when I see a crab. + +PETRUCHIO: +Why, here's no crab; and therefore look not sour. + +KATHARINA: +There is, there is. + +PETRUCHIO: +Then show it me. + +KATHARINA: +Had I a glass, I would. + +PETRUCHIO: +What, you mean my face? + +KATHARINA: +Well aim'd of such a young one. + +PETRUCHIO: +Now, by Saint George, I am too young for you. + +KATHARINA: +Yet you are wither'd. + +PETRUCHIO: +'Tis with cares. + +KATHARINA: +I care not. + +PETRUCHIO: +Nay, hear you, Kate: in sooth you scape not so. + +KATHARINA: +I chafe you, if I tarry: let me go. + +PETRUCHIO: +No, not a whit: I find you passing gentle. +'Twas told me you were rough and coy and sullen, +And now I find report a very liar; +For thou are pleasant, gamesome, passing courteous, +But slow in speech, yet sweet as spring-time flowers: +Thou canst not frown, thou canst not look askance, +Nor bite the lip, as angry wenches will, +Nor hast thou pleasure to be cross in talk, +But thou with mildness entertain'st thy wooers, +With gentle conference, soft and affable. +Why does the world report that Kate doth limp? +O slanderous world! Kate like the hazel-twig +Is straight and slender and as brown in hue +As hazel nuts and sweeter than the kernels. +O, let me see thee walk: thou dost not halt. + +KATHARINA: +Go, fool, and whom thou keep'st command. + +PETRUCHIO: +Did ever Dian so become a grove +As Kate this chamber with her princely gait? +O, be thou Dian, and let her be Kate; +And then let Kate be chaste and Dian sportful! + +KATHARINA: +Where did you study all this goodly speech? + +PETRUCHIO: +It is extempore, from my mother-wit. + +KATHARINA: +A witty mother! witless else her son. + +PETRUCHIO: +Am I not wise? + +KATHARINA: +Yes; keep you warm. + +PETRUCHIO: +Marry, so I mean, sweet Katharina, in thy bed: +And therefore, setting all this chat aside, +Thus in plain terms: your father hath consented +That you shall be my wife; your dowry 'greed on; +And, Will you, nill you, I will marry you. +Now, Kate, I am a husband for your turn; +For, by this light, whereby I see thy beauty, +Thy beauty, that doth make me like thee well, +Thou must be married to no man but me; +For I am he am born to tame you Kate, +And bring you from a wild Kate to a Kate +Conformable as other household Kates. +Here comes your father: never make denial; +I must and will have Katharina to my wife. + +BAPTISTA: +Now, Signior Petruchio, how speed you with my daughter? + +PETRUCHIO: +How but well, sir? how but well? +It were impossible I should speed amiss. + +BAPTISTA: +Why, how now, daughter Katharina! in your dumps? + +KATHARINA: +Call you me daughter? now, I promise you +You have show'd a tender fatherly regard, +To wish me wed to one half lunatic; +A mad-cup ruffian and a swearing Jack, +That thinks with oaths to face the matter out. + +PETRUCHIO: +Father, 'tis thus: yourself and all the world, +That talk'd of her, have talk'd amiss of her: +If she be curst, it is for policy, +For she's not froward, but modest as the dove; +She is not hot, but temperate as the morn; +For patience she will prove a second Grissel, +And Roman Lucrece for her chastity: +And to conclude, we have 'greed so well together, +That upon Sunday is the wedding-day. + +KATHARINA: +I'll see thee hang'd on Sunday first. + +GREMIO: +Hark, Petruchio; she says she'll see thee +hang'd first. + +TRANIO: +Is this your speeding? nay, then, good night our part! + +PETRUCHIO: +Be patient, gentlemen; I choose her for myself: +If she and I be pleased, what's that to you? +'Tis bargain'd 'twixt us twain, being alone, +That she shall still be curst in company. +I tell you, 'tis incredible to believe +How much she loves me: O, the kindest Kate! +She hung about my neck; and kiss on kiss +She vied so fast, protesting oath on oath, +That in a twink she won me to her love. +O, you are novices! 'tis a world to see, +How tame, when men and women are alone, +A meacock wretch can make the curstest shrew. +Give me thy hand, Kate: I will unto Venice, +To buy apparel 'gainst the wedding-day. +Provide the feast, father, and bid the guests; +I will be sure my Katharina shall be fine. + +BAPTISTA: +I know not what to say: but give me your hands; +God send you joy, Petruchio! 'tis a match. + +GREMIO: +Amen, say we: we will be witnesses. + +PETRUCHIO: +Father, and wife, and gentlemen, adieu; +I will to Venice; Sunday comes apace: +We will have rings and things and fine array; +And kiss me, Kate, we will be married o'Sunday. + +GREMIO: +Was ever match clapp'd up so suddenly? + +BAPTISTA: +Faith, gentlemen, now I play a merchant's part, +And venture madly on a desperate mart. + +TRANIO: +'Twas a commodity lay fretting by you: +'Twill bring you gain, or perish on the seas. + +BAPTISTA: +The gain I seek is, quiet in the match. + +GREMIO: +No doubt but he hath got a quiet catch. +But now, Baptists, to your younger daughter: +Now is the day we long have looked for: +I am your neighbour, and was suitor first. + +TRANIO: +And I am one that love Bianca more +Than words can witness, or your thoughts can guess. + +GREMIO: +Youngling, thou canst not love so dear as I. + +TRANIO: +Graybeard, thy love doth freeze. + +GREMIO: +But thine doth fry. +Skipper, stand back: 'tis age that nourisheth. + +TRANIO: +But youth in ladies' eyes that flourisheth. + +BAPTISTA: +Content you, gentlemen: I will compound this strife: +'Tis deeds must win the prize; and he of both +That can assure my daughter greatest dower +Shall have my Bianca's love. +Say, Signior Gremio, What can you assure her? + +GREMIO: +First, as you know, my house within the city +Is richly furnished with plate and gold; +Basins and ewers to lave her dainty hands; +My hangings all of Tyrian tapestry; +In ivory coffers I have stuff'd my crowns; +In cypress chests my arras counterpoints, +Costly apparel, tents, and canopies, +Fine linen, Turkey cushions boss'd with pearl, +Valance of Venice gold in needlework, +Pewter and brass and all things that belong +To house or housekeeping: then, at my farm +I have a hundred milch-kine to the pail, +Sixscore fat oxen standing in my stalls, +And all things answerable to this portion. +Myself am struck in years, I must confess; +And if I die to-morrow, this is hers, +If whilst I live she will be only mine. + +TRANIO: +That 'only' came well in. Sir, list to me: +I am my father's heir and only son: +If I may have your daughter to my wife, +I'll leave her houses three or four as good, +Within rich Pisa walls, as any one +Old Signior Gremio has in Padua; +Besides two thousand ducats by the year +Of fruitful land, all which shall be her jointure. +What, have I pinch'd you, Signior Gremio? + +GREMIO: +Two thousand ducats by the year of land! +My land amounts not to so much in all: +That she shall have; besides an argosy +That now is lying in Marseilles' road. +What, have I choked you with an argosy? + +TRANIO: +Gremio, 'tis known my father hath no less +Than three great argosies; besides two galliases, +And twelve tight galleys: these I will assure her, +And twice as much, whate'er thou offer'st next. + +GREMIO: +Nay, I have offer'd all, I have no more; +And she can have no more than all I have: +If you like me, she shall have me and mine. + +TRANIO: +Why, then the maid is mine from all the world, +By your firm promise: Gremio is out-vied. + +BAPTISTA: +I must confess your offer is the best; +And, let your father make her the assurance, +She is your own; else, you must pardon me, +if you should die before him, where's her dower? + +TRANIO: +That's but a cavil: he is old, I young. + +GREMIO: +And may not young men die, as well as old? + +BAPTISTA: +Well, gentlemen, +I am thus resolved: on Sunday next you know +My daughter Katharina is to be married: +Now, on the Sunday following, shall Bianca +Be bride to you, if you this assurance; +If not, Signior Gremio: +And so, I take my leave, and thank you both. + +GREMIO: +Adieu, good neighbour. +Now I fear thee not: +Sirrah young gamester, your father were a fool +To give thee all, and in his waning age +Set foot under thy table: tut, a toy! +An old Italian fox is not so kind, my boy. + +TRANIO: +A vengeance on your crafty wither'd hide! +Yet I have faced it with a card of ten. +'Tis in my head to do my master good: +I see no reason but supposed Lucentio +Must get a father, call'd 'supposed Vincentio;' +And that's a wonder: fathers commonly +Do get their children; but in this case of wooing, +A child shall get a sire, if I fail not of my cunning. + +LUCENTIO: +Fiddler, forbear; you grow too forward, sir: +Have you so soon forgot the entertainment +Her sister Katharina welcomed you withal? + +HORTENSIO: +But, wrangling pedant, this is +The patroness of heavenly harmony: +Then give me leave to have prerogative; +And when in music we have spent an hour, +Your lecture shall have leisure for as much. + +LUCENTIO: +Preposterous ass, that never read so far +To know the cause why music was ordain'd! +Was it not to refresh the mind of man +After his studies or his usual pain? +Then give me leave to read philosophy, +And while I pause, serve in your harmony. + +HORTENSIO: +Sirrah, I will not bear these braves of thine. + +BIANCA: +Why, gentlemen, you do me double wrong, +To strive for that which resteth in my choice: +I am no breeching scholar in the schools; +I'll not be tied to hours nor 'pointed times, +But learn my lessons as I please myself. +And, to cut off all strife, here sit we down: +Take you your instrument, play you the whiles; +His lecture will be done ere you have tuned. + +HORTENSIO: +You'll leave his lecture when I am in tune? + +LUCENTIO: +That will be never: tune your instrument. + +BIANCA: +Where left we last? + +LUCENTIO: +Here, madam: +'Hic ibat Simois; hic est Sigeia tellus; +Hic steterat Priami regia celsa senis.' + +BIANCA: +Construe them. + +LUCENTIO: +'Hic ibat,' as I told you before, 'Simois,' I am +Lucentio, 'hic est,' son unto Vincentio of Pisa, +'Sigeia tellus,' disguised thus to get your love; +'Hic steterat,' and that Lucentio that comes +a-wooing, 'Priami,' is my man Tranio, 'regia,' +bearing my port, 'celsa senis,' that we might +beguile the old pantaloon. + +HORTENSIO: +Madam, my instrument's in tune. + +BIANCA: +Let's hear. O fie! the treble jars. + +LUCENTIO: +Spit in the hole, man, and tune again. + +BIANCA: +Now let me see if I can construe it: 'Hic ibat +Simois,' I know you not, 'hic est Sigeia tellus,' I +trust you not; 'Hic steterat Priami,' take heed +he hear us not, 'regia,' presume not, 'celsa senis,' +despair not. + +HORTENSIO: +Madam, 'tis now in tune. + +LUCENTIO: +All but the base. + +HORTENSIO: +The base is right; 'tis the base knave that jars. +How fiery and forward our pedant is! +Now, for my life, the knave doth court my love: +Pedascule, I'll watch you better yet. + +BIANCA: +In time I may believe, yet I mistrust. + +LUCENTIO: +Mistrust it not: for, sure, AEacides +Was Ajax, call'd so from his grandfather. + +BIANCA: +I must believe my master; else, I promise you, +I should be arguing still upon that doubt: +But let it rest. Now, Licio, to you: +Good masters, take it not unkindly, pray, +That I have been thus pleasant with you both. + +HORTENSIO: +You may go walk, and give me leave a while: +My lessons make no music in three parts. + +LUCENTIO: +Are you so formal, sir? well, I must wait, +And watch withal; for, but I be deceived, +Our fine musician groweth amorous. + +HORTENSIO: +Madam, before you touch the instrument, +To learn the order of my fingering, +I must begin with rudiments of art; +To teach you gamut in a briefer sort, +More pleasant, pithy and effectual, +Than hath been taught by any of my trade: +And there it is in writing, fairly drawn. + +BIANCA: +Why, I am past my gamut long ago. + +HORTENSIO: +Yet read the gamut of Hortensio. + +BIANCA: + +Servant: +Mistress, your father prays you leave your books +And help to dress your sister's chamber up: +You know to-morrow is the wedding-day. + +BIANCA: +Farewell, sweet masters both; I must be gone. + +LUCENTIO: +Faith, mistress, then I have no cause to stay. + +HORTENSIO: +But I have cause to pry into this pedant: +Methinks he looks as though he were in love: +Yet if thy thoughts, Bianca, be so humble +To cast thy wandering eyes on every stale, +Seize thee that list: if once I find thee ranging, +Hortensio will be quit with thee by changing. + +BAPTISTA: + +KATHARINA: +No shame but mine: I must, forsooth, be forced +To give my hand opposed against my heart +Unto a mad-brain rudesby full of spleen; +Who woo'd in haste and means to wed at leisure. +I told you, I, he was a frantic fool, +Hiding his bitter jests in blunt behavior: +And, to be noted for a merry man, +He'll woo a thousand, 'point the day of marriage, +Make feasts, invite friends, and proclaim the banns; +Yet never means to wed where he hath woo'd. +Now must the world point at poor Katharina, +And say, 'Lo, there is mad Petruchio's wife, +If it would please him come and marry her!' + +TRANIO: +Patience, good Katharina, and Baptista too. +Upon my life, Petruchio means but well, +Whatever fortune stays him from his word: +Though he be blunt, I know him passing wise; +Though he be merry, yet withal he's honest. + +KATHARINA: +Would Katharina had never seen him though! + +BAPTISTA: +Go, girl; I cannot blame thee now to weep; +For such an injury would vex a very saint, +Much more a shrew of thy impatient humour. + +BIONDELLO: +Master, master! news, old news, and such news as +you never heard of! + +BAPTISTA: +Is it new and old too? how may that be? + +BIONDELLO: +Why, is it not news, to hear of Petruchio's coming? + +BAPTISTA: +Is he come? + +BIONDELLO: +Why, no, sir. + +BAPTISTA: +What then? + +BIONDELLO: +He is coming. + +BAPTISTA: +When will he be here? + +BIONDELLO: +When he stands where I am and sees you there. + +TRANIO: +But say, what to thine old news? + +BIONDELLO: +Why, Petruchio is coming in a new hat and an old +jerkin, a pair of old breeches thrice turned, a pair +of boots that have been candle-cases, one buckled, +another laced, an old rusty sword ta'en out of the +town-armory, with a broken hilt, and chapeless; +with two broken points: his horse hipped with an +old mothy saddle and stirrups of no kindred; +besides, possessed with the glanders and like to mose +in the chine; troubled with the lampass, infected +with the fashions, full of wingdalls, sped with +spavins, rayed with yellows, past cure of the fives, +stark spoiled with the staggers, begnawn with the +bots, swayed in the back and shoulder-shotten; +near-legged before and with, a half-chequed bit +and a head-stall of sheeps leather which, being +restrained to keep him from stumbling, hath been +often burst and now repaired with knots; one girth +six time pieced and a woman's crupper of velure, +which hath two letters for her name fairly set down +in studs, and here and there pieced with packthread. + +BAPTISTA: +Who comes with him? + +BIONDELLO: +O, sir, his lackey, for all the world caparisoned +like the horse; with a linen stock on one leg and a +kersey boot-hose on the other, gartered with a red +and blue list; an old hat and 'the humour of forty +fancies' pricked in't for a feather: a monster, a +very monster in apparel, and not like a Christian +footboy or a gentleman's lackey. + +TRANIO: +'Tis some odd humour pricks him to this fashion; +Yet oftentimes he goes but mean-apparell'd. + +BAPTISTA: +I am glad he's come, howsoe'er he comes. + +BIONDELLO: +Why, sir, he comes not. + +BAPTISTA: +Didst thou not say he comes? + +BIONDELLO: +Who? that Petruchio came? + +BAPTISTA: +Ay, that Petruchio came. + +BIONDELLO: +No, sir, I say his horse comes, with him on his back. + +BAPTISTA: +Why, that's all one. + +BIONDELLO: +Nay, by Saint Jamy, +I hold you a penny, +A horse and a man +Is more than one, +And yet not many. + +PETRUCHIO: +Come, where be these gallants? who's at home? + +BAPTISTA: +You are welcome, sir. + +PETRUCHIO: +And yet I come not well. + +BAPTISTA: +And yet you halt not. + +TRANIO: +Not so well apparell'd +As I wish you were. + +PETRUCHIO: +Were it better, I should rush in thus. +But where is Kate? where is my lovely bride? +How does my father? Gentles, methinks you frown: +And wherefore gaze this goodly company, +As if they saw some wondrous monument, +Some comet or unusual prodigy? + +BAPTISTA: +Why, sir, you know this is your wedding-day: +First were we sad, fearing you would not come; +Now sadder, that you come so unprovided. +Fie, doff this habit, shame to your estate, +An eye-sore to our solemn festival! + +TRANIO: +And tells us, what occasion of import +Hath all so long detain'd you from your wife, +And sent you hither so unlike yourself? + +PETRUCHIO: +Tedious it were to tell, and harsh to hear: +Sufficeth I am come to keep my word, +Though in some part enforced to digress; +Which, at more leisure, I will so excuse +As you shall well be satisfied withal. +But where is Kate? I stay too long from her: +The morning wears, 'tis time we were at church. + +TRANIO: +See not your bride in these unreverent robes: +Go to my chamber; Put on clothes of mine. + +PETRUCHIO: +Not I, believe me: thus I'll visit her. + +BAPTISTA: +But thus, I trust, you will not marry her. + +PETRUCHIO: +Good sooth, even thus; therefore ha' done with words: +To me she's married, not unto my clothes: +Could I repair what she will wear in me, +As I can change these poor accoutrements, +'Twere well for Kate and better for myself. +But what a fool am I to chat with you, +When I should bid good morrow to my bride, +And seal the title with a lovely kiss! + +TRANIO: +He hath some meaning in his mad attire: +We will persuade him, be it possible, +To put on better ere he go to church. + +BAPTISTA: +I'll after him, and see the event of this. + +TRANIO: +But to her love concerneth us to add +Her father's liking: which to bring to pass, +As I before unparted to your worship, +I am to get a man,--whate'er he be, +It skills not much. we'll fit him to our turn,-- +And he shall be Vincentio of Pisa; +And make assurance here in Padua +Of greater sums than I have promised. +So shall you quietly enjoy your hope, +And marry sweet Bianca with consent. + +LUCENTIO: +Were it not that my fellow-school-master +Doth watch Bianca's steps so narrowly, +'Twere good, methinks, to steal our marriage; +Which once perform'd, let all the world say no, +I'll keep mine own, despite of all the world. + +TRANIO: +That by degrees we mean to look into, +And watch our vantage in this business: +We'll over-reach the greybeard, Gremio, +The narrow-prying father, Minola, +The quaint musician, amorous Licio; +All for my master's sake, Lucentio. +Signior Gremio, came you from the church? + +GREMIO: +As willingly as e'er I came from school. + +TRANIO: +And is the bride and bridegroom coming home? + +GREMIO: +A bridegroom say you? 'tis a groom indeed, +A grumbling groom, and that the girl shall find. + +TRANIO: +Curster than she? why, 'tis impossible. + +GREMIO: +Why he's a devil, a devil, a very fiend. + +TRANIO: +Why, she's a devil, a devil, the devil's dam. + +GREMIO: +Tut, she's a lamb, a dove, a fool to him! +I'll tell you, Sir Lucentio: when the priest +Should ask, if Katharina should be his wife, +'Ay, by gogs-wouns,' quoth he; and swore so loud, +That, all-amazed, the priest let fall the book; +And, as he stoop'd again to take it up, +The mad-brain'd bridegroom took him such a cuff +That down fell priest and book and book and priest: +'Now take them up,' quoth he, 'if any list.' + +TRANIO: +What said the wench when he rose again? + +GREMIO: +Trembled and shook; for why, he stamp'd and swore, +As if the vicar meant to cozen him. +But after many ceremonies done, +He calls for wine: 'A health!' quoth he, as if +He had been aboard, carousing to his mates +After a storm; quaff'd off the muscadel +And threw the sops all in the sexton's face; +Having no other reason +But that his beard grew thin and hungerly +And seem'd to ask him sops as he was drinking. +This done, he took the bride about the neck +And kiss'd her lips with such a clamorous smack +That at the parting all the church did echo: +And I seeing this came thence for very shame; +And after me, I know, the rout is coming. +Such a mad marriage never was before: +Hark, hark! I hear the minstrels play. + +PETRUCHIO: +Gentlemen and friends, I thank you for your pains: +I know you think to dine with me to-day, +And have prepared great store of wedding cheer; +But so it is, my haste doth call me hence, +And therefore here I mean to take my leave. + +BAPTISTA: +Is't possible you will away to-night? + +PETRUCHIO: +I must away to-day, before night come: +Make it no wonder; if you knew my business, +You would entreat me rather go than stay. +And, honest company, I thank you all, +That have beheld me give away myself +To this most patient, sweet and virtuous wife: +Dine with my father, drink a health to me; +For I must hence; and farewell to you all. + +TRANIO: +Let us entreat you stay till after dinner. + +PETRUCHIO: +It may not be. + +GREMIO: +Let me entreat you. + +PETRUCHIO: +It cannot be. + +KATHARINA: +Let me entreat you. + +PETRUCHIO: +I am content. + +KATHARINA: +Are you content to stay? + +PETRUCHIO: +I am content you shall entreat me stay; +But yet not stay, entreat me how you can. + +KATHARINA: +Now, if you love me, stay. + +PETRUCHIO: +Grumio, my horse. + +GRUMIO: +Ay, sir, they be ready: the oats have eaten the horses. + +KATHARINA: +Nay, then, +Do what thou canst, I will not go to-day; +No, nor to-morrow, not till I please myself. +The door is open, sir; there lies your way; +You may be jogging whiles your boots are green; +For me, I'll not be gone till I please myself: +'Tis like you'll prove a jolly surly groom, +That take it on you at the first so roundly. + +PETRUCHIO: +O Kate, content thee; prithee, be not angry. + +KATHARINA: +I will be angry: what hast thou to do? +Father, be quiet; he shall stay my leisure. + +GREMIO: +Ay, marry, sir, now it begins to work. + +KATARINA: +Gentlemen, forward to the bridal dinner: +I see a woman may be made a fool, +If she had not a spirit to resist. + +PETRUCHIO: +They shall go forward, Kate, at thy command. +Obey the bride, you that attend on her; +Go to the feast, revel and domineer, +Carouse full measure to her maidenhead, +Be mad and merry, or go hang yourselves: +But for my bonny Kate, she must with me. +Nay, look not big, nor stamp, nor stare, nor fret; +I will be master of what is mine own: +She is my goods, my chattels; she is my house, +My household stuff, my field, my barn, +My horse, my ox, my ass, my any thing; +And here she stands, touch her whoever dare; +I'll bring mine action on the proudest he +That stops my way in Padua. Grumio, +Draw forth thy weapon, we are beset with thieves; +Rescue thy mistress, if thou be a man. +Fear not, sweet wench, they shall not touch +thee, Kate: +I'll buckler thee against a million. + +BAPTISTA: +Nay, let them go, a couple of quiet ones. + +GREMIO: +Went they not quickly, I should die with laughing. + +TRANIO: +Of all mad matches never was the like. + +LUCENTIO: +Mistress, what's your opinion of your sister? + +BIANCA: +That, being mad herself, she's madly mated. + +GREMIO: +I warrant him, Petruchio is Kated. + +BAPTISTA: +Neighbours and friends, though bride and +bridegroom wants +For to supply the places at the table, +You know there wants no junkets at the feast. +Lucentio, you shall supply the bridegroom's place: +And let Bianca take her sister's room. + +TRANIO: +Shall sweet Bianca practise how to bride it? + +BAPTISTA: +She shall, Lucentio. Come, gentlemen, let's go. + +GRUMIO: +Fie, fie on all tired jades, on all mad masters, and +all foul ways! Was ever man so beaten? was ever +man so rayed? was ever man so weary? I am sent +before to make a fire, and they are coming after to +warm them. Now, were not I a little pot and soon +hot, my very lips might freeze to my teeth, my +tongue to the roof of my mouth, my heart in my +belly, ere I should come by a fire to thaw me: but +I, with blowing the fire, shall warm myself; for, +considering the weather, a taller man than I will +take cold. Holla, ho! Curtis. + +CURTIS: +Who is that calls so coldly? + +GRUMIO: +A piece of ice: if thou doubt it, thou mayst slide +from my shoulder to my heel with no greater a run +but my head and my neck. A fire good Curtis. + +CURTIS: +Is my master and his wife coming, Grumio? + +GRUMIO: +O, ay, Curtis, ay: and therefore fire, fire; cast +on no water. + +CURTIS: +Is she so hot a shrew as she's reported? + +GRUMIO: +She was, good Curtis, before this frost: but, thou +knowest, winter tames man, woman and beast; for it +hath tamed my old master and my new mistress and +myself, fellow Curtis. + +CURTIS: +Away, you three-inch fool! I am no beast. + +GRUMIO: +Am I but three inches? why, thy horn is a foot; and +so long am I at the least. But wilt thou make a +fire, or shall I complain on thee to our mistress, +whose hand, she being now at hand, thou shalt soon +feel, to thy cold comfort, for being slow in thy hot office? + +CURTIS: +I prithee, good Grumio, tell me, how goes the world? + +GRUMIO: +A cold world, Curtis, in every office but thine; and +therefore fire: do thy duty, and have thy duty; for +my master and mistress are almost frozen to death. + +CURTIS: +There's fire ready; and therefore, good Grumio, the news. + +GRUMIO: +Why, 'Jack, boy! ho! boy!' and as much news as +will thaw. + +CURTIS: +Come, you are so full of cony-catching! + +GRUMIO: +Why, therefore fire; for I have caught extreme cold. +Where's the cook? is supper ready, the house +trimmed, rushes strewed, cobwebs swept; the +serving-men in their new fustian, their white +stockings, and every officer his wedding-garment on? +Be the jacks fair within, the jills fair without, +the carpets laid, and every thing in order? + +CURTIS: +All ready; and therefore, I pray thee, news. + +GRUMIO: +First, know, my horse is tired; my master and +mistress fallen out. + +CURTIS: +How? + +GRUMIO: +Out of their saddles into the dirt; and thereby +hangs a tale. + +CURTIS: +Let's ha't, good Grumio. + +GRUMIO: +Lend thine ear. + +CURTIS: +Here. + +GRUMIO: +There. + +CURTIS: +This is to feel a tale, not to hear a tale. + +GRUMIO: +And therefore 'tis called a sensible tale: and this +cuff was but to knock at your ear, and beseech +listening. Now I begin: Imprimis, we came down a +foul hill, my master riding behind my mistress,-- + +CURTIS: +Both of one horse? + +GRUMIO: +What's that to thee? + +CURTIS: +Why, a horse. + +GRUMIO: +Tell thou the tale: but hadst thou not crossed me, +thou shouldst have heard how her horse fell and she +under her horse; thou shouldst have heard in how +miry a place, how she was bemoiled, how he left her +with the horse upon her, how he beat me because +her horse stumbled, how she waded through the dirt +to pluck him off me, how he swore, how she prayed, +that never prayed before, how I cried, how the +horses ran away, how her bridle was burst, how I +lost my crupper, with many things of worthy memory, +which now shall die in oblivion and thou return +unexperienced to thy grave. + +CURTIS: +By this reckoning he is more shrew than she. + +GRUMIO: +Ay; and that thou and the proudest of you all shall +find when he comes home. But what talk I of this? +Call forth Nathaniel, Joseph, Nicholas, Philip, +Walter, Sugarsop and the rest: let their heads be +sleekly combed their blue coats brushed and their +garters of an indifferent knit: let them curtsy +with their left legs and not presume to touch a hair +of my master's horse-tail till they kiss their +hands. Are they all ready? + +CURTIS: +They are. + +GRUMIO: +Call them forth. + +CURTIS: +Do you hear, ho? you must meet my master to +countenance my mistress. + +GRUMIO: +Why, she hath a face of her own. + +CURTIS: +Who knows not that? + +GRUMIO: +Thou, it seems, that calls for company to +countenance her. + +CURTIS: +I call them forth to credit her. + +GRUMIO: +Why, she comes to borrow nothing of them. + +NATHANIEL: +Welcome home, Grumio! + +PHILIP: +How now, Grumio! + +JOSEPH: +What, Grumio! + +NICHOLAS: +Fellow Grumio! + +NATHANIEL: +How now, old lad? + +GRUMIO: +Welcome, you;--how now, you;-- what, you;--fellow, +you;--and thus much for greeting. Now, my spruce +companions, is all ready, and all things neat? + +NATHANIEL: +All things is ready. How near is our master? + +GRUMIO: +E'en at hand, alighted by this; and therefore be +not--Cock's passion, silence! I hear my master. + +PETRUCHIO: +Where be these knaves? What, no man at door +To hold my stirrup nor to take my horse! +Where is Nathaniel, Gregory, Philip? + +ALL SERVING-MEN: +Here, here, sir; here, sir. + +PETRUCHIO: +Here, sir! here, sir! here, sir! here, sir! +You logger-headed and unpolish'd grooms! +What, no attendance? no regard? no duty? +Where is the foolish knave I sent before? + +GRUMIO: +Here, sir; as foolish as I was before. + +PETRUCHIO: +You peasant swain! you whoreson malt-horse drudge! +Did I not bid thee meet me in the park, +And bring along these rascal knaves with thee? + +GRUMIO: +Nathaniel's coat, sir, was not fully made, +And Gabriel's pumps were all unpink'd i' the heel; +There was no link to colour Peter's hat, +And Walter's dagger was not come from sheathing: +There were none fine but Adam, Ralph, and Gregory; +The rest were ragged, old, and beggarly; +Yet, as they are, here are they come to meet you. + +PETRUCHIO: +Go, rascals, go, and fetch my supper in. +Where is the life that late I led-- +Where are those--Sit down, Kate, and welcome.-- +Sound, sound, sound, sound! +Why, when, I say? Nay, good sweet Kate, be merry. +Off with my boots, you rogues! you villains, when? +It was the friar of orders grey, +As he forth walked on his way:-- +Out, you rogue! you pluck my foot awry: +Take that, and mend the plucking off the other. +Be merry, Kate. Some water, here; what, ho! +Where's my spaniel Troilus? Sirrah, get you hence, +And bid my cousin Ferdinand come hither: +One, Kate, that you must kiss, and be acquainted with. +Where are my slippers? Shall I have some water? +Come, Kate, and wash, and welcome heartily. +You whoreson villain! will you let it fall? + +KATHARINA: +Patience, I pray you; 'twas a fault unwilling. + +PETRUCHIO: +A whoreson beetle-headed, flap-ear'd knave! +Come, Kate, sit down; I know you have a stomach. +Will you give thanks, sweet Kate; or else shall I? +What's this? mutton? + +First Servant: +Ay. + +PETRUCHIO: +Who brought it? + +PETER: +I. + +PETRUCHIO: +'Tis burnt; and so is all the meat. +What dogs are these! Where is the rascal cook? +How durst you, villains, bring it from the dresser, +And serve it thus to me that love it not? +Theretake it to you, trenchers, cups, and all; +You heedless joltheads and unmanner'd slaves! +What, do you grumble? I'll be with you straight. + +KATHARINA: +I pray you, husband, be not so disquiet: +The meat was well, if you were so contented. + +PETRUCHIO: +I tell thee, Kate, 'twas burnt and dried away; +And I expressly am forbid to touch it, +For it engenders choler, planteth anger; +And better 'twere that both of us did fast, +Since, of ourselves, ourselves are choleric, +Than feed it with such over-roasted flesh. +Be patient; to-morrow 't shall be mended, +And, for this night, we'll fast for company: +Come, I will bring thee to thy bridal chamber. + +NATHANIEL: +Peter, didst ever see the like? + +PETER: +He kills her in her own humour. + +GRUMIO: +Where is he? + +CURTIS: +In her chamber, making a sermon of continency to her; +And rails, and swears, and rates, that she, poor soul, +Knows not which way to stand, to look, to speak, +And sits as one new-risen from a dream. +Away, away! for he is coming hither. + +PETRUCHIO: +Thus have I politicly begun my reign, +And 'tis my hope to end successfully. +My falcon now is sharp and passing empty; +And till she stoop she must not be full-gorged, +For then she never looks upon her lure. +Another way I have to man my haggard, +To make her come and know her keeper's call, +That is, to watch her, as we watch these kites +That bate and beat and will not be obedient. +She eat no meat to-day, nor none shall eat; +Last night she slept not, nor to-night she shall not; +As with the meat, some undeserved fault +I'll find about the making of the bed; +And here I'll fling the pillow, there the bolster, +This way the coverlet, another way the sheets: +Ay, and amid this hurly I intend +That all is done in reverend care of her; +And in conclusion she shall watch all night: +And if she chance to nod I'll rail and brawl +And with the clamour keep her still awake. +This is a way to kill a wife with kindness; +And thus I'll curb her mad and headstrong humour. +He that knows better how to tame a shrew, +Now let him speak: 'tis charity to show. + +TRANIO: +Is't possible, friend Licio, that Mistress Bianca +Doth fancy any other but Lucentio? +I tell you, sir, she bears me fair in hand. + +HORTENSIO: +Sir, to satisfy you in what I have said, +Stand by and mark the manner of his teaching. + +LUCENTIO: +Now, mistress, profit you in what you read? + +BIANCA: +What, master, read you? first resolve me that. + +LUCENTIO: +I read that I profess, the Art to Love. + +BIANCA: +And may you prove, sir, master of your art! + +LUCENTIO: +While you, sweet dear, prove mistress of my heart! + +HORTENSIO: +Quick proceeders, marry! Now, tell me, I pray, +You that durst swear at your mistress Bianca +Loved none in the world so well as Lucentio. + +TRANIO: +O despiteful love! unconstant womankind! +I tell thee, Licio, this is wonderful. + +HORTENSIO: +Mistake no more: I am not Licio, +Nor a musician, as I seem to be; +But one that scorn to live in this disguise, +For such a one as leaves a gentleman, +And makes a god of such a cullion: +Know, sir, that I am call'd Hortensio. + +TRANIO: +Signior Hortensio, I have often heard +Of your entire affection to Bianca; +And since mine eyes are witness of her lightness, +I will with you, if you be so contented, +Forswear Bianca and her love for ever. + +HORTENSIO: +See, how they kiss and court! Signior Lucentio, +Here is my hand, and here I firmly vow +Never to woo her no more, but do forswear her, +As one unworthy all the former favours +That I have fondly flatter'd her withal. + +TRANIO: +And here I take the unfeigned oath, +Never to marry with her though she would entreat: +Fie on her! see, how beastly she doth court him! + +HORTENSIO: +Would all the world but he had quite forsworn! +For me, that I may surely keep mine oath, +I will be married to a wealthy widow, +Ere three days pass, which hath as long loved me +As I have loved this proud disdainful haggard. +And so farewell, Signior Lucentio. +Kindness in women, not their beauteous looks, +Shall win my love: and so I take my leave, +In resolution as I swore before. + +TRANIO: +Mistress Bianca, bless you with such grace +As 'longeth to a lover's blessed case! +Nay, I have ta'en you napping, gentle love, +And have forsworn you with Hortensio. + +BIANCA: +Tranio, you jest: but have you both forsworn me? + +TRANIO: +Mistress, we have. + +LUCENTIO: +Then we are rid of Licio. + +TRANIO: +I' faith, he'll have a lusty widow now, +That shall be wood and wedded in a day. + +BIANCA: +God give him joy! + +TRANIO: +Ay, and he'll tame her. + +BIANCA: +He says so, Tranio. + +TRANIO: +Faith, he is gone unto the taming-school. + +BIANCA: +The taming-school! what, is there such a place? + +TRANIO: +Ay, mistress, and Petruchio is the master; +That teacheth tricks eleven and twenty long, +To tame a shrew and charm her chattering tongue. + +BIONDELLO: +O master, master, I have watch'd so long +That I am dog-weary: but at last I spied +An ancient angel coming down the hill, +Will serve the turn. + +TRANIO: +What is he, Biondello? + +BIONDELLO: +Master, a mercatante, or a pedant, +I know not what; but format in apparel, +In gait and countenance surely like a father. + +LUCENTIO: +And what of him, Tranio? + +TRANIO: +If he be credulous and trust my tale, +I'll make him glad to seem Vincentio, +And give assurance to Baptista Minola, +As if he were the right Vincentio +Take in your love, and then let me alone. + +Pedant: +God save you, sir! + +TRANIO: +And you, sir! you are welcome. +Travel you far on, or are you at the farthest? + +Pedant: +Sir, at the farthest for a week or two: +But then up farther, and as for as Rome; +And so to Tripoli, if God lend me life. + +TRANIO: +What countryman, I pray? + +Pedant: +Of Mantua. + +TRANIO: +Of Mantua, sir? marry, God forbid! +And come to Padua, careless of your life? + +Pedant: +My life, sir! how, I pray? for that goes hard. + +TRANIO: +'Tis death for any one in Mantua +To come to Padua. Know you not the cause? +Your ships are stay'd at Venice, and the duke, +For private quarrel 'twixt your duke and him, +Hath publish'd and proclaim'd it openly: +'Tis, marvel, but that you are but newly come, +You might have heard it else proclaim'd about. + +Pedant: +Alas! sir, it is worse for me than so; +For I have bills for money by exchange +From Florence and must here deliver them. + +TRANIO: +Well, sir, to do you courtesy, +This will I do, and this I will advise you: +First, tell me, have you ever been at Pisa? + +Pedant: +Ay, sir, in Pisa have I often been, +Pisa renowned for grave citizens. + +TRANIO: +Among them know you one Vincentio? + +Pedant: +I know him not, but I have heard of him; +A merchant of incomparable wealth. + +TRANIO: +He is my father, sir; and, sooth to say, +In countenance somewhat doth resemble you. + +BIONDELLO: + +TRANIO: +To save your life in this extremity, +This favour will I do you for his sake; +And think it not the worst of an your fortunes +That you are like to Sir Vincentio. +His name and credit shall you undertake, +And in my house you shall be friendly lodged: +Look that you take upon you as you should; +You understand me, sir: so shall you stay +Till you have done your business in the city: +If this be courtesy, sir, accept of it. + +Pedant: +O sir, I do; and will repute you ever +The patron of my life and liberty. + +TRANIO: +Then go with me to make the matter good. +This, by the way, I let you understand; +my father is here look'd for every day, +To pass assurance of a dower in marriage +'Twixt me and one Baptista's daughter here: +In all these circumstances I'll instruct you: +Go with me to clothe you as becomes you. + +GRUMIO: +No, no, forsooth; I dare not for my life. + +KATHARINA: +The more my wrong, the more his spite appears: +What, did he marry me to famish me? +Beggars, that come unto my father's door, +Upon entreaty have a present aims; +If not, elsewhere they meet with charity: +But I, who never knew how to entreat, +Nor never needed that I should entreat, +Am starved for meat, giddy for lack of sleep, +With oath kept waking and with brawling fed: +And that which spites me more than all these wants, +He does it under name of perfect love; +As who should say, if I should sleep or eat, +'Twere deadly sickness or else present death. +I prithee go and get me some repast; +I care not what, so it be wholesome food. + +GRUMIO: +What say you to a neat's foot? + +KATHARINA: +'Tis passing good: I prithee let me have it. + +GRUMIO: +I fear it is too choleric a meat. +How say you to a fat tripe finely broil'd? + +KATHARINA: +I like it well: good Grumio, fetch it me. + +GRUMIO: +I cannot tell; I fear 'tis choleric. +What say you to a piece of beef and mustard? + +KATHARINA: +A dish that I do love to feed upon. + +GRUMIO: +Ay, but the mustard is too hot a little. + +KATHARINA: +Why then, the beef, and let the mustard rest. + +GRUMIO: +Nay then, I will not: you shall have the mustard, +Or else you get no beef of Grumio. + +KATHARINA: +Then both, or one, or any thing thou wilt. + +GRUMIO: +Why then, the mustard without the beef. + +KATHARINA: +Go, get thee gone, thou false deluding slave, +That feed'st me with the very name of meat: +Sorrow on thee and all the pack of you, +That triumph thus upon my misery! +Go, get thee gone, I say. + +PETRUCHIO: +How fares my Kate? What, sweeting, all amort? + +HORTENSIO: +Mistress, what cheer? + +KATHARINA: +Faith, as cold as can be. + +PETRUCHIO: +Pluck up thy spirits; look cheerfully upon me. +Here love; thou see'st how diligent I am +To dress thy meat myself and bring it thee: +I am sure, sweet Kate, this kindness merits thanks. +What, not a word? Nay, then thou lovest it not; +And all my pains is sorted to no proof. +Here, take away this dish. + +KATHARINA: +I pray you, let it stand. + +PETRUCHIO: +The poorest service is repaid with thanks; +And so shall mine, before you touch the meat. + +KATHARINA: +I thank you, sir. + +HORTENSIO: +Signior Petruchio, fie! you are to blame. +Come, mistress Kate, I'll bear you company. + +PETRUCHIO: + +Haberdasher: +Here is the cap your worship did bespeak. + +PETRUCHIO: +Why, this was moulded on a porringer; +A velvet dish: fie, fie! 'tis lewd and filthy: +Why, 'tis a cockle or a walnut-shell, +A knack, a toy, a trick, a baby's cap: +Away with it! come, let me have a bigger. + +KATHARINA: +I'll have no bigger: this doth fit the time, +And gentlewomen wear such caps as these + +PETRUCHIO: +When you are gentle, you shall have one too, +And not till then. + +HORTENSIO: + +KATHARINA: +Why, sir, I trust I may have leave to speak; +And speak I will; I am no child, no babe: +Your betters have endured me say my mind, +And if you cannot, best you stop your ears. +My tongue will tell the anger of my heart, +Or else my heart concealing it will break, +And rather than it shall, I will be free +Even to the uttermost, as I please, in words. + +PETRUCHIO: +Why, thou say'st true; it is a paltry cap, +A custard-coffin, a bauble, a silken pie: +I love thee well, in that thou likest it not. + +KATHARINA: +Love me or love me not, I like the cap; +And it I will have, or I will have none. + +PETRUCHIO: +Thy gown? why, ay: come, tailor, let us see't. +O mercy, God! what masquing stuff is here? +What's this? a sleeve? 'tis like a demi-cannon: +What, up and down, carved like an apple-tart? +Here's snip and nip and cut and slish and slash, +Like to a censer in a barber's shop: +Why, what, i' devil's name, tailor, call'st thou this? + +HORTENSIO: + +Tailor: +You bid me make it orderly and well, +According to the fashion and the time. + +PETRUCHIO: +Marry, and did; but if you be remember'd, +I did not bid you mar it to the time. +Go, hop me over every kennel home, +For you shall hop without my custom, sir: +I'll none of it: hence! make your best of it. + +KATHARINA: +I never saw a better-fashion'd gown, +More quaint, more pleasing, nor more commendable: +Belike you mean to make a puppet of me. + +PETRUCHIO: +Why, true; he means to make a puppet of thee. + +Tailor: +She says your worship means to make +a puppet of her. + +PETRUCHIO: +O monstrous arrogance! Thou liest, thou thread, +thou thimble, +Thou yard, three-quarters, half-yard, quarter, nail! +Thou flea, thou nit, thou winter-cricket thou! +Braved in mine own house with a skein of thread? +Away, thou rag, thou quantity, thou remnant; +Or I shall so be-mete thee with thy yard +As thou shalt think on prating whilst thou livest! +I tell thee, I, that thou hast marr'd her gown. + +Tailor: +Your worship is deceived; the gown is made +Just as my master had direction: +Grumio gave order how it should be done. + +GRUMIO: +I gave him no order; I gave him the stuff. + +Tailor: +But how did you desire it should be made? + +GRUMIO: +Marry, sir, with needle and thread. + +Tailor: +But did you not request to have it cut? + +GRUMIO: +Thou hast faced many things. + +Tailor: +I have. + +GRUMIO: +Face not me: thou hast braved many men; brave not +me; I will neither be faced nor braved. I say unto +thee, I bid thy master cut out the gown; but I did +not bid him cut it to pieces: ergo, thou liest. + +Tailor: +Why, here is the note of the fashion to testify + +PETRUCHIO: +Read it. + +GRUMIO: +The note lies in's throat, if he say I said so. + +Tailor: + +GRUMIO: +Master, if ever I said loose-bodied gown, sew me in +the skirts of it, and beat me to death with a bottom +of brown thread: I said a gown. + +PETRUCHIO: +Proceed. + +Tailor: + +GRUMIO: +I confess the cape. + +Tailor: + +GRUMIO: +I confess two sleeves. + +Tailor: + +PETRUCHIO: +Ay, there's the villany. + +GRUMIO: +Error i' the bill, sir; error i' the bill. +I commanded the sleeves should be cut out and +sewed up again; and that I'll prove upon thee, +though thy little finger be armed in a thimble. + +Tailor: +This is true that I say: an I had thee +in place where, thou shouldst know it. + +GRUMIO: +I am for thee straight: take thou the +bill, give me thy mete-yard, and spare not me. + +HORTENSIO: +God-a-mercy, Grumio! then he shall have no odds. + +PETRUCHIO: +Well, sir, in brief, the gown is not for me. + +GRUMIO: +You are i' the right, sir: 'tis for my mistress. + +PETRUCHIO: +Go, take it up unto thy master's use. + +GRUMIO: +Villain, not for thy life: take up my mistress' +gown for thy master's use! + +PETRUCHIO: +Why, sir, what's your conceit in that? + +GRUMIO: +O, sir, the conceit is deeper than you think for: +Take up my mistress' gown to his master's use! +O, fie, fie, fie! + +PETRUCHIO: + +HORTENSIO: +Tailor, I'll pay thee for thy gown tomorrow: +Take no unkindness of his hasty words: +Away! I say; commend me to thy master. + +PETRUCHIO: +Well, come, my Kate; we will unto your father's +Even in these honest mean habiliments: +Our purses shall be proud, our garments poor; +For 'tis the mind that makes the body rich; +And as the sun breaks through the darkest clouds, +So honour peereth in the meanest habit. +What is the jay more precious than the lark, +Because his fathers are more beautiful? +Or is the adder better than the eel, +Because his painted skin contents the eye? +O, no, good Kate; neither art thou the worse +For this poor furniture and mean array. +if thou account'st it shame. lay it on me; +And therefore frolic: we will hence forthwith, +To feast and sport us at thy father's house. +Go, call my men, and let us straight to him; +And bring our horses unto Long-lane end; +There will we mount, and thither walk on foot +Let's see; I think 'tis now some seven o'clock, +And well we may come there by dinner-time. + +KATHARINA: +I dare assure you, sir, 'tis almost two; +And 'twill be supper-time ere you come there. + +PETRUCHIO: +It shall be seven ere I go to horse: +Look, what I speak, or do, or think to do, +You are still crossing it. Sirs, let't alone: +I will not go to-day; and ere I do, +It shall be what o'clock I say it is. + +HORTENSIO: + +TRANIO: +Sir, this is the house: please it you that I call? + +Pedant: +Ay, what else? and but I be deceived +Signior Baptista may remember me, +Near twenty years ago, in Genoa, +Where we were lodgers at the Pegasus. + +TRANIO: +'Tis well; and hold your own, in any case, +With such austerity as 'longeth to a father. + +Pedant: +I warrant you. +But, sir, here comes your boy; +'Twere good he were school'd. + +TRANIO: +Fear you not him. Sirrah Biondello, +Now do your duty throughly, I advise you: +Imagine 'twere the right Vincentio. + +BIONDELLO: +Tut, fear not me. + +TRANIO: +But hast thou done thy errand to Baptista? + +BIONDELLO: +I told him that your father was at Venice, +And that you look'd for him this day in Padua. + +TRANIO: +Thou'rt a tall fellow: hold thee that to drink. +Here comes Baptista: set your countenance, sir. +Signior Baptista, you are happily met. +Sir, this is the gentleman I told you of: +I pray you stand good father to me now, +Give me Bianca for my patrimony. + +Pedant: +Soft son! +Sir, by your leave: having come to Padua +To gather in some debts, my son Lucentio +Made me acquainted with a weighty cause +Of love between your daughter and himself: +And, for the good report I hear of you +And for the love he beareth to your daughter +And she to him, to stay him not too long, +I am content, in a good father's care, +To have him match'd; and if you please to like +No worse than I, upon some agreement +Me shall you find ready and willing +With one consent to have her so bestow'd; +For curious I cannot be with you, +Signior Baptista, of whom I hear so well. + +BAPTISTA: +Sir, pardon me in what I have to say: +Your plainness and your shortness please me well. +Right true it is, your son Lucentio here +Doth love my daughter and she loveth him, +Or both dissemble deeply their affections: +And therefore, if you say no more than this, +That like a father you will deal with him +And pass my daughter a sufficient dower, +The match is made, and all is done: +Your son shall have my daughter with consent. + +TRANIO: +I thank you, sir. Where then do you know best +We be affied and such assurance ta'en +As shall with either part's agreement stand? + +BAPTISTA: +Not in my house, Lucentio; for, you know, +Pitchers have ears, and I have many servants: +Besides, old Gremio is hearkening still; +And happily we might be interrupted. + +TRANIO: +Then at my lodging, an it like you: +There doth my father lie; and there, this night, +We'll pass the business privately and well. +Send for your daughter by your servant here: +My boy shall fetch the scrivener presently. +The worst is this, that, at so slender warning, +You are like to have a thin and slender pittance. + +BAPTISTA: +It likes me well. Biondello, hie you home, +And bid Bianca make her ready straight; +And, if you will, tell what hath happened, +Lucentio's father is arrived in Padua, +And how she's like to be Lucentio's wife. + +BIONDELLO: +I pray the gods she may with all my heart! + +TRANIO: +Dally not with the gods, but get thee gone. +Signior Baptista, shall I lead the way? +Welcome! one mess is like to be your cheer: +Come, sir; we will better it in Pisa. + +BAPTISTA: +I follow you. + +BIONDELLO: +Cambio! + +LUCENTIO: +What sayest thou, Biondello? + +BIONDELLO: +You saw my master wink and laugh upon you? + +LUCENTIO: +Biondello, what of that? + +BIONDELLO: +Faith, nothing; but has left me here behind, to +expound the meaning or moral of his signs and tokens. + +LUCENTIO: +I pray thee, moralize them. + +BIONDELLO: +Then thus. Baptista is safe, talking with the +deceiving father of a deceitful son. + +LUCENTIO: +And what of him? + +BIONDELLO: +His daughter is to be brought by you to the supper. + +LUCENTIO: +And then? + +BIONDELLO: +The old priest of Saint Luke's church is at your +command at all hours. + +LUCENTIO: +And what of all this? + +BIONDELLO: +I cannot tell; expect they are busied about a +counterfeit assurance: take you assurance of her, +'cum privilegio ad imprimendum solum:' to the +church; take the priest, clerk, and some sufficient +honest witnesses: If this be not that you look for, +I have no more to say, But bid Bianca farewell for +ever and a day. + +LUCENTIO: +Hearest thou, Biondello? + +BIONDELLO: +I cannot tarry: I knew a wench married in an +afternoon as she went to the garden for parsley to +stuff a rabbit; and so may you, sir: and so, adieu, +sir. My master hath appointed me to go to Saint +Luke's, to bid the priest be ready to come against +you come with your appendix. + +LUCENTIO: +I may, and will, if she be so contented: +She will be pleased; then wherefore should I doubt? +Hap what hap may, I'll roundly go about her: +It shall go hard if Cambio go without her. + +PETRUCHIO: +Come on, i' God's name; once more toward our father's. +Good Lord, how bright and goodly shines the moon! + +KATHARINA: +The moon! the sun: it is not moonlight now. + +PETRUCHIO: +I say it is the moon that shines so bright. + +KATHARINA: +I know it is the sun that shines so bright. + +PETRUCHIO: +Now, by my mother's son, and that's myself, +It shall be moon, or star, or what I list, +Or ere I journey to your father's house. +Go on, and fetch our horses back again. +Evermore cross'd and cross'd; nothing but cross'd! + +HORTENSIO: +Say as he says, or we shall never go. + +KATHARINA: +Forward, I pray, since we have come so far, +And be it moon, or sun, or what you please: +An if you please to call it a rush-candle, +Henceforth I vow it shall be so for me. + +PETRUCHIO: +I say it is the moon. + +KATHARINA: +I know it is the moon. + +PETRUCHIO: +Nay, then you lie: it is the blessed sun. + +KATHARINA: +Then, God be bless'd, it is the blessed sun: +But sun it is not, when you say it is not; +And the moon changes even as your mind. +What you will have it named, even that it is; +And so it shall be so for Katharina. + +HORTENSIO: +Petruchio, go thy ways; the field is won. + +PETRUCHIO: +Well, forward, forward! thus the bowl should run, +And not unluckily against the bias. +But, soft! company is coming here. +Good morrow, gentle mistress: where away? +Tell me, sweet Kate, and tell me truly too, +Hast thou beheld a fresher gentlewoman? +Such war of white and red within her cheeks! +What stars do spangle heaven with such beauty, +As those two eyes become that heavenly face? +Fair lovely maid, once more good day to thee. +Sweet Kate, embrace her for her beauty's sake. + +HORTENSIO: +A' will make the man mad, to make a woman of him. + +KATHARINA: +Young budding virgin, fair and fresh and sweet, +Whither away, or where is thy abode? +Happy the parents of so fair a child; +Happier the man, whom favourable stars +Allot thee for his lovely bed-fellow! + +PETRUCHIO: +Why, how now, Kate! I hope thou art not mad: +This is a man, old, wrinkled, faded, wither'd, +And not a maiden, as thou say'st he is. + +KATHARINA: +Pardon, old father, my mistaking eyes, +That have been so bedazzled with the sun +That everything I look on seemeth green: +Now I perceive thou art a reverend father; +Pardon, I pray thee, for my mad mistaking. + +PETRUCHIO: +Do, good old grandsire; and withal make known +Which way thou travellest: if along with us, +We shall be joyful of thy company. + +VINCENTIO: +Fair sir, and you my merry mistress, +That with your strange encounter much amazed me, +My name is call'd Vincentio; my dwelling Pisa; +And bound I am to Padua; there to visit +A son of mine, which long I have not seen. + +PETRUCHIO: +What is his name? + +VINCENTIO: +Lucentio, gentle sir. + +PETRUCHIO: +Happily we met; the happier for thy son. +And now by law, as well as reverend age, +I may entitle thee my loving father: +The sister to my wife, this gentlewoman, +Thy son by this hath married. Wonder not, +Nor be grieved: she is of good esteem, +Her dowery wealthy, and of worthy birth; +Beside, so qualified as may beseem +The spouse of any noble gentleman. +Let me embrace with old Vincentio, +And wander we to see thy honest son, +Who will of thy arrival be full joyous. + +VINCENTIO: +But is it true? or else is it your pleasure, +Like pleasant travellers, to break a jest +Upon the company you overtake? + +HORTENSIO: +I do assure thee, father, so it is. + +PETRUCHIO: +Come, go along, and see the truth hereof; +For our first merriment hath made thee jealous. + +HORTENSIO: +Well, Petruchio, this has put me in heart. +Have to my widow! and if she be froward, +Then hast thou taught Hortensio to be untoward. + +BIONDELLO: +Softly and swiftly, sir; for the priest is ready. + +LUCENTIO: +I fly, Biondello: but they may chance to need thee +at home; therefore leave us. + +BIONDELLO: +Nay, faith, I'll see the church o' your back; and +then come back to my master's as soon as I can. + +GREMIO: +I marvel Cambio comes not all this while. + +PETRUCHIO: +Sir, here's the door, this is Lucentio's house: +My father's bears more toward the market-place; +Thither must I, and here I leave you, sir. + +VINCENTIO: +You shall not choose but drink before you go: +I think I shall command your welcome here, +And, by all likelihood, some cheer is toward. + +GREMIO: +They're busy within; you were best knock louder. + +Pedant: +What's he that knocks as he would beat down the gate? + +VINCENTIO: +Is Signior Lucentio within, sir? + +Pedant: +He's within, sir, but not to be spoken withal. + +VINCENTIO: +What if a man bring him a hundred pound or two, to +make merry withal? + +Pedant: +Keep your hundred pounds to yourself: he shall +need none, so long as I live. + +PETRUCHIO: +Nay, I told you your son was well beloved in Padua. +Do you hear, sir? To leave frivolous circumstances, +I pray you, tell Signior Lucentio that his father is +come from Pisa, and is here at the door to speak with him. + +Pedant: +Thou liest: his father is come from Padua and here +looking out at the window. + +VINCENTIO: +Art thou his father? + +Pedant: +Ay, sir; so his mother says, if I may believe her. + +PETRUCHIO: + +Pedant: +Lay hands on the villain: I believe a' means to +cozen somebody in this city under my countenance. + +BIONDELLO: +I have seen them in the church together: God send +'em good shipping! But who is here? mine old +master Vincentio! now we are undone and brought to nothing. + +VINCENTIO: + +BIONDELLO: +Hope I may choose, sir. + +VINCENTIO: +Come hither, you rogue. What, have you forgot me? + +BIONDELLO: +Forgot you! no, sir: I could not forget you, for I +never saw you before in all my life. + +VINCENTIO: +What, you notorious villain, didst thou never see +thy master's father, Vincentio? + +BIONDELLO: +What, my old worshipful old master? yes, marry, sir: +see where he looks out of the window. + +VINCENTIO: +Is't so, indeed. + +BIONDELLO: +Help, help, help! here's a madman will murder me. + +Pedant: +Help, son! help, Signior Baptista! + +PETRUCHIO: +Prithee, Kate, let's stand aside and see the end of +this controversy. + +TRANIO: +Sir, what are you that offer to beat my servant? + +VINCENTIO: +What am I, sir! nay, what are you, sir? O immortal +gods! O fine villain! A silken doublet! a velvet +hose! a scarlet cloak! and a copatain hat! O, I +am undone! I am undone! while I play the good +husband at home, my son and my servant spend all at +the university. + +TRANIO: +How now! what's the matter? + +BAPTISTA: +What, is the man lunatic? + +TRANIO: +Sir, you seem a sober ancient gentleman by your +habit, but your words show you a madman. Why, sir, +what 'cerns it you if I wear pearl and gold? I +thank my good father, I am able to maintain it. + +VINCENTIO: +Thy father! O villain! he is a sailmaker in Bergamo. + +BAPTISTA: +You mistake, sir, you mistake, sir. Pray, what do +you think is his name? + +VINCENTIO: +His name! as if I knew not his name: I have brought +him up ever since he was three years old, and his +name is Tranio. + +Pedant: +Away, away, mad ass! his name is Lucentio and he is +mine only son, and heir to the lands of me, Signior Vincentio. + +VINCENTIO: +Lucentio! O, he hath murdered his master! Lay hold +on him, I charge you, in the duke's name. O, my +son, my son! Tell me, thou villain, where is my son Lucentio? + +TRANIO: +Call forth an officer. +Carry this mad knave to the gaol. Father Baptista, +I charge you see that he be forthcoming. + +VINCENTIO: +Carry me to the gaol! + +GREMIO: +Stay, officer: he shall not go to prison. + +BAPTISTA: +Talk not, Signior Gremio: I say he shall go to prison. + +GREMIO: +Take heed, Signior Baptista, lest you be +cony-catched in this business: I dare swear this +is the right Vincentio. + +Pedant: +Swear, if thou darest. + +GREMIO: +Nay, I dare not swear it. + +TRANIO: +Then thou wert best say that I am not Lucentio. + +GREMIO: +Yes, I know thee to be Signior Lucentio. + +BAPTISTA: +Away with the dotard! to the gaol with him! + +VINCENTIO: +Thus strangers may be hailed and abused: O +monstrous villain! + +BIONDELLO: +O! we are spoiled and--yonder he is: deny him, +forswear him, or else we are all undone. + +LUCENTIO: + +VINCENTIO: +Lives my sweet son? + +BIANCA: +Pardon, dear father. + +BAPTISTA: +How hast thou offended? +Where is Lucentio? + +LUCENTIO: +Here's Lucentio, +Right son to the right Vincentio; +That have by marriage made thy daughter mine, +While counterfeit supposes bleared thine eyne. + +GREMIO: +Here's packing, with a witness to deceive us all! + +VINCENTIO: +Where is that damned villain Tranio, +That faced and braved me in this matter so? + +BAPTISTA: +Why, tell me, is not this my Cambio? + +BIANCA: +Cambio is changed into Lucentio. + +LUCENTIO: +Love wrought these miracles. Bianca's love +Made me exchange my state with Tranio, +While he did bear my countenance in the town; +And happily I have arrived at the last +Unto the wished haven of my bliss. +What Tranio did, myself enforced him to; +Then pardon him, sweet father, for my sake. + +VINCENTIO: +I'll slit the villain's nose, that would have sent +me to the gaol. + +BAPTISTA: +But do you hear, sir? have you married my daughter +without asking my good will? + +VINCENTIO: +Fear not, Baptista; we will content you, go to: but +I will in, to be revenged for this villany. + +BAPTISTA: +And I, to sound the depth of this knavery. + +LUCENTIO: +Look not pale, Bianca; thy father will not frown. + +GREMIO: +My cake is dough; but I'll in among the rest, +Out of hope of all, but my share of the feast. + +KATHARINA: +Husband, let's follow, to see the end of this ado. + +PETRUCHIO: +First kiss me, Kate, and we will. + +KATHARINA: +What, in the midst of the street? + +PETRUCHIO: +What, art thou ashamed of me? + +KATHARINA: +No, sir, God forbid; but ashamed to kiss. + +PETRUCHIO: +Why, then let's home again. Come, sirrah, let's away. + +KATHARINA: +Nay, I will give thee a kiss: now pray thee, love, stay. + +PETRUCHIO: +Is not this well? Come, my sweet Kate: +Better once than never, for never too late. + +LUCENTIO: +At last, though long, our jarring notes agree: +And time it is, when raging war is done, +To smile at scapes and perils overblown. +My fair Bianca, bid my father welcome, +While I with self-same kindness welcome thine. +Brother Petruchio, sister Katharina, +And thou, Hortensio, with thy loving widow, +Feast with the best, and welcome to my house: +My banquet is to close our stomachs up, +After our great good cheer. Pray you, sit down; +For now we sit to chat as well as eat. + +PETRUCHIO: +Nothing but sit and sit, and eat and eat! + +BAPTISTA: +Padua affords this kindness, son Petruchio. + +PETRUCHIO: +Padua affords nothing but what is kind. + +HORTENSIO: +For both our sakes, I would that word were true. + +PETRUCHIO: +Now, for my life, Hortensio fears his widow. + +Widow: +Then never trust me, if I be afeard. + +PETRUCHIO: +You are very sensible, and yet you miss my sense: +I mean, Hortensio is afeard of you. + +Widow: +He that is giddy thinks the world turns round. + +PETRUCHIO: +Roundly replied. + +KATHARINA: +Mistress, how mean you that? + +Widow: +Thus I conceive by him. + +PETRUCHIO: +Conceives by me! How likes Hortensio that? + +HORTENSIO: +My widow says, thus she conceives her tale. + +PETRUCHIO: +Very well mended. Kiss him for that, good widow. + +KATHARINA: +'He that is giddy thinks the world turns round:' +I pray you, tell me what you meant by that. + +Widow: +Your husband, being troubled with a shrew, +Measures my husband's sorrow by his woe: +And now you know my meaning, + +KATHARINA: +A very mean meaning. + +Widow: +Right, I mean you. + +KATHARINA: +And I am mean indeed, respecting you. + +PETRUCHIO: +To her, Kate! + +HORTENSIO: +To her, widow! + +PETRUCHIO: +A hundred marks, my Kate does put her down. + +HORTENSIO: +That's my office. + +PETRUCHIO: +Spoke like an officer; ha' to thee, lad! + +BAPTISTA: +How likes Gremio these quick-witted folks? + +GREMIO: +Believe me, sir, they butt together well. + +BIANCA: +Head, and butt! an hasty-witted body +Would say your head and butt were head and horn. + +VINCENTIO: +Ay, mistress bride, hath that awaken'd you? + +BIANCA: +Ay, but not frighted me; therefore I'll sleep again. + +PETRUCHIO: +Nay, that you shall not: since you have begun, +Have at you for a bitter jest or two! + +BIANCA: +Am I your bird? I mean to shift my bush; +And then pursue me as you draw your bow. +You are welcome all. + +PETRUCHIO: +She hath prevented me. Here, Signior Tranio. +This bird you aim'd at, though you hit her not; +Therefore a health to all that shot and miss'd. + +TRANIO: +O, sir, Lucentio slipp'd me like his greyhound, +Which runs himself and catches for his master. + +PETRUCHIO: +A good swift simile, but something currish. + +TRANIO: +'Tis well, sir, that you hunted for yourself: +'Tis thought your deer does hold you at a bay. + +BAPTISTA: +O ho, Petruchio! Tranio hits you now. + +LUCENTIO: +I thank thee for that gird, good Tranio. + +HORTENSIO: +Confess, confess, hath he not hit you here? + +PETRUCHIO: +A' has a little gall'd me, I confess; +And, as the jest did glance away from me, +'Tis ten to one it maim'd you two outright. + +BAPTISTA: +Now, in good sadness, son Petruchio, +I think thou hast the veriest shrew of all. + +PETRUCHIO: +Well, I say no: and therefore for assurance +Let's each one send unto his wife; +And he whose wife is most obedient +To come at first when he doth send for her, +Shall win the wager which we will propose. + +HORTENSIO: +Content. What is the wager? + +LUCENTIO: +Twenty crowns. + +PETRUCHIO: +Twenty crowns! +I'll venture so much of my hawk or hound, +But twenty times so much upon my wife. + +LUCENTIO: +A hundred then. + +HORTENSIO: +Content. + +PETRUCHIO: +A match! 'tis done. + +HORTENSIO: +Who shall begin? + +LUCENTIO: +That will I. +Go, Biondello, bid your mistress come to me. + +BIONDELLO: +I go. + +BAPTISTA: +Son, I'll be your half, Bianca comes. + +LUCENTIO: +I'll have no halves; I'll bear it all myself. +How now! what news? + +BIONDELLO: +Sir, my mistress sends you word +That she is busy and she cannot come. + +PETRUCHIO: +How! she is busy and she cannot come! +Is that an answer? + +GREMIO: +Ay, and a kind one too: +Pray God, sir, your wife send you not a worse. + +PETRUCHIO: +I hope better. + +HORTENSIO: +Sirrah Biondello, go and entreat my wife +To come to me forthwith. + +PETRUCHIO: +O, ho! entreat her! +Nay, then she must needs come. + +HORTENSIO: +I am afraid, sir, +Do what you can, yours will not be entreated. +Now, where's my wife? + +BIONDELLO: +She says you have some goodly jest in hand: +She will not come: she bids you come to her. + +PETRUCHIO: +Worse and worse; she will not come! O vile, +Intolerable, not to be endured! +Sirrah Grumio, go to your mistress; +Say, I command her to come to me. + +HORTENSIO: +I know her answer. + +PETRUCHIO: +What? + +HORTENSIO: +She will not. + +PETRUCHIO: +The fouler fortune mine, and there an end. + +BAPTISTA: +Now, by my holidame, here comes Katharina! + +KATHARINA: +What is your will, sir, that you send for me? + +PETRUCHIO: +Where is your sister, and Hortensio's wife? + +KATHARINA: +They sit conferring by the parlor fire. + +PETRUCHIO: +Go fetch them hither: if they deny to come. +Swinge me them soundly forth unto their husbands: +Away, I say, and bring them hither straight. + +LUCENTIO: +Here is a wonder, if you talk of a wonder. + +HORTENSIO: +And so it is: I wonder what it bodes. + +PETRUCHIO: +Marry, peace it bodes, and love and quiet life, +And awful rule and right supremacy; +And, to be short, what not, that's sweet and happy? + +BAPTISTA: +Now, fair befal thee, good Petruchio! +The wager thou hast won; and I will add +Unto their losses twenty thousand crowns; +Another dowry to another daughter, +For she is changed, as she had never been. + +PETRUCHIO: +Nay, I will win my wager better yet +And show more sign of her obedience, +Her new-built virtue and obedience. +See where she comes and brings your froward wives +As prisoners to her womanly persuasion. +Katharina, that cap of yours becomes you not: +Off with that bauble, throw it under-foot. + +Widow: +Lord, let me never have a cause to sigh, +Till I be brought to such a silly pass! + +BIANCA: +Fie! what a foolish duty call you this? + +LUCENTIO: +I would your duty were as foolish too: +The wisdom of your duty, fair Bianca, +Hath cost me an hundred crowns since supper-time. + +BIANCA: +The more fool you, for laying on my duty. + +PETRUCHIO: +Katharina, I charge thee, tell these headstrong women +What duty they do owe their lords and husbands. + +Widow: +Come, come, you're mocking: we will have no telling. + +PETRUCHIO: +Come on, I say; and first begin with her. + +Widow: +She shall not. + +PETRUCHIO: +I say she shall: and first begin with her. + +KATHARINA: +Fie, fie! unknit that threatening unkind brow, +And dart not scornful glances from those eyes, +To wound thy lord, thy king, thy governor: +It blots thy beauty as frosts do bite the meads, +Confounds thy fame as whirlwinds shake fair buds, +And in no sense is meet or amiable. +A woman moved is like a fountain troubled, +Muddy, ill-seeming, thick, bereft of beauty; +And while it is so, none so dry or thirsty +Will deign to sip or touch one drop of it. +Thy husband is thy lord, thy life, thy keeper, +Thy head, thy sovereign; one that cares for thee, +And for thy maintenance commits his body +To painful labour both by sea and land, +To watch the night in storms, the day in cold, +Whilst thou liest warm at home, secure and safe; +And craves no other tribute at thy hands +But love, fair looks and true obedience; +Too little payment for so great a debt. +Such duty as the subject owes the prince +Even such a woman oweth to her husband; +And when she is froward, peevish, sullen, sour, +And not obedient to his honest will, +What is she but a foul contending rebel +And graceless traitor to her loving lord? +I am ashamed that women are so simple +To offer war where they should kneel for peace; +Or seek for rule, supremacy and sway, +When they are bound to serve, love and obey. +Why are our bodies soft and weak and smooth, +Unapt to toil and trouble in the world, +But that our soft conditions and our hearts +Should well agree with our external parts? +Come, come, you froward and unable worms! +My mind hath been as big as one of yours, +My heart as great, my reason haply more, +To bandy word for word and frown for frown; +But now I see our lances are but straws, +Our strength as weak, our weakness past compare, +That seeming to be most which we indeed least are. +Then vail your stomachs, for it is no boot, +And place your hands below your husband's foot: +In token of which duty, if he please, +My hand is ready; may it do him ease. + +PETRUCHIO: +Why, there's a wench! Come on, and kiss me, Kate. + +LUCENTIO: +Well, go thy ways, old lad; for thou shalt ha't. + +VINCENTIO: +'Tis a good hearing when children are toward. + +LUCENTIO: +But a harsh hearing when women are froward. + +PETRUCHIO: +Come, Kate, we'll to bed. +We three are married, but you two are sped. +'Twas I won the wager, though you hit the white; +And, being a winner, God give you good night! + +HORTENSIO: +Now, go thy ways; thou hast tamed a curst shrew. + +LUCENTIO: +'Tis a wonder, by your leave, she will be tamed so. + +Master: +Boatswain! + +Boatswain: +Here, master: what cheer? + +Master: +Good, speak to the mariners: fall to't, yarely, +or we run ourselves aground: bestir, bestir. + +Boatswain: +Heigh, my hearts! cheerly, cheerly, my hearts! +yare, yare! Take in the topsail. Tend to the +master's whistle. Blow, till thou burst thy wind, +if room enough! + +ALONSO: +Good boatswain, have care. Where's the master? +Play the men. + +Boatswain: +I pray now, keep below. + +ANTONIO: +Where is the master, boatswain? + +Boatswain: +Do you not hear him? You mar our labour: keep your +cabins: you do assist the storm. + +GONZALO: +Nay, good, be patient. + +Boatswain: +When the sea is. Hence! What cares these roarers +for the name of king? To cabin: silence! trouble us not. + +GONZALO: +Good, yet remember whom thou hast aboard. + +Boatswain: +None that I more love than myself. You are a +counsellor; if you can command these elements to +silence, and work the peace of the present, we will +not hand a rope more; use your authority: if you +cannot, give thanks you have lived so long, and make +yourself ready in your cabin for the mischance of +the hour, if it so hap. Cheerly, good hearts! Out +of our way, I say. + +GONZALO: +I have great comfort from this fellow: methinks he +hath no drowning mark upon him; his complexion is +perfect gallows. Stand fast, good Fate, to his +hanging: make the rope of his destiny our cable, +for our own doth little advantage. If he be not +born to be hanged, our case is miserable. + +Boatswain: +Down with the topmast! yare! lower, lower! Bring +her to try with main-course. +A plague upon this howling! they are louder than +the weather or our office. +Yet again! what do you here? Shall we give o'er +and drown? Have you a mind to sink? + +SEBASTIAN: +A pox o' your throat, you bawling, blasphemous, +incharitable dog! + +Boatswain: +Work you then. + +ANTONIO: +Hang, cur! hang, you whoreson, insolent noisemaker! +We are less afraid to be drowned than thou art. + +GONZALO: +I'll warrant him for drowning; though the ship were +no stronger than a nutshell and as leaky as an +unstanched wench. + +Boatswain: +Lay her a-hold, a-hold! set her two courses off to +sea again; lay her off. + +Mariners: +All lost! to prayers, to prayers! all lost! + +Boatswain: +What, must our mouths be cold? + +GONZALO: +The king and prince at prayers! let's assist them, +For our case is as theirs. + +SEBASTIAN: +I'm out of patience. + +ANTONIO: +We are merely cheated of our lives by drunkards: +This wide-chapp'd rascal--would thou mightst lie drowning +The washing of ten tides! + +GONZALO: +He'll be hang'd yet, +Though every drop of water swear against it +And gape at widest to glut him. + +ANTONIO: +Let's all sink with the king. + +SEBASTIAN: +Let's take leave of him. + +GONZALO: +Now would I give a thousand furlongs of sea for an +acre of barren ground, long heath, brown furze, any +thing. The wills above be done! but I would fain +die a dry death. + +MIRANDA: +If by your art, my dearest father, you have +Put the wild waters in this roar, allay them. +The sky, it seems, would pour down stinking pitch, +But that the sea, mounting to the welkin's cheek, +Dashes the fire out. O, I have suffered +With those that I saw suffer: a brave vessel, +Who had, no doubt, some noble creature in her, +Dash'd all to pieces. O, the cry did knock +Against my very heart. Poor souls, they perish'd. +Had I been any god of power, I would +Have sunk the sea within the earth or ere +It should the good ship so have swallow'd and +The fraughting souls within her. + +PROSPERO: +Be collected: +No more amazement: tell your piteous heart +There's no harm done. + +MIRANDA: +O, woe the day! + +PROSPERO: +No harm. +I have done nothing but in care of thee, +Of thee, my dear one, thee, my daughter, who +Art ignorant of what thou art, nought knowing +Of whence I am, nor that I am more better +Than Prospero, master of a full poor cell, +And thy no greater father. + +MIRANDA: +More to know +Did never meddle with my thoughts. + +PROSPERO: +'Tis time +I should inform thee farther. Lend thy hand, +And pluck my magic garment from me. So: +Lie there, my art. Wipe thou thine eyes; have comfort. +The direful spectacle of the wreck, which touch'd +The very virtue of compassion in thee, +I have with such provision in mine art +So safely ordered that there is no soul-- +No, not so much perdition as an hair +Betid to any creature in the vessel +Which thou heard'st cry, which thou saw'st sink. Sit down; +For thou must now know farther. + +MIRANDA: +You have often +Begun to tell me what I am, but stopp'd +And left me to a bootless inquisition, +Concluding 'Stay: not yet.' + +PROSPERO: +The hour's now come; +The very minute bids thee ope thine ear; +Obey and be attentive. Canst thou remember +A time before we came unto this cell? +I do not think thou canst, for then thou wast not +Out three years old. + +MIRANDA: +Certainly, sir, I can. + +PROSPERO: +By what? by any other house or person? +Of any thing the image tell me that +Hath kept with thy remembrance. + +MIRANDA: +'Tis far off +And rather like a dream than an assurance +That my remembrance warrants. Had I not +Four or five women once that tended me? + +PROSPERO: +Thou hadst, and more, Miranda. But how is it +That this lives in thy mind? What seest thou else +In the dark backward and abysm of time? +If thou remember'st aught ere thou camest here, +How thou camest here thou mayst. + +MIRANDA: +But that I do not. + +PROSPERO: +Twelve year since, Miranda, twelve year since, +Thy father was the Duke of Milan and +A prince of power. + +MIRANDA: +Sir, are not you my father? + +PROSPERO: +Thy mother was a piece of virtue, and +She said thou wast my daughter; and thy father +Was Duke of Milan; and thou his only heir +And princess no worse issued. + +MIRANDA: +O the heavens! +What foul play had we, that we came from thence? +Or blessed was't we did? + +PROSPERO: +Both, both, my girl: +By foul play, as thou say'st, were we heaved thence, +But blessedly holp hither. + +MIRANDA: +O, my heart bleeds +To think o' the teen that I have turn'd you to, +Which is from my remembrance! Please you, farther. + +PROSPERO: +My brother and thy uncle, call'd Antonio-- +I pray thee, mark me--that a brother should +Be so perfidious!--he whom next thyself +Of all the world I loved and to him put +The manage of my state; as at that time +Through all the signories it was the first +And Prospero the prime duke, being so reputed +In dignity, and for the liberal arts +Without a parallel; those being all my study, +The government I cast upon my brother +And to my state grew stranger, being transported +And rapt in secret studies. Thy false uncle-- +Dost thou attend me? + +MIRANDA: +Sir, most heedfully. + +PROSPERO: +Being once perfected how to grant suits, +How to deny them, who to advance and who +To trash for over-topping, new created +The creatures that were mine, I say, or changed 'em, +Or else new form'd 'em; having both the key +Of officer and office, set all hearts i' the state +To what tune pleased his ear; that now he was +The ivy which had hid my princely trunk, +And suck'd my verdure out on't. Thou attend'st not. + +MIRANDA: +O, good sir, I do. + +PROSPERO: +I pray thee, mark me. +I, thus neglecting worldly ends, all dedicated +To closeness and the bettering of my mind +With that which, but by being so retired, +O'er-prized all popular rate, in my false brother +Awaked an evil nature; and my trust, +Like a good parent, did beget of him +A falsehood in its contrary as great +As my trust was; which had indeed no limit, +A confidence sans bound. He being thus lorded, +Not only with what my revenue yielded, +But what my power might else exact, like one +Who having into truth, by telling of it, +Made such a sinner of his memory, +To credit his own lie, he did believe +He was indeed the duke; out o' the substitution +And executing the outward face of royalty, +With all prerogative: hence his ambition growing-- +Dost thou hear? + +MIRANDA: +Your tale, sir, would cure deafness. + +PROSPERO: +To have no screen between this part he play'd +And him he play'd it for, he needs will be +Absolute Milan. Me, poor man, my library +Was dukedom large enough: of temporal royalties +He thinks me now incapable; confederates-- +So dry he was for sway--wi' the King of Naples +To give him annual tribute, do him homage, +Subject his coronet to his crown and bend +The dukedom yet unbow'd--alas, poor Milan!-- +To most ignoble stooping. + +MIRANDA: +O the heavens! + +PROSPERO: +Mark his condition and the event; then tell me +If this might be a brother. + +MIRANDA: +I should sin +To think but nobly of my grandmother: +Good wombs have borne bad sons. + +PROSPERO: +Now the condition. +The King of Naples, being an enemy +To me inveterate, hearkens my brother's suit; +Which was, that he, in lieu o' the premises +Of homage and I know not how much tribute, +Should presently extirpate me and mine +Out of the dukedom and confer fair Milan +With all the honours on my brother: whereon, +A treacherous army levied, one midnight +Fated to the purpose did Antonio open +The gates of Milan, and, i' the dead of darkness, +The ministers for the purpose hurried thence +Me and thy crying self. + +MIRANDA: +Alack, for pity! +I, not remembering how I cried out then, +Will cry it o'er again: it is a hint +That wrings mine eyes to't. + +PROSPERO: +Hear a little further +And then I'll bring thee to the present business +Which now's upon's; without the which this story +Were most impertinent. + +MIRANDA: +Wherefore did they not +That hour destroy us? + +PROSPERO: +Well demanded, wench: +My tale provokes that question. Dear, they durst not, +So dear the love my people bore me, nor set +A mark so bloody on the business, but +With colours fairer painted their foul ends. +In few, they hurried us aboard a bark, +Bore us some leagues to sea; where they prepared +A rotten carcass of a boat, not rigg'd, +Nor tackle, sail, nor mast; the very rats +Instinctively had quit it: there they hoist us, +To cry to the sea that roar'd to us, to sigh +To the winds whose pity, sighing back again, +Did us but loving wrong. + +MIRANDA: +Alack, what trouble +Was I then to you! + +PROSPERO: +O, a cherubim +Thou wast that did preserve me. Thou didst smile. +Infused with a fortitude from heaven, +When I have deck'd the sea with drops full salt, +Under my burthen groan'd; which raised in me +An undergoing stomach, to bear up +Against what should ensue. + +MIRANDA: +How came we ashore? + +PROSPERO: +By Providence divine. +Some food we had and some fresh water that +A noble Neapolitan, Gonzalo, +Out of his charity, being then appointed +Master of this design, did give us, with +Rich garments, linens, stuffs and necessaries, +Which since have steaded much; so, of his gentleness, +Knowing I loved my books, he furnish'd me +From mine own library with volumes that +I prize above my dukedom. + +MIRANDA: +Would I might +But ever see that man! + +PROSPERO: +Now I arise: +Sit still, and hear the last of our sea-sorrow. +Here in this island we arrived; and here +Have I, thy schoolmaster, made thee more profit +Than other princesses can that have more time +For vainer hours and tutors not so careful. + +MIRANDA: +Heavens thank you for't! And now, I pray you, sir, +For still 'tis beating in my mind, your reason +For raising this sea-storm? + +PROSPERO: +Know thus far forth. +By accident most strange, bountiful Fortune, +Now my dear lady, hath mine enemies +Brought to this shore; and by my prescience +I find my zenith doth depend upon +A most auspicious star, whose influence +If now I court not but omit, my fortunes +Will ever after droop. Here cease more questions: +Thou art inclined to sleep; 'tis a good dulness, +And give it way: I know thou canst not choose. +Come away, servant, come. I am ready now. +Approach, my Ariel, come. + +ARIEL: +All hail, great master! grave sir, hail! I come +To answer thy best pleasure; be't to fly, +To swim, to dive into the fire, to ride +On the curl'd clouds, to thy strong bidding task +Ariel and all his quality. + +PROSPERO: +Hast thou, spirit, +Perform'd to point the tempest that I bade thee? + +ARIEL: +To every article. +I boarded the king's ship; now on the beak, +Now in the waist, the deck, in every cabin, +I flamed amazement: sometime I'ld divide, +And burn in many places; on the topmast, +The yards and bowsprit, would I flame distinctly, +Then meet and join. Jove's lightnings, the precursors +O' the dreadful thunder-claps, more momentary +And sight-outrunning were not; the fire and cracks +Of sulphurous roaring the most mighty Neptune +Seem to besiege and make his bold waves tremble, +Yea, his dread trident shake. + +PROSPERO: +My brave spirit! +Who was so firm, so constant, that this coil +Would not infect his reason? + +ARIEL: +Not a soul +But felt a fever of the mad and play'd +Some tricks of desperation. All but mariners +Plunged in the foaming brine and quit the vessel, +Then all afire with me: the king's son, Ferdinand, +With hair up-staring,--then like reeds, not hair,-- +Was the first man that leap'd; cried, 'Hell is empty +And all the devils are here.' + +PROSPERO: +Why that's my spirit! +But was not this nigh shore? + +ARIEL: +Close by, my master. + +PROSPERO: +But are they, Ariel, safe? + +ARIEL: +Not a hair perish'd; +On their sustaining garments not a blemish, +But fresher than before: and, as thou badest me, +In troops I have dispersed them 'bout the isle. +The king's son have I landed by himself; +Whom I left cooling of the air with sighs +In an odd angle of the isle and sitting, +His arms in this sad knot. + +PROSPERO: +Of the king's ship +The mariners say how thou hast disposed +And all the rest o' the fleet. + +ARIEL: +Safely in harbour +Is the king's ship; in the deep nook, where once +Thou call'dst me up at midnight to fetch dew +From the still-vex'd Bermoothes, there she's hid: +The mariners all under hatches stow'd; +Who, with a charm join'd to their suffer'd labour, +I have left asleep; and for the rest o' the fleet +Which I dispersed, they all have met again +And are upon the Mediterranean flote, +Bound sadly home for Naples, +Supposing that they saw the king's ship wreck'd +And his great person perish. + +PROSPERO: +Ariel, thy charge +Exactly is perform'd: but there's more work. +What is the time o' the day? + +ARIEL: +Past the mid season. + +PROSPERO: +At least two glasses. The time 'twixt six and now +Must by us both be spent most preciously. + +ARIEL: +Is there more toil? Since thou dost give me pains, +Let me remember thee what thou hast promised, +Which is not yet perform'd me. + +PROSPERO: +How now? moody? +What is't thou canst demand? + +ARIEL: +My liberty. + +PROSPERO: +Before the time be out? no more! + +ARIEL: +I prithee, +Remember I have done thee worthy service; +Told thee no lies, made thee no mistakings, served +Without or grudge or grumblings: thou didst promise +To bate me a full year. + +PROSPERO: +Dost thou forget +From what a torment I did free thee? + +ARIEL: +No. + +PROSPERO: +Thou dost, and think'st it much to tread the ooze +Of the salt deep, +To run upon the sharp wind of the north, +To do me business in the veins o' the earth +When it is baked with frost. + +ARIEL: +I do not, sir. + +PROSPERO: +Thou liest, malignant thing! Hast thou forgot +The foul witch Sycorax, who with age and envy +Was grown into a hoop? hast thou forgot her? + +ARIEL: +No, sir. + +PROSPERO: +Thou hast. Where was she born? speak; tell me. + +ARIEL: +Sir, in Argier. + +PROSPERO: +O, was she so? I must +Once in a month recount what thou hast been, +Which thou forget'st. This damn'd witch Sycorax, +For mischiefs manifold and sorceries terrible +To enter human hearing, from Argier, +Thou know'st, was banish'd: for one thing she did +They would not take her life. Is not this true? + +ARIEL: +Ay, sir. + +PROSPERO: +This blue-eyed hag was hither brought with child +And here was left by the sailors. Thou, my slave, +As thou report'st thyself, wast then her servant; +And, for thou wast a spirit too delicate +To act her earthy and abhorr'd commands, +Refusing her grand hests, she did confine thee, +By help of her more potent ministers +And in her most unmitigable rage, +Into a cloven pine; within which rift +Imprison'd thou didst painfully remain +A dozen years; within which space she died +And left thee there; where thou didst vent thy groans +As fast as mill-wheels strike. Then was this island-- +Save for the son that she did litter here, +A freckled whelp hag-born--not honour'd with +A human shape. + +ARIEL: +Yes, Caliban her son. + +PROSPERO: +Dull thing, I say so; he, that Caliban +Whom now I keep in service. Thou best know'st +What torment I did find thee in; thy groans +Did make wolves howl and penetrate the breasts +Of ever angry bears: it was a torment +To lay upon the damn'd, which Sycorax +Could not again undo: it was mine art, +When I arrived and heard thee, that made gape +The pine and let thee out. + +ARIEL: +I thank thee, master. + +PROSPERO: +If thou more murmur'st, I will rend an oak +And peg thee in his knotty entrails till +Thou hast howl'd away twelve winters. + +ARIEL: +Pardon, master; +I will be correspondent to command +And do my spiriting gently. + +PROSPERO: +Do so, and after two days +I will discharge thee. + +ARIEL: +That's my noble master! +What shall I do? say what; what shall I do? + +PROSPERO: +Go make thyself like a nymph o' the sea: be subject +To no sight but thine and mine, invisible +To every eyeball else. Go take this shape +And hither come in't: go, hence with diligence! +Awake, dear heart, awake! thou hast slept well; Awake! + +MIRANDA: +The strangeness of your story put +Heaviness in me. + +PROSPERO: +Shake it off. Come on; +We'll visit Caliban my slave, who never +Yields us kind answer. + +MIRANDA: +'Tis a villain, sir, +I do not love to look on. + +PROSPERO: +But, as 'tis, +We cannot miss him: he does make our fire, +Fetch in our wood and serves in offices +That profit us. What, ho! slave! Caliban! +Thou earth, thou! speak. + +CALIBAN: + +PROSPERO: +Come forth, I say! there's other business for thee: +Come, thou tortoise! when? +Fine apparition! My quaint Ariel, +Hark in thine ear. + +ARIEL: +My lord it shall be done. + +PROSPERO: +Thou poisonous slave, got by the devil himself +Upon thy wicked dam, come forth! + +CALIBAN: +As wicked dew as e'er my mother brush'd +With raven's feather from unwholesome fen +Drop on you both! a south-west blow on ye +And blister you all o'er! + +PROSPERO: +For this, be sure, to-night thou shalt have cramps, +Side-stitches that shall pen thy breath up; urchins +Shall, for that vast of night that they may work, +All exercise on thee; thou shalt be pinch'd +As thick as honeycomb, each pinch more stinging +Than bees that made 'em. + +CALIBAN: +I must eat my dinner. +This island's mine, by Sycorax my mother, +Which thou takest from me. When thou camest first, +Thou strokedst me and madest much of me, wouldst give me +Water with berries in't, and teach me how +To name the bigger light, and how the less, +That burn by day and night: and then I loved thee +And show'd thee all the qualities o' the isle, +The fresh springs, brine-pits, barren place and fertile: +Cursed be I that did so! All the charms +Of Sycorax, toads, beetles, bats, light on you! +For I am all the subjects that you have, +Which first was mine own king: and here you sty me +In this hard rock, whiles you do keep from me +The rest o' the island. + +PROSPERO: +Thou most lying slave, +Whom stripes may move, not kindness! I have used thee, +Filth as thou art, with human care, and lodged thee +In mine own cell, till thou didst seek to violate +The honour of my child. + +CALIBAN: +O ho, O ho! would't had been done! +Thou didst prevent me; I had peopled else +This isle with Calibans. + +PROSPERO: +Abhorred slave, +Which any print of goodness wilt not take, +Being capable of all ill! I pitied thee, +Took pains to make thee speak, taught thee each hour +One thing or other: when thou didst not, savage, +Know thine own meaning, but wouldst gabble like +A thing most brutish, I endow'd thy purposes +With words that made them known. But thy vile race, +Though thou didst learn, had that in't which +good natures +Could not abide to be with; therefore wast thou +Deservedly confined into this rock, +Who hadst deserved more than a prison. + +CALIBAN: +You taught me language; and my profit on't +Is, I know how to curse. The red plague rid you +For learning me your language! + +PROSPERO: +Hag-seed, hence! +Fetch us in fuel; and be quick, thou'rt best, +To answer other business. Shrug'st thou, malice? +If thou neglect'st or dost unwillingly +What I command, I'll rack thee with old cramps, +Fill all thy bones with aches, make thee roar +That beasts shall tremble at thy din. + +CALIBAN: +No, pray thee. +I must obey: his art is of such power, +It would control my dam's god, Setebos, +and make a vassal of him. + +PROSPERO: +So, slave; hence! +Come unto these yellow sands, +And then take hands: +Courtsied when you have and kiss'd +The wild waves whist, +Foot it featly here and there; +And, sweet sprites, the burthen bear. +Hark, hark! + +FERDINAND: +Where should this music be? i' the air or the earth? +It sounds no more: and sure, it waits upon +Some god o' the island. Sitting on a bank, +Weeping again the king my father's wreck, +This music crept by me upon the waters, +Allaying both their fury and my passion +With its sweet air: thence I have follow'd it, +Or it hath drawn me rather. But 'tis gone. +No, it begins again. +Full fathom five thy father lies; +Of his bones are coral made; +Those are pearls that were his eyes: +Nothing of him that doth fade +But doth suffer a sea-change +Into something rich and strange. +Sea-nymphs hourly ring his knell +Hark! now I hear them,--Ding-dong, bell. + +FERDINAND: +The ditty does remember my drown'd father. +This is no mortal business, nor no sound +That the earth owes. I hear it now above me. + +PROSPERO: +The fringed curtains of thine eye advance +And say what thou seest yond. + +MIRANDA: +What is't? a spirit? +Lord, how it looks about! Believe me, sir, +It carries a brave form. But 'tis a spirit. + +PROSPERO: +No, wench; it eats and sleeps and hath such senses +As we have, such. This gallant which thou seest +Was in the wreck; and, but he's something stain'd +With grief that's beauty's canker, thou mightst call him +A goodly person: he hath lost his fellows +And strays about to find 'em. + +MIRANDA: +I might call him +A thing divine, for nothing natural +I ever saw so noble. + +PROSPERO: + +FERDINAND: +Most sure, the goddess +On whom these airs attend! Vouchsafe my prayer +May know if you remain upon this island; +And that you will some good instruction give +How I may bear me here: my prime request, +Which I do last pronounce, is, O you wonder! +If you be maid or no? + +MIRANDA: +No wonder, sir; +But certainly a maid. + +FERDINAND: +My language! heavens! +I am the best of them that speak this speech, +Were I but where 'tis spoken. + +PROSPERO: +How? the best? +What wert thou, if the King of Naples heard thee? + +FERDINAND: +A single thing, as I am now, that wonders +To hear thee speak of Naples. He does hear me; +And that he does I weep: myself am Naples, +Who with mine eyes, never since at ebb, beheld +The king my father wreck'd. + +MIRANDA: +Alack, for mercy! + +FERDINAND: +Yes, faith, and all his lords; the Duke of Milan +And his brave son being twain. + +PROSPERO: + +MIRANDA: +Why speaks my father so ungently? This +Is the third man that e'er I saw, the first +That e'er I sigh'd for: pity move my father +To be inclined my way! + +FERDINAND: +O, if a virgin, +And your affection not gone forth, I'll make you +The queen of Naples. + +PROSPERO: +Soft, sir! one word more. +They are both in either's powers; but this swift business +I must uneasy make, lest too light winning +Make the prize light. +One word more; I charge thee +That thou attend me: thou dost here usurp +The name thou owest not; and hast put thyself +Upon this island as a spy, to win it +From me, the lord on't. + +FERDINAND: +No, as I am a man. + +MIRANDA: +There's nothing ill can dwell in such a temple: +If the ill spirit have so fair a house, +Good things will strive to dwell with't. + +PROSPERO: +Follow me. +Speak not you for him; he's a traitor. Come; +I'll manacle thy neck and feet together: +Sea-water shalt thou drink; thy food shall be +The fresh-brook muscles, wither'd roots and husks +Wherein the acorn cradled. Follow. + +FERDINAND: +No; +I will resist such entertainment till +Mine enemy has more power. + +MIRANDA: +O dear father, +Make not too rash a trial of him, for +He's gentle and not fearful. + +PROSPERO: +What? I say, +My foot my tutor? Put thy sword up, traitor; +Who makest a show but darest not strike, thy conscience +Is so possess'd with guilt: come from thy ward, +For I can here disarm thee with this stick +And make thy weapon drop. + +MIRANDA: +Beseech you, father. + +PROSPERO: +Hence! hang not on my garments. + +MIRANDA: +Sir, have pity; +I'll be his surety. + +PROSPERO: +Silence! one word more +Shall make me chide thee, if not hate thee. What! +An advocate for an imposter! hush! +Thou think'st there is no more such shapes as he, +Having seen but him and Caliban: foolish wench! +To the most of men this is a Caliban +And they to him are angels. + +MIRANDA: +My affections +Are then most humble; I have no ambition +To see a goodlier man. + +PROSPERO: +Come on; obey: +Thy nerves are in their infancy again +And have no vigour in them. + +FERDINAND: +So they are; +My spirits, as in a dream, are all bound up. +My father's loss, the weakness which I feel, +The wreck of all my friends, nor this man's threats, +To whom I am subdued, are but light to me, +Might I but through my prison once a day +Behold this maid: all corners else o' the earth +Let liberty make use of; space enough +Have I in such a prison. + +PROSPERO: + +MIRANDA: +Be of comfort; +My father's of a better nature, sir, +Than he appears by speech: this is unwonted +Which now came from him. + +PROSPERO: +Thou shalt be free +As mountain winds: but then exactly do +All points of my command. + +ARIEL: +To the syllable. + +PROSPERO: +Come, follow. Speak not for him. + +GONZALO: +Beseech you, sir, be merry; you have cause, +So have we all, of joy; for our escape +Is much beyond our loss. Our hint of woe +Is common; every day some sailor's wife, +The masters of some merchant and the merchant +Have just our theme of woe; but for the miracle, +I mean our preservation, few in millions +Can speak like us: then wisely, good sir, weigh +Our sorrow with our comfort. + +ALONSO: +Prithee, peace. + +SEBASTIAN: +He receives comfort like cold porridge. + +ANTONIO: +The visitor will not give him o'er so. + +SEBASTIAN: +Look he's winding up the watch of his wit; +by and by it will strike. + +GONZALO: +Sir,-- + +SEBASTIAN: +One: tell. + +GONZALO: +When every grief is entertain'd that's offer'd, +Comes to the entertainer-- + +SEBASTIAN: +A dollar. + +GONZALO: +Dolour comes to him, indeed: you +have spoken truer than you purposed. + +SEBASTIAN: +You have taken it wiselier than I meant you should. + +GONZALO: +Therefore, my lord,-- + +ANTONIO: +Fie, what a spendthrift is he of his tongue! + +ALONSO: +I prithee, spare. + +GONZALO: +Well, I have done: but yet,-- + +SEBASTIAN: +He will be talking. + +ANTONIO: +Which, of he or Adrian, for a good +wager, first begins to crow? + +SEBASTIAN: +The old cock. + +ANTONIO: +The cockerel. + +SEBASTIAN: +Done. The wager? + +ANTONIO: +A laughter. + +SEBASTIAN: +A match! + +ADRIAN: +Though this island seem to be desert,-- + +SEBASTIAN: +Ha, ha, ha! So, you're paid. + +ADRIAN: +Uninhabitable and almost inaccessible,-- + +SEBASTIAN: +Yet,-- + +ADRIAN: +Yet,-- + +ANTONIO: +He could not miss't. + +ADRIAN: +It must needs be of subtle, tender and delicate +temperance. + +ANTONIO: +Temperance was a delicate wench. + +SEBASTIAN: +Ay, and a subtle; as he most learnedly delivered. + +ADRIAN: +The air breathes upon us here most sweetly. + +SEBASTIAN: +As if it had lungs and rotten ones. + +ANTONIO: +Or as 'twere perfumed by a fen. + +GONZALO: +Here is everything advantageous to life. + +ANTONIO: +True; save means to live. + +SEBASTIAN: +Of that there's none, or little. + +GONZALO: +How lush and lusty the grass looks! how green! + +ANTONIO: +The ground indeed is tawny. + +SEBASTIAN: +With an eye of green in't. + +ANTONIO: +He misses not much. + +SEBASTIAN: +No; he doth but mistake the truth totally. + +GONZALO: +But the rarity of it is,--which is indeed almost +beyond credit,-- + +SEBASTIAN: +As many vouched rarities are. + +GONZALO: +That our garments, being, as they were, drenched in +the sea, hold notwithstanding their freshness and +glosses, being rather new-dyed than stained with +salt water. + +ANTONIO: +If but one of his pockets could speak, would it not +say he lies? + +SEBASTIAN: +Ay, or very falsely pocket up his report + +GONZALO: +Methinks our garments are now as fresh as when we +put them on first in Afric, at the marriage of +the king's fair daughter Claribel to the King of Tunis. + +SEBASTIAN: +'Twas a sweet marriage, and we prosper well in our return. + +ADRIAN: +Tunis was never graced before with such a paragon to +their queen. + +GONZALO: +Not since widow Dido's time. + +ANTONIO: +Widow! a pox o' that! How came that widow in? +widow Dido! + +SEBASTIAN: +What if he had said 'widower AEneas' too? Good Lord, +how you take it! + +ADRIAN: +'Widow Dido' said you? you make me study of that: +she was of Carthage, not of Tunis. + +GONZALO: +This Tunis, sir, was Carthage. + +ADRIAN: +Carthage? + +GONZALO: +I assure you, Carthage. + +SEBASTIAN: +His word is more than the miraculous harp; he hath +raised the wall and houses too. + +ANTONIO: +What impossible matter will he make easy next? + +SEBASTIAN: +I think he will carry this island home in his pocket +and give it his son for an apple. + +ANTONIO: +And, sowing the kernels of it in the sea, bring +forth more islands. + +GONZALO: +Ay. + +ANTONIO: +Why, in good time. + +GONZALO: +Sir, we were talking that our garments seem now +as fresh as when we were at Tunis at the marriage +of your daughter, who is now queen. + +ANTONIO: +And the rarest that e'er came there. + +SEBASTIAN: +Bate, I beseech you, widow Dido. + +ANTONIO: +O, widow Dido! ay, widow Dido. + +GONZALO: +Is not, sir, my doublet as fresh as the first day I +wore it? I mean, in a sort. + +ANTONIO: +That sort was well fished for. + +GONZALO: +When I wore it at your daughter's marriage? + +ALONSO: +You cram these words into mine ears against +The stomach of my sense. Would I had never +Married my daughter there! for, coming thence, +My son is lost and, in my rate, she too, +Who is so far from Italy removed +I ne'er again shall see her. O thou mine heir +Of Naples and of Milan, what strange fish +Hath made his meal on thee? + +FRANCISCO: +Sir, he may live: +I saw him beat the surges under him, +And ride upon their backs; he trod the water, +Whose enmity he flung aside, and breasted +The surge most swoln that met him; his bold head +'Bove the contentious waves he kept, and oar'd +Himself with his good arms in lusty stroke +To the shore, that o'er his wave-worn basis bow'd, +As stooping to relieve him: I not doubt +He came alive to land. + +ALONSO: +No, no, he's gone. + +SEBASTIAN: +Sir, you may thank yourself for this great loss, +That would not bless our Europe with your daughter, +But rather lose her to an African; +Where she at least is banish'd from your eye, +Who hath cause to wet the grief on't. + +ALONSO: +Prithee, peace. + +SEBASTIAN: +You were kneel'd to and importuned otherwise +By all of us, and the fair soul herself +Weigh'd between loathness and obedience, at +Which end o' the beam should bow. We have lost your +son, +I fear, for ever: Milan and Naples have +More widows in them of this business' making +Than we bring men to comfort them: +The fault's your own. + +ALONSO: +So is the dear'st o' the loss. + +GONZALO: +My lord Sebastian, +The truth you speak doth lack some gentleness +And time to speak it in: you rub the sore, +When you should bring the plaster. + +SEBASTIAN: +Very well. + +ANTONIO: +And most chirurgeonly. + +GONZALO: +It is foul weather in us all, good sir, +When you are cloudy. + +SEBASTIAN: +Foul weather? + +ANTONIO: +Very foul. + +GONZALO: +Had I plantation of this isle, my lord,-- + +ANTONIO: +He'ld sow't with nettle-seed. + +SEBASTIAN: +Or docks, or mallows. + +GONZALO: +And were the king on't, what would I do? + +SEBASTIAN: +'Scape being drunk for want of wine. + +GONZALO: +I' the commonwealth I would by contraries +Execute all things; for no kind of traffic +Would I admit; no name of magistrate; +Letters should not be known; riches, poverty, +And use of service, none; contract, succession, +Bourn, bound of land, tilth, vineyard, none; +No use of metal, corn, or wine, or oil; +No occupation; all men idle, all; +And women too, but innocent and pure; +No sovereignty;-- + +SEBASTIAN: +Yet he would be king on't. + +ANTONIO: +The latter end of his commonwealth forgets the +beginning. + +GONZALO: +All things in common nature should produce +Without sweat or endeavour: treason, felony, +Sword, pike, knife, gun, or need of any engine, +Would I not have; but nature should bring forth, +Of its own kind, all foison, all abundance, +To feed my innocent people. + +SEBASTIAN: +No marrying 'mong his subjects? + +ANTONIO: +None, man; all idle: whores and knaves. + +GONZALO: +I would with such perfection govern, sir, +To excel the golden age. + +SEBASTIAN: +God save his majesty! + +ANTONIO: +Long live Gonzalo! + +GONZALO: +And,--do you mark me, sir? + +ALONSO: +Prithee, no more: thou dost talk nothing to me. + +GONZALO: +I do well believe your highness; and +did it to minister occasion to these gentlemen, +who are of such sensible and nimble lungs that +they always use to laugh at nothing. + +ANTONIO: +'Twas you we laughed at. + +GONZALO: +Who in this kind of merry fooling am nothing +to you: so you may continue and laugh at +nothing still. + +ANTONIO: +What a blow was there given! + +SEBASTIAN: +An it had not fallen flat-long. + +GONZALO: +You are gentlemen of brave metal; you would lift +the moon out of her sphere, if she would continue +in it five weeks without changing. + +SEBASTIAN: +We would so, and then go a bat-fowling. + +ANTONIO: +Nay, good my lord, be not angry. + +GONZALO: +No, I warrant you; I will not adventure +my discretion so weakly. Will you laugh +me asleep, for I am very heavy? + +ANTONIO: +Go sleep, and hear us. + +ALONSO: +What, all so soon asleep! I wish mine eyes +Would, with themselves, shut up my thoughts: I find +They are inclined to do so. + +SEBASTIAN: +Please you, sir, +Do not omit the heavy offer of it: +It seldom visits sorrow; when it doth, +It is a comforter. + +ANTONIO: +We two, my lord, +Will guard your person while you take your rest, +And watch your safety. + +ALONSO: +Thank you. Wondrous heavy. + +SEBASTIAN: +What a strange drowsiness possesses them! + +ANTONIO: +It is the quality o' the climate. + +SEBASTIAN: +Why +Doth it not then our eyelids sink? I find not +Myself disposed to sleep. + +ANTONIO: +Nor I; my spirits are nimble. +They fell together all, as by consent; +They dropp'd, as by a thunder-stroke. What might, +Worthy Sebastian? O, what might?--No more:-- +And yet me thinks I see it in thy face, +What thou shouldst be: the occasion speaks thee, and +My strong imagination sees a crown +Dropping upon thy head. + +SEBASTIAN: +What, art thou waking? + +ANTONIO: +Do you not hear me speak? + +SEBASTIAN: +I do; and surely +It is a sleepy language and thou speak'st +Out of thy sleep. What is it thou didst say? +This is a strange repose, to be asleep +With eyes wide open; standing, speaking, moving, +And yet so fast asleep. + +ANTONIO: +Noble Sebastian, +Thou let'st thy fortune sleep--die, rather; wink'st +Whiles thou art waking. diff --git a/plain.ipynb b/plain.ipynb new file mode 100644 index 0000000..e77683f --- /dev/null +++ b/plain.ipynb @@ -0,0 +1,349 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/yunyao/conda/lib/python3.12/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Tokenizing Shakespeare texts\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Token indices sequence length is longer than the specified maximum sequence length for this model (338025 > 1024). Running this sequence through the model will result in indexing errors\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "num train data 80 percent: 528, num val data 20 persent: 132, num tokens 338025 floor divided by max_seq_length 512\n", + "train dataset size: 528, val dataset size: 132\n" + ] + } + ], + "source": [ + "from datasets import load_dataset\n", + "from transformers import (\n", + " AutoModelForCausalLM,\n", + " AutoTokenizer,\n", + " DataCollator,\n", + " DataCollatorForLanguageModeling,\n", + " PreTrainedModel,\n", + " PreTrainedTokenizerBase,\n", + " Trainer,\n", + ")\n", + "import os\n", + "import requests\n", + "import numpy as np\n", + "import inspect\n", + "# detect cuda\n", + "import torch\n", + "\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + "\n", + "class Args:\n", + " def __init__(self, **kwargs):\n", + " for key, value in kwargs.items():\n", + " setattr(self, key, value)\n", + "\n", + "# Example usage\n", + "args = Args(\n", + " lr=1e-4, \n", + " beta1=0.9,\n", + " beta2=0.95,\n", + " weight_decay=0.1,\n", + " warmup_percent=0.05,\n", + " scheduler = 'cos',\n", + " batch_size=64, \n", + " num_epochs=3,\n", + " eval_freq = 20,\n", + " device='cuda:0',\n", + " model_name='gpt2',\n", + " max_seq_length=512,\n", + " prompt = \"I would like to\",\n", + ")\n", + "\n", + "device_type = \"cuda\" if \"cuda\" in str(args.device) else \"cpu\"\n", + "if device_type == \"cuda\":\n", + " torch.cuda.set_device(args.device)\n", + "\n", + "model = AutoModelForCausalLM.from_pretrained(args.model_name)\n", + "model.to(device)\n", + "tokenizer = AutoTokenizer.from_pretrained(args.model_name)\n", + "tokenizer.pad_token = tokenizer.eos_token\n", + "max_seq_length = min(tokenizer.model_max_length, args.max_seq_length)\n", + "\n", + "def get_shakespeare_dataset(max_seq_length=max_seq_length):\n", + " char_tknzr = tokenizer.encode\n", + " DATA_PATH = os.path.join(os.getcwd(), \"datasets\", \"shakespeare\")\n", + " raw_path = os.path.join(DATA_PATH, \"raw.txt\")\n", + " train_path = os.path.join(DATA_PATH, f\"train.npy\")\n", + " test_path = os.path.join(DATA_PATH, f\"test.npy\")\n", + " # if path is not even there, download all data\n", + " if not os.path.exists(DATA_PATH):\n", + " print(\"Downloading raw Shakespeare texts\")\n", + " url = \"https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt\"\n", + " os.makedirs(DATA_PATH, exist_ok=True)\n", + " text = requests.get(url, timeout=60).text\n", + " with open(raw_path, \"w+\", encoding=\"utf8\") as f:\n", + " f.write(text)\n", + " \n", + " if not os.path.exists(train_path) or not os.path.exists(test_path):\n", + " print(\"Tokenizing Shakespeare texts\")\n", + " # load text\n", + " with open(raw_path, encoding=\"utf8\") as f:\n", + " text = \"\".join(f.readlines())\n", + " i = int(0.8*len(text))\n", + " # encode text\n", + " x_all = np.array(char_tknzr(text), dtype=np.uint16)\n", + " idx = 0\n", + " len_x_all = len(x_all)\n", + " x_seq = []\n", + " y_seq = [] \n", + " for i in range((len_x_all-1) // max_seq_length):\n", + " x = x_all[i*max_seq_length:(i+1)*max_seq_length]\n", + " y = x_all[i*max_seq_length+1:(i+1)*max_seq_length+1]\n", + " x_seq.append(x)\n", + " y_seq.append(y)\n", + " \n", + " indices = np.random.permutation(len(x_seq))\n", + " x_seq_shuffled = [x_seq[i] for i in indices]\n", + " y_seq_shuffled = [y_seq[i] for i in indices]\n", + " train_x, train_y = x_seq_shuffled[:int(0.8*len(x_seq))], y_seq_shuffled[:int(0.8*len(x_seq))]\n", + " val_x, val_y = x_seq_shuffled[int(0.8*len(x_seq)):], y_seq_shuffled[int(0.8*len(x_seq)):]\n", + " # mem = np.memmap(train_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_train), max_seq_length))\n", + " # for i, x in enumerate(x_seq_train):\n", + " # mem[i] = x\n", + " # mem = np.memmap(test_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_test), max_seq_length))\n", + " # for i, x in enumerate(x_seq_test):\n", + " # mem[i] = x\n", + " print(f'num train data 80 percent: {len(train_x)}, num val data 20 persent: {len(val_x)}, num tokens {len(x_all)} floor divided by max_seq_length {max_seq_length}')\n", + " \n", + "\n", + " return {\"train_x\": train_x, \"train_y\": train_y, \"val_x\": val_x, \"val_y\": val_y, \"shuffle\": indices}\n", + "\n", + " # x = np.array(char_tknzr(text[:i]), dtype=np.uint16)\n", + " # x_test = np.array(char_tknzr(text[i:]), dtype=np.uint16)\n", + " # # map memory\n", + " # mem = np.memmap(train_path, dtype=np.uint16, mode=\"w+\", shape=x.shape)\n", + " # mem[:] = x\n", + " # mem = np.memmap(test_path, dtype=np.uint16, mode=\"w+\", shape=x_test.shape)\n", + " # mem[:] = x_test\n", + "\n", + " # # at this point we know that the binfile was properly created so we load it\n", + " # return {\"train\": np.memmap(train_path, dtype=np.uint16, mode=\"r\"),\n", + " # \"val\": np.memmap(test_path, dtype=np.uint16, mode=\"r\"),\n", + " # \"shuffle\": indices}\n", + "class MyDataset(torch.utils.data.Dataset):\n", + " def __init__(self, data, labels):\n", + " super().__init__()\n", + " self.data = data\n", + " self.labels = labels\n", + "\n", + " def __len__(self):\n", + " # chunk the data into sequences of length `sequence_length`\n", + " # NOTE: we discard the last remainding sequence if it's not of length `sequence_length`\n", + " return len(self.data)\n", + "\n", + " def __getitem__(self, idx):\n", + " sample = self.dara[idx]\n", + " label = self.labels[idx]\n", + " return sample, label\n", + "\n", + "dataset = get_shakespeare_dataset(max_seq_length=max_seq_length)\n", + "train_dataset = MyDataset(dataset['train_x'], dataset['train_y'])# sft_config = SFTConfig(\n", + "val_dataset = MyDataset(dataset['val_x'], dataset['val_y'])\n", + "\n", + "print(f\"train dataset size: {len(train_dataset)}, val dataset size: {len(val_dataset)}\")\n", + "# dataset_text_field=\"text\",\n", + "# max_seq_length=512,\n", + "# output_dir=\"/tmp\",\n", + "# )\n", + "# trainer = SFTTrainer(\n", + "# \"gpt2\",\n", + "# train_dataset=dataset,\n", + "# args=sft_config,\n", + "# )\n", + "# trainer.train()" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "ename": "KeyError", + "evalue": "'train'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[10], line 2\u001b[0m\n\u001b[1;32m 1\u001b[0m train_loader \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39mdata\u001b[38;5;241m.\u001b[39mDataLoader(\n\u001b[0;32m----> 2\u001b[0m \u001b[43mdataset\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[38;5;124;43mtrain\u001b[39;49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[43m]\u001b[49m,\n\u001b[1;32m 3\u001b[0m batch_size\u001b[38;5;241m=\u001b[39margs\u001b[38;5;241m.\u001b[39mbatch_size,\n\u001b[1;32m 4\u001b[0m shuffle\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m,\n\u001b[1;32m 5\u001b[0m )\n\u001b[1;32m 6\u001b[0m val_loader \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39mdata\u001b[38;5;241m.\u001b[39mDataLoader(\n\u001b[1;32m 7\u001b[0m dataset[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mval\u001b[39m\u001b[38;5;124m\"\u001b[39m],\n\u001b[1;32m 8\u001b[0m batch_size\u001b[38;5;241m=\u001b[39margs\u001b[38;5;241m.\u001b[39mbatch_size,\n\u001b[1;32m 9\u001b[0m shuffle\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m,\n\u001b[1;32m 10\u001b[0m )\n\u001b[1;32m 12\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mnum steps per epoch: \u001b[39m\u001b[38;5;132;01m{\u001b[39;00m\u001b[38;5;28mlen\u001b[39m(train_loader)\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m'\u001b[39m)\n", + "\u001b[0;31mKeyError\u001b[0m: 'train'" + ] + } + ], + "source": [ + "train_loader = torch.utils.data.DataLoader(\n", + " train_dataset,\n", + " batch_size=args.batch_size,\n", + " shuffle=False,\n", + " )\n", + "val_loader = torch.utils.data.DataLoader(\n", + " val_dataset,\n", + " batch_size=args.batch_size,\n", + " shuffle=False,\n", + " )\n", + "\n", + "print(f'num steps per epoch: {len(train_loader)}')\n", + "print(f'num steps per val epoch: {len(val_loader)}')\n", + "# data_collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "\n", + "def get_dataloader(data, sequence_length, batch_size, distributed_backend=None):\n", + " \"\"\"Create a DataLoader for the given data. If distributed_backend is provided and is truly\n", + " distributed (world size > 1), the DataLoader will be created with a DistributedSampler that\n", + " splits the data across the processes (in conjunction with DDP).\n", + " Otherwise, use a RandomSampler with the specified seed.\n", + "\n", + " Returns both the dataloader and the sampler.\n", + " \"\"\"\n", + " dataset = Dataset(data, sequence_length=sequence_length)\n", + " if distributed_backend and distributed_backend.get_world_size() > 1:\n", + " sampler = torch.utils.data.DistributedSampler(\n", + " dataset,\n", + " shuffle=True,\n", + " seed=seed,\n", + " )\n", + " else:\n", + " g = torch.Generator()\n", + " g.manual_seed(seed)\n", + " sampler = torch.utils.data.RandomSampler(\n", + " dataset, replacement=False, generator=g\n", + " )\n", + "\n", + " loader = torch.utils.data.DataLoader(\n", + " dataset,\n", + " sampler=sampler,\n", + " batch_size=batch_size,\n", + " num_workers=0,\n", + " )\n", + " return loader, sampler" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The attention mask is not set and cannot be inferred from input because pad token is same as eos token. As a consequence, you may observe unexpected behavior. Please pass your input's `attention_mask` to obtain reliable results.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "I would like to give the audience a quick tour of New York City's newest art galleries.\n", + "\n", + "First, I want to show you one of\n" + ] + } + ], + "source": [ + "\n", + "input_ids = tokenizer(args.prompt, return_tensors=\"pt\").input_ids.to(device)\n", + "gen_tokens = model.generate(\n", + " input_ids,\n", + " do_sample=True,\n", + " temperature=0.9,\n", + " max_length=30,\n", + " pad_token_id=tokenizer.eos_token_id # EOS Token\n", + ")\n", + "gen_text = tokenizer.batch_decode(gen_tokens)[0]\n", + "print(gen_text)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters)\n", + "extra_args = dict(fused=True) if use_fused else dict()\n", + "opt = torch.optim.AdamW(model.parameters(), lr=args.lr, betas=(args.beta1, args.beta2),\n", + " weight_decay=args.weight_decay, **extra_args)\n", + "\n", + "iterations = len(train_loader) * args.num_epochs\n", + "scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, \n", + " total_steps=iterations, \n", + " pct_start=args.warmup_percent, \n", + " anneal_strategy=args.scheduler, \n", + " cycle_momentum=False, div_factor=1e2, \n", + " final_div_factor=.1)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "base", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.2" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From 1e7ec8c4ab9b8ec80fd328aa08e4178e226113d2 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 02:30:13 +0000 Subject: [PATCH 34/45] record --- plain.ipynb | 184 +++++++++++++++++++++++++++++++--------------------- 1 file changed, 110 insertions(+), 74 deletions(-) diff --git a/plain.ipynb b/plain.ipynb index e77683f..079163d 100644 --- a/plain.ipynb +++ b/plain.ipynb @@ -2,17 +2,9 @@ "cells": [ { "cell_type": "code", - "execution_count": 9, + "execution_count": 17, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/yunyao/conda/lib/python3.12/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n", - " warnings.warn(\n" - ] - }, { "name": "stdout", "output_type": "stream", @@ -37,7 +29,6 @@ } ], "source": [ - "from datasets import load_dataset\n", "from transformers import (\n", " AutoModelForCausalLM,\n", " AutoTokenizer,\n", @@ -110,7 +101,7 @@ " text = \"\".join(f.readlines())\n", " i = int(0.8*len(text))\n", " # encode text\n", - " x_all = np.array(char_tknzr(text), dtype=np.uint16)\n", + " x_all = np.array(char_tknzr(text))\n", " idx = 0\n", " len_x_all = len(x_all)\n", " x_seq = []\n", @@ -161,7 +152,7 @@ " return len(self.data)\n", "\n", " def __getitem__(self, idx):\n", - " sample = self.dara[idx]\n", + " sample = self.data[idx]\n", " label = self.labels[idx]\n", " return sample, label\n", "\n", @@ -184,18 +175,15 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 18, "metadata": {}, "outputs": [ { - "ename": "KeyError", - "evalue": "'train'", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[0;32mIn[10], line 2\u001b[0m\n\u001b[1;32m 1\u001b[0m train_loader \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39mdata\u001b[38;5;241m.\u001b[39mDataLoader(\n\u001b[0;32m----> 2\u001b[0m \u001b[43mdataset\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[38;5;124;43mtrain\u001b[39;49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[43m]\u001b[49m,\n\u001b[1;32m 3\u001b[0m batch_size\u001b[38;5;241m=\u001b[39margs\u001b[38;5;241m.\u001b[39mbatch_size,\n\u001b[1;32m 4\u001b[0m shuffle\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m,\n\u001b[1;32m 5\u001b[0m )\n\u001b[1;32m 6\u001b[0m val_loader \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39mdata\u001b[38;5;241m.\u001b[39mDataLoader(\n\u001b[1;32m 7\u001b[0m dataset[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mval\u001b[39m\u001b[38;5;124m\"\u001b[39m],\n\u001b[1;32m 8\u001b[0m batch_size\u001b[38;5;241m=\u001b[39margs\u001b[38;5;241m.\u001b[39mbatch_size,\n\u001b[1;32m 9\u001b[0m shuffle\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m,\n\u001b[1;32m 10\u001b[0m )\n\u001b[1;32m 12\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mnum steps per epoch: \u001b[39m\u001b[38;5;132;01m{\u001b[39;00m\u001b[38;5;28mlen\u001b[39m(train_loader)\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m'\u001b[39m)\n", - "\u001b[0;31mKeyError\u001b[0m: 'train'" + "name": "stdout", + "output_type": "stream", + "text": [ + "num steps per epoch: 9\n", + "num steps per val epoch: 3\n" ] } ], @@ -218,62 +206,16 @@ }, { "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "\n", - "\n", - "def get_dataloader(data, sequence_length, batch_size, distributed_backend=None):\n", - " \"\"\"Create a DataLoader for the given data. If distributed_backend is provided and is truly\n", - " distributed (world size > 1), the DataLoader will be created with a DistributedSampler that\n", - " splits the data across the processes (in conjunction with DDP).\n", - " Otherwise, use a RandomSampler with the specified seed.\n", - "\n", - " Returns both the dataloader and the sampler.\n", - " \"\"\"\n", - " dataset = Dataset(data, sequence_length=sequence_length)\n", - " if distributed_backend and distributed_backend.get_world_size() > 1:\n", - " sampler = torch.utils.data.DistributedSampler(\n", - " dataset,\n", - " shuffle=True,\n", - " seed=seed,\n", - " )\n", - " else:\n", - " g = torch.Generator()\n", - " g.manual_seed(seed)\n", - " sampler = torch.utils.data.RandomSampler(\n", - " dataset, replacement=False, generator=g\n", - " )\n", - "\n", - " loader = torch.utils.data.DataLoader(\n", - " dataset,\n", - " sampler=sampler,\n", - " batch_size=batch_size,\n", - " num_workers=0,\n", - " )\n", - " return loader, sampler" - ] - }, - { - "cell_type": "code", - "execution_count": null, + "execution_count": 19, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "The attention mask is not set and cannot be inferred from input because pad token is same as eos token. As a consequence, you may observe unexpected behavior. Please pass your input's `attention_mask` to obtain reliable results.\n" - ] - }, { "name": "stdout", "output_type": "stream", "text": [ - "I would like to give the audience a quick tour of New York City's newest art galleries.\n", + "I would like to do it in a way that shows it's not just a gimmick,\" she told RTL's Lidia Jones.\n", "\n", - "First, I want to show you one of\n" + "\"\n" ] } ], @@ -293,7 +235,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 20, "metadata": {}, "outputs": [], "source": [ @@ -314,10 +256,104 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 21, "metadata": {}, - "outputs": [], - "source": [] + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 11%|█ | 1/9 [00:02<00:22, 2.79s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1 Step 0: Validation Loss: 9.4229, Accuracy: 0.3460\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 9/9 [00:14<00:00, 1.61s/it]\n", + " 11%|█ | 1/9 [00:02<00:21, 2.72s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 2 Step 0: Validation Loss: 6.1429, Accuracy: 0.1787\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 9/9 [00:14<00:00, 1.60s/it]\n", + " 11%|█ | 1/9 [00:02<00:21, 2.72s/it]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 3 Step 0: Validation Loss: 5.8890, Accuracy: 0.1741\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 9/9 [00:14<00:00, 1.60s/it]\n" + ] + } + ], + "source": [ + "from tqdm import tqdm\n", + "\n", + "for epoch in range(args.num_epochs):\n", + " model.train()\n", + " for step_id, (x, y) in enumerate(tqdm(train_loader)):\n", + " # print(f'x shape: {x.shape}, y shape: {y.shape}')\n", + " x = x.to(device)\n", + " y = y.to(device)\n", + " opt.zero_grad()\n", + " outputs = model(x, labels=y)\n", + " loss = outputs.loss\n", + " loss.backward()\n", + " opt.step()\n", + " scheduler.step()\n", + " opt.zero_grad()\n", + "\n", + " if step_id % args.eval_freq == 0 or step_id == len(train_loader):\n", + " # Validation\n", + " model.eval()\n", + " correct_predictions = 0\n", + " total_predictions = 0\n", + " val_loss = 0\n", + " \n", + " with torch.no_grad():\n", + " for x, y in val_loader:\n", + " x = x.to(device)\n", + " y = y.to(device)\n", + " val_outputs = model(x, labels=y)\n", + " val_loss += val_outputs.loss.item()\n", + "\n", + " # Calculate token-level accuracy\n", + " logits = val_outputs.logits\n", + " predictions = torch.argmax(logits, dim=-1)\n", + " correct_predictions += (predictions == y).sum().item()\n", + " total_predictions += torch.numel(x)\n", + "\n", + " avg_val_loss = val_loss / len(val_loader)\n", + " accuracy = correct_predictions / total_predictions\n", + "\n", + " print(f\"Epoch {epoch+1} Step {step_id}: Validation Loss: {avg_val_loss:.4f}, Accuracy: {accuracy:.4f}\")\n", + " model.train()\n" + ] }, { "cell_type": "markdown", From ca226bf36d18553e75d2baec4252029a1e9efdd3 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 03:16:34 +0000 Subject: [PATCH 35/45] record --- plain.ipynb | 277 ++++++++++++++++++++++++++++++++++++++++------------ 1 file changed, 212 insertions(+), 65 deletions(-) diff --git a/plain.ipynb b/plain.ipynb index 079163d..8c3df68 100644 --- a/plain.ipynb +++ b/plain.ipynb @@ -2,13 +2,14 @@ "cells": [ { "cell_type": "code", - "execution_count": 17, + "execution_count": 70, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ + "Downloading raw Shakespeare texts\n", "Tokenizing Shakespeare texts\n" ] }, @@ -23,8 +24,8 @@ "name": "stdout", "output_type": "stream", "text": [ - "num train data 80 percent: 528, num val data 20 persent: 132, num tokens 338025 floor divided by max_seq_length 512\n", - "train dataset size: 528, val dataset size: 132\n" + "num train data 80 percent: 1056, num val data 20 persent: 264, num tokens 338025 floor divided by max_seq_length 256\n", + "train dataset size: 1056, val dataset size: 264\n" ] } ], @@ -60,12 +61,12 @@ " weight_decay=0.1,\n", " warmup_percent=0.05,\n", " scheduler = 'cos',\n", - " batch_size=64, \n", + " batch_size=32, \n", " num_epochs=3,\n", - " eval_freq = 20,\n", + " eval_freq = 1,\n", " device='cuda:0',\n", " model_name='gpt2',\n", - " max_seq_length=512,\n", + " max_seq_length=256,\n", " prompt = \"I would like to\",\n", ")\n", "\n", @@ -175,15 +176,15 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 71, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "num steps per epoch: 9\n", - "num steps per val epoch: 3\n" + "num steps per epoch: 17\n", + "num steps per val epoch: 5\n" ] } ], @@ -206,16 +207,14 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 72, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "I would like to do it in a way that shows it's not just a gimmick,\" she told RTL's Lidia Jones.\n", - "\n", - "\"\n" + "I would like to apologize to the United States of America for disappointing and embarrassing us for having a strong position against the spread of such information and for putting\n" ] } ], @@ -235,7 +234,7 @@ }, { "cell_type": "code", - "execution_count": 20, + "execution_count": 73, "metadata": {}, "outputs": [], "source": [ @@ -256,72 +255,201 @@ }, { "cell_type": "code", - "execution_count": 21, + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 74, "metadata": {}, "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " 11%|█ | 1/9 [00:02<00:22, 2.79s/it]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Epoch 1 Step 0: Validation Loss: 9.4229, Accuracy: 0.3460\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 9/9 [00:14<00:00, 1.61s/it]\n", - " 11%|█ | 1/9 [00:02<00:21, 2.72s/it]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Epoch 2 Step 0: Validation Loss: 6.1429, Accuracy: 0.1787\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 9/9 [00:14<00:00, 1.60s/it]\n", - " 11%|█ | 1/9 [00:02<00:21, 2.72s/it]" - ] - }, { "name": "stdout", "output_type": "stream", "text": [ - "Epoch 3 Step 0: Validation Loss: 5.8890, Accuracy: 0.1741\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 9/9 [00:14<00:00, 1.60s/it]\n" + "0/0 [train] loss=4.545 [val] loss=9.444, acc=0.329457 [lr] 0.00007\n", + "I would like to add that I am a professional, well-heeled entrepreneur who would never let his money go to his personal expenses and in fact\n", + "0/1 [train] loss=4.576 [val] loss=8.754, acc=0.318700 [lr] 0.00010\n", + "I would like to thank the following people for this great opportunity:\n", + "\n", + "Curtis Smith (USOC)\n", + "\n", + "The Office of the Vice\n", + "0/2 [train] loss=4.237 [val] loss=8.647, acc=0.314305 [lr] 0.00010\n", + "I would like to thank those who have helped out with their hard work to support our clients. I hope you will join us for a long-term\n", + "0/3 [train] loss=4.119 [val] loss=8.599, acc=0.321659 [lr] 0.00010\n", + "I would like to thank everyone for your support. I am still not sure if there is much I wish I could do for you.\n", + "\n", + "Thanks\n", + "0/4 [train] loss=4.088 [val] loss=8.607, acc=0.332579 [lr] 0.00010\n", + "I would like to thank everyone for sharing their ideas and comments and for making this possible. I wish you all the best\n", + "\n", + "David\n", + "\n", + "A\n", + "0/5 [train] loss=4.024 [val] loss=8.673, acc=0.331987 [lr] 0.00010\n", + "I would like to say to my friend: Dear Sir,\n", + "\n", + "I am very much obliged you know. You have just had a pleasure,\n", + "\n", + "0/6 [train] loss=4.049 [val] loss=8.756, acc=0.335109 [lr] 0.00010\n", + "I would like to call this a day before Christmas, where the great men of the world are gathered round in the town to hear him speak. He\n", + "0/7 [train] loss=4.002 [val] loss=8.845, acc=0.336796 [lr] 0.00010\n", + "I would like to know whether I can find it in any other form, if it be mine,\" he replied,\n", + "that is, in the presence\n", + "0/8 [train] loss=4.039 [val] loss=8.893, acc=0.340169 [lr] 0.00009\n", + "I would like to invite you,\n", + "The lady in whom I am a guest, to appear with, my husband,\n", + "So to have his name\n", + "0/9 [train] loss=3.912 [val] loss=8.899, acc=0.344579 [lr] 0.00009\n", + "I would like to offer my sincere thanks to you for this.\n", + "\n", + "Thank you, I will tell you that I am one of the finest women\n", + "0/10 [train] loss=3.882 [val] loss=8.879, acc=0.348071 [lr] 0.00009\n", + "I would like to talk to you about the state of your health. I think you are very well; but I think that your life is very fine\n", + "0/11 [train] loss=3.987 [val] loss=8.859, acc=0.349358 [lr] 0.00009\n", + "I would like to call again, this is the end.\n", + "\n", + "DUKE:\n", + "I was once in exile. I was on my knees\n", + "0/12 [train] loss=3.755 [val] loss=8.844, acc=0.351548 [lr] 0.00009\n", + "I would like to know, from whom comes our business, and from whence come the success of our work, that you and I, our two gentlemen\n", + "0/13 [train] loss=3.887 [val] loss=8.834, acc=0.354803 [lr] 0.00009\n", + "I would like to have the Lord and Creator with me.\n", + "\n", + "DUKE:\n", + "What are you, a humble citizen?\n", + "\n", + "P\n", + "0/14 [train] loss=3.782 [val] loss=8.845, acc=0.356771 [lr] 0.00008\n", + "I would like to offer you in my behalf: I trust you shall receive him my honour: wherefore, therefore, I give you my consent.\n", + "0/15 [train] loss=3.840 [val] loss=8.866, acc=0.357599 [lr] 0.00008\n", + "I would like to present to you my name as well, brother.\n", + "SOUTER: I am, your majesty,\n", + "The son of your\n", + "0/16 [train] loss=3.785 [val] loss=8.896, acc=0.358650 [lr] 0.00008\n", + "I would like to thank the gentleman for his gracious presence.\n", + "\n", + "PENTOLIO:\n", + "If you cannot be the guest,\n", + "You are\n", + "0/0 [train] loss=3.672 [val] loss=8.926, acc=0.360204 [lr] 0.00008\n", + "I would like to give you a good reason for this request of my father; you must not be ashamed to make it yourself.\n", + "\n", + "\n", + "W\n", + "0/1 [train] loss=3.682 [val] loss=8.964, acc=0.362038 [lr] 0.00007\n", + "I would like to thank you, for the great work you have done.\n", + "\n", + "To the RICHARD II:\n", + "I must say something to\n", + "0/2 [train] loss=3.703 [val] loss=9.009, acc=0.364376 [lr] 0.00007\n", + "I would like to know what will be done for you?\n", + "YORKBUCK:\n", + "Go, O Lord, I bid thee pardon, and\n", + "0/3 [train] loss=3.672 [val] loss=9.056, acc=0.365190 [lr] 0.00007\n", + "I would like to be a lady of service and help my friends so as you know he hath left them.\n", + "LUCENTIO:\n", + "That\n", + "0/4 [train] loss=3.696 [val] loss=9.094, acc=0.366610 [lr] 0.00007\n", + "I would like to speak to you, whereupon, say I, he is dead.\n", + "\n", + "KING JOHN VINCENTIO:\n", + "Marry\n", + "0/5 [train] loss=3.669 [val] loss=9.117, acc=0.367365 [lr] 0.00006\n", + "I would like to commend myself to your father; but since we are friends and in close connection, we shall not know whether he conspires to make\n", + "0/6 [train] loss=3.699 [val] loss=9.126, acc=0.368194 [lr] 0.00006\n", + "I would like to,\n", + "And that would be done, as it were,\n", + "For I would so make use of his kindness.\n", + "\n", + "M\n", + "0/7 [train] loss=3.680 [val] loss=9.124, acc=0.368149 [lr] 0.00006\n", + "I would like to be rid of you, my brother, but I cannot be.\n", + "\n", + "LEBERT:\n", + "O, my lord, to\n", + "0/8 [train] loss=3.738 [val] loss=9.116, acc=0.368312 [lr] 0.00005\n", + "I would like to take the time to talk with you more intimately than I have been. I thank you kindly, sir, for that. I would\n", + "0/9 [train] loss=3.635 [val] loss=9.111, acc=0.368741 [lr] 0.00005\n", + "I would like to be your father; for this is my hope to save you.\n", + "\n", + "QUEEN:\n", + "Lord, I have heard of\n", + "0/10 [train] loss=3.630 [val] loss=9.105, acc=0.369466 [lr] 0.00005\n", + "I would like to ask your pardon.\n", + "\n", + "Your lordship,\n", + "I have given you such a request in relation to mine,\n", + "That I\n", + "0/11 [train] loss=3.754 [val] loss=9.098, acc=0.370517 [lr] 0.00005\n", + "I would like to say a little more: I am afraid that all those who, like you, have a sense of common duty and that the common\n", + "0/12 [train] loss=3.538 [val] loss=9.096, acc=0.371316 [lr] 0.00004\n", + "I would like to have you and my friends. I have you and my friends, you and your friends, and so farewell:\n", + "Here's my\n", + "0/13 [train] loss=3.663 [val] loss=9.100, acc=0.372514 [lr] 0.00004\n", + "I would like to thank Mr. Blaise, but you are not worthy of the title,\n", + "That it is not a noble title. Come\n", + "0/14 [train] loss=3.575 [val] loss=9.111, acc=0.372736 [lr] 0.00004\n", + "I would like to go forward.\n", + "BRUTUS:\n", + "I know then;\n", + "The noble prince of Troy,\n", + "Of noble lords of Greece\n", + "0/15 [train] loss=3.665 [val] loss=9.123, acc=0.373180 [lr] 0.00003\n", + "I would like to hear the answer. I do not answer to him, I have never answered to him.\n", + "\n", + "MENENIUS:\n", + "\n", + "0/16 [train] loss=3.590 [val] loss=9.136, acc=0.373313 [lr] 0.00003\n", + "I would like to speak to thee,\n", + "I wish I could speak to thee,\n", + "I am so dear to you, so loving and so blessed\n", + "0/0 [train] loss=3.513 [val] loss=9.147, acc=0.373654 [lr] 0.00003\n", + "I would like to do you a good deal,\n", + "With whom I shall know my place, my heart, my mind, my manners!\n", + "KING\n", + "0/1 [train] loss=3.547 [val] loss=9.161, acc=0.373728 [lr] 0.00003\n", + "I would like to hear this: it is your custom, your duty, your duty to marry at this moment:\n", + "\n", + "Yet, I have never\n", + "0/2 [train] loss=3.582 [val] loss=9.176, acc=0.374083 [lr] 0.00003\n", + "I would like to report a report of his cousin,\n", + "I will make him my friend.\n", + "\n", + "KING RICHARD II:\n", + "Well,\n", + "0/3 [train] loss=3.544 [val] loss=9.194, acc=0.374127 [lr] 0.00002\n", + "I would like to say that to their mother,\n", + "And say that to their daughter, from the age of two.\n", + "\n", + "GLOUCES\n", + "0/4 [train] loss=3.589 [val] loss=9.208, acc=0.374867 [lr] 0.00002\n", + "I would like to thank you all. What's your business, then?\n", + "\n", + "SICINIUS:\n", + "It is: here you are\n", + "0/5 [train] loss=3.555 [val] loss=9.221, acc=0.375148 [lr] 0.00002\n", + "I would like to say to you:\n", + "We shall not hear: there is more fear on this side, and more hope in the other.\n", + "\n" ] } ], "source": [ + "\n", "from tqdm import tqdm\n", "\n", "for epoch in range(args.num_epochs):\n", " model.train()\n", - " for step_id, (x, y) in enumerate(tqdm(train_loader)):\n", + " for step_id, (x, y) in enumerate(train_loader):\n", " # print(f'x shape: {x.shape}, y shape: {y.shape}')\n", " x = x.to(device)\n", " y = y.to(device)\n", " opt.zero_grad()\n", - " outputs = model(x, labels=y)\n", + " outputs = model(x, labels=x)\n", " loss = outputs.loss\n", " loss.backward()\n", " opt.step()\n", @@ -331,6 +459,11 @@ " if step_id % args.eval_freq == 0 or step_id == len(train_loader):\n", " # Validation\n", " model.eval()\n", + " epoch = step_id//len(train_loader)\n", + "\n", + " train_loss = loss.detach().cpu().item() \n", + " current_lr = scheduler.get_last_lr()[0] if args.scheduler is not None else extra_args.lr\n", + " \n", " correct_predictions = 0\n", " total_predictions = 0\n", " val_loss = 0\n", @@ -348,10 +481,24 @@ " correct_predictions += (predictions == y).sum().item()\n", " total_predictions += torch.numel(x)\n", "\n", - " avg_val_loss = val_loss / len(val_loader)\n", - " accuracy = correct_predictions / total_predictions\n", + " val_loss = val_loss / len(val_loader)\n", + " val_acc = correct_predictions / total_predictions\n", + "\n", + " print_string = f\"{epoch}/{step_id + epoch * len(train_loader)} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, acc={val_acc:3f}\"\n", + " if scheduler is not None:\n", + " print_string += f\" [lr] {current_lr:.5f}\"\n", + " print(print_string)\n", + " input_ids = tokenizer(args.prompt, return_tensors=\"pt\").input_ids.to(device)\n", + " gen_tokens = model.generate(\n", + " input_ids,\n", + " do_sample=True,\n", + " temperature=0.9,\n", + " max_length=30,\n", + " pad_token_id=tokenizer.eos_token_id # EOS Token\n", + " )\n", + " gen_text = tokenizer.batch_decode(gen_tokens)[0]\n", + " print(gen_text)\n", "\n", - " print(f\"Epoch {epoch+1} Step {step_id}: Validation Loss: {avg_val_loss:.4f}, Accuracy: {accuracy:.4f}\")\n", " model.train()\n" ] }, From f5b8453e7985396d01c23c6b4214ae989258575a Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 04:23:49 +0000 Subject: [PATCH 36/45] record --- plain.ipynb | 305 +++++++++++++++++++++++----------------------------- 1 file changed, 133 insertions(+), 172 deletions(-) diff --git a/plain.ipynb b/plain.ipynb index 8c3df68..2a86eee 100644 --- a/plain.ipynb +++ b/plain.ipynb @@ -2,14 +2,13 @@ "cells": [ { "cell_type": "code", - "execution_count": 70, + "execution_count": 49, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Downloading raw Shakespeare texts\n", "Tokenizing Shakespeare texts\n" ] }, @@ -63,7 +62,7 @@ " scheduler = 'cos',\n", " batch_size=32, \n", " num_epochs=3,\n", - " eval_freq = 1,\n", + " eval_freq = 2,\n", " device='cuda:0',\n", " model_name='gpt2',\n", " max_seq_length=256,\n", @@ -157,7 +156,7 @@ " label = self.labels[idx]\n", " return sample, label\n", "\n", - "dataset = get_shakespeare_dataset(max_seq_length=max_seq_length)\n", + "dataset = get_shakespeare_dataset(max_seq_length=args.max_seq_length)\n", "train_dataset = MyDataset(dataset['train_x'], dataset['train_y'])# sft_config = SFTConfig(\n", "val_dataset = MyDataset(dataset['val_x'], dataset['val_y'])\n", "\n", @@ -176,15 +175,15 @@ }, { "cell_type": "code", - "execution_count": 71, + "execution_count": 50, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "num steps per epoch: 17\n", - "num steps per val epoch: 5\n" + "num steps per epoch: 33\n", + "num steps per val epoch: 9\n" ] } ], @@ -207,14 +206,16 @@ }, { "cell_type": "code", - "execution_count": 72, + "execution_count": 51, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "I would like to apologize to the United States of America for disappointing and embarrassing us for having a strong position against the spread of such information and for putting\n" + "I would like to make the difference between whether or not you do what you know you must do.\"\n", + "\n", + "\"Are you willing to change your mind\n" ] } ], @@ -234,7 +235,7 @@ }, { "cell_type": "code", - "execution_count": 73, + "execution_count": 52, "metadata": {}, "outputs": [], "source": [ @@ -262,179 +263,127 @@ }, { "cell_type": "code", - "execution_count": 74, + "execution_count": 53, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0/0 [train] loss=4.545 [val] loss=9.444, acc=0.329457 [lr] 0.00007\n", - "I would like to add that I am a professional, well-heeled entrepreneur who would never let his money go to his personal expenses and in fact\n", - "0/1 [train] loss=4.576 [val] loss=8.754, acc=0.318700 [lr] 0.00010\n", - "I would like to thank the following people for this great opportunity:\n", - "\n", - "Curtis Smith (USOC)\n", - "\n", - "The Office of the Vice\n", - "0/2 [train] loss=4.237 [val] loss=8.647, acc=0.314305 [lr] 0.00010\n", - "I would like to thank those who have helped out with their hard work to support our clients. I hope you will join us for a long-term\n", - "0/3 [train] loss=4.119 [val] loss=8.599, acc=0.321659 [lr] 0.00010\n", - "I would like to thank everyone for your support. I am still not sure if there is much I wish I could do for you.\n", + "0/0 [train] loss=4.635 [val] loss=9.366, acc=0.325304 [lr] 0.00002\n", + "I would like to thank all my friends as well as those who sent me their advice!\n", "\n", - "Thanks\n", - "0/4 [train] loss=4.088 [val] loss=8.607, acc=0.332579 [lr] 0.00010\n", - "I would like to thank everyone for sharing their ideas and comments and for making this possible. I wish you all the best\n", + "We are always looking for a good member, for\n", + "0/2 [train] loss=4.303 [val] loss=9.366, acc=0.318712 [lr] 0.00009\n", + "I would like to invite you to come back to our club as soon as possible. We have a number of events planned for next Thursday September 19.\n", + "0/4 [train] loss=4.285 [val] loss=9.366, acc=0.315837 [lr] 0.00010\n", + "I would like to thank the committee on Foreign Relations for its strong support of our efforts to establish an independent independent judiciary.\"\n", "\n", - "David\n", + "The committee said it\n", + "0/6 [train] loss=4.097 [val] loss=9.366, acc=0.328030 [lr] 0.00010\n", + "I would like to say that one of his enemies is an unfortunate little fellow with a bad eye, and I say to him that he is his father\n", + "0/8 [train] loss=3.951 [val] loss=9.366, acc=0.331597 [lr] 0.00010\n", + "I would like to thank you for your help with this matter, and I am afraid you will not be as wise as I have been. If we\n", + "0/10 [train] loss=3.940 [val] loss=9.366, acc=0.336466 [lr] 0.00010\n", + "I would like to thank the Lord for his blessings, and it is time to give him our gifts for this service, so I invite you, '\n", + "0/12 [train] loss=3.863 [val] loss=9.366, acc=0.339952 [lr] 0.00010\n", + "I would like to speak with you of these things, not my own, as it's not good in a man.\n", "\n", - "A\n", - "0/5 [train] loss=4.024 [val] loss=8.673, acc=0.331987 [lr] 0.00010\n", - "I would like to say to my friend: Dear Sir,\n", - "\n", - "I am very much obliged you know. You have just had a pleasure,\n", - "\n", - "0/6 [train] loss=4.049 [val] loss=8.756, acc=0.335109 [lr] 0.00010\n", - "I would like to call this a day before Christmas, where the great men of the world are gathered round in the town to hear him speak. He\n", - "0/7 [train] loss=4.002 [val] loss=8.845, acc=0.336796 [lr] 0.00010\n", - "I would like to know whether I can find it in any other form, if it be mine,\" he replied,\n", - "that is, in the presence\n", - "0/8 [train] loss=4.039 [val] loss=8.893, acc=0.340169 [lr] 0.00009\n", - "I would like to invite you,\n", - "The lady in whom I am a guest, to appear with, my husband,\n", - "So to have his name\n", - "0/9 [train] loss=3.912 [val] loss=8.899, acc=0.344579 [lr] 0.00009\n", - "I would like to offer my sincere thanks to you for this.\n", + "QUEEN:\n", + "0/14 [train] loss=3.828 [val] loss=9.366, acc=0.344428 [lr] 0.00010\n", + "I would like to thank you all; and to you say of the day, 'I know the man: my soul will be so great in him\n", + "0/16 [train] loss=3.951 [val] loss=9.366, acc=0.348484 [lr] 0.00010\n", + "I would like to speak to you, Lord, and offer a prayer, from my heart, in order that my conscience may be fully satisfied;\n", "\n", - "Thank you, I will tell you that I am one of the finest women\n", - "0/10 [train] loss=3.882 [val] loss=8.879, acc=0.348071 [lr] 0.00009\n", - "I would like to talk to you about the state of your health. I think you are very well; but I think that your life is very fine\n", - "0/11 [train] loss=3.987 [val] loss=8.859, acc=0.349358 [lr] 0.00009\n", - "I would like to call again, this is the end.\n", + "0/18 [train] loss=3.776 [val] loss=9.366, acc=0.350043 [lr] 0.00009\n", + "I would like to thank you\n", + "For your assistance to it: for your love I shall be glad to know what\n", + "I shall do.\n", "\n", - "DUKE:\n", - "I was once in exile. I was on my knees\n", - "0/12 [train] loss=3.755 [val] loss=8.844, acc=0.351548 [lr] 0.00009\n", - "I would like to know, from whom comes our business, and from whence come the success of our work, that you and I, our two gentlemen\n", - "0/13 [train] loss=3.887 [val] loss=8.834, acc=0.354803 [lr] 0.00009\n", - "I would like to have the Lord and Creator with me.\n", "\n", - "DUKE:\n", - "What are you, a humble citizen?\n", + "0/20 [train] loss=3.794 [val] loss=9.366, acc=0.351413 [lr] 0.00009\n", + "I would like to thank you, sir, for your good conduct, and for your service: for you were your brother, and your brother's best\n", + "0/22 [train] loss=3.769 [val] loss=9.366, acc=0.354207 [lr] 0.00009\n", + "I would like to see you,\n", + "That you will do this, and yet you did me wrong.\n", + "That you gave me this opportunity\n", + "To\n", + "0/24 [train] loss=3.745 [val] loss=9.366, acc=0.356798 [lr] 0.00009\n", + "I would like to thank you very much; and I am not afraid to do to you, but I am in hope.\n", "\n", - "P\n", - "0/14 [train] loss=3.782 [val] loss=8.845, acc=0.356771 [lr] 0.00008\n", - "I would like to offer you in my behalf: I trust you shall receive him my honour: wherefore, therefore, I give you my consent.\n", - "0/15 [train] loss=3.840 [val] loss=8.866, acc=0.357599 [lr] 0.00008\n", - "I would like to present to you my name as well, brother.\n", - "SOUTER: I am, your majesty,\n", - "The son of your\n", - "0/16 [train] loss=3.785 [val] loss=8.896, acc=0.358650 [lr] 0.00008\n", - "I would like to thank the gentleman for his gracious presence.\n", + "DUCH\n", + "0/26 [train] loss=3.725 [val] loss=9.366, acc=0.358168 [lr] 0.00009\n", + "I would like to call ourselves gentlemen and begin in the field.\n", "\n", - "PENTOLIO:\n", - "If you cannot be the guest,\n", - "You are\n", - "0/0 [train] loss=3.672 [val] loss=8.926, acc=0.360204 [lr] 0.00008\n", - "I would like to give you a good reason for this request of my father; you must not be ashamed to make it yourself.\n", + "JOHN:\n", + "What?\n", + "JULIET:\n", + "To take some\n", + "0/28 [train] loss=3.648 [val] loss=9.366, acc=0.359823 [lr] 0.00009\n", + "I would like to thank you, sir, for my having not only made the matter known to me, but for my being your friend.\n", "\n", "\n", - "W\n", - "0/1 [train] loss=3.682 [val] loss=8.964, acc=0.362038 [lr] 0.00007\n", - "I would like to thank you, for the great work you have done.\n", + "0/30 [train] loss=3.774 [val] loss=9.366, acc=0.361559 [lr] 0.00008\n", + "I would like to call you a prophet.\n", "\n", - "To the RICHARD II:\n", - "I must say something to\n", - "0/2 [train] loss=3.703 [val] loss=9.009, acc=0.364376 [lr] 0.00007\n", - "I would like to know what will be done for you?\n", - "YORKBUCK:\n", - "Go, O Lord, I bid thee pardon, and\n", - "0/3 [train] loss=3.672 [val] loss=9.056, acc=0.365190 [lr] 0.00007\n", - "I would like to be a lady of service and help my friends so as you know he hath left them.\n", - "LUCENTIO:\n", - "That\n", - "0/4 [train] loss=3.696 [val] loss=9.094, acc=0.366610 [lr] 0.00007\n", - "I would like to speak to you, whereupon, say I, he is dead.\n", + "KING JESUS:\n", + "Thou hast a brother; but that he will go, I\n", + "0/32 [train] loss=3.645 [val] loss=9.366, acc=0.363308 [lr] 0.00008\n", + "I would like to speak of your good friends:\n", + "And yet, all things would be in a place where you'd not;\n", + "And you speak\n", + "0/0 [train] loss=3.604 [val] loss=9.366, acc=0.364176 [lr] 0.00008\n", + "I would like to thank you for your assistance.\n", + "DUCHIO:\n", + "Ah, madam, my lord, I have so come;\n", + "0/2 [train] loss=3.466 [val] loss=9.366, acc=0.365804 [lr] 0.00008\n", + "I would like to see you there. Come.\n", "\n", - "KING JOHN VINCENTIO:\n", - "Marry\n", - "0/5 [train] loss=3.669 [val] loss=9.117, acc=0.367365 [lr] 0.00006\n", - "I would like to commend myself to your father; but since we are friends and in close connection, we shall not know whether he conspires to make\n", - "0/6 [train] loss=3.699 [val] loss=9.126, acc=0.368194 [lr] 0.00006\n", - "I would like to,\n", - "And that would be done, as it were,\n", - "For I would so make use of his kindness.\n", + "JOHN ROYERS:\n", + "You have done an early service as I have done,\n", "\n", - "M\n", - "0/7 [train] loss=3.680 [val] loss=9.124, acc=0.368149 [lr] 0.00006\n", - "I would like to be rid of you, my brother, but I cannot be.\n", + "0/4 [train] loss=3.700 [val] loss=9.366, acc=0.367350 [lr] 0.00007\n", + "I would like to know, when you were living, how the city-yard was again:\n", + "In the summer, when the summer was fresh:\n", + "0/6 [train] loss=3.645 [val] loss=9.366, acc=0.367906 [lr] 0.00007\n", + "I would like to offer you some thanks to me, since my spirit will not bear you some,\n", + "For the way is open till the day that\n", + "0/8 [train] loss=3.484 [val] loss=9.366, acc=0.369086 [lr] 0.00007\n", + "I would like to speak; and you seem to be well-nigh-nigh as well as we.\n", "\n", - "LEBERT:\n", - "O, my lord, to\n", - "0/8 [train] loss=3.738 [val] loss=9.116, acc=0.368312 [lr] 0.00005\n", - "I would like to take the time to talk with you more intimately than I have been. I thank you kindly, sir, for that. I would\n", - "0/9 [train] loss=3.635 [val] loss=9.111, acc=0.368741 [lr] 0.00005\n", - "I would like to be your father; for this is my hope to save you.\n", + "LATHIANOPHER\n", + "0/10 [train] loss=3.537 [val] loss=9.366, acc=0.368761 [lr] 0.00007\n", + "I would like to join the church as my own.\n", "\n", - "QUEEN:\n", - "Lord, I have heard of\n", - "0/10 [train] loss=3.630 [val] loss=9.105, acc=0.369466 [lr] 0.00005\n", - "I would like to ask your pardon.\n", + "JOHN RICHARD II:\n", + "I am told you will be found a gentleman's\n", + "0/12 [train] loss=3.489 [val] loss=9.366, acc=0.369778 [lr] 0.00006\n", + "I would like to thank you, sir, and thank him not.\n", "\n", - "Your lordship,\n", - "I have given you such a request in relation to mine,\n", - "That I\n", - "0/11 [train] loss=3.754 [val] loss=9.098, acc=0.370517 [lr] 0.00005\n", - "I would like to say a little more: I am afraid that all those who, like you, have a sense of common duty and that the common\n", - "0/12 [train] loss=3.538 [val] loss=9.096, acc=0.371316 [lr] 0.00004\n", - "I would like to have you and my friends. I have you and my friends, you and your friends, and so farewell:\n", - "Here's my\n", - "0/13 [train] loss=3.663 [val] loss=9.100, acc=0.372514 [lr] 0.00004\n", - "I would like to thank Mr. Blaise, but you are not worthy of the title,\n", - "That it is not a noble title. Come\n", - "0/14 [train] loss=3.575 [val] loss=9.111, acc=0.372736 [lr] 0.00004\n", - "I would like to go forward.\n", - "BRUTUS:\n", - "I know then;\n", - "The noble prince of Troy,\n", - "Of noble lords of Greece\n", - "0/15 [train] loss=3.665 [val] loss=9.123, acc=0.373180 [lr] 0.00003\n", - "I would like to hear the answer. I do not answer to him, I have never answered to him.\n", + "AUGUSTINE:\n", + "What, do you give your tongue so\n", + "0/14 [train] loss=3.483 [val] loss=9.366, acc=0.369683 [lr] 0.00006\n", + "I would like to set foot to Jerusalem.\n", "\n", - "MENENIUS:\n", + "KING EDWARD VI:\n", + "Is it not that, sir; I hear you are now so\n", + "0/16 [train] loss=3.646 [val] loss=9.366, acc=0.370687 [lr] 0.00006\n", + "I would like to say it for my country, where your country, like my countrymen, goes, shall make the best of it, if they\n", + "0/18 [train] loss=3.476 [val] loss=9.366, acc=0.371243 [lr] 0.00005\n", + "I would like to know your business, and to request you,\n", + "If any one of your people ever comes, to see him.\n", "\n", - "0/16 [train] loss=3.590 [val] loss=9.136, acc=0.373313 [lr] 0.00003\n", - "I would like to speak to thee,\n", - "I wish I could speak to thee,\n", - "I am so dear to you, so loving and so blessed\n", - "0/0 [train] loss=3.513 [val] loss=9.147, acc=0.373654 [lr] 0.00003\n", - "I would like to do you a good deal,\n", - "With whom I shall know my place, my heart, my mind, my manners!\n", "KING\n", - "0/1 [train] loss=3.547 [val] loss=9.161, acc=0.373728 [lr] 0.00003\n", - "I would like to hear this: it is your custom, your duty, your duty to marry at this moment:\n", - "\n", - "Yet, I have never\n", - "0/2 [train] loss=3.582 [val] loss=9.176, acc=0.374083 [lr] 0.00003\n", - "I would like to report a report of his cousin,\n", - "I will make him my friend.\n", - "\n", - "KING RICHARD II:\n", - "Well,\n", - "0/3 [train] loss=3.544 [val] loss=9.194, acc=0.374127 [lr] 0.00002\n", - "I would like to say that to their mother,\n", - "And say that to their daughter, from the age of two.\n", - "\n", - "GLOUCES\n", - "0/4 [train] loss=3.589 [val] loss=9.208, acc=0.374867 [lr] 0.00002\n", - "I would like to thank you all. What's your business, then?\n", - "\n", - "SICINIUS:\n", - "It is: here you are\n", - "0/5 [train] loss=3.555 [val] loss=9.221, acc=0.375148 [lr] 0.00002\n", - "I would like to say to you:\n", - "We shall not hear: there is more fear on this side, and more hope in the other.\n", - "\n" + "0/20 [train] loss=3.524 [val] loss=9.366, acc=0.372016 [lr] 0.00005\n", + "I would like to know,\n", + "If that you would like the person for\n", + "His head, and with his mind and his heart:\n", + "He is\n", + "0/22 [train] loss=3.517 [val] loss=9.366, acc=0.372599 [lr] 0.00005\n", + "I would like to give you some thanks and let you know my purpose in this.\n", + "If thou wilt show me thy will for this, and\n", + "0/24 [train] loss=3.518 [val] loss=9.366, acc=0.373372 [lr] 0.00004\n", + "I would like to have you know, wherewithal the Duke of York, at the very moment of his death, and his son Edward, were\n" ] } ], @@ -451,6 +400,7 @@ " opt.zero_grad()\n", " outputs = model(x, labels=x)\n", " loss = outputs.loss\n", + " train_loss = loss.item()\n", " loss.backward()\n", " opt.step()\n", " scheduler.step()\n", @@ -460,29 +410,40 @@ " # Validation\n", " model.eval()\n", " epoch = step_id//len(train_loader)\n", - "\n", - " train_loss = loss.detach().cpu().item() \n", " current_lr = scheduler.get_last_lr()[0] if args.scheduler is not None else extra_args.lr\n", " \n", " correct_predictions = 0\n", " total_predictions = 0\n", - " val_loss = 0\n", - " \n", + " val_loss_sum = 0\n", + " val_loss_list = [] \n", + " val_acc_list = []\n", + " num_predictions = args.batch_size * args.max_seq_length\n", " with torch.no_grad():\n", - " for x, y in val_loader:\n", - " x = x.to(device)\n", - " y = y.to(device)\n", - " val_outputs = model(x, labels=y)\n", - " val_loss += val_outputs.loss.item()\n", + " for x_val, y_val in val_loader:\n", + " x_val = x_val.to(device)\n", + " y_val = y_val.to(device)\n", + " val_outputs = model(x_val, labels=y_val)\n", + " val_loss_list.append(val_outputs.loss)\n", + " # val_loss_sum += val_outputs.loss.item()\n", "\n", " # Calculate token-level accuracy\n", " logits = val_outputs.logits\n", + " # print(f'logits shape: {logits.shape}')\n", " predictions = torch.argmax(logits, dim=-1)\n", - " correct_predictions += (predictions == y).sum().item()\n", - " total_predictions += torch.numel(x)\n", + " # print(f'predictions shape: {predictions.shape}')\n", + " acc = (predictions == y_val).float().mean()\n", + " val_acc_list.append(acc)\n", + " # print(f'correct predictions: {correct_predictions}')\n", + " # total_predictions += torch.numel(x)\n", + " # print(f'total predictions: {total_predictions}')\n", "\n", - " val_loss = val_loss / len(val_loader)\n", - " val_acc = correct_predictions / total_predictions\n", + " # val_loss = val_loss_sum / len(val_loader)\n", + " # val_loss = sum(val_loss_list)/len(val_loss_list)\n", + " # print(f'val loss: {val_loss}')\n", + " val_acc = torch.stack(val_acc_list).mean().item()\n", + " val_loss = torch.stack(val_loss_list).mean().item()\n", + " # val_acc = sum(val_acc_list)/len(val_acc_list)\n", + " # print(f'val acc: {val_acc}')\n", "\n", " print_string = f\"{epoch}/{step_id + epoch * len(train_loader)} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, acc={val_acc:3f}\"\n", " if scheduler is not None:\n", @@ -499,7 +460,7 @@ " gen_text = tokenizer.batch_decode(gen_tokens)[0]\n", " print(gen_text)\n", "\n", - " model.train()\n" + " model.train()\n" ] }, { From 1412fe0406b22573f003b26784503a6499c37cf7 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 14:10:30 +0000 Subject: [PATCH 37/45] finally it works, by writing val loss from the output logits to avoid the inner position shifting --- plain.ipynb | 233 ++++++++++++++++++++++++++++------------------------ 1 file changed, 126 insertions(+), 107 deletions(-) diff --git a/plain.ipynb b/plain.ipynb index 2a86eee..3f2202a 100644 --- a/plain.ipynb +++ b/plain.ipynb @@ -2,9 +2,17 @@ "cells": [ { "cell_type": "code", - "execution_count": 49, + "execution_count": 11, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/yunyao/conda/lib/python3.12/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n", + " warnings.warn(\n" + ] + }, { "name": "stdout", "output_type": "stream", @@ -57,7 +65,7 @@ " lr=1e-4, \n", " beta1=0.9,\n", " beta2=0.95,\n", - " weight_decay=0.1,\n", + " weight_decay=0.01,\n", " warmup_percent=0.05,\n", " scheduler = 'cos',\n", " batch_size=32, \n", @@ -175,7 +183,7 @@ }, { "cell_type": "code", - "execution_count": 50, + "execution_count": 12, "metadata": {}, "outputs": [ { @@ -206,16 +214,16 @@ }, { "cell_type": "code", - "execution_count": 51, + "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "I would like to make the difference between whether or not you do what you know you must do.\"\n", + "I would like to thank our donors, and our volunteers and our community, for working so hard.\n", "\n", - "\"Are you willing to change your mind\n" + "In the past ten years, we've\n" ] } ], @@ -235,7 +243,7 @@ }, { "cell_type": "code", - "execution_count": 52, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ @@ -263,134 +271,143 @@ }, { "cell_type": "code", - "execution_count": 53, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0/0 [train] loss=4.635 [val] loss=9.366, acc=0.325304 [lr] 0.00002\n", - "I would like to thank all my friends as well as those who sent me their advice!\n", + "0/0 [train] loss=4.606 [val] loss=4.410, acc=0.323581 [lr] 0.00002\n", + "I would like to know if anyone has any other thoughts on the matter: What do you think would have happened if you are currently in charge of The\n", + "0/2 [train] loss=4.445 [val] loss=3.969, acc=0.316203 [lr] 0.00009\n", + "I would like to speak with you about the situation.\n", "\n", - "We are always looking for a good member, for\n", - "0/2 [train] loss=4.303 [val] loss=9.366, acc=0.318712 [lr] 0.00009\n", - "I would like to invite you to come back to our club as soon as possible. We have a number of events planned for next Thursday September 19.\n", - "0/4 [train] loss=4.285 [val] loss=9.366, acc=0.315837 [lr] 0.00010\n", - "I would like to thank the committee on Foreign Relations for its strong support of our efforts to establish an independent independent judiciary.\"\n", "\n", - "The committee said it\n", - "0/6 [train] loss=4.097 [val] loss=9.366, acc=0.328030 [lr] 0.00010\n", - "I would like to say that one of his enemies is an unfortunate little fellow with a bad eye, and I say to him that he is his father\n", - "0/8 [train] loss=3.951 [val] loss=9.366, acc=0.331597 [lr] 0.00010\n", - "I would like to thank you for your help with this matter, and I am afraid you will not be as wise as I have been. If we\n", - "0/10 [train] loss=3.940 [val] loss=9.366, acc=0.336466 [lr] 0.00010\n", - "I would like to thank the Lord for his blessings, and it is time to give him our gifts for this service, so I invite you, '\n", - "0/12 [train] loss=3.863 [val] loss=9.366, acc=0.339952 [lr] 0.00010\n", - "I would like to speak with you of these things, not my own, as it's not good in a man.\n", + "What are your thoughts on the recent situation, and why did you decide to go back\n", + "0/4 [train] loss=4.093 [val] loss=3.909, acc=0.314019 [lr] 0.00010\n", + "I would like to say thank you for doing so great work. I am so very privileged with the opportunity to be able to become your mentor here.\n", + "0/6 [train] loss=3.977 [val] loss=3.846, acc=0.325534 [lr] 0.00010\n", + "I would like to ask you to give me some assurance that I am fully willing to meet as many worthy men as I can bear in your midst,\n", + "0/8 [train] loss=4.025 [val] loss=3.812, acc=0.330295 [lr] 0.00010\n", + "I would like to hear your answer, it seems.\n", "\n", - "QUEEN:\n", - "0/14 [train] loss=3.828 [val] loss=9.366, acc=0.344428 [lr] 0.00010\n", - "I would like to thank you all; and to you say of the day, 'I know the man: my soul will be so great in him\n", - "0/16 [train] loss=3.951 [val] loss=9.366, acc=0.348484 [lr] 0.00010\n", - "I would like to speak to you, Lord, and offer a prayer, from my heart, in order that my conscience may be fully satisfied;\n", + "How you say, \"I am not your father. I love my father,\" says\n", + "0/10 [train] loss=4.087 [val] loss=3.786, acc=0.334188 [lr] 0.00010\n", + "I would like to thank you for your assistance.\n", "\n", - "0/18 [train] loss=3.776 [val] loss=9.366, acc=0.350043 [lr] 0.00009\n", - "I would like to thank you\n", - "For your assistance to it: for your love I shall be glad to know what\n", - "I shall do.\n", + "NAPOLEUS\n", "\n", + "Thank you, and thank you:\n", + "POUL\n", + "0/12 [train] loss=3.809 [val] loss=3.739, acc=0.339057 [lr] 0.00010\n", + "I would like to thank his friends and the people who have sent him over.\n", "\n", - "0/20 [train] loss=3.794 [val] loss=9.366, acc=0.351413 [lr] 0.00009\n", - "I would like to thank you, sir, for your good conduct, and for your service: for you were your brother, and your brother's best\n", - "0/22 [train] loss=3.769 [val] loss=9.366, acc=0.354207 [lr] 0.00009\n", - "I would like to see you,\n", - "That you will do this, and yet you did me wrong.\n", - "That you gave me this opportunity\n", - "To\n", - "0/24 [train] loss=3.745 [val] loss=9.366, acc=0.356798 [lr] 0.00009\n", - "I would like to thank you very much; and I am not afraid to do to you, but I am in hope.\n", "\n", - "DUCH\n", - "0/26 [train] loss=3.725 [val] loss=9.366, acc=0.358168 [lr] 0.00009\n", - "I would like to call ourselves gentlemen and begin in the field.\n", + "VINCENTINI:\n", + "And now, I\n", + "0/14 [train] loss=3.833 [val] loss=3.709, acc=0.342963 [lr] 0.00010\n", + "I would like to thank you for doing so well, and for your care, it pains me at this time.\"\n", "\n", - "JOHN:\n", - "What?\n", - "JULIET:\n", - "To take some\n", - "0/28 [train] loss=3.648 [val] loss=9.366, acc=0.359823 [lr] 0.00009\n", - "I would like to thank you, sir, for my having not only made the matter known to me, but for my being your friend.\n", "\n", "\n", - "0/30 [train] loss=3.774 [val] loss=9.366, acc=0.361559 [lr] 0.00008\n", - "I would like to call you a prophet.\n", "\n", - "KING JESUS:\n", - "Thou hast a brother; but that he will go, I\n", - "0/32 [train] loss=3.645 [val] loss=9.366, acc=0.363308 [lr] 0.00008\n", - "I would like to speak of your good friends:\n", - "And yet, all things would be in a place where you'd not;\n", - "And you speak\n", - "0/0 [train] loss=3.604 [val] loss=9.366, acc=0.364176 [lr] 0.00008\n", - "I would like to thank you for your assistance.\n", - "DUCHIO:\n", - "Ah, madam, my lord, I have so come;\n", - "0/2 [train] loss=3.466 [val] loss=9.366, acc=0.365804 [lr] 0.00008\n", - "I would like to see you there. Come.\n", "\n", - "JOHN ROYERS:\n", - "You have done an early service as I have done,\n", + "B\n", + "0/16 [train] loss=3.790 [val] loss=3.681, acc=0.347765 [lr] 0.00010\n", + "I would like to say, sir, that my words have already been said, and not to hear them till I think, and then may say my\n", + "0/18 [train] loss=3.722 [val] loss=3.661, acc=0.349379 [lr] 0.00009\n", + "I would like to thank You since it is such;\n", + "I have made myself known to them; their business\n", + "Which the world, that I will\n", + "0/20 [train] loss=3.829 [val] loss=3.635, acc=0.352376 [lr] 0.00009\n", + "I would like to know how much the state of his heart will allow us in this state, so that the general will be well acquainted with his state\n", + "0/22 [train] loss=3.565 [val] loss=3.618, acc=0.354655 [lr] 0.00009\n", + "I would like to give you such encouragement as I may for a few things.\n", + "NAPPER:\n", + "My dear mother, are you well to\n", + "0/24 [train] loss=3.724 [val] loss=3.602, acc=0.357110 [lr] 0.00009\n", + "I would like to thank you, O Lord, for this good news of mine heart:\n", + "I have known you very well, and you are good\n", + "0/26 [train] loss=3.740 [val] loss=3.587, acc=0.358643 [lr] 0.00009\n", + "I would like to see you,\n", + "The son of God,\n", + "If you would like to be of good cheer to us;\n", + "I mean you\n", + "0/28 [train] loss=3.788 [val] loss=3.572, acc=0.360813 [lr] 0.00009\n", + "I would like to say as much:\n", + "I'll leave, I'll say if I had\n", + "the courage to give my life with these words.\n", + "0/30 [train] loss=3.641 [val] loss=3.560, acc=0.362739 [lr] 0.00008\n", + "I would like to leave you to comfort me, and I am sure I shall.\n", + "GISBY:\n", + "If you had an hour, I\n", + "0/32 [train] loss=3.770 [val] loss=3.548, acc=0.364434 [lr] 0.00008\n", + "I would like to see your children.\n", "\n", - "0/4 [train] loss=3.700 [val] loss=9.366, acc=0.367350 [lr] 0.00007\n", - "I would like to know, when you were living, how the city-yard was again:\n", - "In the summer, when the summer was fresh:\n", - "0/6 [train] loss=3.645 [val] loss=9.366, acc=0.367906 [lr] 0.00007\n", - "I would like to offer you some thanks to me, since my spirit will not bear you some,\n", - "For the way is open till the day that\n", - "0/8 [train] loss=3.484 [val] loss=9.366, acc=0.369086 [lr] 0.00007\n", - "I would like to speak; and you seem to be well-nigh-nigh as well as we.\n", + "YORK:\n", + "So, this is your daughter: you are a woman very virtuous.\n", "\n", - "LATHIANOPHER\n", - "0/10 [train] loss=3.537 [val] loss=9.366, acc=0.368761 [lr] 0.00007\n", - "I would like to join the church as my own.\n", "\n", - "JOHN RICHARD II:\n", - "I am told you will be found a gentleman's\n", - "0/12 [train] loss=3.489 [val] loss=9.366, acc=0.369778 [lr] 0.00006\n", - "I would like to thank you, sir, and thank him not.\n", + "0/0 [train] loss=3.663 [val] loss=3.543, acc=0.365045 [lr] 0.00008\n", + "I would like to make a present; I have so many good times\n", + "To make this present,\n", + "But with some slight alteration:\n", + "I would\n", + "0/2 [train] loss=3.637 [val] loss=3.533, acc=0.366713 [lr] 0.00008\n", + "I would like to know what\n", + "The Lord wills to do to me I'll tell unto thee.\n", + "O, what means\n", + "That I may leave\n", + "0/4 [train] loss=3.489 [val] loss=3.525, acc=0.367906 [lr] 0.00007\n", + "I would like to say I, the son of Josephine, with you,\n", + "I beg you, that my daughter marry me to your father!\n", + "0/6 [train] loss=3.483 [val] loss=3.517, acc=0.368910 [lr] 0.00007\n", + "I would like to stay,\n", + "And tell you something.\n", "\n", - "AUGUSTINE:\n", - "What, do you give your tongue so\n", - "0/14 [train] loss=3.483 [val] loss=9.366, acc=0.369683 [lr] 0.00006\n", - "I would like to set foot to Jerusalem.\n", + "QUEEN VINCENTIO:\n", + "If I cannot speak, I'll\n", + "0/8 [train] loss=3.575 [val] loss=3.507, acc=0.370660 [lr] 0.00007\n", + "I would like to thank you: with your prayers and your grace to our hearts, our prayers and all the world's prayers to you, now be\n", + "0/10 [train] loss=3.648 [val] loss=3.499, acc=0.371596 [lr] 0.00007\n", + "I would like to hear from you yourself:\n", + "Do you think he is the man?\n", + "HORTENSIO:\n", + "No, he is the\n", + "0/12 [train] loss=3.421 [val] loss=3.496, acc=0.371731 [lr] 0.00006\n", + "I would like to know the name of Edward Grey, and the power that he wields\n", + "To fight the world.\n", + "DUKE VINC\n", + "0/14 [train] loss=3.487 [val] loss=3.491, acc=0.371989 [lr] 0.00006\n", + "I would like to report you a little more: the man himself had his time,\n", + "But he did so late as you did.\n", "\n", - "KING EDWARD VI:\n", - "Is it not that, sir; I hear you are now so\n", - "0/16 [train] loss=3.646 [val] loss=9.366, acc=0.370687 [lr] 0.00006\n", - "I would like to say it for my country, where your country, like my countrymen, goes, shall make the best of it, if they\n", - "0/18 [train] loss=3.476 [val] loss=9.366, acc=0.371243 [lr] 0.00005\n", - "I would like to know your business, and to request you,\n", - "If any one of your people ever comes, to see him.\n", + "H\n", + "0/16 [train] loss=3.493 [val] loss=3.488, acc=0.372437 [lr] 0.00006\n", + "I would like to know the meaning of this,\n", + "And do you hear that the king hath said to thee?\n", "\n", - "KING\n", - "0/20 [train] loss=3.524 [val] loss=9.366, acc=0.372016 [lr] 0.00005\n", - "I would like to know,\n", - "If that you would like the person for\n", - "His head, and with his mind and his heart:\n", - "He is\n", - "0/22 [train] loss=3.517 [val] loss=9.366, acc=0.372599 [lr] 0.00005\n", - "I would like to give you some thanks and let you know my purpose in this.\n", - "If thou wilt show me thy will for this, and\n", - "0/24 [train] loss=3.518 [val] loss=9.366, acc=0.373372 [lr] 0.00004\n", - "I would like to have you know, wherewithal the Duke of York, at the very moment of his death, and his son Edward, were\n" + "KING EDWARD VI:\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[15], line 12\u001b[0m\n\u001b[1;32m 10\u001b[0m loss \u001b[38;5;241m=\u001b[39m outputs\u001b[38;5;241m.\u001b[39mloss\n\u001b[1;32m 11\u001b[0m train_loss \u001b[38;5;241m=\u001b[39m loss\u001b[38;5;241m.\u001b[39mitem()\n\u001b[0;32m---> 12\u001b[0m \u001b[43mloss\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 13\u001b[0m opt\u001b[38;5;241m.\u001b[39mstep()\n\u001b[1;32m 14\u001b[0m scheduler\u001b[38;5;241m.\u001b[39mstep()\n", + "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/_tensor.py:522\u001b[0m, in \u001b[0;36mTensor.backward\u001b[0;34m(self, gradient, retain_graph, create_graph, inputs)\u001b[0m\n\u001b[1;32m 512\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m has_torch_function_unary(\u001b[38;5;28mself\u001b[39m):\n\u001b[1;32m 513\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m handle_torch_function(\n\u001b[1;32m 514\u001b[0m Tensor\u001b[38;5;241m.\u001b[39mbackward,\n\u001b[1;32m 515\u001b[0m (\u001b[38;5;28mself\u001b[39m,),\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 520\u001b[0m inputs\u001b[38;5;241m=\u001b[39minputs,\n\u001b[1;32m 521\u001b[0m )\n\u001b[0;32m--> 522\u001b[0m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mautograd\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 523\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mgradient\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\n\u001b[1;32m 524\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/autograd/__init__.py:266\u001b[0m, in \u001b[0;36mbackward\u001b[0;34m(tensors, grad_tensors, retain_graph, create_graph, grad_variables, inputs)\u001b[0m\n\u001b[1;32m 261\u001b[0m retain_graph \u001b[38;5;241m=\u001b[39m create_graph\n\u001b[1;32m 263\u001b[0m \u001b[38;5;66;03m# The reason we repeat the same comment below is that\u001b[39;00m\n\u001b[1;32m 264\u001b[0m \u001b[38;5;66;03m# some Python versions print out the first line of a multi-line function\u001b[39;00m\n\u001b[1;32m 265\u001b[0m \u001b[38;5;66;03m# calls in the traceback and some print out the last line\u001b[39;00m\n\u001b[0;32m--> 266\u001b[0m \u001b[43mVariable\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_execution_engine\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mrun_backward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;66;43;03m# Calls into the C++ engine to run the backward pass\u001b[39;49;00m\n\u001b[1;32m 267\u001b[0m \u001b[43m \u001b[49m\u001b[43mtensors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 268\u001b[0m \u001b[43m \u001b[49m\u001b[43mgrad_tensors_\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 269\u001b[0m \u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 270\u001b[0m \u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 271\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 272\u001b[0m \u001b[43m \u001b[49m\u001b[43mallow_unreachable\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 273\u001b[0m \u001b[43m \u001b[49m\u001b[43maccumulate_grad\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 274\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " ] } ], "source": [ "\n", - "from tqdm import tqdm\n", - "\n", + "from torch.nn import functional as F\n", "for epoch in range(args.num_epochs):\n", " model.train()\n", " for step_id, (x, y) in enumerate(train_loader):\n", @@ -423,7 +440,7 @@ " x_val = x_val.to(device)\n", " y_val = y_val.to(device)\n", " val_outputs = model(x_val, labels=y_val)\n", - " val_loss_list.append(val_outputs.loss)\n", + " # val_loss_list.append(val_outputs.loss)\n", " # val_loss_sum += val_outputs.loss.item()\n", "\n", " # Calculate token-level accuracy\n", @@ -432,6 +449,8 @@ " predictions = torch.argmax(logits, dim=-1)\n", " # print(f'predictions shape: {predictions.shape}')\n", " acc = (predictions == y_val).float().mean()\n", + " loss = F.cross_entropy(logits.view(-1, logits.size(-1)), y_val.view(-1))\n", + " val_loss_list.append(loss)\n", " val_acc_list.append(acc)\n", " # print(f'correct predictions: {correct_predictions}')\n", " # total_predictions += torch.numel(x)\n", From 1e3f99c56acc5bf0855d1b29633c5765b549b8c6 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Mon, 26 Aug 2024 14:42:54 +0000 Subject: [PATCH 38/45] don't need to split the data in x and y --- plain.ipynb | 18 +- plain_noY.ipynb | 485 ++++++++++++++++++++++++++++++++++++++++++++++++ 2 files changed, 494 insertions(+), 9 deletions(-) create mode 100644 plain_noY.ipynb diff --git a/plain.ipynb b/plain.ipynb index 3f2202a..018d3af 100644 --- a/plain.ipynb +++ b/plain.ipynb @@ -113,25 +113,25 @@ " idx = 0\n", " len_x_all = len(x_all)\n", " x_seq = []\n", - " y_seq = [] \n", - " for i in range((len_x_all-1) // max_seq_length):\n", + " # y_seq = [] \n", + " for i in range(len_x_all // max_seq_length):\n", " x = x_all[i*max_seq_length:(i+1)*max_seq_length]\n", - " y = x_all[i*max_seq_length+1:(i+1)*max_seq_length+1]\n", + " # y = x_all[i*max_seq_length+1:(i+1)*max_seq_length+1]\n", " x_seq.append(x)\n", - " y_seq.append(y)\n", + " # y_seq.append(y)\n", " \n", " indices = np.random.permutation(len(x_seq))\n", - " x_seq_shuffled = [x_seq[i] for i in indices]\n", - " y_seq_shuffled = [y_seq[i] for i in indices]\n", - " train_x, train_y = x_seq_shuffled[:int(0.8*len(x_seq))], y_seq_shuffled[:int(0.8*len(x_seq))]\n", - " val_x, val_y = x_seq_shuffled[int(0.8*len(x_seq)):], y_seq_shuffled[int(0.8*len(x_seq)):]\n", + " seq_shuffled = [x_seq[i] for i in indices]\n", + " # y_seq_shuffled = [y_seq[i] for i in indices]\n", + " train = seq_shuffled[:int(0.8*len(x_seq))]\n", + " val = seq_shuffled[int(0.8*len(x_seq)):]\n", " # mem = np.memmap(train_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_train), max_seq_length))\n", " # for i, x in enumerate(x_seq_train):\n", " # mem[i] = x\n", " # mem = np.memmap(test_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_test), max_seq_length))\n", " # for i, x in enumerate(x_seq_test):\n", " # mem[i] = x\n", - " print(f'num train data 80 percent: {len(train_x)}, num val data 20 persent: {len(val_x)}, num tokens {len(x_all)} floor divided by max_seq_length {max_seq_length}')\n", + " print(f'num train data 80 percent: {len(train)}, num val data 20 persent: {len(val)}, num tokens {len(x_all)} floor divided by max_seq_length {max_seq_length}')\n", " \n", "\n", " return {\"train_x\": train_x, \"train_y\": train_y, \"val_x\": val_x, \"val_y\": val_y, \"shuffle\": indices}\n", diff --git a/plain_noY.ipynb b/plain_noY.ipynb new file mode 100644 index 0000000..aa60030 --- /dev/null +++ b/plain_noY.ipynb @@ -0,0 +1,485 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/home/yunyao/.local/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "from transformers import (\n", + " AutoModelForCausalLM,\n", + " AutoTokenizer,\n", + " DataCollator,\n", + " DataCollatorForLanguageModeling,\n", + " PreTrainedModel,\n", + " PreTrainedTokenizerBase,\n", + " Trainer,\n", + ")\n", + "import os\n", + "import requests\n", + "import numpy as np\n", + "import inspect\n", + "# detect cuda\n", + "import torch\n", + "\n", + "device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n", + "\n", + "class Args:\n", + " def __init__(self, **kwargs):\n", + " for key, value in kwargs.items():\n", + " setattr(self, key, value)\n", + "\n", + "# Example usage\n", + "args = Args(\n", + " lr=1e-4, \n", + " beta1=0.9,\n", + " beta2=0.95,\n", + " weight_decay=0.01,\n", + " warmup_percent=0.05,\n", + " scheduler = 'cos',\n", + " batch_size=32, \n", + " num_epochs=3,\n", + " eval_freq = 2,\n", + " device='cuda:0',\n", + " model_name='gpt2',\n", + " max_seq_length=256,\n", + " prompt = \"I would like to\",\n", + ")\n", + "\n", + "device_type = \"cuda\" if \"cuda\" in str(args.device) else \"cpu\"\n", + "if device_type == \"cuda\":\n", + " torch.cuda.set_device(args.device)\n", + "\n", + "model = AutoModelForCausalLM.from_pretrained(args.model_name)\n", + "model.to(device)\n", + "tokenizer = AutoTokenizer.from_pretrained(args.model_name)\n", + "tokenizer.pad_token = tokenizer.eos_token\n", + "max_seq_length = min(tokenizer.model_max_length, args.max_seq_length)\n", + "\n", + "def get_shakespeare_dataset(max_seq_length=max_seq_length):\n", + " char_tknzr = tokenizer.encode\n", + " DATA_PATH = os.path.join(os.getcwd(), \"datasets\", \"shakespeare\")\n", + " raw_path = os.path.join(DATA_PATH, \"raw.txt\")\n", + " train_path = os.path.join(DATA_PATH, f\"train.npy\")\n", + " test_path = os.path.join(DATA_PATH, f\"test.npy\")\n", + " # if path is not even there, download all data\n", + " if not os.path.exists(DATA_PATH):\n", + " print(\"Downloading raw Shakespeare texts\")\n", + " url = \"https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt\"\n", + " os.makedirs(DATA_PATH, exist_ok=True)\n", + " text = requests.get(url, timeout=60).text\n", + " with open(raw_path, \"w+\", encoding=\"utf8\") as f:\n", + " f.write(text)\n", + " \n", + " if not os.path.exists(train_path) or not os.path.exists(test_path):\n", + " print(\"Tokenizing Shakespeare texts\")\n", + " # load text\n", + " with open(raw_path, encoding=\"utf8\") as f:\n", + " text = \"\".join(f.readlines())\n", + " i = int(0.8*len(text))\n", + " # encode text\n", + " x_all = np.array(char_tknzr(text))\n", + " idx = 0\n", + " len_x_all = len(x_all)\n", + " seq = []\n", + " for i in range(len_x_all // max_seq_length):\n", + " x = x_all[i*max_seq_length:(i+1)*max_seq_length]\n", + " seq.append(x)\n", + " \n", + " indices = np.random.permutation(len(seq))\n", + " seq_shuffled = [seq[i] for i in indices]\n", + " train = seq_shuffled[:int(0.8*len(seq))]\n", + " val = seq_shuffled[int(0.8*len(seq)):]\n", + " # mem = np.memmap(train_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_train), max_seq_length))\n", + " # for i, x in enumerate(x_seq_train):\n", + " # mem[i] = x\n", + " # mem = np.memmap(test_path, dtype=np.uint16, mode=\"w+\", shape=(len(x_seq_test), max_seq_length))\n", + " # for i, x in enumerate(x_seq_test):\n", + " # mem[i] = x\n", + " print(f'num train data 80 percent: {len(train)}, num val data 20 persent: {len(val)}, num tokens {len(x_all)} floor divided by max_seq_length {max_seq_length}')\n", + " \n", + "\n", + " return {\"train\": train, \"val\": val, \"shuffle\": indices}\n", + "\n", + " # x = np.array(char_tknzr(text[:i]), dtype=np.uint16)\n", + " # x_test = np.array(char_tknzr(text[i:]), dtype=np.uint16)\n", + " # # map memory\n", + " # mem = np.memmap(train_path, dtype=np.uint16, mode=\"w+\", shape=x.shape)\n", + " # mem[:] = x\n", + " # mem = np.memmap(test_path, dtype=np.uint16, mode=\"w+\", shape=x_test.shape)\n", + " # mem[:] = x_test\n", + "\n", + " # # at this point we know that the binfile was properly created so we load it\n", + " # return {\"train\": np.memmap(train_path, dtype=np.uint16, mode=\"r\"),\n", + " # \"val\": np.memmap(test_path, dtype=np.uint16, mode=\"r\"),\n", + " # \"shuffle\": indices}\n", + "class MyDataset(torch.utils.data.Dataset):\n", + " def __init__(self, data):\n", + " super().__init__()\n", + " self.data = data\n", + "\n", + " def __len__(self):\n", + " # chunk the data into sequences of length `sequence_length`\n", + " # NOTE: we discard the last remainding sequence if it's not of length `sequence_length`\n", + " return len(self.data)\n", + "\n", + " def __getitem__(self, idx):\n", + " sample = self.data[idx]\n", + " return sample\n", + "\n", + "dataset = get_shakespeare_dataset(max_seq_length=args.max_seq_length)\n", + "train_dataset = MyDataset(dataset['train'])# sft_config = SFTConfig(\n", + "val_dataset = MyDataset(dataset['val'])\n", + "\n", + "print(f\"train dataset size: {len(train_dataset)}, val dataset size: {len(val_dataset)}\")\n", + "# dataset_text_field=\"text\",\n", + "# max_seq_length=512,\n", + "# output_dir=\"/tmp\",\n", + "# )\n", + "# trainer = SFTTrainer(\n", + "# \"gpt2\",\n", + "# train_dataset=dataset,\n", + "# args=sft_config,\n", + "# )\n", + "# trainer.train()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "num steps per epoch: 33\n", + "num steps per val epoch: 9\n" + ] + } + ], + "source": [ + "train_loader = torch.utils.data.DataLoader(\n", + " train_dataset,\n", + " batch_size=args.batch_size,\n", + " shuffle=False,\n", + " )\n", + "val_loader = torch.utils.data.DataLoader(\n", + " val_dataset,\n", + " batch_size=args.batch_size,\n", + " shuffle=False,\n", + " )\n", + "\n", + "print(f'num steps per epoch: {len(train_loader)}')\n", + "print(f'num steps per val epoch: {len(val_loader)}')\n", + "# data_collator = DataCollatorForLanguageModeling(tokenizer=tokenizer, mlm=False)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "I would like to thank our donors, and our volunteers and our community, for working so hard.\n", + "\n", + "In the past ten years, we've\n" + ] + } + ], + "source": [ + "\n", + "input_ids = tokenizer(args.prompt, return_tensors=\"pt\").input_ids.to(device)\n", + "gen_tokens = model.generate(\n", + " input_ids,\n", + " do_sample=True,\n", + " temperature=0.9,\n", + " max_length=30,\n", + " pad_token_id=tokenizer.eos_token_id # EOS Token\n", + ")\n", + "gen_text = tokenizer.batch_decode(gen_tokens)[0]\n", + "print(gen_text)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters)\n", + "extra_args = dict(fused=True) if use_fused else dict()\n", + "opt = torch.optim.AdamW(model.parameters(), lr=args.lr, betas=(args.beta1, args.beta2),\n", + " weight_decay=args.weight_decay, **extra_args)\n", + "\n", + "iterations = len(train_loader) * args.num_epochs\n", + "scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, \n", + " total_steps=iterations, \n", + " pct_start=args.warmup_percent, \n", + " anneal_strategy=args.scheduler, \n", + " cycle_momentum=False, div_factor=1e2, \n", + " final_div_factor=.1)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0/0 [train] loss=4.606 [val] loss=4.410, acc=0.323581 [lr] 0.00002\n", + "I would like to know if anyone has any other thoughts on the matter: What do you think would have happened if you are currently in charge of The\n", + "0/2 [train] loss=4.445 [val] loss=3.969, acc=0.316203 [lr] 0.00009\n", + "I would like to speak with you about the situation.\n", + "\n", + "\n", + "What are your thoughts on the recent situation, and why did you decide to go back\n", + "0/4 [train] loss=4.093 [val] loss=3.909, acc=0.314019 [lr] 0.00010\n", + "I would like to say thank you for doing so great work. I am so very privileged with the opportunity to be able to become your mentor here.\n", + "0/6 [train] loss=3.977 [val] loss=3.846, acc=0.325534 [lr] 0.00010\n", + "I would like to ask you to give me some assurance that I am fully willing to meet as many worthy men as I can bear in your midst,\n", + "0/8 [train] loss=4.025 [val] loss=3.812, acc=0.330295 [lr] 0.00010\n", + "I would like to hear your answer, it seems.\n", + "\n", + "How you say, \"I am not your father. I love my father,\" says\n", + "0/10 [train] loss=4.087 [val] loss=3.786, acc=0.334188 [lr] 0.00010\n", + "I would like to thank you for your assistance.\n", + "\n", + "NAPOLEUS\n", + "\n", + "Thank you, and thank you:\n", + "POUL\n", + "0/12 [train] loss=3.809 [val] loss=3.739, acc=0.339057 [lr] 0.00010\n", + "I would like to thank his friends and the people who have sent him over.\n", + "\n", + "\n", + "VINCENTINI:\n", + "And now, I\n", + "0/14 [train] loss=3.833 [val] loss=3.709, acc=0.342963 [lr] 0.00010\n", + "I would like to thank you for doing so well, and for your care, it pains me at this time.\"\n", + "\n", + "\n", + "\n", + "\n", + "\n", + "B\n", + "0/16 [train] loss=3.790 [val] loss=3.681, acc=0.347765 [lr] 0.00010\n", + "I would like to say, sir, that my words have already been said, and not to hear them till I think, and then may say my\n", + "0/18 [train] loss=3.722 [val] loss=3.661, acc=0.349379 [lr] 0.00009\n", + "I would like to thank You since it is such;\n", + "I have made myself known to them; their business\n", + "Which the world, that I will\n", + "0/20 [train] loss=3.829 [val] loss=3.635, acc=0.352376 [lr] 0.00009\n", + "I would like to know how much the state of his heart will allow us in this state, so that the general will be well acquainted with his state\n", + "0/22 [train] loss=3.565 [val] loss=3.618, acc=0.354655 [lr] 0.00009\n", + "I would like to give you such encouragement as I may for a few things.\n", + "NAPPER:\n", + "My dear mother, are you well to\n", + "0/24 [train] loss=3.724 [val] loss=3.602, acc=0.357110 [lr] 0.00009\n", + "I would like to thank you, O Lord, for this good news of mine heart:\n", + "I have known you very well, and you are good\n", + "0/26 [train] loss=3.740 [val] loss=3.587, acc=0.358643 [lr] 0.00009\n", + "I would like to see you,\n", + "The son of God,\n", + "If you would like to be of good cheer to us;\n", + "I mean you\n", + "0/28 [train] loss=3.788 [val] loss=3.572, acc=0.360813 [lr] 0.00009\n", + "I would like to say as much:\n", + "I'll leave, I'll say if I had\n", + "the courage to give my life with these words.\n", + "0/30 [train] loss=3.641 [val] loss=3.560, acc=0.362739 [lr] 0.00008\n", + "I would like to leave you to comfort me, and I am sure I shall.\n", + "GISBY:\n", + "If you had an hour, I\n", + "0/32 [train] loss=3.770 [val] loss=3.548, acc=0.364434 [lr] 0.00008\n", + "I would like to see your children.\n", + "\n", + "YORK:\n", + "So, this is your daughter: you are a woman very virtuous.\n", + "\n", + "\n", + "0/0 [train] loss=3.663 [val] loss=3.543, acc=0.365045 [lr] 0.00008\n", + "I would like to make a present; I have so many good times\n", + "To make this present,\n", + "But with some slight alteration:\n", + "I would\n", + "0/2 [train] loss=3.637 [val] loss=3.533, acc=0.366713 [lr] 0.00008\n", + "I would like to know what\n", + "The Lord wills to do to me I'll tell unto thee.\n", + "O, what means\n", + "That I may leave\n", + "0/4 [train] loss=3.489 [val] loss=3.525, acc=0.367906 [lr] 0.00007\n", + "I would like to say I, the son of Josephine, with you,\n", + "I beg you, that my daughter marry me to your father!\n", + "0/6 [train] loss=3.483 [val] loss=3.517, acc=0.368910 [lr] 0.00007\n", + "I would like to stay,\n", + "And tell you something.\n", + "\n", + "QUEEN VINCENTIO:\n", + "If I cannot speak, I'll\n", + "0/8 [train] loss=3.575 [val] loss=3.507, acc=0.370660 [lr] 0.00007\n", + "I would like to thank you: with your prayers and your grace to our hearts, our prayers and all the world's prayers to you, now be\n", + "0/10 [train] loss=3.648 [val] loss=3.499, acc=0.371596 [lr] 0.00007\n", + "I would like to hear from you yourself:\n", + "Do you think he is the man?\n", + "HORTENSIO:\n", + "No, he is the\n", + "0/12 [train] loss=3.421 [val] loss=3.496, acc=0.371731 [lr] 0.00006\n", + "I would like to know the name of Edward Grey, and the power that he wields\n", + "To fight the world.\n", + "DUKE VINC\n", + "0/14 [train] loss=3.487 [val] loss=3.491, acc=0.371989 [lr] 0.00006\n", + "I would like to report you a little more: the man himself had his time,\n", + "But he did so late as you did.\n", + "\n", + "H\n", + "0/16 [train] loss=3.493 [val] loss=3.488, acc=0.372437 [lr] 0.00006\n", + "I would like to know the meaning of this,\n", + "And do you hear that the king hath said to thee?\n", + "\n", + "KING EDWARD VI:\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[15], line 12\u001b[0m\n\u001b[1;32m 10\u001b[0m loss \u001b[38;5;241m=\u001b[39m outputs\u001b[38;5;241m.\u001b[39mloss\n\u001b[1;32m 11\u001b[0m train_loss \u001b[38;5;241m=\u001b[39m loss\u001b[38;5;241m.\u001b[39mitem()\n\u001b[0;32m---> 12\u001b[0m \u001b[43mloss\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 13\u001b[0m opt\u001b[38;5;241m.\u001b[39mstep()\n\u001b[1;32m 14\u001b[0m scheduler\u001b[38;5;241m.\u001b[39mstep()\n", + "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/_tensor.py:522\u001b[0m, in \u001b[0;36mTensor.backward\u001b[0;34m(self, gradient, retain_graph, create_graph, inputs)\u001b[0m\n\u001b[1;32m 512\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m has_torch_function_unary(\u001b[38;5;28mself\u001b[39m):\n\u001b[1;32m 513\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m handle_torch_function(\n\u001b[1;32m 514\u001b[0m Tensor\u001b[38;5;241m.\u001b[39mbackward,\n\u001b[1;32m 515\u001b[0m (\u001b[38;5;28mself\u001b[39m,),\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 520\u001b[0m inputs\u001b[38;5;241m=\u001b[39minputs,\n\u001b[1;32m 521\u001b[0m )\n\u001b[0;32m--> 522\u001b[0m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mautograd\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 523\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mgradient\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\n\u001b[1;32m 524\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/autograd/__init__.py:266\u001b[0m, in \u001b[0;36mbackward\u001b[0;34m(tensors, grad_tensors, retain_graph, create_graph, grad_variables, inputs)\u001b[0m\n\u001b[1;32m 261\u001b[0m retain_graph \u001b[38;5;241m=\u001b[39m create_graph\n\u001b[1;32m 263\u001b[0m \u001b[38;5;66;03m# The reason we repeat the same comment below is that\u001b[39;00m\n\u001b[1;32m 264\u001b[0m \u001b[38;5;66;03m# some Python versions print out the first line of a multi-line function\u001b[39;00m\n\u001b[1;32m 265\u001b[0m \u001b[38;5;66;03m# calls in the traceback and some print out the last line\u001b[39;00m\n\u001b[0;32m--> 266\u001b[0m \u001b[43mVariable\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_execution_engine\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mrun_backward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;66;43;03m# Calls into the C++ engine to run the backward pass\u001b[39;49;00m\n\u001b[1;32m 267\u001b[0m \u001b[43m \u001b[49m\u001b[43mtensors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 268\u001b[0m \u001b[43m \u001b[49m\u001b[43mgrad_tensors_\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 269\u001b[0m \u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 270\u001b[0m \u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 271\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 272\u001b[0m \u001b[43m \u001b[49m\u001b[43mallow_unreachable\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 273\u001b[0m \u001b[43m \u001b[49m\u001b[43maccumulate_grad\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 274\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "\n", + "from torch.nn import functional as F\n", + "for epoch in range(args.num_epochs):\n", + " model.train()\n", + " for step_id, x in enumerate(train_loader):\n", + " # print(f'x shape: {x.shape}, y shape: {y.shape}')\n", + " x = x.to(device)\n", + " opt.zero_grad()\n", + " outputs = model(x, labels=x)\n", + " loss = outputs.loss\n", + " train_loss = loss.item()\n", + " loss.backward()\n", + " opt.step()\n", + " scheduler.step()\n", + " opt.zero_grad()\n", + "\n", + " if step_id % args.eval_freq == 0 or step_id == len(train_loader):\n", + " # Validation\n", + " model.eval()\n", + " epoch = step_id//len(train_loader)\n", + " current_lr = scheduler.get_last_lr()[0] if args.scheduler is not None else extra_args.lr\n", + " \n", + " correct_predictions = 0\n", + " total_predictions = 0\n", + " val_loss_sum = 0\n", + " val_loss_list = [] \n", + " val_acc_list = []\n", + " num_predictions = args.batch_size * args.max_seq_length\n", + " with torch.no_grad():\n", + " for x_val in val_loader:\n", + " x_val = x_val.to(device)\n", + " val_outputs = model(x_val, labels=x_val)\n", + " # val_loss_list.append(val_outputs.loss)\n", + " # val_loss_sum += val_outputs.loss.item()\n", + "\n", + " # Calculate token-level accuracy\n", + " logits = val_outputs.logits\n", + " shift_logits = logits[..., :-1, :].contiguous()\n", + " shift_labels = x_val[..., 1:].contiguous()\n", + " # Flatten the tokens\n", + " loss = F.cross_entropy(shift_logits.view(-1, shift_logits.size(-1)), shift_labels.view(-1))\n", + " # print(f'logits shape: {logits.shape}')\n", + " predictions = torch.argmax(shift_logits, dim=-1)\n", + " # print(f'predictions shape: {predictions.shape}')\n", + " acc = (predictions == shift_labels).float().mean()\n", + " val_loss_list.append(loss)\n", + " val_acc_list.append(acc)\n", + " # print(f'correct predictions: {correct_predictions}')\n", + " # total_predictions += torch.numel(x)\n", + " # print(f'total predictions: {total_predictions}')\n", + "\n", + " # val_loss = val_loss_sum / len(val_loader)\n", + " # val_loss = sum(val_loss_list)/len(val_loss_list)\n", + " # print(f'val loss: {val_loss}')\n", + " val_acc = torch.stack(val_acc_list).mean().item()\n", + " val_loss = torch.stack(val_loss_list).mean().item()\n", + " # val_acc = sum(val_acc_list)/len(val_acc_list)\n", + " # print(f'val acc: {val_acc}')\n", + "\n", + " print_string = f\"{epoch}/{step_id + epoch * len(train_loader)} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, acc={val_acc:3f}\"\n", + " if scheduler is not None:\n", + " print_string += f\" [lr] {current_lr:.5f}\"\n", + " print(print_string)\n", + " input_ids = tokenizer(args.prompt, return_tensors=\"pt\").input_ids.to(device)\n", + " gen_tokens = model.generate(\n", + " input_ids,\n", + " do_sample=True,\n", + " temperature=0.9,\n", + " max_length=30,\n", + " pad_token_id=tokenizer.eos_token_id # EOS Token\n", + " )\n", + " gen_text = tokenizer.batch_decode(gen_tokens)[0]\n", + " print(gen_text)\n", + "\n", + " model.train()\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "base", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From f05e3c534137cef4fa1f47743564b98d386e01f4 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 27 Aug 2024 12:43:12 +0000 Subject: [PATCH 39/45] record --- plain_noY.ipynb | 305 +++++++++++++++++------------ scripts/train-baselines-example.sh | 5 +- src/config/base.py | 6 +- src/data/utils.py | 81 ++++++++ src/main_copy.py | 137 +++++++++++++ src/models/utils.py | 14 +- src/optim/base.py | 5 +- src/optim/base_copy.py | 176 +++++++++++++++++ src/optim/utils.py | 36 ++++ 9 files changed, 630 insertions(+), 135 deletions(-) create mode 100755 src/main_copy.py create mode 100755 src/optim/base_copy.py diff --git a/plain_noY.ipynb b/plain_noY.ipynb index aa60030..a523aaf 100644 --- a/plain_noY.ipynb +++ b/plain_noY.ipynb @@ -2,15 +2,38 @@ "cells": [ { "cell_type": "code", - "execution_count": 3, + "execution_count": 6, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "/home/yunyao/.local/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", - " from .autonotebook import tqdm as notebook_tqdm\n" + "/home/yunyao/conda/lib/python3.12/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884\n", + " warnings.warn(\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "50257\n", + "Tokenizing Shakespeare texts\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Token indices sequence length is longer than the specified maximum sequence length for this model (338025 > 1024). Running this sequence through the model will result in indexing errors\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "num train data 80 percent: 1056, num val data 20 persent: 264, num tokens 338025 floor divided by max_seq_length 256\n", + "train dataset size: 1056, val dataset size: 264\n" ] } ], @@ -18,11 +41,6 @@ "from transformers import (\n", " AutoModelForCausalLM,\n", " AutoTokenizer,\n", - " DataCollator,\n", - " DataCollatorForLanguageModeling,\n", - " PreTrainedModel,\n", - " PreTrainedTokenizerBase,\n", - " Trainer,\n", ")\n", "import os\n", "import requests\n", @@ -46,9 +64,9 @@ " weight_decay=0.01,\n", " warmup_percent=0.05,\n", " scheduler = 'cos',\n", - " batch_size=32, \n", - " num_epochs=3,\n", - " eval_freq = 2,\n", + " batch_size=128, \n", + " num_epochs=30,\n", + " eval_freq =10,\n", " device='cuda:0',\n", " model_name='gpt2',\n", " max_seq_length=256,\n", @@ -64,6 +82,7 @@ "tokenizer = AutoTokenizer.from_pretrained(args.model_name)\n", "tokenizer.pad_token = tokenizer.eos_token\n", "max_seq_length = min(tokenizer.model_max_length, args.max_seq_length)\n", + "print(tokenizer.vocab_size)\n", "\n", "def get_shakespeare_dataset(max_seq_length=max_seq_length):\n", " char_tknzr = tokenizer.encode\n", @@ -85,10 +104,8 @@ " # load text\n", " with open(raw_path, encoding=\"utf8\") as f:\n", " text = \"\".join(f.readlines())\n", - " i = int(0.8*len(text))\n", " # encode text\n", " x_all = np.array(char_tknzr(text))\n", - " idx = 0\n", " len_x_all = len(x_all)\n", " seq = []\n", " for i in range(len_x_all // max_seq_length):\n", @@ -155,15 +172,15 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "num steps per epoch: 33\n", - "num steps per val epoch: 9\n" + "num steps per epoch: 9\n", + "num steps per val epoch: 3\n" ] } ], @@ -186,16 +203,23 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 3, "metadata": {}, "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "The attention mask is not set and cannot be inferred from input because pad token is same as eos token. As a consequence, you may observe unexpected behavior. Please pass your input's `attention_mask` to obtain reliable results.\n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "I would like to thank our donors, and our volunteers and our community, for working so hard.\n", + "I would like to share with you some great tips and tricks that can help you out with your own build process.\n", "\n", - "In the past ten years, we've\n" + "Here are some of the\n" ] } ], @@ -215,7 +239,7 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -243,137 +267,162 @@ }, { "cell_type": "code", - "execution_count": null, + "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "0/0 [train] loss=4.606 [val] loss=4.410, acc=0.323581 [lr] 0.00002\n", - "I would like to know if anyone has any other thoughts on the matter: What do you think would have happened if you are currently in charge of The\n", - "0/2 [train] loss=4.445 [val] loss=3.969, acc=0.316203 [lr] 0.00009\n", - "I would like to speak with you about the situation.\n", + "0/0 [train] loss=4.600 [val] loss=4.427, acc=0.331485 [lr] 0.00000\n", + "I would like to congratulate Toretto on his achievement in this monumental challenge.\"\n", "\n", + "\"I think we have made a fantastic performance. I'm\n", + "0/0 [train] loss=4.021 [val] loss=3.803, acc=0.339440 [lr] 0.00009\n", + "I would like to thank all who, for their hospitality, and thank my dear neighbour, have remained steadfast, since the time of your parting, when\n", + "0/0 [train] loss=3.802 [val] loss=3.642, acc=0.354831 [lr] 0.00010\n", + "I would like to thank you, my children, for your hospitality and honourable service to us.\n", "\n", - "What are your thoughts on the recent situation, and why did you decide to go back\n", - "0/4 [train] loss=4.093 [val] loss=3.909, acc=0.314019 [lr] 0.00010\n", - "I would like to say thank you for doing so great work. I am so very privileged with the opportunity to be able to become your mentor here.\n", - "0/6 [train] loss=3.977 [val] loss=3.846, acc=0.325534 [lr] 0.00010\n", - "I would like to ask you to give me some assurance that I am fully willing to meet as many worthy men as I can bear in your midst,\n", - "0/8 [train] loss=4.025 [val] loss=3.812, acc=0.330295 [lr] 0.00010\n", - "I would like to hear your answer, it seems.\n", + "You look, my brothers; you cannot\n", + "0/0 [train] loss=3.648 [val] loss=3.548, acc=0.366105 [lr] 0.00010\n", + "I would like to thank you gentlemen for this gracious deed!\n", + "KING RICHARD II:\n", + "Sir, I am your lord.\n", "\n", - "How you say, \"I am not your father. I love my father,\" says\n", - "0/10 [train] loss=4.087 [val] loss=3.786, acc=0.334188 [lr] 0.00010\n", - "I would like to thank you for your assistance.\n", + "KING\n", + "0/0 [train] loss=3.546 [val] loss=3.485, acc=0.375368 [lr] 0.00010\n", + "I would like to have done with you when I did come to thy house\n", + "And I tell him, thou young man, how much I can't\n", + "0/0 [train] loss=3.469 [val] loss=3.443, acc=0.382659 [lr] 0.00010\n", + "I would like to set your hands on your bed;\n", + "I might not not be so much for your mother's sake\n", + "As for mine.\n", "\n", - "NAPOLEUS\n", + "0/0 [train] loss=3.412 [val] loss=3.420, acc=0.386152 [lr] 0.00009\n", + "I would like to live,\n", + "And have no more ado about than those where God would take\n", + "You.\n", + "PROSPERO:\n", + "No\n", + "0/0 [train] loss=3.367 [val] loss=3.402, acc=0.388399 [lr] 0.00009\n", + "I would like to pray and to hear\n", + "A new age about the marriage: for he's to be married;\n", + "For now, for I want\n", + "0/0 [train] loss=3.321 [val] loss=3.390, acc=0.390482 [lr] 0.00009\n", + "I would like to thank the Lord as well as myself\n", + "For this privilege of mine.\n", "\n", - "Thank you, and thank you:\n", - "POUL\n", - "0/12 [train] loss=3.809 [val] loss=3.739, acc=0.339057 [lr] 0.00010\n", - "I would like to thank his friends and the people who have sent him over.\n", + "BENVOLIO:\n", + "So your royal majesty\n", + "0/0 [train] loss=3.275 [val] loss=3.381, acc=0.391953 [lr] 0.00008\n", + "I would like to be a guest at my house:\n", + "My brother loves her very much, I must say;\n", + "As for her mother, she\n", + "0/0 [train] loss=3.241 [val] loss=3.373, acc=0.393627 [lr] 0.00008\n", + "I would like to speak of this,\n", + "That I shall not omit: what we shall call it,\n", + "As far from this we shall not call\n", + "0/0 [train] loss=3.214 [val] loss=3.365, acc=0.394261 [lr] 0.00008\n", + "I would like to say what I have said before,\n", + "While I am not the subject of it:\n", + "I am not your lady\n", + "Your friend\n", + "0/0 [train] loss=3.178 [val] loss=3.365, acc=0.395282 [lr] 0.00007\n", + "I would like to hear, and speak what the man is thinking.\n", + "Sirius, it lies in thy heart,\n", + "To set thee on the\n", + "0/0 [train] loss=3.145 [val] loss=3.367, acc=0.395108 [lr] 0.00007\n", + "I would like to be you,\n", + "But will it please thee to take care\n", + "That you be not so long as I, or your eyes,\n", + "0/0 [train] loss=3.121 [val] loss=3.364, acc=0.396446 [lr] 0.00006\n", + "I would like to know your reason,\n", + "That I could tell you what was in your mind;\n", + "And, that is, where you stand now\n", + "0/0 [train] loss=3.098 [val] loss=3.367, acc=0.396640 [lr] 0.00006\n", + "I would like to have,\n", + "But I have not been here awhile.\n", "\n", + "BRUTUS:\n", + "I was once here, sir.\n", "\n", - "VINCENTINI:\n", - "And now, I\n", - "0/14 [train] loss=3.833 [val] loss=3.709, acc=0.342963 [lr] 0.00010\n", - "I would like to thank you for doing so well, and for your care, it pains me at this time.\"\n", + "0/0 [train] loss=3.080 [val] loss=3.370, acc=0.396558 [lr] 0.00005\n", + "I would like to thank you.\n", "\n", + "FLORIZEL:\n", + "I have deserved death for my sins.\n", "\n", + "MONTAGUE:\n", "\n", + "0/0 [train] loss=3.055 [val] loss=3.372, acc=0.397968 [lr] 0.00005\n", + "I would like to thank you.\n", "\n", + "DUKE VINCENTIO:\n", + "I had rather be obdurate than sit upon thy knee\n", + "0/0 [train] loss=3.039 [val] loss=3.377, acc=0.398468 [lr] 0.00004\n", + "I would like to speak with you, a prince.\n", "\n", - "B\n", - "0/16 [train] loss=3.790 [val] loss=3.681, acc=0.347765 [lr] 0.00010\n", - "I would like to say, sir, that my words have already been said, and not to hear them till I think, and then may say my\n", - "0/18 [train] loss=3.722 [val] loss=3.661, acc=0.349379 [lr] 0.00009\n", - "I would like to thank You since it is such;\n", - "I have made myself known to them; their business\n", - "Which the world, that I will\n", - "0/20 [train] loss=3.829 [val] loss=3.635, acc=0.352376 [lr] 0.00009\n", - "I would like to know how much the state of his heart will allow us in this state, so that the general will be well acquainted with his state\n", - "0/22 [train] loss=3.565 [val] loss=3.618, acc=0.354655 [lr] 0.00009\n", - "I would like to give you such encouragement as I may for a few things.\n", - "NAPPER:\n", - "My dear mother, are you well to\n", - "0/24 [train] loss=3.724 [val] loss=3.602, acc=0.357110 [lr] 0.00009\n", - "I would like to thank you, O Lord, for this good news of mine heart:\n", - "I have known you very well, and you are good\n", - "0/26 [train] loss=3.740 [val] loss=3.587, acc=0.358643 [lr] 0.00009\n", - "I would like to see you,\n", - "The son of God,\n", - "If you would like to be of good cheer to us;\n", - "I mean you\n", - "0/28 [train] loss=3.788 [val] loss=3.572, acc=0.360813 [lr] 0.00009\n", - "I would like to say as much:\n", - "I'll leave, I'll say if I had\n", - "the courage to give my life with these words.\n", - "0/30 [train] loss=3.641 [val] loss=3.560, acc=0.362739 [lr] 0.00008\n", - "I would like to leave you to comfort me, and I am sure I shall.\n", - "GISBY:\n", - "If you had an hour, I\n", - "0/32 [train] loss=3.770 [val] loss=3.548, acc=0.364434 [lr] 0.00008\n", - "I would like to see your children.\n", + "QUEEN MARGARET:\n", + "I am glad you have come: would\n", + "0/0 [train] loss=3.019 [val] loss=3.374, acc=0.398999 [lr] 0.00004\n", + "I would like to speak.\n", "\n", - "YORK:\n", - "So, this is your daughter: you are a woman very virtuous.\n", + "First Senator:\n", + "I do beseech your majesty, my lordship, to\n", + "answer me.\n", "\n", + "0/0 [train] loss=3.006 [val] loss=3.374, acc=0.400082 [lr] 0.00003\n", + "I would like to hear the reason of this.\n", "\n", - "0/0 [train] loss=3.663 [val] loss=3.543, acc=0.365045 [lr] 0.00008\n", - "I would like to make a present; I have so many good times\n", - "To make this present,\n", - "But with some slight alteration:\n", - "I would\n", - "0/2 [train] loss=3.637 [val] loss=3.533, acc=0.366713 [lr] 0.00008\n", - "I would like to know what\n", - "The Lord wills to do to me I'll tell unto thee.\n", - "O, what means\n", - "That I may leave\n", - "0/4 [train] loss=3.489 [val] loss=3.525, acc=0.367906 [lr] 0.00007\n", - "I would like to say I, the son of Josephine, with you,\n", - "I beg you, that my daughter marry me to your father!\n", - "0/6 [train] loss=3.483 [val] loss=3.517, acc=0.368910 [lr] 0.00007\n", - "I would like to stay,\n", - "And tell you something.\n", + "LEONTES:\n", + "Sir,\n", + "I am sorry, and would you be so,\n", + "0/0 [train] loss=2.996 [val] loss=3.378, acc=0.399306 [lr] 0.00003\n", + "I would like to go.\n", + "I am in a state of joy. I do hate to hear it so:\n", + "It is too good a time\n", + "0/0 [train] loss=2.990 [val] loss=3.382, acc=0.399714 [lr] 0.00003\n", + "I would like to have you, sir, you two, for the same purpose;\n", + "And now for a knighthood wherefore you shall sit\n", + "0/0 [train] loss=2.963 [val] loss=3.385, acc=0.398683 [lr] 0.00002\n", + "I would like to lay hold of thee in prayers.\n", "\n", - "QUEEN VINCENTIO:\n", - "If I cannot speak, I'll\n", - "0/8 [train] loss=3.575 [val] loss=3.507, acc=0.370660 [lr] 0.00007\n", - "I would like to thank you: with your prayers and your grace to our hearts, our prayers and all the world's prayers to you, now be\n", - "0/10 [train] loss=3.648 [val] loss=3.499, acc=0.371596 [lr] 0.00007\n", - "I would like to hear from you yourself:\n", - "Do you think he is the man?\n", - "HORTENSIO:\n", - "No, he is the\n", - "0/12 [train] loss=3.421 [val] loss=3.496, acc=0.371731 [lr] 0.00006\n", - "I would like to know the name of Edward Grey, and the power that he wields\n", - "To fight the world.\n", - "DUKE VINC\n", - "0/14 [train] loss=3.487 [val] loss=3.491, acc=0.371989 [lr] 0.00006\n", - "I would like to report you a little more: the man himself had his time,\n", - "But he did so late as you did.\n", + "BAPTISTA:\n", + "Tut, if aught so offend thy nature\n", + "0/0 [train] loss=2.961 [val] loss=3.384, acc=0.398805 [lr] 0.00002\n", + "I would like to have another man.\n", + "The mayor, sir, I think you have some warrants for my daughter.\n", "\n", - "H\n", - "0/16 [train] loss=3.493 [val] loss=3.488, acc=0.372437 [lr] 0.00006\n", - "I would like to know the meaning of this,\n", - "And do you hear that the king hath said to thee?\n", + "ROMEO:\n", "\n", - "KING EDWARD VI:\n" - ] - }, - { - "ename": "KeyboardInterrupt", - "evalue": "", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", - "Cell \u001b[0;32mIn[15], line 12\u001b[0m\n\u001b[1;32m 10\u001b[0m loss \u001b[38;5;241m=\u001b[39m outputs\u001b[38;5;241m.\u001b[39mloss\n\u001b[1;32m 11\u001b[0m train_loss \u001b[38;5;241m=\u001b[39m loss\u001b[38;5;241m.\u001b[39mitem()\n\u001b[0;32m---> 12\u001b[0m \u001b[43mloss\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 13\u001b[0m opt\u001b[38;5;241m.\u001b[39mstep()\n\u001b[1;32m 14\u001b[0m scheduler\u001b[38;5;241m.\u001b[39mstep()\n", - "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/_tensor.py:522\u001b[0m, in \u001b[0;36mTensor.backward\u001b[0;34m(self, gradient, retain_graph, create_graph, inputs)\u001b[0m\n\u001b[1;32m 512\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m has_torch_function_unary(\u001b[38;5;28mself\u001b[39m):\n\u001b[1;32m 513\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m handle_torch_function(\n\u001b[1;32m 514\u001b[0m Tensor\u001b[38;5;241m.\u001b[39mbackward,\n\u001b[1;32m 515\u001b[0m (\u001b[38;5;28mself\u001b[39m,),\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 520\u001b[0m inputs\u001b[38;5;241m=\u001b[39minputs,\n\u001b[1;32m 521\u001b[0m )\n\u001b[0;32m--> 522\u001b[0m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mautograd\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbackward\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 523\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mgradient\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\n\u001b[1;32m 524\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[0;32m~/conda/lib/python3.12/site-packages/torch/autograd/__init__.py:266\u001b[0m, in \u001b[0;36mbackward\u001b[0;34m(tensors, grad_tensors, retain_graph, create_graph, grad_variables, inputs)\u001b[0m\n\u001b[1;32m 261\u001b[0m retain_graph \u001b[38;5;241m=\u001b[39m create_graph\n\u001b[1;32m 263\u001b[0m \u001b[38;5;66;03m# The reason we repeat the same comment below is that\u001b[39;00m\n\u001b[1;32m 264\u001b[0m \u001b[38;5;66;03m# some Python versions print out the first line of a multi-line function\u001b[39;00m\n\u001b[1;32m 265\u001b[0m \u001b[38;5;66;03m# calls in the traceback and some print out the last line\u001b[39;00m\n\u001b[0;32m--> 266\u001b[0m \u001b[43mVariable\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_execution_engine\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mrun_backward\u001b[49m\u001b[43m(\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;66;43;03m# Calls into the C++ engine to run the backward pass\u001b[39;49;00m\n\u001b[1;32m 267\u001b[0m \u001b[43m \u001b[49m\u001b[43mtensors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 268\u001b[0m \u001b[43m \u001b[49m\u001b[43mgrad_tensors_\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 269\u001b[0m \u001b[43m \u001b[49m\u001b[43mretain_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 270\u001b[0m \u001b[43m \u001b[49m\u001b[43mcreate_graph\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 271\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 272\u001b[0m \u001b[43m \u001b[49m\u001b[43mallow_unreachable\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 273\u001b[0m \u001b[43m \u001b[49m\u001b[43maccumulate_grad\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m,\u001b[49m\n\u001b[1;32m 274\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n", - "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + "0/0 [train] loss=2.959 [val] loss=3.385, acc=0.398713 [lr] 0.00002\n", + "I would like to know as we lie in wait,\n", + "Which way we shall ascend and make our way.\n", + "\n", + "MENENIUS:\n", + "\n", + "0/0 [train] loss=2.946 [val] loss=3.389, acc=0.397927 [lr] 0.00001\n", + "I would like to speak with thee; if thou didst, bid me so pardon thee\n", + "As I have done and pray thee pardon me.\n", + "\n", + "0/0 [train] loss=2.944 [val] loss=3.389, acc=0.398529 [lr] 0.00001\n", + "I would like to be a courtier; and one that cares not to be a judge\n", + "Of law.\n", + "\n", + "ROMEO:\n", + "If you\n", + "0/0 [train] loss=2.948 [val] loss=3.389, acc=0.398407 [lr] 0.00001\n", + "I would like to thank you, sir,\n", + "For your kind and kind service, and for your good looks.\n", + "\n", + "MERCUTIO:\n", + "0/0 [train] loss=2.939 [val] loss=3.391, acc=0.398611 [lr] 0.00001\n", + "I would like to know how she fares.\n", + "\n", + "DUKE VINCENTIO:\n", + "Well, what!\n", + "\n", + "ISABELLA\n" ] } ], @@ -477,7 +526,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.10.12" + "version": "3.12.2" } }, "nbformat": 4, diff --git a/scripts/train-baselines-example.sh b/scripts/train-baselines-example.sh index f150853..26e543b 100755 --- a/scripts/train-baselines-example.sh +++ b/scripts/train-baselines-example.sh @@ -35,4 +35,7 @@ python ./src/main.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 # nz python ./src/main_nz.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandbd --wandb_project slimpajama --wandb_run_prefix nz # cr -python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_project slimpajama --wandb_run_prefix cr \ No newline at end of file +python ./src/main_cr.py --dataset=slimpajama --n_embd 768 --n_head 12 --n_layer 24 --batch_size 100 --sequence_length 512 --acc_steps 1 --dropout 0.05 --wandb --wandb_project slimpajama --wandb_run_prefix cr + +# 2024-08-27 +python ./src/main_copy.py --dataset=shakespeare --batch_size 64 --sequence_length 256 --acc_steps 1 --dropout 0.05 --wandb --wandb_project pretr-gpt2-shkspr \ No newline at end of file diff --git a/src/config/base.py b/src/config/base.py index bdd9ccc..dcae9b6 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -23,19 +23,19 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--beta1', default=0.9, type=float) parser.add_argument('--beta2', default=0.95, type=float) parser.add_argument('--scheduler', default='cos', choices=['linear', 'cos', 'none']) - parser.add_argument('--opt', default='sgd', choices=['adamw', 'sgd']) + parser.add_argument('--opt', default='adamw', choices=['adamw', 'sgd']) parser.add_argument('--eval_freq', default=5, type=int) # 200 in iterations parser.add_argument('--results_base_folder', default="./exps", type=str) parser.add_argument('--grad_clip', default=0.0, type=float) # default value is 1.0 in NanoGPT # Dataset params - parser.add_argument('--dataset', default='slimpajama', choices=['slimpajama', 'wikitext', "shakespeare-char", 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) + parser.add_argument('--dataset', default='shakespeare', choices=['slimpajama', 'wikitext', "shakespeare-char", 'shakespeare', 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=3, type=int) # number of curated tokens separated from the training data parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params - parser.add_argument('--model', default='base', choices=['base', 'llama2']) + parser.add_argument('--model', default='gpt2-pretrained', choices=['base', 'llama2', 'gpt2-pretrained']) parser.add_argument('--use_pretrained', default='none', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model parser.add_argument('--dropout', default=0.0, type=float) parser.add_argument('--n_head', default=12, type=int) diff --git a/src/data/utils.py b/src/data/utils.py index 527ac82..85c3140 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -8,6 +8,8 @@ from .openwebtext2 import get_openwebtext2_data from .slimpajama import get_slimpajama_data +import os +import requests def get_dataset(args) -> Dict[str, np.ndarray]: """ Fetch the right dataset given by the args.dataset parameter. The logic for each dataset is @@ -56,6 +58,52 @@ def __getitem__(self, idx): ) return x, y +def token2seq(tokens, max_seq_length, seed=0): + # return seq_shuffled, a list of seqs + len_tokens = len(tokens) + seq = [] + for i in range(len_tokens // max_seq_length): + x = tokens[i*max_seq_length:(i+1)*max_seq_length] + seq.append(x) + + return seq + +def get_shakespeare(tokenizer, max_seq_length): + char_tknzr = tokenizer.encode + DATA_PATH = os.path.join(os.getcwd(), "datasets", "shakespeare") + raw_path = os.path.join(DATA_PATH, "raw.txt") + train_path = os.path.join(DATA_PATH, f"train.npy") + test_path = os.path.join(DATA_PATH, f"test.npy") + # if path is not even there, download all data + if not os.path.exists(DATA_PATH): + print("Downloading raw Shakespeare texts") + url = "https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt" + os.makedirs(DATA_PATH, exist_ok=True) + text = requests.get(url, timeout=60).text + with open(raw_path, "w+", encoding="utf8") as f: + f.write(text) + + if not os.path.exists(train_path) or not os.path.exists(test_path): + print("Tokenizing Shakespeare texts") + # load text + with open(raw_path, encoding="utf8") as f: + text = "".join(f.readlines()) + # encode text + tokens = np.array(char_tknzr(text)) + # seqs, shuffled_id = token2seq(x_all, max_seq_length) + # train = seqs[:int(0.8*len(seqs))] + # val = seqs[int(0.8*len(seqs)):] + # mem = np.memmap(train_path, dtype=np.uint16, mode="w+", shape=(len(x_seq_train), max_seq_length)) + # for i, x in enumerate(x_seq_train): + # mem[i] = x + # mem = np.memmap(test_path, dtype=np.uint16, mode="w+", shape=(len(x_seq_test), max_seq_length)) + # for i, x in enumerate(x_seq_test): + # mem[i] = x + train_tokens = tokens[:int(0.8*len(tokens))] + val_tokens = tokens[int(0.8*len(tokens)):] + print(f'Numer of tokens in Shakespeare: {len(tokens)}, train: {len(train_tokens)}, val: {len(val_tokens)}') + + return train_tokens, val_tokens def get_dataloader(data, sequence_length, batch_size, seed=0, distributed_backend=None): """Create a DataLoader for the given data. If distributed_backend is provided and is truly @@ -86,3 +134,36 @@ def get_dataloader(data, sequence_length, batch_size, seed=0, distributed_backen num_workers=0, ) return loader, sampler + + +class MyDataset(torch.utils.data.Dataset): + def __init__(self, data): + super().__init__() + self.data = data + + def __len__(self): + # chunk the data into sequences of length `sequence_length` + # NOTE: we discard the last remainding sequence if it's not of length `sequence_length` + return len(self.data) + + def __getitem__(self, idx): + sample = self.data[idx] + return sample + +def get_loader(dataset, batch_size, distributed_backend=None, seed=0): + # dataset is aa dict: {'train': a list of tokens with seq_len, 'val': eval_tokenized} + train_dataset = MyDataset(dataset['train']) + val_dataset = MyDataset(dataset['val']) + print(f"dataset size (num seq: num_tokens / seq_len), train : {len(train_dataset)}, val: {len(val_dataset)}") + train_loader = torch.utils.data.DataLoader( + train_dataset, + batch_size=batch_size, + shuffle=False, + ) + val_loader = torch.utils.data.DataLoader( + val_dataset, + batch_size=batch_size, + shuffle=False, + ) + print(f"num steps (num_tokens / seq_len / num_batch): {len(train_loader)}, val: {len(val_loader)}") + return train_loader, val_loader \ No newline at end of file diff --git a/src/main_copy.py b/src/main_copy.py new file mode 100755 index 0000000..4dd00f8 --- /dev/null +++ b/src/main_copy.py @@ -0,0 +1,137 @@ +import os +import sys +import numpy as np +import torch +import inspect +import json +import copy +import argparse +import random +import wandb + +import config +from models.utils import get_model, get_model_and_tokenizer +from data.utils import get_dataset, get_shakespeare, token2seq +from optim.base_copy import train_base +import distributed + +import pdb +def get_args(): + parser = argparse.ArgumentParser(allow_abbrev=False) + parser.add_argument('--config_format', default='base', choices=config.registered_formats()) + + args, rem_args = parser.parse_known_args() + + return config.parse_args_with_format(format=args.config_format, base_parser=parser, args=rem_args, namespace=args) + + +def main(args): + ## DEVICE SETUP + torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training + torch.backends.cudnn.allow_tf32 = True + + distributed_backend = distributed.make_backend_from_args(args) + args = distributed_backend.get_adjusted_args_for_process(args) + + args.device = torch.device(args.device) + device_type = "cuda" if "cuda" in str(args.device) else "cpu" + if device_type == "cuda": + torch.cuda.set_device(args.device) + + ## RANDOM SEEDS + torch.manual_seed(args.seed) + random.seed(args.seed) + np.random.seed(args.seed) + + ## MODEL AND TOKENIZER SETUP + model, tokenizer = get_model_and_tokenizer(args) + model = model.to(args.device) + model = distributed_backend.transform_model(model) + model_paras = model.parameters() + voab_size = tokenizer.vocab_size + + ## DATA SETUP + print(f"Loading dataset '{args.dataset}'") + if args.dataset == 'shakespeare': + train_tokens, val_tokens = get_shakespeare(tokenizer = tokenizer, max_seq_length = args.sequence_length) # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + train_seq = token2seq(tokens = train_tokens, max_seq_length = args.sequence_length) + val_seq = token2seq(tokens = val_tokens, max_seq_length = args.sequence_length) + # random generate some data added to the training data + np.random.seed(args.data_rd_seed) + random_tokens = np.random.randint(low=0, high=voab_size, size=(args.num_rand_tok,), dtype=np.uint16) + random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) + train_seq += random_seq + data = {'train': train_seq, 'val': val_seq} + + print(f"Num training seqs: {len(data['train'])}, including {len(random_seq)} random seqs") + print(f"Num validation seqs: {len(data['val'])}") + + ## OPTIMIZER SETUP + if args.opt == 'adamw': + use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) + print(f"using fused AdamW: {use_fused}") + extra_args = dict(fused=True) if use_fused else dict() + opt = torch.optim.AdamW(model_paras, lr=args.lr, betas=(args.beta1, args.beta2), + weight_decay=args.weight_decay, **extra_args) + else: + opt = torch.optim.SGD(model_paras, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + + if args.scheduler != 'none': + if args.scheduler in ['cos', 'linear']: + scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, + total_steps=args.iterations, + pct_start=args.warmup_percent, + anneal_strategy=args.scheduler, + cycle_momentum=False, div_factor=1e2, final_div_factor=.1) + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + else: + scheduler = None + + args.world_size = distributed_backend.get_world_size() + print(f"world_size: {args.world_size}") + + ## LOGGING SETUP + exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: + params_copy = copy.deepcopy(vars(args)) + del params_copy['device'] + wandb.init(project=args.wandb_project, name=exp_name, config=params_copy) + + ckpt_path = os.path.join(args.results_base_folder, args.dataset, args.model, exp_name) + if not os.path.exists(ckpt_path): + if distributed_backend.is_master_process(): + os.makedirs(ckpt_path) + distributed_backend.sync() + elif os.path.isfile(os.path.join(ckpt_path, "summary.json")): # the experiment was already completed + print(f"Already found experiment '{ckpt_path}'.\nSkipping.") + sys.exit(0) + + ## TRAINING SETUP + itr = 0 + rng_state_dict = None + + train = train_base + + print(f"\nTraining model={args.model} \n{vars(args)}\n") + stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, + args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, + args.sequence_length, eval_freq=args.eval_freq, + distributed_backend=distributed_backend, + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, + rng_state_dict=rng_state_dict, extra_args=args) + + args.device = None + args.dtype = None + stats['args'] = vars(args) + if distributed_backend.is_master_process(): + with open(f"{ckpt_path}/summary.json", "w") as fs: + json.dump(stats, fs) + distributed_backend.finalize() + + +if __name__ == "__main__": + args = get_args() + main(args) diff --git a/src/models/utils.py b/src/models/utils.py index 6d60e10..a472d60 100755 --- a/src/models/utils.py +++ b/src/models/utils.py @@ -1,7 +1,10 @@ import torch from .llama import Llama, RMSNorm from .base import GPTBase, LayerNorm - +from transformers import ( + AutoModelForCausalLM, + AutoTokenizer, +) BLACKLIST_WEIGHT_MODULES = ( torch.nn.LayerNorm, @@ -21,3 +24,12 @@ def get_model(args): return model else: raise KeyError(f"Unknown model '{args.model}'.") + +def get_model_and_tokenizer(args): + """ Return the right model and tokenizer """ + if args.model == 'gpt2-pretrained': + tokenizer = AutoTokenizer.from_pretrained("gpt2") + model = AutoModelForCausalLM.from_pretrained("gpt2") + return model, tokenizer + else: + raise KeyError(f"Unknown model '{args.model}'.") \ No newline at end of file diff --git a/src/optim/base.py b/src/optim/base.py index 96a36bc..64ca23d 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -15,8 +15,9 @@ from torch import mean import pdb -def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, - eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): +def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, + data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, + eval_freq, ckpt_path, distributed_backend, extra_args, itr=0, rng_state_dict=None): device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype diff --git a/src/optim/base_copy.py b/src/optim/base_copy.py new file mode 100755 index 0000000..a947361 --- /dev/null +++ b/src/optim/base_copy.py @@ -0,0 +1,176 @@ +from contextlib import nullcontext +from data.utils import get_dataloader, get_loader + +import torch +import torch.nn.functional as F +import wandb +import time +import itertools +import copy +import random +import os +import numpy as np +from .utils import eval, get_batch, save_checkpoint, get_one_batch, eval_gpt2 + +from torch import mean +import pdb + +def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, + data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, + eval_freq, ckpt_path, distributed_backend, extra_args, itr=0, rng_state_dict=None): + + ## DEVICE and CONTEXT + device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' + type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( + device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype + + best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible + substep = itr * acc_steps + + ## DATALOADER + train_loader, val_loader = get_loader(data, batch_size) + # each element in a dataloader is a tensor of shape (batch_size, sequence_length) + + num_substeps_per_epoch = len(data["train"]) + train_epochs = substep//num_substeps_per_epoch # counting the current epoch + + # if rng_state_dict is not None and rng_state_dict.get("train_sampler_state", None) is not None: + # train_sampler.generator.set_state(rng_state_dict["train_sampler_state"]) + # if hasattr(train_sampler, "set_epoch"): + # train_sampler.set_epoch(train_epochs) + # else: + # sampler_state_before_iter = train_sampler.generator.get_state() + data_train_iter = iter(train_loader) + # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) + data_val_iter = itertools.cycle(val_loader) + + stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + + if extra_args.compile: + print(f"Compiling model ...") + model = torch.compile(model) # requires pytorch 2.0+ + + model.train() + + t0 = time.time() + + # if rng_state_dict is not None: + # torch.set_rng_state(rng_state_dict["cpu_rng_state"]) + # torch.cuda.set_rng_state(rng_state_dict["gpu_rng_state"]) + # np.random.set_state(rng_state_dict["numpy_rng_state"]) + # random.setstate(rng_state_dict["py_rng_state"]) + # for _ in range(substep % num_substeps_per_epoch): + # get_batch(data_train_iter, device=extra_args.device) + + + while itr < iterations: + for microstep_idx in range(acc_steps): # gradient accumulation + x= get_one_batch(data_train_iter, device=extra_args.device) + + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x, labels=x) + + loss = outputs.loss / acc_steps + loss.backward() + substep += 1 + if substep % len(train_loader) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + data_train_iter = iter(train_loader) + + if extra_args.grad_clip != 0.0: + torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) + + opt.step() + scheduler.step() + opt.zero_grad(set_to_none=True) + itr += 1 + + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(train_loader) == 0 or itr % eval_freq == 0 or itr == iterations: # when finish one epoch, do evaluation + if distributed_backend.is_master_process(): + t1 = time.time() + dt = t1 - t0 + epoch = substep//num_substeps_per_epoch + + model.eval() + train_loss = loss.detach().cpu().item() * acc_steps + current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr + + eval_steps = ( + min(24, len(val_loader)) if itr < iterations else len(val_loader) + ) + val_acc, val_loss, val_perplexity = eval_gpt2( + model, + data_val_iter, + extra_args.device, + max_num_batches=eval_steps, + ctx=type_ctx, + ) + + print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" + if scheduler is not None: + print_string += f" [lr] {current_lr:.5f}" + print(print_string) + + if extra_args.wandb: + logs = { + "iter": itr, + "train/loss": train_loss, + "val/loss": val_loss, + "val/perplexity": val_perplexity, + "val/acc": val_acc, + "lr": current_lr, + } + + if itr == iterations: + logs["val/final-ppl"] = val_perplexity + logs["val/final-acc"] = val_acc + logs["val/final-loss"] = val_loss + + wandb.log(logs) + + if extra_args.eval_seq_prefix != 'none' and (itr % (eval_freq * 5) == 0 or itr == iterations): + if text_table is None: + text_table = wandb.Table(columns=["itr", "val-pp", "text"]) + + out_str = distributed_backend.get_raw_model(model).generate_from_string( + extra_args.eval_seq_prefix, max_new_tokens=40, temperature=0.9, top_k=None) + text_table.add_data(itr, val_perplexity, out_str) + # why a copy? see github.com/wandb/wandb/issues/2981 + wandb.log({f"generated-text-{wandb.run.name}": copy.copy(text_table)}) + + model.train() + t0 = time.time() + + if distributed_backend.is_master_process(): + if extra_args.save_checkpoint_freq is not None and itr % extra_args.save_checkpoint_freq == 0: + print(f"saving checkpoint to {os.path.dirname(ckpt_path)}/ckpt_{itr}.pt") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + cpu_rng_state=torch.get_rng_state(), + gpu_rng_state=torch.cuda.get_rng_state(), + numpy_rng_state=np.random.get_state(), + py_rng_state=random.getstate(), + # train_sampler_state=sampler_state_before_iter, + ckpt_path=os.path.join(os.path.dirname(ckpt_path), f"ckpt_{itr}.pt")) + + if distributed_backend.is_master_process(): + print(f"saving checkpoint to {ckpt_path}") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + ckpt_path=ckpt_path) + + artifact = wandb.Artifact('model_checkpoint', type='model') + artifact.add_file(ckpt_path) + wandb.log_artifact(artifact) + + return stats diff --git a/src/optim/utils.py b/src/optim/utils.py index 68162f6..da69094 100755 --- a/src/optim/utils.py +++ b/src/optim/utils.py @@ -15,6 +15,13 @@ def get_batch(dataloader, device="cpu"): y = y.to(device) return x, y +def get_one_batch(dataloader, device="cpu"): + x = next(dataloader) + if "cuda" in torch.device(device).type: + x = x.pin_memory().to(device, non_blocking=True) + else: + x = x.to(device) + return x @torch.no_grad() def eval(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullcontext()): @@ -36,6 +43,35 @@ def eval(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullcontext return val_acc, val_loss, val_perplexity +@torch.no_grad() +def eval_gpt2(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullcontext()): + assert model.training == False + + loss_list, acc_list = [], [] + + for _ in range(max_num_batches): + x = get_one_batch(data_val_iter, device=device) + with ctx: + outputs = model(x, labels=x) + val_loss = outputs.loss.item() + loss_list.append(val_loss) + # Calculate token-level accuracy + logits = outputs.logits + shift_logits = logits[..., :-1, :].contiguous() + shift_labels = x[..., 1:].contiguous() + # Flatten the tokens + # loss = F.cross_entropy(shift_logits.view(-1, shift_logits.size(-1)), shift_labels.view(-1)) + # print(f'logits shape: {logits.shape}') + predictions = torch.argmax(shift_logits, dim=-1) + # print(f'predictions shape: {predictions.shape}') + acc = (predictions == shift_labels).float().mean() + acc_list.append(acc) + + val_acc = torch.stack(acc_list).mean().item() + val_loss = torch.stack(loss_list).mean().item() + val_perplexity = 2.71828 ** val_loss + + return val_acc, val_loss, val_perplexity def save_checkpoint(distributed_backend, model, opt, scheduler, itr, ckpt_path, **extra_args): From 592a7b0a65876cee4687995b9ea7bc4c2b028a0d Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 27 Aug 2024 13:14:47 +0000 Subject: [PATCH 40/45] record --- datasets/shakespeare/test.npy | Bin 0 -> 135210 bytes datasets/shakespeare/train.npy | Bin 0 -> 540840 bytes src/data/utils.py | 15 +++++++++++---- src/main_copy.py | 4 ++-- src/optim/base_copy.py | 7 ++++--- 5 files changed, 17 insertions(+), 9 deletions(-) create mode 100644 datasets/shakespeare/test.npy create mode 100644 datasets/shakespeare/train.npy diff --git a/datasets/shakespeare/test.npy b/datasets/shakespeare/test.npy new file mode 100644 index 0000000000000000000000000000000000000000..3587e714688e4e1e5ecb0888d250c1da8b91b496 GIT binary patch literal 135210 zcmb5X33wD$_C9>?t?KITbUJ%NmZp<51QM1664?TVJrGt+LLh)d2}?u}5Kvh}M4}>s zGN=($1aSyT+z~Ve5S?j|!I6NtAtK0c7@a{}gU%rHf8VO^Ng!mt=X>UHfUc@r_nv$1 zS>ChM8{=K#xRmmXP`B`l%$yyXN1h+tRb7bd;FL02zNZF?1Y9vhjtG}O>dSi=A*Yb=|6a=c?giupFTBTvSuQ_|bQNS(whvQ+*Y*+nnIeR(&!M6T?rHc6lK zi(hQj@@Dnd@G{(yAPiaDD;K~1JZyn8PyRGIPA%8+BAdT4T~y0TRj^0LXo;diO$@oH z=is@{@}<-Z(kq9mgK3GFZ>~Hg*Tj^{_*<+ony>P@g`7>byt{6Na+Q1$c1bJ6I1gZ+ zClcJEVNW~tiEha1a1VYx+rC{`nMxF|t0L(td0I=5bv?YYO!-Bpy@v8g*UR;?Q)-zs zWa*85vDoM++axB4&B`Tq8HP*=_sY~h$++JIIt>vH?P+bh%9jVXmG(@=hCc+m_0UdY7m~aTL$`g{Q}=o<13^J%@K(&J|1I8srap1y)`= z!+O6d!oVS~x#}Fkn zH90m*^NSMka_VA?;1-i?r!c}1?C<>{HF#pOr?Z?CMy~P5)?smKezTK?Z+hf*@IB9?uvMrBGn3_u6I@~? zt_>82Z>yJo)mz$$1I{`}6?T2Dc1ZmL^YlUzmE)}!9e(kct4{~b?okcQoeD8g2ObuugMpKWLeZ2jN-uv*>;}%WEpDTph?U`mrM0=;OUEuxN*iv~`om2n1agbQ=J_7mc3M&kW!4t#9FOgEd8eRq|l_*wEC#ARI z_qBRd@^C#7r?OJz7I^Uf<=Vk*elaheyE<3v?Kb3N-AFa81r&FyK{7P9NY**l8Jle$ z%&H-Z+|xSl+N;Q0p3`HYrE*6|x1pSAwHy=a!F>H9XJ5Yj-d!a_u1&`JC~+#(n1K9j zezLlW&m4xr4t5}?92@P(dV0Puf0WzXC5TJ7_IT7X#kYJC;*&)Y{F`6gl-MJEBY3k6J0Yhn zkf&eb9C@~Eo04U|d~sW)&yY25=HSVC++Qd*g2H!bX|}zp!czl2(+&I z_QbR?cz1^~uk3u6A5uA4Zou69V#76klFC$HTwAWq7(WJ7O$IFra3V@Xas*}3H66*% z(1wui&)ne&yweZcqw}ybypi&&hxP|m70?t-SLAj`Idec8Rg4q3)b5c#VgFrW{ib41 z5)JvaCd6=iTH9nvLP8hSKwJVt?M5 z4~cMA9dT<}2_`T3#QA@A=v3VX2FC{rJ(l)(w2UY;)Os9JR_4y;d;C*(mR zORJXiRH!_J`?BpW;VR)?v~ecL?G-mc%NX)?Xu_wpVrj!@ua)^^NA=|WZt<85$?>#JD1^?YRqp@8=iuUA%)Lw3q9RGnkX&>BhE*>9>xc1XU2u{=H8U0twElJV|vTO#D4A;;wWTuK)!CGh4SNzm zw*t`OIP~rl+U<(GKrXO_xECu}r$U_fDcJeNpiJu| z4ZA+yF&=b%bZ(8jPhR&Rspl3q7(9O$W2S18oek!$UpuP|ycRr{XI0LBy^N;kBwhRz zS1LKLdC)?YD@!5cnx2~5!cs*+IIXJAVj%XhTus49mFn}t0?>-5k*Ah3p7WmJ^2r;* zUVu$eYa5|n7~>LC@cSL_kSi%KxuuF)d_e zr=9_y>C@=8@)JGrrLVPDaU#9)OQqBboD6D%`_&S;N-mH`^vPHO`REH-7Lp&j3Dev4^Z2}!tK$FV_!gQiS@Ei0w5z1-c_^c${YewwneSQFN#JSA zo8>sOuCxA5&*894i_e$Kdwf~33LKszzk-~ByoR^9JhKj`s5j2<4UXkKj>{$3VYg$S zdhl&f`yMG_%7C=%_mW>59=qX=_+X?Dj%{L038bf|L zpjyV-&kt_Bz5sRypYN*0%McmoybxCp{>b!j*J?5IZ^L-rwC8;?CF`O-R^JF(w1w?k zBeP3H_fzt(IPaJ9p2N7P-wKcBp$uz=Me-xOYdfA>y`4V$Lm45?zs!_!`%@3XGNV1K zO#YZC--d!%aR$o|I%rLL`92m@MSF&8y$7^2CgJ0|ygT{NMJ1t-AYu#QJ%4+b|{FJA)*-lCZ z`dW4Q9JfG5#u)HJsq-V+Q<_|I{8fvCWIQv@ZE(Efu<-7MwiynaY(W22;6xAh@vZJI zana$EYn)ynJRjq^rN*i|Q)~wI>ILl&@R+P;)@ZA6?GYIddS<5<3EoXfT8=j?z;F4m zF!S2v;hwenK#f<6m7KG=s(VC>N>XuO(}Mv6MVN z;1V=JnYxh4H}Sb}IX#B7djY%2XB*!)98!srVFRq2V)*ig%+)x5{>ws=dcsFsXT+(S zqqaZg1NXe}Y$LiB0gLO;wsmj=7iI^aaKYCs5Bt^B#yn-@2urp$J@K#Ny+!i$u`bRfV!&-PI}!ybS4;clfF7_MCV0X5!4ZCdZX(6%L8$~`{h9~M-w%(bckSzt zdOlb__MNNY^;%a$#TxUxq={H{43_l<&05pP-|tG?^%cCpQ?R+JKuv3G z?tB&I@lqV`Psi0ayI9wF4*P_}sru&=U=7kA_zCuQm7KEHB}j=lb(>z7M85Hh6Ts2- z>M3JgVo%t(z`iwV=>IS6eC14U>i(iJV$e;kPX;K^$oY*@jkZ9dx$Z=v0v>f!E}L$g z!d!pMBErj^4QlyDZfk{8Od7bv`iO9imcjEzBBVQKORlZ%@I2(pFM=cZ^4# zl$(vs|E2CxQ>MEe&qG6VTv}AXB!GEXBR7{4>Ec)QPvA?B7(i@|2Jq9EfREewp0LO@ z8nMzcj8)#jD?ftIJrrmCyN=W?dGI2pWh6j{cF@S3K)7jJp!b?(>lNjXaV z3DnA!zeR3Wb3m2Lc}VFCa2}@mev9sO*F|Up>QlRKD>z`S{u2DT zUx4-Cliv@&sMmB4`o4{Cqyz&#pt;ob7!f#!HxK(HfeFohBN6it!ye4hqDr_2JYQdc zFEaJ9aixbY_7|axe~0fVKaPYY2-x0cn^K8!BdxA2WA5(3qPcaq~@S z)}>uiL@#+s`%=9f0W?N@7fW=AD*%V(rq49J=t6n%?QsFVYQE3YjY_$)k0s4~!1k)0nE`aVapu%pD`3D* zop;Wb2Th-BqD}M|h+h8WZEx*G?uS{#Q$B;#+@W)K{2~o_$}1hL^GEdhv2N9{oomdq zLF=ywc4oDFY@-C-Io=LCpBf^b4*l!M36OZ!^$Ityog4;qOjLOi@M}ADv%1B^-s-SB zSn5rLnCjSd}~+z)&0M*fqr^DETdE^g8r)oErNwWS{(7Z_95>>gm!J;8Y!f zUzZ|3(4C-lnMzP^Nn&{0peaf7`_wE@;FiQ9F~Ru=&ggdRST(FvL})rt6B0XaZEKLD zBT8GeaHktb@LXYtOKeHMa-Di9<5k4gl#~G=;2+pm?8R1&41#&{~_*vId{h~e@@zjQ;zbRrTQjW3t#Y4t>*Sp2A z@a@>$)s1s2uuZ zt1`@fH8|WSSBDV;yxsM$j@kArN3HB{ohb6r3dR3#X-ve89idp;=oDo}`Df$pxr z+z-U<2(e;A<-o+Pv$Yw!SuUT&)kHlzsS>m~i&^tT6vY#viq^R5&}Zoz5_c;Ghpa%f zrCPRwq~n;?a&@Lhu8%DSr!ykjIo2bmg5p&(N=+P!ocv}N?rt2S3s*{do}UW*o+n>w z{U&7a9Bn3$W@~OOtH<#;_ zRi&~FGLF*b6ry64$_AaY5}&mezhw%n{t3*`6q_i);N3G7YNIXr{Y`Pjw}AeWZ+_*{SM8N}g06XH)xB=Mm;G``h~r)ggi zvxqn7sb_@zbVHXY52V@;ZC1i|XvtO@9z%`V1!!1vYjSvu7yd|AS1CueCE_gPW7;;% zk=O;TBd&XjOhELrjd~*Tmw@b?<_MKx@<-br<4(b!I@23*rBw1~kD<2!1swfN!!W=VW zNj2&pmpB8D_ik;d<5^(VmGgY^pM!`_(YAyH zbXAc_evrmR;5VlOc2tPr6Fuw;T||-Yj!6`s*~*|9i7i=PeJ8}N@?&3Y-D^%8ac^hd z%nQRfZ)%Y!MF~;n-ziny`hU`<#I-<{$yfAE(Bh<< z#TA8!n2-Y>NM_uRv7T38=Z0gSr@^k3GA6tZ@`WluPwI$^XxE~&lX z)mbhdDEm=#Lm+FSDP0aYwN|t+wN_qei-Q9aAXllIU>$pI)f9N;^q9t-`4$)$?UB*p zHuVJJ+rg}i3dBts_RwF_f)CS&_`2#P(f_ZgTj#KUfWF5@_l4xN__68pgJb@=y^=B&^S+v|RT@SKc^o@)2Hcnh zL^m9|=7`e;%~XK(EraZ$7Ltw|$9wUk_2Xt=Rd0H~Y25R!FR>R=);v z8k)|4{%~T3g~fdxI8n`Y#v;V782gxl=)6lMzy|$dASFsjCo5KH$lL!wyvp*?$UURO zZ&L<*-q*o{u_5FjS`p>4cQk#_9Qm)bWO&oVA%hv2Bf^&_`)szZB_NY!jG8wUSvAm< z3x>j*UYTy(nMnQode7?-$zT@B=InG>HPKr1!}H@tM|OrxoNMag8hN|?!1;EhA z|LPLw>?e@d^=Iv78HIm6{YSsJv7ZOl$G!kA)SQZLhn}_oHb*RUzO~~`M;$QZ&>io` zdvMZTK+MM_W~oHv3V;jsbGBsliYvynPqwRtI}%{MLDnUv$uxMOC!{B06u9~hZAQox z@Hg#(q@J%6kHKktz0(<33m4*kxtnL{0a(SfbvVzxuqo1YY8$LR+_;T&ID|NiM`pm5 zqRqp6k`5U0$h#KjH(!y%c*PZkc~#42Ln_r*)8{hgnOHCDfCU~${Lr>A+2-`_LuSlQ z_<%3!L@p6<`s!@?AGnBadL%CW_V!@Cn92#D|wzb z;7Xdj=elaSVT+Z)wejue{@k%@1J5t*h z?S)b17aqAPuNzqF;PGG6&~%QKxdbxfOY*_AOvOusVN*uJVg_Q!~M7aga9fFnS#| zWqDT2`iMNp^*sC3R*d&VV9y3QLPa0vUf18oa27k9Ux7Z`RlRF%R<+MBI*7%N0>n$W z_T}0mH&H@<8vTo@Uyru$YesY_@9r91p)PoR;NE(~rg;~w*cHeD$XDY*rDa~uX-kJ? zL;7MBKTOzf-c#v3tH!T-T7xu6WIZ6`z;`f9)+i^8L;~jNe?s=IMn&>RM zr7pnF@7%?A{En=XhDWNx>&!g`I%6+3kfmw+Vy;`v2ahb=c&5LVv-;cOK5BX9HaF?H z`{DD0V;rB^_|}Gq5MW@4d>~@&67{aX$NEKkf{G_e+jMbfcqxz# z$}q~?Iod(>Tclr1H`>7?iiVYd`~>9#8tE6z*m~E*V}0<|VVRqIS{T+^+T6v^-V5#< z0=;%z&d#V%Au(a&oq-gfYyXqe$IoEyDp^4l~)HmCg6afjD8D zB{6MES|X~z;VT_uOB zh*#c)CbVo8-F;d+Axm1!-%Cdp+qsWr(%en5Dp61LOot8)jXA*q<8~$*w@oYU7M}0^hXJD-3#O%}@SMedlPmnRd$@ z&BDu>v1~vWZH2bqpgojfX@{nn3l76oBITS;6_F#vkFap_29m#C*88iazWoOAXDRO) z{O7h`DK~OC$Y~zvYyLu;?4aDHzoUNi@tFh8Onbe2G^z~mS`c^8PP*0ULlq-lgG0IM ziLgTT?zABIJZ0dVPGzPH7+|N=dm6UL=p?`Rexf12i+IINEqfeUq(_{jQP9F_zHSLm zwp8|ov|SyRuGauZYraleoyK(rkP0c^Ld;N~u+lx*`7yLRPvDZ>K4_I|6US9@CE41` zjuXJhrfsB5{7$XZn1g#5<0i$rq#^94U3@jWs$=RDRjGi}_w|dHCYQo1$rm^0m9{NY zpM;GH_?%6tPweTR@HLOao{{oY8_Qm*0@hDT(;KRm52d;xi7JqnIWdI33sIR3@RSS8 ztIVzb6}-gtNqI*>hy#*A4lyI^2b{0;Vjc_6ch4wD8y_#OX(eo5hp7-KvK44C<}78U9oYhswwPdy#2?S7bRIxIUr z_F&p^V@x2^qj5IveILW;DwXxlGLJRW=I_rG;mGmHnkB@d7_Y1fzaM$w9aC3%Cp*t0 zXYPD&SYVJI|L9OAomy2m`E!B$x0`1d@q8@LJR+IhTjkkxH>}F*{UR#s{9xpJB17jt z&^`BLkbia!J3lxX|BjVC`f?SCy_n0qIJ)`ih;~1t|D@qucAxBI-hK`E5_wQSI=2jM znSzX^RKaQ~1 z8lr9ga7Y38S>W}idTi^u2E2=_xZ1fpi!7<0={LYSv@oj0uwHqu0}?Dw&5G%Zv++2v zfkCr*-j6t6!VJ1b)Z(3t^;Rk?lO$V|K(-mMC26^pgwdkl+pgEPFJuOsTbzYG(AuWd zQB!WHn5Q}yVofm*QF0g9pH-`nb;DlUYfE2j@K>c*#cH z+Kr}h&5N*U^Wou2dEhq7bASa6OXxVzQ$~AerRUv|59$@+ZS`_!7{?*U^S)2ue>>W6 z{Mk{psoaV=d{=ZIEb(&K64c*y4r*pkkDfN>JTL9XoP?qn=94aqOpt3+!+=KL057Hh zBUVF0lNL*jOYJP=!&+-oT3V3>-kBi#46*K7rdaK9*v>QTh%7)%f${YFLx|f;+4cHg zlG7lgXodegEJyw&jddzFtCXy*;B_L6FGf#{xtywuG*AwH?LZ_++2E1?HNH>=|Ah>` zfb5?f-(GY!3`7(Bf)Z^iBu)@#4DyOzx~!8+oCXF%%;S`F1ADeG3Zg-t9^a-}nVU;M zS06aomQ#k`#p9G<(?DNZv)k2QW}en)gOjqP5G*2S3i=;U*nM(zBDHBXt_%=i_n*6? zUd~uz-Ax~WRBcMnrn3%WOxC<(<#&>rS%4Ey$*)&DtBwa`VQ@8!m-AjCyF1!HnVJY6 z^O}6-KM>j48Qpxxvcx@zo)VGXguUOOZAoH2Q-!f5-TIX~9@1$`68E3-!}2MmtnC2b z3%L(FWkY0;vP8?@?k45&faTM4C7$Q3dGRWxN>i>G|M)_4XNY-LBgcOY{zZG|c!m`< z^YoY~ee{Ge%VKSqoj%;#-6#cX+#NQY%--L+aj5A;2F4|As4Ie3>B_(pC5TfzYqU)I37bj}{Zri+p|cPnvbc}9BCSWi_;bfu z+7J46AUE8pAa6|vS5v0qd^zIOVJBt9-^bJYr~KMvqpfz|wbnCDX;j(2FE}Uo4xauu zqp2w?)EBV4(gG5*>Fh20#3R?@oR{TUu}Eg*l*87byjs(}Dgt~CJCW2|uGK;sQC%X&R2Vdl_?d6ebW*V z)0Ogb*$bz6C{8@~a0p@&&=qG8yJ+)Y`|gfZOO8NyA&-D^obO(qxzx1HElV$48xazZ zIr-pIr$ghBa#l_yS!T_~;Bc)2XeeO-^nX{vS< z%lAB^hG*ks#c$g{k90n2CG2YAfv1`g9aKi?zFZ39*df;a@lJ_-PL)q# zr7P4%FYj;|e+DV~^{Rqc$GvOM z5_`2=&2Sjiq{#5fPe&HCzs)1S!7Lx-bksn75cZU)?4;KFA>ltqmblwMv_QTdV$mhY zmqayRMTX(i`%?A%7V}+7!*1Pj`E!*m)>ypcI)yjWTJ0ir`7zG(qJR}0e5cznFES6@ z$2D4`Hn%tj*b6}y#PhCvY~7IRDu-8Msb@XoD+5 z+PP6VnUC|NcSj7)T?i~DM&p&F7j?XuoKS-dKhA}g&%>s-podq=Gw`*!vvuZ5dZyp2 zvFb8o@(gIW!*YT*M*g^@S2y~?PR#QK^Iqn(GE1Hum2MjoStu6{ECWWuxpwVg$OEza z(xmNno%VOfd6#qS0DBSen~5P_#DBjHgDww^0**kvn~e7|BZjMILAa}D$Lg&049RyCPupla%8fT80V4e zh`jp6*0HSbq({F_*RZdh`aB`spv|LZrU!QgaiM!sfQ#q1=;4jBpVmSgDh4`6TI8aQ>$&lar~N{80ALewl? z&MjBt03tK_0h{_F_=UFTz7CX@i14N!i@$vLQ^c>YZcsiGDLAcl>=+|E0#WRFZ=#68 zYHDM7ehUW{#B|c?Oy0iQ8!Mfqh|JQzu_`i&-u;AV=nY*i#uMGImjk-2#2hGtY5V5) z*a}Iy0Cl|eG6V=XeCoj71v%&Ugr}S*wUJd7`U}zb!EV?NkCYV@e&JL)Y`A(k26}L6 zMmUgCVA06XnhM-7@-^s2qY5idkPV@|Yu9R@1*$-rQ}#`e#sMRmqNt zn;=zMIuXP(i=;1VpCdgqOzyM6@(T091BMMR=fo75G#}FS^08Bp4W2K5T~H{N+L=kv zt@r*AMupmf!aXb2hbM{-t6d@uwQ4^3*fv&3t$?*P5*q3W*y5-S3cROS~4M4P;6XBydVvCsnds`xQAo9b{*fja)6au%qg3q;_)l8=>bT z=#7=br=-PnG?YB>Z5n4=9mZUsE=ySdSR48bvog_jL4@|zfKOORR7gK@{#>V$_m+(nSVNj*2}q?HdEu3-<)@LA*w zRH)wA|F))GP>69n@&GFRcwg+0mN+sq+>mEbxe*ipB@pUIlPTBAVO3IYUhnxg#?8T= z4nQ{fu<)9I3?rId1KqL@zKsvEWFxYIS*3Y7O>p*0&Kr{yYl3~)#mz~`T1#qi9?<_w zVY4vn_VB<@%t|xXww?#4TBy_x=LOKu!akVOaiWm^*&0ad1=y9fdQm*>H~JNnuPzlW z??iQQ1JtZ8X1=EgH8yc#xqr9wR%cF-CZnqK|ZI*4-R1n|iq=Sj%3TXKo; zBMKOIL96ECoRk8H2g$jv_APG>W+f> zC&69Jf@hX1XGc{*YB0;uFIIK!1HD>>>b%C7NpO|Sz$X{BM7_iEh4w_a`NqvQzKs!k zzKfNZlx}l@Chh~DEyhXE)1VbVYhFtSXOB0W$gBRzaO+9%Q)8>;(D<|Gps$W?Ee{bB)v4@$TOZFWbMM`{`MhNj!0wZ!>3WD z#mrzLjx%AAE;b%(odBz+t0Ml@MwLH~YO%PdW)&jNI}2jAbs+->OBdCW%P+YO9TYhxwf2s66bDuI=7r?n_`GIod@ zhZ(X0`B~&L0ihqFc|*l$bapY&TVu63`q|vu_vR3gmnlNW6*_xznqNyo6#zBEu;Ydj*O+0 zEO`3E#W48~*zx}f--}Z*;H54n>~9Sjd1|T=uc!#3Xs&ir}+p;*FCE21){eqHqGgy1ndB00_hVk@2}t!L za;CWtesp@`9hI>5_9<%Gsqn|H>1ag(nqoH=I{K2s;>Ka?n)A-6A=Wj4(|S>_jP&6Q zKDLqfHC~~u)pS$~zjcY=lf0fPPTEj++U`}K<$*Ni&%;SinHXgvR&Alh>owvfE}WE* zPL{m#NbB84bkBctysjLx=^U1pZ3mxS)OQz?68Wez55`fNzS*)WPR3d@b&1`@Q*o*) zLHngc3t$WQfWy3=ZBeD^=y#(+Fqql$N#S;N0ldRiHXWPMl4$|#l|Jk=C#yt{q07R1 zy($Kz1)gX+>S0ts{Czxq!NcZr%Q{)Qs_Cdd^?eT62f<3f%PC;hl?HKgFTC+WoQ~(s z{z=wIP2ZMd+KBXmnQ?1nRwt;Rg1wCHSC1DosX=PG66S^&fqZF8e&@^YI`e7EDnqr&#^dU&>Fr3Y`K($G zOUf^1O|&B(WynNZFngfss)8CW5fUl{IOh5e*@)w@)0JO*p*{x=#VW!7Ro_Kyb>a}_ zF*!Pt0~(_CsxfP+jcKbsk2+Ycjn%rQ6^vC^*oRu-btEvY1IKU=@M0A z`X%|0zV8HTRhnDGjWsV9&5C?yWUid=dC@i*bHzJSCxr9`Eyn}@uX9+ncUSIix;Rj1 zz1hm{yhbZP-XBr%pe16hx%s=L!G1$mqev;DU1^Z}7UD}wk+Do>`Eu{qxY*0;ebm$x z$gj3=&AC`FGfrB1Q)cL@j;!Ke392NZ%hZtjt_flEybgXCuxZ4XUvkhR zEG3?Sy{Lg>rX4e~th3U5Jt-p6llcm3NbadEFzpD&g+1~tPe<+L=z85-vZPph9A#pJuu+g+*nQ9s6xMf+#)$OgXr}fEq4TMpi%a*d9;4Z zFpDF$?>Wnu#`oFO2vFyLp`GL-Mt2kBAL4+tq`hV4Z6AE6Sbhu(fZo)x9?Ufz|L_Q4 zb(>(9q1zH_@PfS-M%m}vhk{mv5fhjw%U#4oPTyH9p20oYB_XokINQR;yuje@)ai8& zYXn;TF7fd#+&yVn@|x&gjf_CIJg#pq`ov6;|8{Z}q}vf^YamoxNp<8oe4#7YFBf4& zwox5jvu>7DmY`qT0ks;Q4yj3+?^LLHe{5}5SL*^N+tlH}Eh*)_ebaIO56t&c0$d4fB zeW37HTR3KBcyZM5@G+7(ZK2}knGxojW@86M46`7R2an)O^gTBnK7P*(HpqY7TxKwvOB<4NAz{&~D#T|B32bIBOER5DX~cAcA<(5)m-ObfVuG0)o4YOo)rb}AS1nARs>Md%SH@+xRTOB zhW^Ja-m+b(jb zCzy+M1QrG}G>JMIGHDQh9e|z8Ky>9lh#^_I5Qp%_UOw&$DUuJorY&;mdD?!9ES5)c zl@f&Os3sb@HXRu$HRu}CZyc{M=Q!wXyTspo524FfoVo`79G^Pl2-eLs-3iLWpS_#F z*)8!)ogM;B&6piBw?`z&bFmqaKB!tTd)BfFdp+_dL#RA?URPM3_=Sxwfk^nTT~-b(zd>@{9jV2_i{EizvH@ z4En{kfpb95B4nQx!BZa(Ov)8D2;L{hI;1jMZ32Jfb~}Se`Y1cK*<;<@BD)Z^eWaP$ z#cD{gQ`@#;p|-U>GkBP}c3r4M<=Hi;$k-FcoUlcmSTREBlPia)-gZR#Vex$)QwU$x zI>U`seXMqI3)0919EBbLbwf)hy)wW@|^H{$#aI+-JM8nfyV-6Zx|3tS-Wgg`|SV{~6Ur zr3ZYEMjE7}6X&M}t8)v?jsPKYY8h+YT6*K$&ZW@auz8zR;<9f9v7zrEJ=vFe0kSXe z$BtMvt?azRIdxSDkVLiwt3OQinj7?2i(7gZcR5ZigKxh7k?T>tvjY6EB8461tS1^* zkr^K3GmDm_B+va@9Sh~{rZ&9U%=ENZUSOQ;Y2g-6R0TU%@N`JY zN-90_dUU8^4*S2aQU!CORY-Ud;wt;?u96}(Ml4=1G{9pY_PH%A)9g8yt({Y+@9@cI zN<(n&%A9qm=joF@SECKTZ9M#+E(6l)QCG!0rKLufN6=$R`@z;!>a%Wcx7;irwLPo; z7{%UFKw6qqXr_z#z9Nm~@7 z)K-}bFZ&f+PAWBMog)Tuw@UQ{Y~nar^|{Mfx5za#&Xs4T(bHulnR#0W%ZVuX#Zc%C zbS{){2kg(Oz&MCK&xAzFfQH!coCh5F0`~C~?5t;7m78%YACN%txb>!{t6&t}lA%_w z!Yk+ENI!0#kvjdvZ1#ZqC-Ott(~vYT?yQk7r;VnKFkIIW=VLF^eAt>D`y7R(-`-b+ebIH~8$a+GJSAisIKR+0 zqZXG{px%Uo$RRoBE`x1s*(nt&KibHl_n98jLB5^ICk{9()l>F=WPEBIlHHMqArayJ zMSBe1M^yBDa6>gR?yBW^WCg+p7?3Z&>Z_}3frpf#UeIRhclK=OUf+e9KZPFcR*k^X zYxzWGxJ&g*kYqz{nj>BTP)Q*FN7I_2s%e%rCA4b;+lw_4H-aVN2o10u}7RM2L5p+dZ=}ZG2?fz zYr?bDJ?4m`>>sC0QZK>BYCS3(Tn@eC;|!$n5`0>Y{y~7_)5L+KleUg`%>}xHYBtkf z&PEktP@XlX3cG8bAB;@ME(OqO%X>UH{Au(w-~BM3uk24Lb_$vHj5ik|ACA`MQ%>?% z=dKFKyH#0Jf&4E%Z*h84OYVqsM+owouBW^k>U5ZLG9C5prZz{s|2U}j0I*pX_KzIL zjPfP$0+=UrNc}CF(O^riJB)dti$_-7(bHBPsIX|P35W=P*~i-H<}+YE4fHdrpSe5b zYKUT&Y-UmI2w@d=Ur=*p*Zn5Sm@Zg#%-F{&^w=g+`QY19Ucz}ifNbwYn9b@|w+A#s zIp&tAeR6xFq=-{EuBKab&)4KOT8@+3r zjQz7bi#(Z_l7MdjxCHYYJ_~d{Y|bNvVI#HOUDF1j`$@uWW}Tgise^_4+5ji$HU-j< zdEA%a%Umhz{&mx4)D6>Sx|kc+xh4PU#U!8nrRJx&HPBe4i2ZYv+0dO&YiX!3Wu7(9 z_A&GvXxIPPXx0z>36?-Uc=6LXzwjZ;`Z%)eOXV(n=U|=Q6W7pxzHjDen+ntI0g5;3 zg6YUis8F49PHLN4#2DyZqDmqCw>B%hd^>yP7ltrbfG2fx95o)$XViz>IF23{Qt9-B>YT)yRyp zw??knBIhNX3D!zaGHZ|yIDeS%fFnxQLB`SQS%eDUG(?-bqyPVHw(-y?te>EN$GJ>L zx6OLzCaF|kP-!SeCTEO7kNR${Si62TF4V($`dFR5BV+~YHqYI-897;3J5$NC*}MN@ zF1b;NUTOl+t9KFM{C*-br9#}`33`W|C3qUEkkZm!nPPWWeWXjULwFV5)dT#Q8D5jd z8ip~LWeH-CIbu5I$Gq?c(6|D*)F~;PIS~x*dgFgBannB&7h&wekV4p1R(8lH*&SI< z=p12IGZJfJH?=xP24uRGQ+djjB@+?DC7NK-rl}O;yn`oiy74hkc|G>S3R=!z4xpTD zFWv)Iy~|CRk&lQb>rZ!p9ufEbWdAaeD0USxD>s-Y*B{&77AFtx-fHf`htqiVP4G7V zJPoAba=XRq9Z`mQ&Smg*bL9^6zDiK<2h+!ic3Tw%+hjbvS7t~PjRIyqtq(fh{{s7x z^ty^%3b(FZ`My#1&G-h(j*xR|(?%bpU~^g|C#`~xXMfpqiaFOrA9p~LQARfGDKu?y z+EGO4m>)n-)4IYeYW_~2uIZIL*fZ0H-6VB0d)_a;vA-~RfXOwXV?xD?1BROT-r+E7 zJkF{m@73~nh^Rg8zRS4U?1?i~$$!XWeTdD|UuVTLa}iFUZaURr^)y(8E@Z)O(!tUA zwUh#U4IvNzQ3jxU0{o$deHMk9%ghwfps{m?5KAV03hR?qdcU=?vV$Jh|IfJ*XWwQ< zv9Ht^JRykXc0Lae0~!lmc24VeW47sM(+fzk%LBNxgd@ozm$o`A$KWHjti zWZoufwsQ0e<18HTyULLj%>R$TY-$a5iAN_5MzA(PzvIkBLtxr`t+k!WDA=8j~{5%7XwB0t|g>KZp$F4%ZcG90u zwCgYBKY-Jov-QP){H50DB3X%=3n`QgDmFg_nd0EKphRddevht#1fzYiK7!xSxjlTF zItagEvi(9=uBJ8Y$b&`^Iyn*ph87RM)93&zBgwhnobxFAGOvLu#Uy8Hi}{u>CgnrV zR$*n-=`L|Qq^wQF0RKA(*+1Og720>rRcmt(Ap?S6-iT7cSjZ>k1?$`fBg-GcqAQRi z#n;fSN1O%tvI8;r4t;_#8)60UvE(7(1o(PI!YI?17&(A=FJq$fVZ&KnZAi5ktnK2$ zpuB1HooPMgf;tJvt{(wi5odPvNk^tCzxJ@zj5N_YnVHUSSsZab4NU#uw!PPunR1$R zgdY=TVbsm{f}^){p2nH6MwlHc^gQavvtxdXbYo8SsJ0vu z(b9P7;y2VlF>V}VYSmzN@=w}I=zV5$`q1Igs$EGD*TS3Kg?Kf+@KPBAZ!;oX1erN^QAG4#c+;Dpalf zG4d=V!x7*dD~-*XaE{Z?$vJY$0{d9L`(M+nGsS$KckyMU#dfDWWXk%&uoDT$GOqkZ z`^JcgPenICT1C02puf{gtA(}G%z_|_K~#g+e^00me_yMK{u%2kk|J9oYlCYbCe70n ztY2-uOU$T4O}yQ*51LYxmT^9~9NA$w%a*=O#g|lQw=^FoGkidrODyPXMFWU~J_H%I z0yyW65NaIG(jS|EUi+Wxh1%P?+tBrTeBq3dhG%Yfy=-Nd)ytU9e({@r#Q0Dj=@}u| z7w$Xc;}pyI{7O^O9&nbyM@lt%N8SQ$lBGR|I;k{qPtJEZ&HI4ju(r1yyv$EZ_(liz zr5Y8JZi84cv)oC`Dp;MzfZg}O=*L2!7fV(E2kL90w6_g?0@O`G%z+uOo21p#gWd5T z%31}~9pAwKQgfyEHwqfN29^cw6?RL06Q`?aNN$gF$Y%G8bA4#x9`4IAp{s|4qN;>f}ecx8d7G)11T5f&EIVuoDyg zgEqhq&`|`DiJh+ukaIxwtIs$^SXnzRv(AKZj$0%01J78aH_AB6US^*HRzh0-yYpW9 z-jwgGG^_&GvI0Cou%FRz)qorf_Kf4Xc*l4GXMe0pQaY+9VLNx(awCU@0q!xea=Z{^sW|PWRUVRSuA!0-pjoksVz_= zWkc&=f78ox2Yvx025)Wj&e`drPdufh^)`CG^u>S}Bwfta^k<-<{@jx;MB@iPSZP{lfO!wgNF+DLb_#H_)$EbYI&x=uHR6K zRW|ZQK6>&0*2Wu%TV1{ia*bTt z%ztGiDxX{(#-45qB>mz)$CMcswm^>-aUsY8c0;fuBWA6R`A70du${d)o3$dR05_g0EC4r=`STUEF(qiD$N%Hw9}p zt48kbdZJI7sc$Aa(-&qV()Xv<|28q0N7}M?%(2kQK0Sb1mLZnOnbE`Ftft4zE(ubq z`AG_P9I-0CtovBgUnOHwNH0`AVZA*4nSvSyaTw%u-?QZ}YkAV*CMa~2elyj=MA8P( zQ{h==k74#Wb>5u_GyoB6^tBrd-d(P3gJrk`-EH6r!C&E70NNpO+zZsAA@*7OI**~SmH6Z1WS@Nj%rz^!Cscl zDa2ZE;wt}tpGy(%-Av2%%IEHzVXdL1nX+p*ZNqXzTM|TgJibY0j6YI3U2Y-HqSlI;j_kSG4tu)Iv`Is>5A8r_ z19oBKdwIrqf~*l6Y03F;Z;r^>CAsnkXg@owIDRA0vY}>|yx)ypbEV=JK&dCHk*CkS z!_3V;{lY$ZIqK^25d$cauL7I0-qHAOhp_-PV9ZG13|P^12$Ho@jS1k7&3BNM(|M85 zmEhm5u!utB4e+K{oA_!|YF@so=Ht*-t5mb13ruh6%C+m^xn{P~$B=N;a?!|sYj^;4 zhylNkCo)@O$F~iOL*ghQ9w_6=`THpQYxs(RC6j1hp@TQ1N40~eXqVm}c5ypM-elwg zoWn`FE|ht=Cy)mb>2T&Z(A`GG3F$tr11?wM1UKHR9GSg@L_noUK() zvMT-~Bloo%&AMW6lp=j1B~II)$RoF?Y30t+_V7Ma+acmXiF+ z)9Vu_Y=4G?-K^%d{H)nWg*BX(o!NK}j=$OT3^vjHyfPGNaq8|N03G16JNtEDGgt?7dvZHU+8BQ*%-CqnmgFeX_z4mgVgOc52}g{3@1T+~tWhcbhr# zTVd@jK|WLwPU-T@_XiWNWK8!Abj^Xn$y&Mol)ddz{x*2k_wUjx?Tl{+b^>=1!T7No z&t;CSzZe6FwjL{(8X1he^xesN#k2v5;<}RUK)Z$;>u<7Fb^+(@BiI-J+)mHroeq>J z7OKnn=EFN6T__ippoTUFIc&i!pv!H^_Xjd>nY&23320a1UyMUIG$I|fKr;CauM|Z0 zXt`T)ZUf)g?4T9lyL3B{B{2%|^|OlADwbSpPU*YRIlfrlV4_CWHvsWfZ+yR&`Mf1! z(A$g$qLNBa$6c?X9`zXVkuExR!DeFrr84Zw9}~-gah4)Wioa!}2DJRnaNrr#=&WWt zrk#>ALKxp8pZvXJ6)YiE+*IQoF9Wmwexg(RO?yC&8*a_9X_kd0PncuFS@zQ`uk4-9 zU)k7Wn>j)pZ4Es5S6%tAI+%%N`I%NHsxf!O2fBkb$}R)aq+JZZ+q-B}1fmz8=U<*n)pWMZdk%h4lij13 zjjs?v<<}jig-(LMNd#w#nG0%lwPxk>Qp2Nyo?GKAYmG6`xsix#(`!jHb4f1G*XiCP zUmn(O-Evy{6!;h|pRTZ5Dd$MXAYN&mIi6|Ox<{Z6(yFp#*Klh1wz1azO>L3Vuran- zu*H~1$uIhz2t>o1u628Pu!CUZoEyIgX;rDQ(xW7+O#R8^q1ThTsxNxZ#`k_$iRlv4 zf$jLk>q)fLcaLqp_x#G%QRMSwgUdIXC)&EF@qIj_$T0$R>?hycm*nXrLSmCyPjb_!do^Q<+Wake(n z{8Bt)tK>@}c2hI>CCt=o*rD{ww}4((8HITQ?2z;wsJB9MYSuYVd&}w(;uU8w<5p8j zfeBjUH9ylDFAg zn%)d6OPR5~HH>wF*4H7BU0X=Ld~BFUp3}DAdjE`30Xz8!@S=r~4u;I?UkHDjU3S

^ln)r^qrxZ5}CbUx2vrFUQj#+`}%Pn`$lpM zix%wjjf@+E`OiB|iut;1R}=8PLgMnf&?lMQ>FnAwx{%i(7sW3!L=vif1_0|kZtmf) zs$N>zI{b?2I@v$ez&9>wM>prKh;UX297bNd^>*G93!luU=C!Vo|3nRUOgv?e_4}@2 z>^{wJA}n$qg1jQm&IrzF?I8MA97q5BWN5&rkyn;}Bl|D5)$Fn_@Kj53k~@iPoj20j zzI~lf{;h|FOCT<3dWWH+6~3C8cRl1sSOE}Rej}7R3V*6vEmV#Ll93M@EVTE%$uI8g zLrih&@MRbsU+{H?!?OF{)PuDKzqVZ4yIiIP{J^GMpDk|bOG-WspO4>JU`<-^3mAtu?g-dLhPHI*uHC7*%6LGufx_I~8vLkqw;PMpUE_=&& zxh8C!3!?{=UM?WV!!_2}z3N8ae#qJ26P7p9dJ! zBjv{(ix#rRo|<&9I0&17IQH5KqGF81Wt%mCIW5XM=FnIx{?Ilfft`P?4q=!ryocIY zSVQ1HQiWfI#J7g92BOZ?>K*1WdOa6kDZTRSXW~4w9#BI+-yAP%8Ckn>elV%(7b8V~ zWJxd2ge`&Hz1k^B7m4_;Pd2avN>=8PXWN6dQjI**Ua+IvUT|er|E{Q@VYKpHoJGG_ zzhYSaxDnPFY|4v_g7aG->>Y$I$XIV8t~J6u?Yl0+QK!x?J(D`i@STUD>K83PZjrpccT4i1Y5p#8vKMNL zuvg!u^9<0&yOOe&cI4MAxoeGo#>)51eH3B zaSpWl7?EEBU!Y^RJoJQPFH};a3ow!j5vG1!-KXHud(Cf7#rs^(s=G3YaG6r znS|p|Ew>{S-%3Wd5Wa(gTn2uzqArZqX|T_H(_LVM^MCUxGZx51NKg=D?yV2G< z??&$b3$2M}|E=Q)@P$v-WZq*R(&?nuwYBv(o(IO{iO(+2ycOLnx<*{A8Belbbe|AY_PSum)k0N%@P9%I&86wQPALjj5 z4xqKqO_5{D(R0Xf3QE#4S1J6RD%gqamndZr>27|SVZecQvtnv{yOF!vc<-6E=ho1Y z{NPU7Wma|wa#FBA=c1$IKd^=x6Ij9}1i`2xKG{xCZZy|s8+#^G=LwiVwME$5_ipAKc)m@a0b{a~Ejar|yp-#m(Ji>z zKfGvVVz7&Y5{(LY(bQjQuCX^p;>YL__%P@i^eB-0c&P7CR8# zWIq8`i(Xe!`rqGZ-v(u6^YzVKe*y?GD@d|!dklOR7Gr-rao$l;OC!K^WO-Mq3KoTGjc8~x9QIoI$eHjY-!2S zf8F1W{s-d$u;EqbJxVbV6(y3GMSiy%9Vv;SIu}phe7olUX;9`XRb;3S9G7HggVyGFvWX9-QyzyC}QOR5NF#I2- z8KFanw)$Vms3SedTP(@2wp%;4svbtAcG{LZ+fi?N#a8rbI^b-%nHWpPsJzB5VDjr^ z*A|@N|A~7PPwbhz%gFYek_$f4wo31y;puaotam@X(Uh>cVjGfzpis-qr6b_*KH%EBN#%j`s)n}Z+Cv#??yXv)PKiokiYV)@SM}n>AAN?J!{X13= zEhx&udGo310&brx!Drkb$N2p94N1!S&kX6)6Y9A!r*t8eqj$*$UW;IN$Vwh)EhPL0M&&{>l&`EBx%8isF8#`HmAn&tf`85JrPU$&_PBOTwe)c$&hbNzn+ z&Lq2kiWmpGvf4h(rmG(VHTY!m9xn=!mO#R%krmG(LSXFrSP;R^YrO zFArl8&p3$5`xl~^r@_O<+7hDnX;Tv?%(zcu$<3&F%9rfMQw&a>LNP`}=V-~f`nk_r zqjTPahNTV%zwc9TD?Rd<>!6qS)n0BadXSEGX-8N02gba_Xd7sKN9UeH-Kjv4i5 zY0P4Be+HvfsC!o2SROPRtH51}9^BJ`b>-;JvPO+Dncu`ptA!C3cG;o^r1wrq32RG9 z)xW#%tq#BjriqF0kwEl>n9s5Qsz<*YqY=IfiZ(9g$oZsv%ShuFOT-JsVh^H{h>**9 z(Mec?lj#wV(}9xF$8aMrMaK}eG+ve)!Jql@E&Kf5eelhgkMUp}mq+T=C!_E8?X?99 z?QdTJPs4{^8hS>qUdsX_&RSp!WWg_X*1H&$Nd7Jej74fJD!Jk|sQlrq4VtHhK7?U7 z5}08pCzL*wrVK~53UH0|;i_bLS3dPPte4dmr>V25jEUW8`QQfrf=v6sk~oO=u*v^) zd0w&J@OmvnytXTHYnQ-6OKWwzm;mpSJt$CZ?Al`?gC=+8mI?H_Y5$jq$;dU7!;U$m zcsv43SOI&4_cO>!SSMs?5MoG- z#hTagN60sLM{zpDA%gbj4n*DY|9j$Zj%5t8(>om!+F+wByODgS%xl)ea^Y_V*(bx= zW6s(KkM<<8D1pA}yED2d1_0Wf31V>B3$P~XgB?+IZpbZ`Jg%a<=| l*?eM+x5; z?RN)$du(wX-a+2W-BBcdnMg}y(;F}0T{2;VGNU!1*A~R&$B9vhs8@->iI(-zD%x;t zLV~!vdh+h2VllW3nF;#b@&s`24)Juken#N=6HIzH55j6P#k_9Jt3A_3YxTe=XdAHa zMk}ljBO*kgJ{V;ay~Rkp;Zf|k1$h;~h1d`y@`+bbv8*LC@C0H&Yvpk;6tnj3s5n+e z4YsfEtKt{`m4PRnfW+5}t%%sxix1N-FW{~vmj+{&KiLK={?&Ep7#KH=3ltzd07 z8O$oxMzS|d4emx?UTXo4$zd9OtDWTDHDMW-ICcTCQEE>{Z$vWg{l^h*Uc@(^!Ar!) zWxSVXA+4!mbfO{#m)^i}zfGs-M@Kn@__`%g`2SnZx`7zXsvhSTo3_h#E_C3@n67M8 zVg4tj68tDWy zdZ6=Cjb9P1U{s)7%<)IqUuqwi6^9uU+lblJ*2TbX<&fD|(SM~%OrFK@Hdg>Uh;V{m4kej`4ApH3|D1 zemmrEq`dI5=z4nlCN3C5gN8^}WNyIe+9;&&fw%%Mjv$ z#!sW_#k$FlDOpVLQd%w}f{>Op6?hf$aB`h}IF+``9^J_IxPN&&F(8k!_fuMhh;>yd zulhIi|EdNe6zs=;8iL$kSP$~Dzv{_fzd4)Nu83Ni-~+=QtL#>9S*osl%+=R82U#8w zwkbUL_N>I?Nj+2aHM(OYLPXBJQ6aKR!Jdd*HCQLXU4V$=rtpqH{gi?`2hk0CndQ=g z#5LKZ`}wVTpK4fC&>Rjjl>aUpeMvE|Opc4gSu!rb0{Dl_1)|;L#U}<}KP;FzIHhUb(vF)0 zpKK#)!bf6e$*9YE0kHOf?Q$99v!_1_t|gDT>dT@>H?qd8iDbN0>)aY^3{F~h)6>#G z?WnzjqdfbWoKrJ~2k^2kcVwN65y762pe=)|%5m2I1 z#0n?4e*E{-za@T`xH@)TwW{C?n2g(w_UCXye_4(Gj0^nA_~M2n1E z77i8@B4=FC-29GqQUBf^RPEAJ(6y>1Vh&E&p?!P4-fe(SbnsQcAJuOi7+ntVc>Cna zs7%-)@v!drZjJtH^a!;VITU@;$TapX{N)PqfU=;7k>(5$Z$T?th{lL{YP}C3zOTEv z-Xu|qu89{=%g1pLhX;GMr^cP^hlG#|j&DOY$AfalY(^ng6f`PN zuZ^)pvDCM$@xaGCjEdqfuuhCaR@(>JS;2P9x*6x%e#y@!n5P`efnHDASq7|Usof>p z)l(Wdu0-XhbHC`_F$(rwTza{f)M@>K=JT_;ftCPICnCiTiq(;WRdlKUl5*(r%kJ}u zFYKlz@VR=Qz$th?&iX3V$L$B83+dVY-jYn_97k((i>ORnnd||BI^T4Tr&9hVYcTh< z;6A!&8>aX%0(*lPnz_&2B8FPm;`=2EQCVug4B3Cd%aiD&INFuxUS%%tb-;;OhH3KtDTaP=5r2nTJ7{%nMezLQoAT5$ z#oaFU*4Eug`=Q(O5$B_c*tcC%5x3(r$*!=u;xsh%RPZ(v(O-rf2y-6XGo>|`Vk;~! z+G%HKwph$<#Bb5?amDYft$+FRf}(?>onOP*AkXWpt-&m3lliG! zQQGAk)oDC0X3Y&a=a>VAq%Cn79mU@et$H3v5_JE8_TXFO7_*Rp_yAHf9w#_gEl`QD z2lo9o+i7UF@jzK;-@vT$8NA1J;0Z>zWLLKt`g!YM4}kkQwG#X50WsE5EBm1~VKnTF zx5X@sn7t(y$wE0oUJtagweyjve0jgQTuz*+cU!#aYv-B0$ zC$x2IogR8dcR-cdB-CC%K1S=@m)c)>RYvzD)Brmz$0B3=XTyn+fosAY_lVnUxsZ8k zy`AU?r8}zg1PP3YalUo-$3#=R`)4N^uvW1DqPIU z$Hy=(_cAK_eX0}D0S_~@!z4$b(cEe**b^nT+0fj&QsR5WDHcjS9C3Ti4`RYXk3 zuBhe6`M-utH~)GwY8mA6WY@DPthD1NDcO@{Yjja+Bgj?SWZX5~hQBA{b6VlkEh*VG z7!{EtF|hJ`W1YDst%Sp0ZJ>2MyAZDFxC8x`2hC)cqYTtZGM_+Cn05zQu%}x#59Aa2 z$H99T&B&+C`o$)G^5M`zk>7yqHSBFzZK{u9a3+Z+Azwl)dPr5amM*;6bm1@yXz zF>18kKf6q1qndxvL@6Bb3D%4Ak;D;gYWZRX|C$ZP^08rEbNKJk6|W}qyT8wO8`DKU zjL?S+`+D>*TG2uXLmaK7M9i&Ddu)ohFP*mDs))(6fIk_YDvBTOisz9_@ug(quh?a( zMs5H<7SEhj;@q7Hq72{KAh}y(28nLn=!V8bm z8)c|};P=4bzp`B%Lye^7IooaaFC1OKF0)G#hj;C)&hb1Ip{GqfwD=sdTMP2e+NBnF*A~vgtZc}`i z;4hwtOvTAc)<))d!Ou95Hq(8GOl=JBvMYzE4e(*!-$E{f~C!Gf=`9oE%2PTQSFD=auNAoT{il0e3NgxtQq{A<)zG% zu#8)vYNY#izDrAEKdKlC?2p`>8IE58?fJ;fH-Mw32e@mN&NUHAY>PLnM>RO#psVV* z##kXO|3(M>pl4z)#U292oU?kY?78d-V(~qjAv@D=eAOQ(3Tm{#=zl_dVnN;~ody^y zBI*z&NbO1seCFyK#U5lrCa!WB-^J<~*(t9xv|bF#O<>H`37pTuq%0?j3iX{cT=9#`%I{cPxIr)cX@+h~Kp1l3d24one&u9$&y=#ZxvGiwFf65Z^eH)%yw zBDO;LK7zkL1=m)+`sP#Ql2}K??{w|`6R@b+&599)4`5@FJBrWCF}i0gP55(C=NLwT zzqCFQc0w^2vIdLD80s@VlT|KcYS4Q1iKxJN$hD&nu+y;-n(X=pMpA42^_{GN(5E=x zpS{@vCwWj}11I^%)}P@Uz15NaHb+ejxCh>)+edyok6d`u>&3xy=p)mHQ{+Y037nVo zKKRXqn0fu$!Yg8D5870p0)4@mAtMZ9BdDDRo7cH0_68g!9OYW-0&}Z>ZQxX?mGSEQ zB#%G=EHhpwOfugdL!Ler)>jFtG1aUCB^abI=`GEoJ{gX8OmVik-9kKoS{(62czGXC~OO^{1?;$(N7A_GN_d zP0?NL;=O4bFv68?w|p#% zzo>IQJf9U-+*!O&;CH%qrdT}Ng*H1Y?v8iXEX%C0sFi{GYkijskT9JGXO3Y(-f5*h zo8OVO_{F<^s z`_zNG(i6OGYV-A_A5Z}wfY!++^s^feFG`O|+Yz3Def)Fr$6Gs1V z6T>bbCRQaUsh+?b2eM7>QP}l9#3>@-=LGJcpPFy^*G*hGjrC=IoZOf6;dW0%_7!+H z#L3NiaSGau8ijTvA_Dj;74erfz!WZ2(U)pibDjHb5hb_3rp~JZ%a`L)MC!vHxznEF z{Yha6nWJxy{tqj_JE`AAdtX&9bPX^cPozx0-M;xua#kwDGLbW*G;=+7_=jyc!y0)2q=UZ~@uB35 z?q%XpoJ_vH9@(=k-?U8zqdNPc|LeQ|luJpgMg+wpt6CfeYGtU!r_QnCOP5;jv>dB; z4Zl--Ab?#*$AwB{O}Nq#=oey&Z+fJPx90FYk4-ouh!9x~UG@RE_4g~==ypWY4k7p5 zLfFE6=o$C1D_5<%wex>k3b87s%|l?cS#$69Kqtz;x(D_rV)w`sRm%Me*Dwb;BzgtW zmMQ2QC&YrJ#$CrCX*{_ay1G?%UCXn7_hYO9CNf&(HhIs~A^vXCfhW;#`QAGOc3@Ce zu>o;UGKm-aQMrMuc^*!+T$UeVXOSC}JBT~sF67e@U&kJJNY!tBZuzy7u07QLU!i!@ z9~Wf4_mEhEvK;_ zPPW}Xu;MtEDj$jyU1D9Ej84Ws9VSjCMoNKO!S2fT6^l}E7#IUn#eMBzjYO7reHJ}T zfr9pNZ_cf{fLS_(%1s^NtP}@YR@nHIgNXETO_;M}oD7UXV9HH5>Ic6oI>EwOd;fNY zbvg{Z4l^6p@H_1b!EZbbT-Jw0t3T#0%9be!E2nauv@NB!!=Nzj^eFgF_&fX!jJA9m)(BY+$iq}ix}dlB^gv#H32Qf6WFw+59#JUG z49?Ba-~Sl@;H^^tkRDzOHu@8xGigTh+eGCm5?qjaoBpEb@JoLAr+f+Wz_oT?%$ z!W^$>ESPSgW3`iDhF#}D;-ZbJu*ptBrUBUn7r;+vK7TSVX-$M@CqU;o_=h(b+k56|- zKpmD*l>dqCYfnr$q~%I&MAzpe2i z^aMGKk=aGOo*1n<*?;mNjFn?qJb4tdv#H{rW63c!qMaS6Sv{8K&o_;Prvp}OqvM$M z7tAfu{Ty2u;s@0Gt3;%uA7;MFU&SDRXC>R7%V7WAD%lkl8ap{0alVRker91S*mpvV zwlab?5eV0@t0)O$!4da1^r{Od9Aoldx76d&Z*^2HsG;w#SvcFC3FXz-9>x-vG& zC`0@T=XQUOeASPgy|%n+>%|imi;8R_Y$%7khik*v$fqoUq^0>I>g*D+3LGLoPh+eJ zUA)v4lyO=#1;7;P6BCu9n2TB&<=^F@tDcU|Ipd{M7_gmsVh6B~+`n7!y^CO}d*P?Q z==xq|`kIUm38S2a6jcVXpi34Cpy*k1!Fl3}ctUniA;2lL9kI5>{KZ6Ve|hP8JVyesn@ zUBXEHG=h(d zlI`vdGIrDkS#D+^XUU!01pbn($Xim&?oj%L zRYXC3KgLN((3RGDg<12&dP;4FaNeKJ1xG(J1RG_%Tcd30`CrMC7y3R$o>-;NGHJC*a+(xF~Y}2!SX9a)_O@XWOqZpm3A@r zJNjtf(gbVxBv1=yZO{5~*}=6S%Bcj;q)je&Oz;X$$?iuLT>FBjfnO}u@V2@Z>0dgo# z+pk+P`%?%8wiN96t4Cd^&X&O5Is?qx>#(~H^#V%)dQhU`xU5PpOnpfti|gRyd=K4A zwu5o-KB>_yqZg=ig?79bt5zc4m6VA}T+?Lycs*-on7t%=+b71GfsR$7?-k}ugndYq za~ABrwj#^HU+s9k5WfWG&$AhM3)~35PZc0&H{UT3-iZs$NXTKZaM6)R|!4o^8T={$G0v9ziI{MgI&uwKV$%79N>^y zFUG)&VuY2k=?^TWF$Gxr?uq1S(^tk?1Kf6LqBQ17gOY*KJ%e#67+n2YUKjDcQj789b#KHPwPXXv+cBCr7LmV-BQcIHF2#m zk3#Mkc{9YG3PdlAPe+26bs9yc4diomxAO!s99D&{YHRL&<*7J1=G?h7A;Sk`vtsz9 z*Tjs_EvSll#OW5%kZi8P0q0ta*Sb$MV2;iW(I*G%Hi$x?f4`(lxoD9YjyT)^vC$eO zT0VB=n2F~_jsW@bRD&aAMcf`@K5%M8MVgS9yX7(LhFx)&RYv7UXu1Q=iNkB#er!GK z+YLPP%3gX8hR$SAg2-PtcG}`RX3c2x=$zRGRHQw%#uQ^!o^$7lzu+WUns7H}gm2Eb zzH*$phX#2piGrg{eBFkqoWr7e8?V)S@h^yQkco&n402KE+0Q^_t`-f3c_9Ubw%sHV(j0Bo! z@taE?)pHv<0wUvB?V?9<<=peF8F|%xfV?>y<=H2E@Zz$;EEIE%_hI~p7~(+pui&UA zn6x&3v@Oo!oL#CmMXyvwT{XWc*|9v*?mw+U$H!=**Z2w^XCX48SHA10h(kCP2Z>8K znRX|!Qhb=?=@ZkgBQrvK zKbG+{yxW1WEf^Ci9Q_>Tn{OQvJ=Xn$coEW4FNTuUAvTSm+xU$ z-i6bI-vg^Jj4n%0=LkD-??pdReuf zv^R~YP_oqM&-92x*E^uY=vTT7w?$vKHAnkyy(y{ZGxy+mfEEHfZQvA44m^_#4P>m)d2q7#%>nb!={m-**%3h7CtOi# zj?3OH;)t~uw6$JUW}qWBy@-t4DD#(H)ZQQB?4eEUL*$7aR9`Y*M)s`97*x()2ds!< zB@0jY8u1OR5_tLWC1Wl9EStq>M2PiB_=^cJ*0=kqVSP^)J_mPpt1L(#J>iT36iyrhj6k3`Hk5KW~14IcfIJ7*$Pz)jM=e2 z>1xX*=&GmHj!kJf4sj4zInX#-HgtYV-<{HbLgZ#Pzo*uh0-oXni8CTn!Re^8RT@eB z$jQ_I{#1RPp8fy-)5xWN-p3Q+_s9z>vR;o_ zSZ8f$?eQ~TC5Tyme=InfvWUvqo?>%K#HMdi-N}=(0lA(79-U1i8k+I8x8)@fhCU0( zqxhM-n~x>i$LOl&U!#|-cbgZwm-Tmgrq@|NL$5{d8P+(iMQ&jf;yhNY+~hyed*6%< zu$HCZ=mrdT8Rtq|MmSjYYO%l2?a!yLY5sgxRy4Gp2>tM3I`ti&-@cEIFNelIbWMlW z?w3#{b;90gbDCNrc=bcj4y;sN7juXF+d9Ljw2}AYB+k*6G1bx6S_MWv1Cc~&Bd&f9 zeCMa0;QDAQQNxVq;`c@}ju();(D9kZGw$9-&VZfb-wC~O zz3JPT=`x-h_^PeC#dGn=)@VrJ5aV@=9^cTgbZ}zo(F4JY8XzL{Y{;Xv@I-97axS$u zpwBGsaV>S_z=u2!^lqAXPT4!RL5d2omdK;r)D1eB719$?mkw*Dn+tWMdUk2euopr@ z>+Lvwevc%t9A%w%^&+zi4Go+dj~P{H5HWDZpbT7$ z4y+F)FIKF>`j98Cp>;Jfn|jB*i#sks6j7ZHuzFbibmja}FEB!M-e-V4>c`uG%(W#$ zhF2+k(fzrvWzf&k_JQ90E`vK!^D-58{{((MXU2zFy8utPKzui2u!S-M9#VLo{B?2n zS2FZ7zMDZ!eT9@OrgrxEp{44DXRJ@J0OxF|B>jCHCD>&g>ZPOUdcMlU_Rc)-8C%|g zDh?sOjcV_rPJTC$E6LTR#o|U*n0b0Ur~AEw^lv#I?09?uK9S2U zY8SBpez49|e+K)a(e~eVOje&9u0r!x`yt!{3v>)tdHVbZ78&?biD%)xK0mw$(Jn^Wc^98ybCfAx;=bGYOP{zcnd9N_SnqQX^;}7n(Do2IP2i{|y^@ikg{Wk!qiao0ElZ?nRqP?KV1g`~gGqqBmhJ0^oU;WHLbfCFJ zh0djxg6S4!n#pEdHTQAn%Q`x9N=QDRNtr zagA}p-q2f&hHOC0HLM5LThQNP?`&NKwA*Y1GOtK^74&n8q~Q{JS2E zypA%6xp*;#_lpgGKSB4%tjE6l@J7uN%x@UsDic#YX)0RQ5*eZzaWi6pu~c zW1SLRz{9^vqXzLSIZdCa@TktAh zFUE47f~=phY(QoK=u%6U>?R`hQ(s%kVD1gy0Ij$~=L!5)G(N7-tJ&?|(f z=@V_OYl6n~aEt_I-7AJmb$iP2v($ zfwkA~-(1QAcA?8)|8B}LtMOOi>N4bFC=ralFn@$TdcdjkjLcD(5}h4RbTg90)nH7u zMl4LFT)i}4A~Zl)w=~gZOnk=G^S(TDhpVTcC(_G41i1~?YhARZU=90QACp%34WA87t&#A0&X93Aa6q6)OmBQIR7Tv58irTfKm zoma8a{g1pSW9Y0@)7LwrwRfH$W#(4l9H7D>GgSbs@{;ueHoFu`-6g zxOeXs75iO;s&dR9_8hDDK2R972`2lO@mvmY8;70@g+y5Xv7M2mP$q+ zSr<$>IW}R3IAwDUr&Mc<6rXdz`R|xUFl$Y)@5*OZirJ6}ewj9vW=9tYmD$p}Bq%Yt z;Eg3VNMA(@Jlz-$mTtz08S4-81+BZ#nY2bWq8cz@rys#v>srK8`%UPiviH6;@z2V4 z=TU|m722T&chnKo1`p$n#0xM6%+d0_pkrW>e}!2iKam~2KH2Blop&Nmr=EYJXI_8| zFFW9s+CO<>cnXn9>%|1WHxzuM3sGf|j=6GO2SYJbq^L@j-p~|{wk#E!EQ$row>>NE zLd5UFnY3H67cx4wCE$s-4zNE^|SMFoJe^o9vK%-3=`Kt_nYAerdoa-b!iaeo;*)DQ+wjlO1W|8C8L;-+ zubi_D?I)q0hpe2mb`aYg)9ARUvhbl1Ce7aQSi9hNp(D>SG!BVYNTfx_mt8G3Vt;ey z;%{a?nli?G-OH#;z?jsW>$B}ybIa`2s4e+H@orv-BBK1s5uKyfg9QbMDD}4AjcF0R z87LMqXDlDfUuXL+Ri{A9(-sThm4ecoqFAu$18CetH-EM%C@W)}3U!CL9{nzDaRjX{ z#_XeU&Y~Jp=FhxV6oqyScdu6rjk-bpL&S>mLCm4@jW5|sZ~_r0&PWhz&FW-7f3;(9 z1Z16BhJ01If!To!IT5=bY(HUZB8o6wT*dOIKQZuhLZ$y=M^RxW~HAS|s zTwya(RduJ10{)bCZ4Yp8obEGv0(+qZe5QO#SMc7_`&`-Uphy>63*r)M+w${+c|@Pl zj+iGmyBcSmc`*3tW|t{i$N%{O)@xOXLmi>_jPHO~^@^CZ!?t9g5r*5z6Em-S=x@B% z17Y(w5<$6Hp*TwIeOr}@wKu#3@5>a)mBDN2|9@5y70&*(ZH(h#`{auiL=07id&G_6 z_-gKm7NwC^)9}iNRDK9NNti#zD~Kv#J(}j8KHy9MGA_~q`w=?fC~!+30P(XMvn@pH z)H2vfLb0Px1)679Cekptdq76~P_A%4JFz`?_OC z4%npZE_7Y9FSh(0RslJh7XZVGOnTp|bs6<3dN?C*`L`RW|8^&#Q%bv3tg#2XVxjDU zx?P@LS85|hD;N=U8UG0*=T8^p*smNreJEyJYQ#OLw_t^0y<(FErs$7~fdD#OpBcnY z(pD-IW-fIHeJAcq&9BHah25^9?XBk%`$4a>1I;8bL+}gMDa?HgL6octnoifu2j6K~Czrv97d<=1 zEEmGlX8a1ChZtAJ zGW2-R*N0jk4W8W0Ko(nn8+slPD@?p%2VunskE#f|?ijmOB!YE_NC4Q3SUs0fy|W%? zmVSfah{z{Gq^KS{@$$pubw&EBptRP384#>)R-1erU93(c9ty_mf-B!HP`k-DXTMwW zj+J}K<4+5WNGaM(SKb>LILO2*_)k~fuiCy4UEf3H=gQxb<(^kigRZl(GXU-N4e;Sj z@nd)astm5QVM1pwaOMAjucNsY6Dr{c2QYSBE6N$mC$`n3lH2N;0(=e&5YB82z392gXMMwwfnL@H$$Wj5_iiPl{}RwQ@^Dgl>u5zx*a+vO3*(Wo-CY@Xm;7 zVPug^tQrl{aQ8~Fv7`*wXTbtomBI`l?T`d7*jDh1udpjD;D7#qJ32w7{k76_JVfqmClnVZe@ja>QwI5xgY-?k#aD>op0LNXi@|SWhVq z#h)ep>5Cv4J&x$PzPkDT2x>a?MVI#=>wXeZ@yGrBNJH0ych->xmo#&0klUojV2AEe zK!Y>@vqv4ldAL%FdBPKua{~IBCo(mfYxpVk)`u{QHR3A|Jx3iap+=_`8i?3XAVwA7 zC~H1;j);4j-CMxWsZM=z&K?CiQ@?9)_OyLJ5!y5s5n!)1c^=n@-Uv}P?23DK+sioF z6N|1jOKMhORijD=PeJ?*7z~~Yhk*6GCAKp%7Y1rHqHvqgmzotfC%x}MAKRwsyS;1Ld+^d)(I_^XASw1tiAPsKz^j(Qi{{b-HoiSUwvkkOkG_$yx(!loQ|s z9(Fw-ZZH_7W|p2_bGDE5t#0e};+;5tS|~n`bE@oo^JpdKhzMI&2u+2TaYWQTpy&8S zNXilM0_2()66!wAi0hAe@7Ov-Knyq-3}3jS`yCvGzl4@0!#>e2i=GaIwGps1}lk1CQmR`!I_Ua{6y!KYqA zoM1jU!BM}D=W^r+P#ejZhK?z4=1ySe(duXJ^y+8jAqU~|*K>>#j}^cEkj)=CIgK5q z@$^KF!NT!Z^aY=OD53)Ew;gkSL_9s4{t(B<%tah_l*TF%*;tGnruzJvTaa%$F78cX zCXJQxtSIDo!z>ZtBIa9k>fP{LtI=^rbel&ju>gFO2HhDi3&3i8y+WeYdA;u$IWhVclG8cu(x;9}#8RATJ@##u@zz3v(QSk!^un9p z(|Wk-_QD=KIy%|II&^0m>M;1cVdL2UjhRtm4UdYukg>79O^;>*-r^wYU$c`^#Zh!v z)V6qNJ?PNB4d#<0@}oM6&n7cM&$$vNF(72&<@Lcc(UDW_$iZqJZ_ktaT6YUxq2-p> zZ0o4wPgADoI92mAS@$SjZ6ONhfJyE#TIWP1uu7tHQMf-gjUHsc<#*qp$JBf+h|lHq z`kdQj({T+wzToKDp=zmh#Zb*mT_G+#uCHi5o(U#(XlS&|t2$^;R8@kko@SIK)gM#f zxvFBy#syUgk>R7CvG68-x;*ou&5pcT)5J$ChdgF(im12P zkc$`{c7HnRriN)QF2Yy<&L|wW=$N zcO+xaUJ4@FH=Z4-5=wJ9L5-ZF==A<@^F83QuCFWV0N;s1mCJgSksrI1h2Mq z1Okb2#%Sv;v4J=g>~EYB91Hga5qusM5k##H&W=EJV)OON!HK|;t%CnYL=N=?@4(*a z(3r^3Fk(K>pTTNAy5oD3fz)7+5i%OF&r31(3P-lZF%q^C?N#=tTnL+->?h<#)$-ST z4ElubiRX|zRY#dPhICXoO$FoRMC3QC{JwVc5ilCIUGcBdHd~p@=zyM^(0x~6{5i}c zvw&I-hFQ_f)BnVBz_?7 zWKq%|J%qhynTI`8PGlfG+a{x5r^A1Ad}_Wv>Bg#*E;z-S`<+Q$8I$H6v=nRZWU#BX zS&MF3hn=k5?$?X^=eIV>8;Ads0?9VTR>X`w@>ajM6tqwSy>PU5V&+x=(a$+hQ9jz%U zV|HP0Aohm(4qn%2?F&zr3{}MX)zJ&#p|~C(CEHQ>T9k zqEob)_uD2w+dZAk8SkuOozzcfB24fu@~vgD{{3ebG75kK&$S)v!(Z+|ech{&j2Y=Z zVAFn8)#$XVRyZpm-Eo%R(E$PxW3@Az;FE`*Uzci#S?3#a@1=@=Z>OvUsw#ss+&_*u ze=W1w;VFVO4}9w@@0V_9mP%fogdE{X#I>65(xHBh#^dA+9SiqeW)y6V3FpzjGGlAR-?yySe=$BQ>cw=F+a>DB!b;n*PKp>sT02o zYt~v=gCC}2CM@LG=a{EhdCDJlGIGo4X}z%Dqi2%+pc&PB0)Bb2mztOJ%Zw*k6i#Aa z&9N-JO}}?@JrKytF*ee}{N8#djGg)TYma3(5L01JB59BvR&Pec0r3WW>olAYTB;rx z^ikH~DVSSmu{9Y)Q}GV8wzmNF9d6!?UOip%xGxgGbaWOSX`mD0t!BVtK@v7dzwnrhjYqFE$0*9Mu1S*gPwDP&d*#A}+r0j+9Y z0R}Bx8{ncQGK7+P5YdqYQ6z^L?}&%-?+x+;uiNbx&wpX(kEW8g(< z)B&SZHG`>N_#~of4$7OsI5u(_PG;!CZJV#P+ZsGyfe(B^(a2?#q{fIs_<%U(a0g-H z-$i5>8iY!o^1+Y$z3S$3!TDrd^q+{s)rhn0>tHh+>ZsS_lR}fbiUSIwY^WfhHr^#iU`@Jh~1)Yoy1IPM(u^gaQ7Q-zg#IkGb{e&5=cs}rZxJ{r|cRfv1*O8i^X z3KS+}3p^Rxm1pJp1wp^dG+G(gA+s?a9;ef?CY|+08}QV9l3sAUSc%N|yy!}K+kHwG z;SMFLCVztzEiQ;&7(Eei{Ei6G?LI~nW{I_^UC}Z-4s+c-@q85{ejlju?KXSi-*>cn z7<2WT`V}=Wug;HP?IgMIi2IEfH&5VwpOClT-V!>w3Vl_kTjoBLs`komGYfD2eXA7l z{hiq9*Nk=&ZN45OWK}w|@PH|g7zx&w@l|{pN?_= zj?>`ltwM(cy*8`>uflr_i=K#C3sZF#+iR#N9{{fAdmF0mQ=|YXDd0yKStiKOL#dtE-n{M_r5o;Os&Kv+XkS_h+)r%F5~Z7 zW0bV&_*7#3_}!SW^;jPvY|3)sZyw1`L7Y|p;?d_!K@Xf2LXD2^ttRr;?_0~DvnDbc ztL!HM%ZxL_Q=EDwuo9Y^CEyu%>Z3J0YdN1n)RkFotwlm35e*)C!J8qcC&YehdmEy5 zF`U1hF3Ps{mrCIEFc%cSCNy8m3FdIbqu5o7&!ZPG9+lUxWiYzKJ@HlCVRxrKK9L^Y zsgJ3UTbx&6@_SQEeC2#%r#=C8YIOE}Aysth^9oQawQ{|~Z6r-JE&5K?_H;4U)rk9_ z6u${FE@>38{?^w)N5EZ1r#?KT7r(%#WE($w7vzm-S7H4Ym`aajtHL#q|M=G1v(WR3 z_gIjZ;kyhwn`h4|?1|o~H8^R`^`8n>G3M`I0C#7HNLnQ4`qPUX=#Qs{&SG0*5@JeZ zYMBQ~AWpGFbU>Bd^$lP=0lslGcxTWt12#L6`0v3>m|zmO^9-nr%Uq@wsmGAPPbaEEn`Wmfb-UMtf)0L zih)RHO#TEsF(1%8I@22ZB-iMfIIoG0_`Pe5x1eKS@>B!a2_bmp4`7+T zdevw{@N7w*N^cQWGSD*r?Y?!`9c1Sl1(f>@@H&a@V3i{G*HUYY-^ULfF_|C=)zw?E zH_lrhf2vl#UwN%}FN-){2ComABSpL``XSGB(LYC__v2{UGve!(@5&r&1$wzupj#F9 zMAH>DB>CxgL}C4~798s+_%RbYqpBN7i(F(YKUAF_nscocfQ#hX=wtR853o6fj;4#z z89ISkBWj|8d%a3p$%SJj%J}V@uWJd%*%u$^I2L-3G0v|rR`!-Y8%upkFY{5vxC=*6KQW8W zf3prW4!Eqd{_ItA8A~^&Kw_ZRP$Pt@N?^>=ptXLDxLRu2qr@XyEKfyt|5rJ}`1>u_ zI(^fPSM4uZr?(*HtWzIiackudsy{~aRl;s=!MGkV5C430sg>4sQIDS2)L6QPff7r7 zOwJm1hF=BS)g>$Z=$6p=A(KF@>;u1z6?T_#=XdYB)_hYFk}s-GzIz|fJ7;tzI$K=p zj_lAw4xK=kr{;5*;H`)JUP}jN*O0Hg1vrQpi@MerC{NU5;Jj7%o#wOD;Mo%y4wP-`|_DEP;r+e#>hW<9k z=xPgOtC~Mwug(YPV#)PkUXpoY=oWd(`e{cOf>~R%7H*7%JAfIA9P3HU-cZY|IouW1_60?C z;DdD;S@wV6s${ROZs7I8%y6fPf52KEWM7(4BN`Lj#ski`^0~)&>S=FI)#AYmimb5E3&jE4-;3-ipS7T<3K8@Qt2>=2 zzy*0kQ1F`@-Cc72jJ13OacDL z90q6mf+G5ntHeM1=@ki;1a@`$x+PEa&QS}B?y_<8{r%QobIG`~U4uDyuuHyd3h_~L zdyHu}EVCWx#Y8W{I&)&{(*iPS8H!-hCJ(uU2`$ho1r7lqo!@<6IZ`uy0QAj z^RT)W-t>~y3-2`Bk05RSe(XlDO0?Ad2bzuMMdZJj>qHO7Ym7p(HZz_z1hTL+A&@zs z=3S%uerc}WB(P-e5b(Lw$++Tr@;#-ZBdCWJG{gTRC&n;h!>lZ|>_GU2_y!T7eX_*3 zt!FP4!(gOHsNSq?(2JIPjuz1##L+l1>JI8ueO{5FjkyZFPjqd;OpI{%XlhZ~vXoEN z;RF9F0oL*+3;Wm%fz&XHrgsVZ&68b?%=IUr74_Zt1Tcz7ANp6m+%O8O%j-++JCWbm z3>~>YiXNT7=djb=&&w3pc?0G5URvWEDY-TH-d^OvV=bdpB#8M%AKnH%T@_<1^G5*- zy194C_hj@t;LYrj1+bTSjt6i%%~!V0c>-}Q##zC*fw!2dvWOCl{2#}$=DfhgN;bW= z&7Z_GMQ4ix86n#49{KKzS{_4XwsR4>A}Hh#JuMxTq4mB6xim6mwCTPBwU}?KDE1NO zFVPp^$)%`RVW3lDx-s78Hr7<%Bc__GfesYn%!-!C)l)8ZB~^)c`j^2Ddm9nPOOAjY z*8ENF53!DS@tgTkUgNcJM#OZSfOqiXoY1UDKyl&Ud}scxZ4Uah#9!-}!XWXeim|b( zp$xksP#1SXtWbSU{;`U3pfh5Jlt-8nH4B=_1TW{Ceu+EOi%d$4CB1FE!yYNVP@1*W z-ZgD!3#%B3s92S(nemh#QI;ak024V5tFPsqTrayJ?HqZvb0>0dsGDxhURHXYLT8>a z9qKxE-tHxKh6h-Tg83oMQmW-833=^lRz|w`8))?T;b!0$!Pxwvh#gqx|GPC{5z+=; zZ8>4Gi=@_9&1XI;@~?=QOqoJ!F&u1kgTR&=m|5oSf$76(LQky({)dir=o312RJf_D zU!{CPlEb0GLcR~aIZ<|>z%Sv-pdwVA^Erm@^v8966qOFIA!=IZyc2%@)*R;BY5C#o zFqdHWaip=~AGY)%S9v;xR#A)0UicqBT`f{!aeaf;n=s~`{=Fbw`k85vyC>u(L{!=X zQOQWEuI=HeqAk*4Mm87`_Ba?dz4!#3N_vkx zi2Skk>z9DDi|gnaP2O>0S!rufm+i_or}J*W?Yd6a?UU>O!i-LE<*)Dg1^ymz8*+IV zxeqZEQ><=HY1F)^_rUhj`h$9OrQZW@zN?u#(d?wl5CJ+NS|jf70kVX5+17C!WA!6&onU?jCWy(1}pCG9JC&SvQ7cDn4irS{)T3YoGt|=DQcv|7k1ZIn_p4~dv zl$aCnd|ks?yXQ>kz_JN`=sV@4nObZaE_!*J9X&jLqNE~+Q^DKifqdAvPm z{%(cYyLz9qzT%*aktNLa05fAl#Dz6ek2?h8kqfj$On`kBTeSBbc-b?8;i*W5Rh_QI4YdY{<}cZm5<>XoCP zaC*!oYZtH%4rxa%QI0I^2*ef-U>0T!<+(aFAzj47Uw_&88srnm4$KwvV;u4Jn$T>t z3zaViAr&fzb;X=rj~qNBFho?48~J8D@qI*E4@InsFAzC1szjF-&{2_;`HkJ9umd_E z>N*Mgq^-CJ-qdvD|4obDsbvvAr7Z(qG*#T6yfAur))G;us)-9M_uRkdb>`~O^#a;} zSvTIVz+!PLMg}blf5TP{>;8J`@ipssqku1fzMjyXm#kBUYhA%iPzP9M>~*d&4_&HxmrJ(GU0AWhbGcBw zB;$Z1q)Z28^?-AqoZvH!QRY+&abx>ns}4YpRWn?0KQYHzCJs+Q&r{gZlpjWun15%+ zRNHKP7SH5~K)sDk9c`@_>%q1F)^mLR)38KnAHw`w zPRUg%>Eb=>cpEbwx8mCVal4<}gjq)}Qt?n!$-drmYFE(rCI?$V4LLDGB~oj^;Ero( z(fqEdVw0+aEsNM>Kbl0`noHh^_t*JEeF|@Z<@-)2uSm6T6eIB-2au=hDIRGF{KHEh zR+z>*bv^{fFzpH2qk*gS^MkV-T4OiKuJ}TRv;VZ#Jfp2%E1$yt!0&WAC3DgS8WW*u zsGAduZ1Ek%ZaJa5Ppe&~ze|p2|qFR17$bCYX%f5dxl~R;Q1-BXW7T%?wo68AIP&!Muv0!DJ{fT z99CTe5#LDZ>HHktq#NBQtXZrT>d}!_=QrTCa-4NEKI<_Rw2^LBs5E*>TBH+%O2DlN&ZY|Xs(|ug4wp)Z}+6E!wL|`hEr2~ zIfOm+BIoW`Y#s?-TCx+tAO$p({4rvZKU+Of5@$)@DnHySp2wZ=+vNS%a~Jpg(;)b5 zx^sDRUgM`8?UZPh1EEn$kozBEMYlm{s3T5|8T;NgBJ6H)AZ!u%T)1LG`x1W#2Bu;Y zY=5b$qN5QVn7TyNLsmRV9TmPTIKm;;9X_qM$hKDx99B6nn;yB}A7u}Hca2M;wp)el zlhab2{-8Bg&}!229>ktg`*7E3T<9)T9Pk-OoZW{L!ICCB+s+_!4TcMKa&c$Y$+kE3 z$i2{=R_Hdx?aGsjRT*S8eHYyU_sOKFIB}nvHDNvi=7+`YXyvo}u7k zzn+nA_DFiej{*smv;*idP>2=s8gF#wv#y+z4jC1;ablZa>xKT3oP^_jeblZukpXQf zPE zpSxGH<8ob1*vf(N?Ty@fUq1R35xGUg62A?Om)-qJ{9Ljnz>$;b$nD35@)@r^SeLjL zK13~|T$){zpZ?}ZmwUkjaBfPi{0rhC`{bIqhuZRO_ePeW=I3Kr$R)PiIL)u|eUBt4 z2R-|ttEl_+)naAJpjF=R<8y*D#U546x4(`k%eTlhn!l!EuOM(WrvHPk`zv8}O+x!rv-u)c`f`sbOwka&g!<~X?8Tm>MlALI8) z{@(^yesAOtmQ8b;42f||oQJ`=I`OdnD>zS0#=E}Uv4LE})$>CChTQjoc?p%2XWS?7 zwkP};;n3e6!lyk|Wh8&kYv!VJb&1fkR_EL}$p`HEMoDd{c`A6aGAGXpc~kYdrpNUV zcC%(SIQVSa@DE@=Fk_d6C@dIZ{ilC$W($zBr>*-Mc0BpeKL5+rdjI&|_u5hu5(nop z?t#{@jJqC{yVQ_LujrG=CCP%G*8j?#N}K03*n?!7rY#ddcF~$Wkq9$HT0-f1Q9gmL7Mt>6dbu~vyTGNBFYOEs>T8B3y?^P}p!lW8en8-&iT z?#gl)67N&7k%|5;U$j~lw~IygaRjvJXls%`jvl&ZtPOU_p3r!VwleBU&*blzeV({k zPM&T=e-K5&sMs6p_>GJs1IGR48FcSk-0HvWp*xU=>J03z#^@e#K7y*iQ#hk*CDCBK z4`=W>N0s>3)a9ryIj*e6BhG!`K6$idH|!l?-=gi}w8D0@k7M45y#DCN3?{Cl*iqU7 zCz889l|5j1?~heqty23q#ry@Y2$7ryZ=myXP&#<_P5?7jGlSx)G8j|I|^f>4Hjm(5qota5cj`=0j<;?4(sOyuLqp};H=5Jtga^e zllJ+pjFkq**vg2PA7Cw(CY&o7f!X2O1nd4n*O3vTdc^aHp`vfF6;{QVYwSdU`iw2W zkf*?dEtKRqjL_00yc?euSsx;P0`@cMsJ4^8EX<4Y{n=i*L~3 zhdym{YrJ`Osm^sY`vklbMnWz@9}E&*kmF>|sx^B3(9R`u{+CHsE7+RR*N_Ny^Z`O_ z{>4f6h{NeW*}6dLM#$?G!()Cr`Ki*xUyz$?M7@V?+H6==97T@7vyD8!}>W3 z{{y|I+8>uo;c0x(nT+^A1K$!rf$;=9)%KWGk0=-O?;6f=a$MHPOOV0OElrl$sL=@I zt0-6G4&EotNjf_|-lt=r0hUG9?&iyG;oHGMNoK(+Ii*wc_(661k1(IBErENY&mO9> zmMZ@v(1Bauvk{iM&N59Kwx`DnU3F)OR;s(i)4AoCg%zj(V(ra#ne1%|i-ag(ex9_G z+LwBy9QOM{|9Xe!1K#PUpPwaQ8G>VN8$_o{=81^A$v|1R7S=eHR%u3*aODQ@*6pPT<;3v%RKp+J>h z^WSZ8l!Glb7y1NwL(wH=lo;o?4uk%nFe!oT7e?!zGx*=et)++~p;oV#?0Y~yOL(5! zFClI#L>^FkjkdNoSshl-Poe@|AU|s|W}8F0l&CZCSgqUGvCsuR^b6Ua;<-&m>Rm10 zCO2QB?cDCO=^EE{5t^EPh4$pTjR#HQd#muo{_z>;fy4E^XYxC$K5}04DcL{%J|N(6 zwx?%^$&rizfwfMy5Rt{*=KIk9vb9e>;Zk1PdIvJ&Yw%_P4jY#;-mzOmi`#T^R|{aKUCPB}$s)0& zLYdmxgZ5UzV_a%4?8;nW?(je1MB(X*$j`jpsM{Q-^}h|=hRfSy4!WXRa+C7+q07`W z4h?UStT{1}DcCb%} zHnzXHM+38S@>9rFy5GlBk{YzO8RKHU(^;{8(Z4afWj_DaesBma(4#RvY2cIbq!70) z#H5`shxbJUw;6tFR%rerwsXX0FmX zFs|5>>N-o=qGa)MKX^8k;=Vd^o?RIp@eZP+LUb*S$2do(bF{(0sz#=J3|}>w6^O8U z6Q@;3?C%m9aqZ({DvUPE9{YEc^q9<4e{NT{C`2oO?4}2~e*$Op!%iQ~Dc@HKw!aI& zF1S!fteu(-d%mqvqpkdx3`$%gw@&=Z`cnyO%Dld%Y~e`qdsF)lmKO6mGs|Kl*cNzA zTl+j86*5YF(yjVeNf0=fL>~IDXsaEPw}U6i8XyThn0xNu{g|J#SmEX!fzPCbrDy0O zX4d>ZuxHYHx($^J)DGmR<~h&$g!m60A9{*BDO?Zav}g_`3SV-g5N)~s4F#7Wp?t!K^)i6i0>CS zis;mOacXB<Bn$T_WJs}gx zLxOd!=BRzQvmY7C*N`{o#HZLRPUMli1>Aj%nuy=%*(?SlT7|L{-mV?$x#>$f$`jo` zlI6CsQOt2zp)$w40A~_;|KK@Ae(0hBj85#q(ei^EzIyDzYoqt3 zmtlFNVc*6X`a~rvbG>cYBn8S`JxyE=;fcyjIC8g=;g*_`2YC@o)afGvg-X`GVsPkV#)<^}s@T@LL0+2^?;#0Fa}NDraVS3p{Smc|+zu+UR!cXO7Qxsj*6lY(3sa2RlG zeljFTx$SBoa zUHJo@F=`F8K;Cnr%j#I#o|uUgxmp5kU&=N_c`zRuFr&`yF6AM3>C=>3v`mMLdw&$^ zREwwcS#r)9+oVjRMsD-&P`@%XCQH$~dKF?Cj9SS!*c$jwWj!kmfy;j z_(%M-W1IMM;#8c?sMV{jHSVMjWry11WyUA^7}nAp%T~)g)ur6qR~H|3Bi2C1*Z7`h z@lk?H8KJE0$tZ})@ZBu_cIuugR+@V#gMK59<8ELk=y|F@u0Oa|jH+8~5A(Oo=T#e$ z3$Z;PJC;A5bWFD{nu1upWU;N*_ki!XWpB!Xy4J-{Grah}RJjs5-C>?@{^z79@;lZH zO*W*A5HByi1jIGZRhMObkC$PK(U%L};gI8Y$&3IU^H;V&OWi)5d}ql9OFiY(2R@c$ z|67JeQ;%VdT54AE=Wva6qg%F_XA0$lc@?iUYZc3D{ZB1adSMmIs~;K4C%?IoKR-)L zgucN&%zfs=ZY9bQjyE!IuXJis-WmQM?3^h+>=M0wXMME|bcI^ZHtgRwu@XlsXQAtw z71W5;81|?WHEcOT%#FW@m}-BK4Oy>?E1i<8W$=;x-8kzQr(iD0<6)0N$NL_8i~d1i zgm7mw`vLF!7*)K9@nVMSL%>sW?Dd5YWfX1W_%jnM_F2k^eoK1c`|xHz;b!K%>yb z3tDG!o1+4;D!I0UPf*Fj={0IEBEpQgGV#TmA^W+q8B17#Gb{x*EAvL_iR@~eish*D zda+%+WdP*d-P!LKv7KaOWbP`X!mm6+Pdsx7#~WTfqNT}MMX4v_*s?XjXI69QJ2>Td z=D!Ec$EDcXM2OQLEWc-4?f`yMHF7B<^QvHluZ1SSh&q`A`WWkHhMuo(((c9>jss7^ zY*b9=ySZ~#w4-J!`^^|Q=VdR>t9@3t}p zC8jpgLxx)By_gKO#I(X%jcpGpcHBN8qz+bve3yUiam-oImg63Vwq1`+L_I!pZkJd; zvR<6aewqBfxe@Q9Oku9q9Aw88BJY&vDErAQXjb3?S|=h=fRY)XwahX+ z=p@St@fPgqV)$!iMoX^p)Obo<+6tw}B<~A-ma|B^L}H3}WO~J|j_-sGvw$-vv#X`M zbso+eFd#hG49@|vIMcjd!w21nmGHf1#Z0zUvPQ}LW$FOe;qj3fWO6Mr6YUDl_s!uw zO8IlvB>sGQ1>Y{mcoOPFuRul`bwWOosHQrVY$d49DT*v>afXwloTy2*qayS_@xy=; zuT#lgU8mkzD?jz5@UN@Tw~;-86^6gtK2kp^u z&)Vs+dOLm<&MB^@qnUMBtx~IY|61h@dP?ol*!tXKu)0{!=dQ%wkZqniJ}F;$CsapV zhfyQMcZ$iAS!&Gpp7o3hua4#U&pk-i%Oc3jbr#lFBJ!J~u+?&{!}~xOS-^|^FQ4`p zEc4}9CRrze9hI6@C4AqG*nX|};ER-w;xbnBgV>$4u)0Lnh^+2%rT8T)*&U~OJ0|f& zB=3{_KF|)3@i$`jW7OLs$QN|cho<&N)FczqH17g1oV`X1)cM&WI!W{CNHmBGy;hNzP|aKwtc6hFOU- zxXn>+Ak}`g89q&x7#vw`RF0}&5=+ktkq&)v+I8vhzUT|BmA_B(GG@*G9!1SAB$+Gk zde`f)6xBh6$*AbJ9-3B$=2Yp~mVfiReJhhO$7j^LY)#7TH$EY4)>PtYx65Z(LI%Uv>Ddnoq<%Rl*;HrlF6C;P}Mw^b?UyQLLuZz)d z-2Y4ro}7Tf33KnvOip1)Ke zS?m!+)v+4z$Kbx~gBEYm+In|07&|6Kc@6tyI_6GRgK60YdeUdX{uu#6`ZAGYiVw@~wUchy$;JKy^Q=fYMTA&o%Tp)aO=3-if>m^ipHiYkh9BGtZ}o1&*$tQ+10b=go<1BI+C`)Y(qPgj>#I zic%FxrWuYk@OfGuI0+e>ll^(Yb5*^86?qPC+>Nu!3$F`*<9KsSImV6a8-!w?i;B-n zeTbUC77aiZiW|0FZa$Bd{`~FI5#ekpJ!p@gRL>W)2D4)9js?y+-Ixh~`0Mlw;7@qKGJtMPucZx>Ep z))j!?#NJOV#mWB14I@Q_jn%7qRezxFw7LcXWr{KAb1&*F!c+GPVwCN~5wQhp@)yw_ z{6it#*5G%@Anl9Lvqpx~TM>sL6*&XpVLJ4~ZzG1e#=+{~?~CojTz|uRcxq;E39~#6 zUo`Li%IYBo2A?;fcBEfI>~{IbluT<^;6racp3KLPxfmWulrFF#<=zHA@}t%2uyixa zF!0F@KBhqbsCDopqkq!}^?{E{7bCiHE;|%(w++8th)f@gf8aBSd0UPsmw&!n&UB9Q zg0aptA9gwL?rT1+&)CW%+d0tG48k{v7I5X-+lAR>5FY#H)h%x4Xl>;z ztw9}5^pMgp)8H`MC`$6VyWy!tCGR}g_vC3k0bVUn${KLjvZ7o>B>!p;iDG{55hw8Z zFlAI4qP&n|C*V&*1x*nhTLL@mgjy-8kkc(A(VmoA2l>JHX*cAwx)6`O3vD|D4VU+Y zh&|Ed&>8`x$ct8Ti0lV9vZCl&Yd3h zp3#yTb_KUk6(jG-V zg=DErva&W?A$mT)?gLnOFG8;Tg2=J5Fmnm&9pm%2BCY~Q5HI#F_JH4n8u0+j_YItp zUobacB{D*M;o(GR*@#jjO1v0|Ci-?gDK6!a!fDx;kps%-OalkqN>nMk2&=fY3_0j* z@L7=l-BMIMNj+*XJO|60@zK@TU({HVA!m`vZQvNGd+kjNU&GbkavY^^)j1mZ!N7~x zsP(?cXy9x}zL-*D`~o!`@;5M3IRW|y^`J83#+vUk<3EAV$wCGI+l@Rj?%T`8)yy5L&@P#oa zDDb<^igwH2-1i%LT!!*YRPcBHH_E3Tw|<||QZ|t5wHhbzi=sG+`H=GW71)LHw?TL+ z_tWVZUh^Pgv-1#>dS!{!fa}yT>Ju}-jQao)BxH5uX(lt*-smac71(p2a3M)|!OEIs zea(s*cUVa+Ta*rOunSrZHIwJXb0QkmD-IYsf+K?Kc&YxP@G2j{lBxi9xg2%>=yBwl zlyed6$?1~HNcd9J*-S<*A^8GJ5oeqLt?``WELQSoIXCCi>q76KCxvHtm(&u$z4gpU z?km~4B?&9{o&Y1n;y=*7B-Wk0arDK=f7^O9uc`s-x4feDzfH*J@A#Ta`LUN*tV^9J zo<^nAcN5B8Yy;=HK@GtOHmI*b_i8|80k(u~(?!KFB9u|5$aY679ZSBIY>^eih=`|$ zwyoC9(0eT;hZPx=_dgM*;n8re>OoBU=0zc!pH^fInH4Neq*%Ti@14PqeNWa-J+9w z7Ftg~fmfWbs8c`MCwcJYY#c$3=JPnaS37wkcS&sk{k~e>gwmO#g5ShsK{5GB5-eHjL)neE0p9l63DEeC7#Zgxc zZ$sL$1e^=^#(mVyIQR5QaWr;gdty=s!u!KEb%1_XExZ$WH&0D?*c>mo3XL3bZTNOY>#q*cBIr{x%&^r6{LQ;3h}kXWf)mm zX-Ur7J1IaA42XM1wcfm*yJjgQI{QX^#C1zjI!6Zl+mF;3BhPWGQ-9Pvu*VBGP+tb- zz`*HH+m_?_YF9a$T|+t>YkG#xm7CXJLH2t!xM5H$!e`$FdSE4vR5Ap&hsM7lJRMfl z9iE48ZfnL<6h8CNA?{13GH|_1IfV!p_Zxd{wq-svGon2isUSE1LL;}mgSQ&~donL_ z7LBUdc3NPZE9zi8yLU&_0+U0Te{*anmqa%w?rN(g`6;tqrjO*#WAhBw^DL#UDBOb&+gjQ@ZWP+c!Y|p*Bk#B?tE{?GB=7CXVThQG+&%^>h%NeS7fzbMew! ziTF4yedfSigLYD2V+@;jHH#gV1Vme82B9K0Xn%#gp9&j_GN1cvhQ4d*^OpC;M6u4| zjPZ)U&i@Aaazl(fK1wxKvU6GLvgm1H{R!e1y83Ee2hN&Vfq6DY(_{@jy@l(j8GTz| z;C<=EPlJWOG9flzk}QToQVqpO^S(6WNzD7- zj;AvI#)x{pNJ)DqhqFg^kM^*$>E}PGRvNX1l0*%5n2ZjUVVzvSU&JkZ?xZ%tUUTKq zr*qIwTfRP*zU{%eay0~=uwlcU;Jxh(4;RrF!wfk=pSD~-c0I2E8oHq&nW$sGK1O+l zY<;{fSRX5ZS8p)9z_WDdSDS$sx7-GqY1Z35bsJ~@pH>gfJFmD8=R_%FG_aYW?;?8D zq}Xcf!S>~W2N>uLNMqs;`11%nXzcNa+2F;3?*zyQhYPDvh)ae|COswZp;}=XTE*Do z%|5*^_=JD#W@c*tdvSs2m|my43@KP{qZL*Mj7FlkTl*=A<5Us4aZgC`%Ma_WN3;K4|Ubzu(mGL557_+FEUB%dTjj{Wk z%1rg#?L$)U@X&L()skiLVm-_P8b=pT81bQU8zZAzEpCmz!|8Le;&8>kr?Jh)Edya^ z9dnMvI^1XczPt}tA>%M!u{`U5C{HNBs6W$#eYl9(xuknUW60ATd%z=Nt_+X(CW$S} z#1$8eRZQkVoZpz0FNW~l%Yj>+v4^XGt=1Pd0e4n|D#WiCTpzT$Q5OK~<{jA6Lx5o# zF;VVDiR9{gOO471%2Sr^o#kq_BYJ*E_$Vtq%tzMK@5kOSi*3Jp1eHCwD(pF|NFsNR z-#;y5z^t|^v!6=ElnwM~ORUbLJy}QTf-mcjJH%wpp@y?v)eBj@)&reYJ~uD}iq*Li z#h4P-LtSBDiCAH_Nm1xj7IOqhDlhIfCI5X3W4ch(@~po!s`LMN+B!nQ;(UJxx+1DQwZ zKx_r;^`(KCO4e#Cx8>S|cnCAf@4EfA1HAWGffMD3a{SMLzZ)!3i|<#>3Jv~MNQ9L9 zhSGko*rM-2mDoYiF=}^v3gkXVNbZ0`mgu;Zu&HNbj^M}8s|ehIOA+& zTQig=)fq*+pA~!xzyrD7=MfDYl~SB$CxDhsO81HfQD2c<8WLT^XRrn{vzaIZC_8o+ zUmgef-i0j1HO6Q%6Ym_b9N*YZ;Vr!97)EZzAE=QWv~{!>8N77t*@C`^C~Hpu*FxTH zi4_gRUP52vZ`Ttsp zQ$&Ws=qbq4v&CJ5#!bxPUSW$v{jvCAi`QxLl;8>`tHR-W$+h4|#)UpyW$}RNioV5P zFmL^o*%k}9!}%6Q&bq@=WxgBrJ3k`>d1#)G<4PU&sA=W-*OC!&#C$uIFToK&JtU?x zTXs^N6Mq>tmJoZ&!09o#7fx8@aVV@!#a7Eqm1>bA;^5Kko+ay65P2ge`Ou<;&~x^-A+2KL853TNeZ-yFa_?usM?hX;R`aC( zP1gETGwHwJc|^7@FQNrEWkf^f3go!S`~5B5*EJicG?!OOEPspS`NpRnS#SDw{CC;) zJ1tJEFPYWdvQ5l#q@J=T6ue{LE?pH$yl2ZdH~;z#I3)3`5;4_4$A$U)?!j%L?DzVz z7O1~7o0mQ8qb5YH6`3WcM|;8ff3MN+bKp$liHCfsa#WfZwWyiFJ2gV~2&K1NN(x1ZZwamxlz2Yyc%^hIMoc`GBKBlyPF z-)^!2S7I%hRgLAW2e*N_Z9<&Sb%<3s37B&txhN>TC7&93Gj;$aO+F>AbMk?L3r-7P zvonkNDhGW0AAzS*xoriqY#AAsGt_duUAGb)oE1`*;04ON&ZsygwWBDoy8I<05fYz> zV7{^3maUJ2XV+@I?$qCBAPh3MquiMTV^IR2Xbs_V8gQETQ&;0W& zKjpcGEJMtqu>E{L`&e$HM}@pg$U|984dRGTXEC2w5o*+yN6$}SuH^g3sWID`*9z$? zZQG?dugLEtE3wgcXTHO&JeE#o0i*U5-rk%bJPkmBxpj=tT^t7;IKpfr!?o5H>kQpR zJMPbMF*qHvfsNp5;n`r<(vpb~y?3HpuM*#N=BXmz?Nru|<+%U%$7r7&xW+RF!! zJ$syBM6mNNug@23_EK`qQ$Hj+@lYh|@y>>|${kF!-d@o!txQbQw}~8N68;jo2s~KV zEuUzW(WcMXKh|Ub;**G(sun*Q+S751S%H)>CfbHOhscb5M&hKVMftm49}15rd9vhw zFxy92$7gzs?`T79!IkV;o^m>E30O|-U0(A=$NVk%6h3=;Jt9>DJCCcuLE~HNvW^t( z66WJ`Y`7cQ-xTG?k;!6p@6&4?J_NP@iFQ;smWW1KMGuxEvMUnd6JuKnH17GLc%J2d z7-M?rf~85|nR3pN6v`DxElo>%3T>e^vok@C6>+AlKqqymB|wsKZ&sw!H>O;3i*A@`LBnd96g??(L@T8|fN!mN1xiGe#S zK%SCAONynX_fnKxo4<*ch~C6#6(cl7d>(GjsoxJlBqVbiWG+4ZZ1elES|WQUrB@ge#5Ka6!+9o8ffIRk=Pid2|4cMcvAqA&QRgis zA=Dl7G(L%+HODM`sSF+~W^Zn5C==1ZnQbo=t+@1=8Q&%qm-2+v-vFKgZZ2FlY5*hx<X!A4);Hc+BmPHR44xnwOU$&pLaJ*p>WAnGSma5lV` z-ghoWKi3vttcP@Bydy%gnvWACNM8|^V$#ofO6Ij@+w zif`b({6vVmk}^AmPwzk{COR=vk>Xg6=)IfrAHbJ142Qi z5m^<1w&wyLlYih!qsNs@Hw$9o(NZHP1zao3j1!^U);%j`+QFE+w9uR>knY_1!Lzj& zIzof!o<&QV`#uttJJ`B%S_zLm8xtI!)M(+b7wK+n7j3W-_XZXlpXNIBhq5|RA^YUsN**ytB(Kv z$MvB5jFFqmigvOhfd~3Laxuc?&TGA=8iriM>R^rt^;vjWVD;_y#f_@aRx)c-uFBuO z^f5XI&m-$0=rR#8m8XG6UdAi z3bAUO%wVMDJKQ=1c*6n8A}{BR^5h0ib4HsFjvuDRi^PF0pp6e1vhiAYh4_;*3G5p= zfrwHY{Eu^)kgX53t?DIXw=~4Uxy0 zDafM%=gObbaRNabJw1qLF|YV0idgab;uG-f*B8H;$d&d&yWZF2wcwK$*OAWl!p2wd@{y>@2)Q(jJ!5@#^c~kgJ$`!EC)aO2)Pmc<* z$4j)n&=k|O8{O-RyN=|0Odme=Z0^&ChA!7{QRpkqsc$(>%?WqqmVo<>7}=cq66E&) zArU{sF7GM$JL0E4Z;pRf zgnk0C-)d1AC!h1Au~P$eH@Su>e`~<%?ZxP{Y_ZV!1XRL+RHk11wy(aEzb%}JhlVC5 z5rf$BZgPINZ2O9(8{u7Gb)JWY)}|C&rfB=ni*r3T!WW%u^ygy{7FP%s+|A+q-i;ov z(GFt}H&?e?p=-4=%Qr=iAA4=5F)%xEc4HO7tL?x*b*?{cLOCdqkwnCnx+f z5IENKBTiA*!yb!LPo;rV={fGvHyVgpV&Cd_b7xc2CZ3e2ajx1W28wY<(qv>c@J`fI z@vW-hUB%j@E&CYwc2tTVt&5`%|NpM}P>r~)^)IZAvfb+8{|Y8^yFG%1&C&{(Zs zCKZaf1p3D*AzHSNvDZ{P?_^zzc>J4bR5;Oq;_ZmDMk0Lwi`^ve^tY9|ZyEI9uD~;X z3+o!+YDbp5 zCwTl!4;iXq!v2+#fIb8B4gU6#^G1$dPduNe0`)<97ff7f@RNDI$n5sR`P?HF!s*k% z{LdV>Yb910-&db|1W284;f3Y%bc}YXatp@8ypz(c<$f^rHJKf@IF-z-t#PU*pA_oN zaqeq*oyx7ngLM5_+@tk9+o=aZYV z0&C@6RPk_VE7}dymy472YumGTYVmi z$YkdofAE|YHwHA|^U)HgiaI0ULQrkc33y!>u^r(?Hor7nB<1bEyZ?`^|BX_&ut>J2&2HkxhMwk8tRqcwLQ|W~zdUJ<* zr1)_D|HQbIpX={7{F4K09|M!}Ic$3`BtevZ*3lQ99ae!yHVx!QPpmPHa+o$#4Gm?b zm1?9H6s8{nT5HC~JZK4tEZp(d|d$0~Qzu!WmS_n@>K1Z>Ch^O*?dg5om68~r) z?`8H|HGFa=lV9*IRKb{DC_+PJjvVu*Jz!>_&z0Or@an+-*9h+nf08?ZztQ*FAU@Lm zrwgUj$wczHC0XA=jD~kIq8pfj&H5nBzms>$_dx?T`pY#4h$~^d<%(YDhI|}`$pQ?x4GSA` zXjH^qk|}BMuzyE00@VAsY?0r~EB$YCF|)|3gKxPWGR_05Au@0spSlhGn+2THQE*ep7#t;q zC!P#m?MG1Fc5qA70p2zl88$%Q3bE2XR(TpRi9yi?wj1cdM8wWdVg+-2=!MtC7VRRm zG4g{}Lqdc14WAW&L#a@t)sd5FViZ5!4qrIqY2$rXb>x1l01;|<9IBrLDc&#xiw1dW2D%JE} z{gQtX_lNvs%(<-R$i9=$i5`EP4tVEjhm3NQmE<*@EQ1{3mtf0Ij1r=zJ>xIDt{L^N zX!B5dOB|kTaR=m4v$oR2C_gWif7b;1_1=t&))-a%FGi8vUxlbGnhf@wyTFAdu^_b5 zj>F#j*0uy1YEndu533NIxm_J9V`66ZHuE02?wJ$Fm}02-s~ar>N}M(9_9DOP&YRfQ z`+avotYTLeREHlj9OKME&%7l`3fC%YL|!- zob~S*+IutNge8b7(jsO2-Km~_WHz)BdCD+iNN*rndrm(RE3#g0YlW$nP04cg_+?`% zbTinK#*Qery_3SdP9*6rcUK=ylQs_50i(J&kw(7>E5NL308}~Ve^<1WTl^f1WWZQf z7%|L3A9jwc%Vv85`6nrHkWZ4k9W22$SU-LgpMRv&ls`eH)4yKh}bF5fl1^*>h+oS8&X=Vl5z^9u?n6^&B zpW`P+$vQ!^U97lAPufTOTDPzq*ypzHZziL0r(|%J4(U`O`r%nbZ#F4iM=iz*`m--) z*t#{WSlia~5R)__bAxqe<>XNIz#?x_T$2w(g`z$Yt*L7KOWzmQx2}A*`tIaKw=3#M z?E~k(_gVB6V&;A9MUyghZF^izwlb%(%*Y6usn!6)J6QSs%};}A>z?3+5(a0P6=yM-oC{Om z26At^8i!~iva33kiO;%DHS!K0*am*zv6Nm;>`EDZk;p%!siWQ_$Dl$PgWYifIq}ZX z`!i{2Q6ui3j!f`{6_69a`lN6a$WW9Bo!SD)emX|A)?lVawlUXP%BL7xuOVZI&^D2y z+_h0|a^lYcjwo6qyJ{XZfjNf9uY>X}5Y5ZQ2;*-07|0WZ*fQ|%ypuZgTO!XoMQyHp zNqbBD&C<5_vY|f_PqfKFI|)y7d*xl-s$LG=VOWG*nf9z{uzF6Y%dneR!};T-x>)E# z?*&>L&Bmv+{NjxW!AAW3xHHUm+6P+{S*W+k)0k|K#M`FAaz1Y{Yp4hIZouQz z#fio~gnE~Iu~Jx>NuDC){*-Ng0?|jdnfe*$^>ZU4L|ttfMi6{=SuW-FBN=EfeFzom z-BWvt%i|dB;X3mBV1h?1aQy$TabM__-v-|;@v6~~45Lx)OwLf{;3s@|rNBPM;*1uy zLh)rT;|TsM*%P5Zfhd(xR}49I)WPIm(mv(N*y6ANfgXcc7+c|n4$8<+mADr(Ytc&a zTZzw3CvL**v8)*&+Z{M7f0=rR`p2!zC9KbF4~t3{dvHqT`4|U+dq|HKd8ft$SD%mQ z;gR$_Efw?06Mm!Emod=VS+n5GeJz{sp|!RSS1tpZYP#bSW5wIE$OTIbZzD4BIwF2d z`Mb1+)}@S0dlA38CYD6W_+kg;FE~NTLnlP%hPx1fT#?E8yGPu@qB%^LN} zRIWF-{fU@!K!>KJ56B?8Sk?ePrr)W3sIGJ#(MwTF4B6PYa{U5P+;5uG*wtHrBm&>7 z5$*WlVaA6Y`K)kUqo#Vv7utHvQXug^HZV)2$o8OYV|-M8jaLbMZu2IN_ z03*Rn;QPQigcdw&i2|=4S24My>vLZdHyfD5|G8BcgW#)ns>8tN@SIWOr31LjPv8t8 z<4aNa9qXTnA){#zw3*m3QT#+0SU8XsE%#jToY9jfYkad_a!*m?tS^2aSw+)~Se?vg z;d7alTJRw21Qg$jJTs$OojJ2YI3Hv@)Qol#Q{1|rdCFgh^EqS!1THFUsWHcMcd9zI-la0<{y` zoYTB~x@@PO$cctU}$SbW`43@F%y7BCcORuY(twNuApMAQ8}PKTobzabvvmw5!JYWj@za z))Gh{RGkD)k8C5W>xgocd$%)UPGks{^*^WLw>w>oQFXv<6ZPN$=9yLqxYT_1ba3D3 z6FiHvNNOyB?K7FMx@VcFh~PW9emcW5HXo}=7uTxkIh8tExh+iFCWc}U%W97t^=A=R zr-l5fT5#~npgMI{cUH2eU3U?=2CQ073x+$9*D<2p!OeVl=V&Xu6w?bBohI_EP;?ca z%#KGcQVAk*TeN?|$3#wL+KFS8qRt#qvRPa;Y>HGRQv4HlI@LwUzWY>-5^sgfg;vrm z#`jN#x9DQ;$H#ES$=-`?!z9t!)w*%9OTq;_S{mZ5Te z2fl~$*TlCRfS!NOLeD@~BO-JLyymex&{@*l`C(`F<#|1xHcd2~M-Q5gs9M>3Jm0-JVQ zZ<41aGbX5|F*CGZ6g`_U>Lp{}f}tfGQ%rKf2 z5{NzuTu(FLkwD#nunX|P5yAA9&x5uEyZX3&kSj*rkU-`Io|e?iE{fZFGAHu=q7rf0 zXAAp#ba8P%{TAu$ON86xc$g>OuQ{{JX~8r6-a8($aL6 zv_HtZf}j3X?-+HBdoeiKjzU*s%&bZIY0;NJ12`e^43v$}LJQt4X8sSWOwpUg4C|6& zzc9azHzmjB}tS0s>PWShk494_IG%0JGdkl0r=aZ-w`m85FZ#)u0k5=#q z)5prFGHc%OZgM?PdUGY9VngR2jBJR@J`FE$l=^$>i+NA*NYKkpZ-Wz<;Hx3jgo%-5 z#l5zz5dRFlH6h&D7cI@}&-n0B8~BqIqA(!oEGHwYQiv`8yZ#Sk|I*jn)_$W+c}1Uu zdVh&g;b!9GO^MAoJa*uZ17?ETpI*yfw9?GPIRg^HC9AJi3;FwdjFs~h^G9t2jkcY@nMPckE5P(L#lEBHyZw%?Ag2D*)L zE5=28ia*1P`$R1FAUVv?|Gbm%ncM;7H+@AW8awcP#3NOU@WFYIzRW|fFFp@>)1*|F zQ?5{Av!8ONg5SqOfx{aUvz zaGVB@b}DYH0ypyfD4PVdvJCBGp+%c9VsnS`O8V4!HCHu#Fl}jjd5T9H3NHh-STa<` zSZlzRMCp3BmW- z#ZQt^-?P(nMwSl)!Ss^Y5K0b=J_gS1aCjwPKteolj9!oaDu4f7hmm@>Nj$5BIAwQ; zm0(ukeLM}o9f{Q@SqS+rE9kzC9&Ev$3qQfSF*0gEe#3jpz7M~MT}Whw)+$Cqjv=Dh zDD|)VcsPPR#GGN;+okI09-p4D z)@WOYWJZYsEs*U!4{V#)Z_~1o|I1v922SO%9VnQzR~>( zh$~Q(lVxXhvTicg(^F)GQ9e-8F{6t98`huYs(~(qbB-}5Mfr0P-v!i2e^w_d!D=!i zQF873cL=%7;>8!n8SPb8#2>&uCI1TBe09l0Xe9qilQA{w&3yX}wG@3U6qhSn_kmBK ze@xyhcd`H6zh$aZ`2w6=JSSx=_?S;O2wu6Prc%$QERb;u&J}A-(Z7`_%zOOL^>*2{ z)Gs@n%6GGvjSXGILaxZ<^fSo#ku^7%+j6>s9D!kIqs%J|p4$(zPT}2Cz`mLyR(6r! z`QK!o+su$Tjm!u6y?-=gf&-97-k!q(pLSQ|~sWcxqIaGy~x zN)0;Aav{BV0$yC{6)%eYE}OA>n>So5lgZtUwpe}!YH18riiX1uljKH@MXDh#B8>4eNK*up>llCaB z@@>eLdQz*;oft*?6K84Yx;0*{UF7h@g%+})K45F|X+-`x;d3WWf|P+YnjMuWLN=<% z2x>jXY+I?gGB>Zkln#9UX-8rbaKS+P(QY{ane6nj!36h_J`0&GNI%#C>`dzSEyqd5 zT}s46_gXb@{RECe!;s+{9omD-+zLJD6^IbaD05D9o%*Du#wWRC-z$MGJO=h)YEYCN zPrIbuE(TKy?lRB~`)~%aUMi5+{cZW``O*>dt!qj>!6f00dz0OtDS} zuN;XwEUQor>;P&{Z}mxpz(`ufM5io94Esw&qz9`jBj%|+?`7XB zLWjAyGMow-+738b|BuoL-b!&3FyUJkkC?b2ff9*VXKXQjAQ$7!O1yk0V_(w4LFrVV zJFC0o#JE)a7b8}D6@4M|9X$%B&Hv5s8FxHn+o3M(RDrAozW2CmhZ=9$f?O-9JyDmC z>}o{H(Hfc$%d0w7dd!wbv^9IFLoVPdFaGB{mxCu@d4zek1Zr&Rba(s@)={C%$D)QW zd)C$y%_|vSVI_s3J|AJAf2h_r#i~V+(}cE58Zc0W#C>ggOj+D z0y*ibG}h8J8K#a$#}w76vymw_Y|=Jp>LDV+mG_MFAi*p9k7$XpTW8i4YZ|Jw=H^FzMC~Ms7yp&4a z`d4e`Fw(U?n;`HBryUj8(Rn`k6#Rs<5m|O-AbkOBE^8t(&f`?R&uD8eHaIpVOI_Nb zMMLV0R(@m81m7>)o3fa-J}Od=0dp$H#IM1{;-vH9J4J~X#3IXQeF_WZ zje%=`W_t?At%}q%p>XZH7q%>Oa!T+|1V zm8&YCXY8tx`cbsD3;bSW7q|~T&hZ)S4`soI1hd{#@SH@soufN+rH7*iwjZ^6zx{aJ zGB>_joCqUV22Yl1@lSgV>;t~({0v!L>LPZ4&FO`FX^r+Y5$RGN{84)VPXZ4b{B0j~ zTe*q7wG_P^ankM;M{i>6tZgiK3ifGokN32G(A+MF*DV7qYkn(d$#2D&s8+cWII{mh zELx>)>GC2KiRcn3on)#bY-gOv`c*zESG)c2k&m2D4{EZ*VtP|`od>*Nj$ zoR2OI)4Ei&$$u)pp_HL+-%#jO=fVG0r`Q*iar-kqA6Q@?PCLj$!sijEZ^m<|iIM+~m|fEsnHppj zXCaa$TM@jTM=s)Qkw-N~4TCmJz0Rzm9r#`|A9=_+;`z5CAG-?kFDuHLe!JiOS`|Cc zYf7&iGg*{^YUnq#Dj8w?)leJ33Ff-vOaxNPX5eJ_xo!=FA^zGs`whsd0|-wIgs2EY*PsbTVF$lY?_F*DA-F z*%WQ{fRc?o$Gn5Aa!rbq>0|@FZaMI4zXRV#l=E$d-M}@^T5r{epE;FBy3qP6#M@^X zm~igUj_^OTC2}l+=bCw+JTGR#qAW1v0eK}kE<|FH1DjFaS8ivn1X)Ttr#;U5~*=L_xS!PTwjAwF_|bb z|LP3xH~CJRQNg11E^+(zK;ZSV7j0dQTCzvp*H84Je}vfGc=*xfb-}CN#9D2P?Jh21 zgqfirZ4>q-SjS=4!S19vl75`)nb@!)jjUvi`ZN17ZDjE>V=xi)+SevcA`zUzW}E^}4~ z0}I6~`1S&1iaTP-(?x6V&iw9SKy7O&)6BDq{)!v0Ggd%fpbw=2NE_rM{koz9?JmyO zFc-LO_fj9+qDi~UkO_vY=ed*zb`9dfKQ?MX)9V9_d|G(Q#zabezV%%EftL!g4)<9m zg1e5^Atlj7Xf?!9X2NRHS_W@Vxvf#NstG_g)u=P)@`-EH$wEA# ztg;8NLvuNvrEwjx<3pgq+}%D#l`;MigNTQ}C7XM1j-xu~Yy|bl?fM7a65_)e`nCQ&W9V(T2K#?6=JRRf245P+Ruw8UFfN5g zJdm8CeY(HoV`TMfjO4#$>_vd}e|N$(XmTdjHgMf!DfudMaMHk7S}{z@+Gg<;u)O?~ zb0qx&)Nbrr2k0m9h&glo4_Rc6mRw{0_mX?*voskW+~2n^WZG_n$F8MD>>nM*3%Cm6 zbcaUX-eZV;y6w9YE{k*G&YOP`&)x6EZjkTsj}5UL%onT{-Ly}@6ha+>sNEzVn^^E_ zmUvR`Bd)2xs?Q*I!IYE!XR^{95Cju50 zXin)8e@?6}1a?R`aZQslf5>B@^|{}dOcAcvDwK~3hq(&Y@N=?|0l6Gf0&c2CScQc~ zwt5QclywOs_FjlD=Rb$BZc;iaBdeUse^9|amR?8ugkxcpnfwvFCobs1Y3Lk?MhPlPQ7mvf0RoFndEuQJ?$AJNPz!_muJX z+hy&M2>{$|KV}5WHWLq(o4$AaS!8SSB%YcVl|2T&fb4c&u?wd@Kg)FJ$lCA-%LwN3 zGApaf7}aMj|LQDr&tHs@vB_J&F&~18UmT6%J`Y$}M|ssv%!v#KbFR?oivzX~Xuwqa z%(=YIIX>BXEEd>r_??6}Y2>G7_TQaA?fYKG$oaak3}+T9_u3psZWnT;*1)!x@0bO2 zbcrz0KGW1D+tV1cr$x4KK@L{IW5||l1dlhfa96bB$-@<10vUAy`#PjgvYMu!E8B`0Mux?G4@Bza!;X zfc-7@+C0kiics*zj2;RZbHzetcgjM(ts=B5Fh%iL7j>v~y_D|?xh(+H}cc`62ysZJ5lBaqwgOl07v%;sKAM}I1oi$ufPvfVj9bK02 zRQgJ#jd7`67_4IM?%4P(Vm#y?eU9|6@8?f2QqQB8CY~wqnV3vbnaeAD2Fu++znBo= zsYG07!%E$PD%nye3)D-f510sOp8c$%D8v9uXMkj68v}b{_LusO%x@&)I&%_uANGhb z2jzo#(*D$Mnsv0osy3V#^Dllw2CYd^tUYWpgULJWSx)5$cDN2!8AoNjQijS+?_kdk z741}Js-mVDA{42Xq3t`VpTQ=+Y8iu1`BT0(@EvyjA$*4{O$0ID2Lm;t6UI;Z38ME( zJFIv*b7-v>3=$c*V1Pd1-6ksPUe-)w=VU0s!yf%wo2qJ z^C;%05RzC(@5j>ofz)EJ?_4t!!l3yOk+@75D=_?&r`Bsz)1|lsX;!chIa} zjUfVUCE_it{q!AbnwzJ1@S8ZZWwt}^qHwOUhkgE_z<1qS%!s%Z8Je?I+QOSr4~UsZ z1C+Dcn8XP9!Kh!Kf&Jsqu7JC!Ny#2uff)otAR=6YaTe-g6V4ZEBf!<`KV$7D53~YN z>4e|06swK*^Le2w$$!xuqX%4AJ13BMd`cAJn~BBGX}jEH5nh>21nASwk}bpzt+PA} z?Rp9%jnl}maVyawHo-NuMdSMV5LWDBjKAdVGW}wjSZf_*1~@CWyiA11=Toyh_3)tI6Z1LZr(3iIIDL7F@s8f;4S7S82QsVe znXx<67h&siR(7cM8vQ+BJA{4y1yB*pumbiE)hi0cV^2{^_W~N_fN>H9@5;HJ8uYo$ zsvN^y8~fsOWITM1JcfiC*8WQrPXaf7JNTFO4&;7IQC3W-bsRuV!4a@%dDfksIU8$l zoh3i65vP;%OMlqud+e|kD&w{E!xe6riYOiNt~RvmK@o}?LrMy_YHvV{=HF;iFJmcg{|s{(B#4Ac+R4IO(!`$N^}R5Hn2L#^-LK6!gRiPDmp5d$z=iDG;ou9fk9 z6fiULla}(AvD)j1mpwQKc}2cxZg8KPv9rC#=I68&_A#lp(K<+iTk zL-^D;9Z3|&YfYT1zg=Y3xQKPfwg0M51_t(s-+!ykLd4y?H@F3suzW-ZvvI<2Ol&9q z5%=uuWXQ}iW2Sp_Nfu>WqHt>5i=AkPoY|2Sn*JPi)hMiwXRw-nBkZTXvXKEx!THX} zWji1Oo0Pxg0_PfQ*46E#6h|iMzqI2VU$^qyec#aB9smZ3=n6_Q)S~IEi`T>VbRfRu z@&jb$9O$cf*evcqgjrTq%vXQTuhmA1I?o;>)=d49Qr@ZDK9DEh?x^d)hHf6p(M(ga zlW;DA#Ym#ahz1#+zRZX)@YOmJY`UKVM4WOSp$l%B|*8Kts*$0qcb zqr;fZJCoVoaX5iqjA%4?LYUQ;hkdt2`vR4-_X9{dH#im1WRVt; zT$zDSZg37Xe3_K`mvlz1JE{+`w4$%uGT+BktW zo#yO`5g!!&<$lH*$#Tb$KZ6|EQLxro*=p(badj0|7|pcVOiAc4J*+TJo;nWf}uBf_r?>Ndo!Y!ENNqGRO|zD3rs z+t#lB9>z!z@ilgJ?#olr);g?Hw=!Qm6Ix$P48uxfHSHC58Y9yzt_@$O{pL2F+e>;e z2dD^&3g>LNR@oz2%NO!tPjiqg1X%T{L(Z2dgjMgN%ntWg&E54@UYV;;5C1*2Ar=s$eZS z`m^ebucJQIe^vIF@-uM!X6UR2gZ$pf>+x(Ep_a3Qs>1u(i*g$?(aGnyIqrFj+mq9Q zqvdhE8+TH@WokUxscgfs!r%c8SdY!(S>z*xq2@f>z>!FadF6Jj5Am$v_-RH?T(0ue zcvkD1aM-P^)rsmpgbJD|$};s1AT+A=!}$lqeMXINX6I}K0}r@0aput8BE#*+w^AeM z;E`z7*1g;Qu=LNOM?Sqeu#LH4$i#>4KMJ<}?e<0yXXNe;iYBKq*sz=&jZ!`zdd;h0 zM581;+xi`HWrbLKV{MU-l>U)R;j`6vBf@nWQK5uqlgB{|1b+xyo7$^UthF7pz6)vf z-{GdmIIvyJSYT~r>T zB2ym@Z0oyGpJYx~4`F|=yc6EHV)?uD)sPWK7eit5mR3=Qr6`u+lz*+?z-Ukdp3mGo zGv6ZcE%f|c4OxISNG|Ql9vm6QEuygEKfaY{IeO%XNNZAt50Gy(K0*G*^Xl0-oSFYt zHK>OoqkX(#fqNhqGW@&SDEZv>kUp=&=Q|Z+k3ESMxJO*tY3On7DhDrs1veE@RH@em zwl5ww0a>x@)NlizksHS6(1UDdTRN3AJav9-G@i#%7kVYKv^K_$P|WIc!7bvmx`qr- z)Y{QgvqYoLsEbEqITL$X9R*e}>Nep?7Gxgn!MG(nt0+t18;0HO+vkBTtO&gep7#1& z543CMHcszENn^4_WMGHCD2}xQdvRDE5&AfLeyYB3e>0T6qVV?C`rPO6>7Zy?-KZxj z5P9+T{pvYLux8-_W{^lsR)<}T9YZPG)RWgHSl$MwDp$c@jom@{4!(~BSvjLhbAl(n zERiesp1zz@S}M~MCwFX87WEb43vdJ6sa1jPzfM)5=kZ-{B8w}=%~FYl9N#MA> zF!)`4|1PrePfmOb>yG;+5m6Uvkk>H=LlK?eS$ED+T~r3HSQjdY_dr`4)xD63&EgqP zDKftpd6My$Mno1)s&kE*Bj0+X8V+rdpR@r6PtfDEbTVe&^xzTY=sm&LxL| zE}q0_pL48Ge_u2w`>Y{BkqZrNYysZiES6M_#R-t9zFt$OT80;h=PTLTa@*1lZp0^U zxCSa$#1Epc;rme<*1#)O3EACxFH#%Wq7fOxJuklx9Ff2^!*8>2eSUcV(iridr`_;4 zT@+(6qvss&xIa%PBkw3{476ynK2zIb6$1Kywh7MurcAaG`wteBOIhgN>b)p7IbVgA zNzR{*VVvVT$6X1J7a4K)!b8Svkyj1G)4n8nsuYaS*J`1di)ag(j1cKs>k%8(N3-Y= zWITn}FTmJxWG=O9P%GiD;dPheUwyPQ@_F{ERa$SfhFF49B&(jYBAIfkLqjH6r8!+L=viekP8$eF`2$yySM=T<*bnP-Oo8Xg`E}k z+UR&zarzorVql%n7r>7w^BUSKKM1+EZ-s?WZhHzDs{a|!YU9t&=QBsTE{YB6ccHgK zqZ^MriTIHV!u;zQ%vrc5_(X3`$SjbjUcP#usCZPBPu>R3AsMn7)G@9b;4N9ARw6S; zp7i^DzoX(UdQ>S609U~Lf{0r$xl60uN+VXbGnAR;b*d6eS(_qugNnfcs zq1)69@p#y2ACe_-ulr?vu)gwH##ylk5>gjGB3mNvV?)7!FXn~ZxkrM;>AL6lAS|s0FTHM zw~Bj>S$IOdA8YWgunMswmfDo1XaPPi6|9B@jQ3KxeqJ9yxpC7XMmt&S>IC#hjwikB z@7$IP&*BK>Ug))`C>2MYiQ1|hORwnNILuXAC0Cm+-gOp5GUj#{^7%U=af;7KQMw)K z+U}m;IT3e>D`90k4Kh&|dtv)b@1#I~Zx#tR@ua65m#iz`!o>WR=koq$(X*J+eQ(&o z#g}#hpBv57=*@07`MiaJbJWT4dpw~`JTRSSGUdxgk$US1*rv*WAB_4Hj36xx!>+@r zXagIqWa>ltWFA^p=)sgToSk>|WQ{K0`_ z9~iC`cWYAi#91OgvuCRR$|39dRP_FH&%<~+TYt{65d5IDZcD}G2i(9~^K-_Y`5l;5 zyPkDEFdaFS!(s$kXn4=O&MIPAv$|LK&f(T;Vuku0STlwX=!sRpTG6eoRi0kRQmo8S z`(a$DNq>B6Ddg_&@@Ua14a^;lPT~ChQg+5lr0wdswPAb2fDE=^FW4;hie7PUSmfF5 zYD9W=ck8eee)DZwof;*6cJ{~(+ngb9?K1Ai-^1J$*q`$q zlU(eTrRWe)0UbTjVjgToMrrxP_ilasRen42Fg3k8^(UOTl_If$$U;^Wi;k<;l-L?^ zr59TUTzKcNuu7#YX}vSv7}ygslqV@`N0*9HA1*a;Pm(j_Tu<(azAt_Rs{|DVT!=Gh z^sr^ObAgxY4#VqzEu0>qI})ZMlZV;>Gq}&>GJB;y_dDxDSfylLu&Qq+Nq@o+^}kh- zu>DFgt5%hIX{~LGSdjf^ATKPLPeMvM)sGFX-rzITuI~=3Flv;PL59GGtTDDh_7dvX zGC#D|_K`-M-upS!Rany^2JuI};XvvEtRB=m%xgW%mWlb{A=aaYhaxxZw=rLVeZ;9m zoazw%2E5{!kudsFCUqp{Gdk`OtoBr8A|%-XF{T%LOfIO0w1>dGlBHxJ_v|H`ON@pb zzeQ_|tOdJn3N%^$xhZkvgF5T{5~s=k>+8zno2t_GJ@+OzNt1Nn(tUxpY=u&x2*@Ta zU~7R=mLjx55fB9gK|m0(SfF4LMX5R{n@|@-L<9#>LB`@JI<$!JSzrKl7W0!*k(@`P$U80QIb3^x*txXC;XRLUw{>|H5MM@e%uT4c-^MaafVYO;*{TTsZTF z5K}=W_#@yNlnB_|(5Gke&BYb+Z?stkE}e}ENk)2~T@1EG6DvTiUAVT-E@s`ZiaVvj zcGOXk`CpR>xyx+qM4TXB1wa3y4bNNRZEKJ*xq-Eh6Cb(iloycY=|9`4lb4w+(F-gQ z;~l7^N>UDYB9CRgu(|PMzS1Z8i4e&&7?3ANy$Ndw(P>Q=zZI^6?DRyGego^K8tw_etuN+MI?Lt(?d}o4x1bI;luqtoX@{Rxl)jm z&qSW&pje9>@dAA+ZWCQB3v6$B5mHYJ8+_F(-yY;px~c1MYnavefG+q;p=GMep&SsI zLsM}YsM~MgNpFp%Ephd&@v}F-q9gNtZSeRhz$%75fE}0<_pctzG1Uvb{m8WR^yL^! zozg>TI|vddy7l@|oLB#uE%ku!Di;Md+&a>zpUFys{i6N^>ls*ySXwfuS)D{&Jy-$a z>&2&T#HeSbO9F*BiIadv-e9{sbvrE=_UD#XYhXwkYPph8gS5fiXk=UKlsJUthNyB4qHz3#HxNDAJT*^@>PNmbWdJ#-OK0>ETOoyo7W%&Dw^l+w`A5d`!-;B} zs>-zx@C8`A)j_Pp32!c8&dD1gLu5|zUroXMJpRfP72rlS`>t1MFk{cO7GJR56dTrx zY9d|lj4M!xE8$v_iEBFIYz7CQ5vgcrU4<3lU%P70yLc0hT3)IiRQp3dbkRq&HM~LQ zQ@CF2?6|t)MlkyFEpM7K@c+f;gkId831F5zTTo;?$tC`Xn4iW^`GgeFfR$wL!=^Cm z^7~w0A-dHvdYBvTIZu>&X3$q7{>6Oj?{hrsi+Vzw8C`_BxxGBIk6PFj)^o;R@Jn#O zcupl{p+2C4=#JU9*G@uDQ`0dL(g}0Efw)CvJFg z))jIWo_Q|nCH*+~iKb{1Bmm!P?&nYw^0sUX&pP*AL=<%=Jhw)~pTR1qzGPS|lDB?| z!BNhfKy#`5ZkaBk9HWrWZTajfdysxcUDAuWpe2wS_CtLiH*FAZ>ELA>VF8XthAYe2 zq%I5G5+i@_*|npAlaL1>W+*|ihq5O9FfvhB#q$$5Q}RW<<-C;3T*Auy707dP#aLH7 z#KIZSwre>W;?EP5?&)I`j-PY-3K1aQSMRnsFGYc#u9m*~>boRxMIp9;93b*QX1CSi z8Ly|~AxF}tKhMfp)N8(U3 z7M&gHJJOg9SI7n=yUs(xjik<8)bcN>u*~LMy@ZS z=K?jCf^0E+m(kO2K4QiLQL{YkLpMs?cNOVh@Yk$)?}@&;bxJ~fBKGSu(@%Y+bmklS zm6@6KQCwxGqG}gAJ9Y1DXd|9mSETHGFGb``s|XPgHk5 ziH~G1;xDVI%9q${6wkzuSrS?^_T^&v%E20ewVpR?g9Pfml4U?X6Mf3fiIp2 z1)ko6h3pb?DVOYhjxF278P$ug9@NnV zcZXOWau0IuJRvLdIWH%eIHPm^hD@UG`y>yC>~Bv_1fWEU;()y36B}TK)usNd--a8D zzwtfi;Go1gMkWntm22=s_}l*-=;@~B(KNDZ^>lCgE?j%^l{etNSgk#dJ$oEjZ~6Z% zpZ;ig7#KTtYRnaO5F3X}OQs!A5!t{Ba~CSrsjf!BOey1aV0yWgpGInj`s@Wi3Gh(n zD~R1rN93l^atA8B5^=k^fPO^vSJyHzrjp}%aBM8*Fs<7y(C6NI}k@o0E-}TvTiv@;^s2$=^dHTtN|Db~sDs=_> z7}GC!!c?TFYQFBNTIKb4m#c2!^b%o|897o`{G_08XE_?FHDRT(hl? z>InAzWv|@L)!CwJIcKm>f7(?p8oGQ2-i2~g*K)H8OB@=KSdwW2sE?RglTzfnCKExejHhvIO_?kQai? zDdMEj{We8eIxrjF8RMXKNa6;(``gXb{~r4anPg<{7VW_^3hc@Po%_$-ooKKE@SV5D zvpTxgc%P~J=jvRnSB3Tg`p_~8S0XN_aJF5clRBH*!LuJH%I!q#&Ng%9I7W}RGs9iU z<105@$tLxwRB2<-mt6M11$8Udqz0TCj0V+;&tXS%w$Ej*0b);Lips=#ojqSt#N|a? zrLG!BMbr>+&b-%6s96{^fbUQ4%`D_j_lfhB23fuRE~3|9#76(rG&Ns63ly8w3w+As zc2?*2#9!`FpAly@qAkd}OuSKzwU>IW6;1VZ=#RPY3ppcGcc6BFTsS_Iow8}KaVGB! zng=;QEq(&7v8Q+n*U&=N5PbFN+EeCEFSYSt!xeEHmMNSrDezdG> zr}1f~@w_d7nMJg=5%{uB;ucXYmg9~wqJrio^@kMt{ykCsNN=?wvkczIFvoK?o|97b ze&itL;Z|C_VzUt&-qK#a;VI<&(p2PaA;XDyRzSxNA~i-@1fShcL@C%p!CY`|LIqCV z;HbgLT}8y5YmhUc9AFKBr0XQ!EMyNF@h7L5@A^;CtI)mV0+^bZ-~A%KFW!V5!#o&c zWbS<@P`ZzTCH(Pm3(+^4a@jxhD(7zg~ENHzD_scYz9h`?wJ?&KBXA z4|=94D+iEEhG+4pgBskaJgJqDjTL_ddz*p!pheO@kDpZ;zSFU|DPkbJ9VhPfT&xmv zM|~EKZas}iCv0Bkp1$XP82v6UY z8Hc>Oni=C>m&*RTvTWLcgiA&Qk(sb7TCl+p9dXYZEkPr1eJ%7Fn2jKL==2>tGEGOM z7I~k6#o{&8n4U)$3);}sPGrZLUCWrG%#!Rg{CnPX=t_&;JKPDxFG^FDpG~>3yeYdR zcZRkY9gq!sN#YwO=vB}(dqQ|?s-}m+>2*`T@HQzHM`kd-9T8p(9#84$fS>o05r$Unwsd}TtK+St(I!;KPNuvSAy+WWQ3KAT z3DCJ`w@}x#1-?e+^y|RtXdh*YzbeMU>Y8Un{AHIK?iRWbM@g=ZOW6@(^^!F}DsHzQ zisPE(hS!T%Gb_b}2VaE6Rj2%=ZKbH2I3tdDkb2+;xdzFDxl?(Nt>IenC`RS@U&oS# zkw0jJr$R61u&D+$Y^#h6$cIlmlzK<{T}8^#x#uJ6!PK=EXOinoj#qY}A~I!edf`V(n_?qoKw|6#4shck~*zYoi>Vj#pi=7QAtd><(>?i&4~VS zM=_!~P3T_jZ2A3bW0)(DSh zA98QJ!{)%VSGA194bW(Ebc`!7M!3kxvQUGLK$P~dspk-BDUBV>sBLme5wb}?!1|N8 z?t3(eI$=e9G-_1HW;r0BUWCCDEwp^B4O3H~y)sN*E5vv18OkY>=Lt>bGT3!Pz|4CR zz6m<7qN9)OGA2Iuyzl&Y1h`Q4p)?0)nDT;7EM*(?g-9+m}@F4 zMh*ZsML$-aSl;L73^stI&h2o*D{bWa-3R0b`&Hpw#74MnAo?(`X@RrIvI-4_->nJe zdA<%#=WNmMo+`+Uj6eC#uF}rRDl#QguAf2-zu!Ina#$2d9saX{zGID|F4#4@6lY?0 z05X}z4U)U6CvsQqjkC9Twd%oyFSo z>hf03V)JZfe)zA*UISf^2ukhp1V}z_S1?H1^03a*D|p3p zmQCJj<`Z~Z!jdeQiuxe`5i>Scjys-xGC0OaH7U17Yzvg$61w=nPUMQ5=qJ~;{2t=hCe9{^7{v@@cY zofa7Dyx75K&}L&@IOinMe~h*=3VL1(T|X3WIEvaYNQ+n;%j{PQVhIfCN=Ojlj4oH48E3r}+FA4t~QC2cQvGR(#ONh0r z=$%t?$|kw ze2E-GYxv(xL@8MP!98Su$MG|TSO8|u*KwDzUlzITdt{_whNq^=HT7KsvVll+B{4O9 zfDO&~AVF!5*)}DS4RGx$u0d8(yy3~AD+$nA}Fy1gv#9pwIg#T#S$%wUD zHG&u`QSC1yj6c@`{p8uXY(%{t(sitL%M)|4C!ZzHi}atvw5wttdT`KJDo13vB!c#2 zzJ;gtdyBm*t9gcL-J%sGS^S20yYz8nK0wwWnAJJj%e~l*fU}==>m|Jr`+&7ati+`h z74UB5?}*}Q0$%7fVC2XfB4d+@M$u0L8*Si8o&Da3tgf(c$4%%0PByiN z%PMVIW>6MI4(I}Xh6qB8au!v&64@ekgog>*SL&PV_~4)fRHMil()uNiYoz&MSjN(N zVnk$wxQrezUjWs|9Xl5Hvl@=QAli*McTY{2?>p$1Gum<(5zu}5y5ys`Fjp9^J>(=4 z`BujxR{GSrZcN2MH==`*F?L#9tGj4N2S%qdaRYmrd*0Z*3eETYaO~M4W(WIc)PlQ& z>pBkD)k%y&DG4wVS<{ZFAF}R817~S>p|{&EoVnRSX^3O8riq`wj+|U1`a|8TT3;pe z4xe&VT*^y;_4Dg61M>;_JCgY%I01&o%ir;?VWhu!IKNHq%gyS0qk)XZZS-(>o$_ha z?tlVSg?|#RnU{DF)4Orwqo;T&84YA@P#vO(p1Nueum2#o*6^*(v+8|2Js47;7KaWT z5ZYDBzqhjQsQ6_B`Id;1rNmfpOUUo|K4V@o^?v%S8yI&Qa(3W}7*2`!1(6`&tzqpk zn?W7Ye8s76_FzAev-7D{UF={DS!>^~wMJ@V2lo+n?w&W} zyQF(-^Nh-8N@jp*X3)c5(?3g(xUXI24tfS($l_mdPP z+Kg4mwSN*TBjH=x(<;)y*_ACuWwbU&3y?=kaXObGg18v=HMw=Bx@YWtPNqW>W1g*<>Sv}U6_uHz8oN9;=u`{c zr^ox0ZC&{(vtS|l-fCvw)%NhoMI(a3+p$Sq8`4!&xp55Mw;l!hB{Xb5_yAS)JZ`z_ zsIG21(f4Wlbk^Xfsb^3b6}GycpG4F}Fw3znI0tn&*N1GxxEPynP439rb-_C31$4i0 z$2PsQdJ*yR_(1lU>4oS;%M+OkBogx%?BY`eM09IUue2pSogyrw$KX!Up7|l0@}giO^6_nOJFDuiu<=6ZSIuc-JY*LtR=ZMo_Gc zMP-jec{wc{7%S^?=75Wok8O+G`qVr3>%gp$%cfpD+V4}9(cUb`1?vO{^dBJ(#rdCl z%3&1{*jLMf({JE+r=clYYV?lEw*fEOIrd7#YsxXcaxo3{XSn4orD|Vzd5Pkmh+ndA zQd6kpg&Lr11nGW5XolvM00f8gG;axGww51?o z2%Nhx;FBJi9-(QI>eM#4QL7O> z_}>tAgN4oyD?x<5*vNn&j`yeT(-rw{K3P}7a5E)9yV2rSVF!VQ62E;rb}sbIoCB93 z1vU6D&k8n|*Zrnl6QyM~*Z8iSqxVhw($Xa7`pc)UnOA`{R{j`MBdMf<7^&E6sn5G8AxI5_ht{PchN6>z7 zQ2UQSwz*ye!`4{=i=-I;o$jPx5qEpby<%M0D&9;$4aMJhIvHW(so8;(`OqY@dIELI z{?Z%wa?9tC`-tqb9%*R4nzUag;cRvWDuXhw0r3n})}Khp(S@K+*iRV+0bbuNgT5=0tgtqxC(y7SUr$PG%aJoCBL9MXFnk2xZ#AC< zIsBzepn@IUmgK2rL}nCf9%&6M#tPEYB@a9Omve5r+dFpfzyhoCfEFPJ0wvhm+7hub zze_Rjj$DNzo_=EoymrnMJ@YY}_MB}EYG|f*WQS*TKL(c{dElMO&i2fLF|&U?emA(` z$A?XV2g+)($u?QpS`?V>>;tY2Rsj(i&uYF+U|{9R%1VNMMknBHqAbw@KN|f94Quun zASG@9Cqzbtik$FhR_x}6Uq8U!lB_6t94PrX#FJTx{UVUZgVLA_mLuQP{>X5%B`%4l zkCHF~QOsUOH^2<#Ab4oHg#bbQ*Kbr>m-O5}LVxy~VsBTTjQ+v5<6c{Y^(3mMznZQV zC@98R|H<5}Ub3(cs^q^E`dI6b5Hhp6#4=O}G3En~d=UiAA`xiY@ZB8v&fHJ?C^AaU zYzvQXus0&+9ozrs^Grcs12WGMCktj!^IIDlP}h(dbQ-(P+7)_c1&))EQ{ZpSG_Az< zZfJvTR*iQpnKjul%+&oMcWw09-kmk_mRq!1NFSM_$b&-}+l`xU2s&T66xN|%KR||& z&fzywE5HO;io2H`lXPVo_KaTgBrv4D2K)BGkW#EZcYj7Ada$V#Zu`VLw{f;U7~!;T z23iSwsSEm^{`!olj>5?t3$iZoQFaF~%M8z{D6}-G`^0E*r>Khd*qzPw4BQ}KE3=}3ib2mGkLN1i zRVl`<_kT}YrHwr+TAnuVo38XlrCBSpCD%#aD_m8HPiWomvg)jN$ldvsC=*{>_Qx_~ z>;LAuh@!V??VP!t{89cZTWCqe>H8p(l1DAUnh4^r_)XuH(v>LZ8NFCbZa+l)fgSIZ z)Y{WBaGrJXy7lWE^0RCdbDgEg#e7{d-E>+sqPl$uVodp9#eEQYb5=DSPL092BX`)T zbv!4FBLAy(*2u|xKUinqT>*|91F4K#5K*1G5Yhb)n3GSy#@m8OLLGF6j{C7wM1sLj zd1J&H%;B-zkK4%aAtPhw?=+yl)_3A6bV}ksFB`GdO8a}=Vh}@m&3pj*@w5@!Dg>(p z^=zZ~Asu?is1>cWuNxfGiuHS@BfE`eyVp*xhIem~wTNM_!Fppgo{J1JkwcGgBClC_}klHOI~i@h%8$Rl>;D4fVTW%?_2B}xR~RL@PbEAQY= zs6vlf_5^N+(<#@p1~DGSUHF_GR%Q)&3)JA`<>MruMlHu&AI^d9MU4EkI8f|T#)%YkAy}+h-FIp8nUUF+Hfv*Hf2^yF zq&3(+nWl^B=&0iJ^Ny+l%~**;EXREk@0#tvg^zYE{IgG}S2CpaUji-pTepR+S{PYLtn1)8iP`b* z)JVie%VF*9L9Wn+dLQ0HzXQq5r`IW^qyOor!JO#Ue9Sc$o@s;;wQhcrzqin9t`P-o zilZIM%vQZY_N|yXGXWVgEt-+TEVXY2{k8cioIF4P~2Z*6=U&p&L9tJ|G@5ogb>aHwozB|0Fdx~cg zOCak+xYmf86!7&~y5`u`{4nZlfnHvt5z)*YUhPgJ@{WY{2TbvW& zt$e&Iyattozz7Eqx6`WUEvcH?O&pV1P#ObdQn7(&poH7djyY{?e(oA#4;SNxUm|*b^L&z@m|#3Bk&|w)2^( zIb~SN-IcG06i!Ys7{(q~Pr*CgBgpOLGIV*NWe6}ByJE;=ORJ$G^CM^xX1~!1Q|p8q zh;?o0F~6oV55)6d6u7_=*1ZR4obKsTr_5e?t97ESBJ(A;FX($$db*!Y7~4|bJS?48 zVXMf$`TmYthq`79&YIl!^p`IyHqe@4j>9}iC zVTCi>nk{O(Dalo^*9a9ltg5q{58l{N|ReSfI2y6V=w=bn3( z=PY$qLhG@Ks#g6oeTt~K(fW|br;hs1%Fc)YuGXq&{QUK-!q={9cxIYaEyrbf z-Zh?N=^QglC(C^ES)JPCxv8-_7*NaeoUy{sU6tTd+!YM)Ez1p3MQlB7~xWs)zST8ZlKE+76;_PlrGIP_TPZ)5q?8sk88^S916t7YS0 zU*v&kpR#1T>oL=3tuc5{z*89ema#SVE~B61>f-5IC#p()Qfk!?SItY+`WRMM^x8VC z=BQC7t#z$h=Ke?Y|Jkeihj~lPNhutsb*J0&Ft=LeX>n2(7*nKL9x!KgO~kuawJ$RZ zG1_5wt7kM;ZOIrDUstEHe$^Jx63%=k2D7%9mZ z`Bo!QoirYb@T<-VM~p9nn_Y*%KeeiL$7ET79i1!AjQLC%o~Ttn%{eUJMTGEozP#7* zXkwB|!`QVd3U4uusaclXFftXZEbZBRrU6f>M0f*c8h*Piz_ZfBEqHGJ4Qa9k=VP^T z4!>3FLB60eE&fy#ap1&=r7O#=2?v$bW4a+AM`0PE4b8dfSqWab~A!3R|7_E)Za1VF! zPx;QdapXkx0H4w>XEouO92%n3If?M_2}+bO*K|`K6}^<;m(7t6c_VuES4k>H7h-0w zxZEvk)k9`j5`@R`SS1pp7sqGf#OCVbcy~8fYwgp{`)}X(fR(A{`zWmfo^`qeE3eYW zT!SNh3ai7r+Z#uu98?_TpENuqJ=$`O=RB#9YNXLCoy#xc2p!kQ>MJ$UE|Kf};oc;5 zQa0iFy@lTm80p$7Kki(tr^xd?lcgT-s#PmvqHtcHFqawo^^G_wCnf|`g}K7;Mb@ep z5+2u^WWL+89Xup^JwM^eT2c7KNI+t zcA;{4{@TUUo1cr>W(4l4=u1giEpuLUS(lEPsajg(Z;p3LcNpE%RjUqVhhEe3DHL{6bgCjW}u7-F`c$F|bXA1obHK_$#Gf=0u#4nX4`7 znfAEpQ-^(LtP|1?>#LJNI2Zdt-+q-V12xG5&8P6r!Er7<-~DAorL=&~I3$mNy9USn z1r!VFEme~uISZ@dy&R(i@2|l-9a-yBu^5vwpL1N^gEEc3pNjRVb7lavtT+B-?+3Nh zS3{qamzS@@y}3rL)!uOFFYY7_LRf8^KXLS@jpc^J<(&ID>FFxMZ^QNZfuzDFPr1A} zXd>4B2k0?!ZnYhnicYoyd#@RoQ6`zz7&?}_c z%V{Oh+Lq+GPs*Mo-5@uba^J@b%ON{z)y+d!$>Qn#{99AZD@l#o_#4pQW~08Y$a z5BaH9rK{JyZSxXU8F(ZgwA&;bePy-|6RhYZvrLY)uF{*Lc*;&lb$+d?_vWtMuS=Ck zs>^ke+XZCCHoJ9eTJHnZKb7 z(tIDr%~X_xUHdw`@KuPh`T^dE6jYt^l7W+py7(~>~tQq1N9Gpl>8+ME)bRRKD8 zgLTm!yD?OU@@myhozCl!9QFIuf^9za3b^(#&f~wpd$p?A4NjgmI^CyE>yP8Woy&{y z&MsGnBz^D}4^NII%ROJNVACrLZXfW^Ab|2W=wc!VP*n(nPxPWn1~ z7f|UQkzrP<#NnN_%IxOwaJjV+^ZvMu+R`*~qxqJ}nA;Tw&rSjMIo2LMF1=Rmv2HXf zp;LEBq$v4pRGxT3++on7-;9{6@RTLbw7Bz@B<_v(=%7^Nux#m(1pVjJr}Wh5JdC{u ze3YD6fL)!{yGUr`Z1Yt^^4@}xFP6%6tqzYUkve~>8s?_tuai&Y$`*c{DVHZs)`5-=g0_FT0^lMqXuH#0Di5b?}cUNU^&?&`Tz2uou{-OHGTOLdb z$pe!+#Mi1kV=FAIeQkWO`*?=YyjK@36SL1;yLE!rJ*txjoA=fflBO2?}>$MVQ)XAjqh<)h4* zxGN;N(d22KKTAD6xUWzGROv;-)_V6v&CyrG*5OkY_^3csz>KM7K?qLVI3yl9iWH83J{y zhW>tGt-26%7IQC@5B-MschH8NGtRh9V%~|E^+}@;lKFP|(B_9}__w3~_eJfJl;E5O zDb>bBK67{@tc{YN=E+Y|HyS?tbLmc4>Z$h5$Pr%Xl9r2M-PcQL+>fwLD{a~HaYxWe zVvQ=jw1E18GjV2HFP~~sdwNzXu8|tW?imqhh5pPWBU(m840Er5WJrcr)!Zu4=3ICs zb?_ix*TvE0;Dt+hu})_7PL=Dks`2X@gHo8|mt$;7jjP;A@JIfURjW?-=#^Rm8eNbR z{e9};e#gwM<+W=0vLNo9B1z)x#TM*PIiy=Av{$w75wmZLH0-T{>=CO>7W7#LJ9Hx~ zhGfVUzK1sSM(DTz&TBocEdc#$6)A5?qWQOyRLtt@%;u|tCa`}~u!bA%!ZXcJ*km^> zSyg7lXlGtMTKm*UYdNmHF@tXy9Jf_Y>DKM9fQ((#{RsS`QuW`f$@#fPOSx4lXL1KV zGB?Mi$wXhWWY~N3`AFXP4rbrOny!2PnfokOENK69AgG7*a_m}r6!m|w1}b#-uGQct zOKOc&i4NFj5H|E1);V~~vGS$ODecsFaO&~i^urxndj7g=rZ|@LM{P)%5{z)prtIOt zf7Va`X@^avH=(x%Lg)D+uQA&Bps4v4XH>+ca3FjqmVS zg|G{<;6<n4hexlqTs6Fh2!Bjc#o(%2rR18O~jel%mW?~wCSqr3~ zI8fTNFF32-8*6OQujU^1UD^G_(inJc_KMz+=PKH&ahcc}~=IvKX@Z7~({*OdYFpNTiLRcb}s@=n~FQU0Kj9;DoR*CkR1 z>BVQJV%Eod7s8i~GB_t*ZKwLn!lk?x)HCAaU|~0M1ot5g{$i}VMRY1?Ku>X+H7|-5 z)$!gx+{?LhjPF|$Q}C&qp>NWpb`pFtod}EOtwHM}`(f`kV-Gp%1$j5&QW-JXO=RbS zEHdthf?aIfj`MjEJ~v0M!#n%JGg+A7NWDhBYNwWJdSbNAR~Y2%ZN4YWn=R_!^H^_4 zj@_ROT#34}L_W3BU9|B2l%Iq-m%sx^mTH@$bJK?nzt;@OIaywjq~5S9ifYwT@avD* zk2L>(_4lrOfwj!A`o+wLMOp0rNdMCs>7wltbP+MRAP-K0EnRX!dX+D{BDtO86;8q4 z)~XeIGcC^StwEN=J#{v+BKd+u*nVEIJB4x{^7s^NGg`#4hRD-qPOZ zi0ATklKOObz}lU#NbcFmH{ta5pWkvxYABU*Zg0{#^B$YlZ+cT(&XvcFB3U|{zmRKg zao2!S&#xygRTID2wF5{}1=hc%qy!^v^R1B?F&AV&{tCP$O_v$8A^47BU?z`+u1leR zD6+g|jHb@4_kQf54o{V@Rh+#+@tfPo(bYoKYedO)pDnYmAEYGFv28Zp}_x(A;QwR>4o#LF3HBIN=V*wTAUI zTAy+q1KLUJlvgu>Y5m;dtn2_n=*)Cc+aJs@qBYIhBNcnU|GHknAHK1LU{;6#R^byfmqQX5O&1g>_(no=F z^~`nN5T;TByoy(IX&G>iE7M+<$=*L3X`k*zMCD?LwI<&L$? zHzwkq?)z5COE&Em!Drs-{hRl^J_`%jrH{nlE?tH6wbTK74nfeuu-uRHW5+z2 zkJ)rr9a){?nyA|Vk8kA1O>&d5wo{V&-tZdTyS9~BXxn=4g%N+z7i7o-GqLYC%a{%i z8PBxvmU6%9T0L#n%9ANK8oLt`)hnHSs!apdn5U+C8o6u4z(*{2E8u`i?9WzvcFx&6 z+|h_~DC@D_gGDr{;Vd?Pev@YkWc|NeQN~e9KL%EWU$zOr%RelSWrbvk&l$b> zC|q>_h{Iv*&pTTj?rD7fwZn~yK^@Gj*_;C7`^s*j|u2sJ#{2WkLcge z9%rwOV;z?+fMxz)RU0+h8`cMPz$j|u51o0A0-i^p9fs*BcR$Q^ zs}RTLsEm=#LZt2dsCP9ZeAj1j@2XmCk4lB!%SS|~MxJ#2q*)hVhb_?ppP~ zUPbbD$};&inUPDz5c7L=QY((VCh^oOKE?eD>bsJW z?C3vBGfKhL6}ubthQO2FzOyHI8oo!&c(ae$4^-%!ji`$mYf;0y1|=fmF~QBhiSCoP zHV;q5`$t5Ohr>IhKQN2jj~laNj)8V_;bW7#>il8p-h4;C7=0QR z(E?ECk>_~d&90zMG*{}at`Bw1?*rD5~4BO<7I z&N==$*A!qLjoLp4xJk(NYb`}?KY#UkLxVDVabAu6vByOGUgN+ z0B(d)YgO}E7rVK$d?%6&?BB!O(?-SXqfyREcjPz}Z+gucyXlq4ZNCINsUxuddCnMt z^r>qR5!eW{beZJD?hd3uF4wB#fu%_&fTC6ED%~#78vmXJ3!L%!|CK#8>UCrO&NNW* zPoYWWl+X80%ji8zlZ&%c|2CWP<+V}magsIsnPtW)od>yelT`$KU@kDcT2-nZhK+OY zi^N8EVEk06(n;`*$gglS;6FSh>*Xi&piCTmTwWS{7*Rdv*D9R+F=ncCEwj`r<5s;F zv;8h2$Dn2!n+zLMUa&R-g?e;C(B=-rh7)U5_t=cyxq7E{3;fxZuty4U4#~?Sqei=C z>DQwDsx@$+GikJETS4PiVje4vtM%hJTQ%}!2cMcNv$K*V1-Tz4_Ho(D_RwW>ZI34e&@90)7N~Nv7A$>pMC$*|g1LE3Mb&qMQ@}iv` z6{{`u<^7S|i9X=msi6Vj^w)oj2sGXOgv7(JCyv{`+%S8WlkEL{InBVX0jo0;pkv;> z{;a$Rt&?^2osTA}w(uQ9j%6H$g-~gxVb}5?d6Ogp@umO7^mWbXI!m{eA8;m!B8NSm z0?hjwPh0)wn9eah7vv#l;R04LXV@$qqhq{3KK#c?%wdTX>iw`@YpdSQSe!vF4GtZE zowQ_Ihh6?)Twl?yWSQd+$7q_bKSRYx7(K|c&f=^l%WY{c#3p&Fny&se(4VNSqnkUb zlM#>m3ZRLvdL#%=FOkonnTc9&(FbLaD=fh#+aAwEJJPeq`T(3Jh-Y$kj`y}j-s?|4 zr&fhWJg>Lto`t!10uchlwfLK*st5GLn#$#ow&RflR1V2`qbp5z+Wz@d?fL(qm^8@a z>31BKTYEhXnK#ORSUjx))~`mK(f&c7+MPgafOFiOl8jkw%=d#Q3Sq7JV=2p1WFTl< z8-HAuNl}Z#QrN+vL34Wjn#j?WdPVk+BkDNO=g60)luB1;Z3+7&B1~oC(qBcBH;EcY z!*UCH56gvq)VRO9GF3L|f$G=MoYf}JdVN|iY}ZEa*vKeez^aj<-kbI7;0iu@$Ho$w zJ8p(9lQ(|1J7FR?Y?<$2S(U!V#-83yRp9S~-MHf%jTul=qk;CPSLl@uUS9K+c&ull zO4NU{tKbZ7lokH)j$OJQkM)GvwMF>%{kqPx&~sSIGpXTkx@I!gb0XQH)#C9tna;T? ziCjBqEbNUn#u$^h?xp#vA`pV0T0NU z3E4Pr62}U7s;MRKV;)N%Ss9rLK1#!>MHKm|fSTwk2V$D)g8an2wW>KqGS&CN@Ee^d z%^IU|j!k#i1F3P1=RACu1Xu;MM}akf|7T&B%i>9qA6$NQUxVk}IPYw5a+PMznk8F( zCDIOBg{a}1CHtc8`!l7~75a7WTwehE#XAQ?KWNM3_WsFUZ`qP@5zl=P+(H19I->SVrqgA(hMI2%fufF!AgI z;Hfi^zahB^Qt2k!e@Jf4b@A%a$U}(A@ULa^Z|g9gYL~p`VP^C#lh=XWu8h9I9`iJO z)5VAz*Q!VLN#s+_=*0YjSM2#en#T9Oj*(|{`2ZFgqR=+|o6>ZlpIA|eB3-(*D^VA7 z6y?t!G8{BWfLp)Vz!lB+FkQvtp2l5kq&>5qh}|+HX555v$Yf&f)h2Mu8`!mn%zb4U za-)0X7$R|7B|7PHoJr)u;R!xXFP9QHA^qaHmPb0*FI{D9U@!c_^?GlEH`09eTq7eH zPr}Np>&JII0qg80@L8>TP*${?n#I$)-o?m&7}sfBVHzaVqya%*JV`R5iD`ak#0ux0QZe}!fqVzPUDA6k$F z$a*^>#5J6!o9-bqqMR(P%bhRB!mEJ|n-Up|82{?%LX7sSZR_wfHm+ovl?%UUvss#Q z;uYqWgd+)zc0OdjTC!drt4fm(WX$pyoQXe$P9tw~7b3=)pwbUxdbm;{%}*m<_(dvd zmFjKdGR8?5=pwd5J;@C3-Y9FcbuC4RzmV*8!UQ1ChAc2I|2ZZ~Lu zI~<3sG1$TRuo{XQeAdQyT;HV=G!Ai$8u>_;<2~hg&lFv5JqL|jtJKQP#<7O|YQ7e7 z98Zh0UyUQ?8B4Dr5?CS`9@225Pb91J&Il(e_SjYQ3aP^!Exrj6TVO!>dRE#kKSuvwsDdGw^PdBAw zScWe!*6UpOSk=qQZQLc!wnr(I)))^YOl%MBBx%O55}}>t0po`txrYEBz5M#fo43Qdp^o9chIx~@S=0|dx1c1r$++BHnYR*$m2F?-tfCRY z?x9}Di10iI4(cNjQWs#3<;@N9w}a}H97a4!BGb~7fp}1gT|9=dFVffBUeW=hdEJ=8dDBDk|&+y%Db7dQ76%c&w=T{LhR=ZZ|O2s0J<2_)J3LUf{Gx{THAMUn*M+d5(+| zaS!C&O~?@);;bT!NFk@h!dH&-q{%vPKGCEpIQi;|gb`opFWYXku`;3$0ds@Cuy3tb z*|P0O;-c&~Y(zF+F=`dI>zJQjD%T+XA4+v*8}^w=iPg3Z3yd(cT>8QTbh3Qj^p?oF z9fp6yF%tpqkf_%RHbA8 z!26k(ampw~Z0HH|d*lTa;p|f;kHbB*&r3n)f0=PDXE$WVHqQDPSORJHwuAj*$=SI1 zRzI8qJ~PeQA_>3?uFs;Mb@q3uh-UuMe@P4E^UIgev3(;4F+&-8*NywBLzz*!Ytz+8 zKLQTZWtRTN3PIYhP1y`xz>MQeuYlVXGUB~`QiZu2e9xQSJxP{4-78f#W3OI^|6Gm? z8fG&M?NTTsw&m)sEtLBE9U&Q&K#D)(&r6sEU9>yzBgp-bv`>1u8>u-tJ|rFW+tyCM zQXh>BNt-A}JRwb>lZj6JBPSJ^(9T(&0j%!+F{BG~sD5h8H7CN?VpbIGq<)Z>#Hfgl z1zlf(@0ly!wFPsLF38Bi9G5X?W(;r8i`P!Ekt9l)C<8dimDQlj3m7TN_%XP~nBL&K z64xRUSCsX7pYyHn){J#Cua4IO#%y3lPPSMG`r86R;&A9y2}_H)!)??-!>?Y+{0Ycx z4J-%e*Bv>|uV0J~UkTq|h#CvZ=OHb&0AF(Mc2F(md;S8wP#}+{u|k0ow<)hPF1{1C z2(ev90yxjz++hiJnmMb%*P74mNOxxijDw6YGK;vbQT~ZIb=RPVfmtQY!8s7a>sb*U zft-?#tx%)DxaNKjwW@>HGS}HTHO=RgjhrXL-v8Y6)4uusA7zj_6*w%PtY^jrcakVq znOys@Ppv|BHQ>JLkIXV~09Qf!rK`jFXK(2No~e{?%t~3*{Ui9Li0UuLiPbgnB59DW zs`|tvk=KCCGK=u|^Ci%f%vi7M8It=_8Iw(u4s#p?wL%tU-#7%|6SP2`>=;5U%zQN! zS8ug_Z)S&04RwNz`~x!5KS8EvrBuR({~Q*^;N|}qWWvijt=qL*Vp{-2ww=BFeFmv~ z>AqwudWT#O&jF(#ACzoCel2H-=J=3`2z2*t<$q_^qh);8ucjP#~6uS%H z+c?*bjdQN0tK^uw;d{Lg=~p1TtgYbH78%Yxjnbm9i*C53wFJa>6fwk<2=$iQ|-hF6g(A)U$#d-XcPiB92}VouPZ|h zfOMaOEAu+@RCtYJ5zLlxG9!xI79?gqvVM^D?WLxeY*ZjGkW?skXUJMS0U4jlcv&{` zjF&@4^EYY&3y2Fb(hor`W=J(^IYfx;ocs;C9yN8gy|c6XJ|E(>%oIBH=c_=sSYr*& z^Luta>kuS#phW>VbIQ zm|^+>^R>hx@K3rrV4lI5o6}&^H&UFD_?j+fVcqb_l1S+IF-6F-*%b@`r%P1N^`ITe z{jNjyA@()8uUzAK4c;};qF%9x!r`vu-*jRwBAoQ?=7E~jM3?fJ83pO%e`AbKy)}}1 zu5Wo?{9mM#0raem3wF+Ms(3c&I$$N?+QFt#{tR`i*0$cO(rXb- zyU|#e&Jq8CoE8ncf>>ca))v*WWH@6ws~}rpO^hD0Ck-fRqS_6;%rnbaOE~_sJN67@ z>lmZbHw98y;AbMj8g&BTcFDrpoVf_VnZhH$>2d;%hQ{Jg(T1htP_W4NU z8%?N0#_Z26SSiU7-t>-z6=%Rg2OkcAr<75m);+^t#wTS#AHQB%*NHnyI>VpDU$rW1 zE!W8b&W%hh@EzVG-vdsBI}GXUppglZQH;l&sjdbBcl1+4!78A+dGce zO6zGPPDz?P)SH$}0ip<5z)T;4y#KiKGQ?d~Ob9Y25lFl(0dSfb@8)}6GH3a#^zjA> z-gM5n=_N8uUdZ6RZ+gp(c~&Lt>ef17Aaepc^9tfteDizY*PexrwskN8)~)?B-LLNP zegjFC+fdWmC=r@xsMN{byKacCf&SSD3VfMdi>Dd;W(Jxiqfm9qJq3!0w_S({8pAC& zWa7ngy?Q_aYFEQ_YPt?)t25_b+xd|eWK62`wIg+6eRtib1}ni9HLSmJj;#6!U=28jtu|USHVB|Cnd405^lD6^c2A$mFE%^=+s=2nD=k6(K8GJ07w!+$| zrFKqe^Oc`Xjz^~SCj&|0YA-7gDt^Neoc(T`&mQO(qVFACsi=Qg5*GuRSgSs$M8>Hx z9ah{ztSBV>%Zt2GoFDa*bPqV_=DpW5A~vUkB}0LJ)~elA!G=>r`Lhn5$n`+6Xfdz~ zDPDex49X{6m#pHiSFhtQ^+T8S?zICnb zQZ7@oi0bF6?TONL>9nMPU9K zHzWH3nf3IuHc2!xQa584UyF3Ors4qwe&~1RYp5`ByrPM^skL#s#|VR&tQA1@o9o0(Ro^UkH#>?t>~HNRl~X^gv+dh# z=;VpECaEdd174*^^Xm$S0*}LQ*;B$wQF>wfkP|a1`K*{``0XJ?l{rUpNU@vu)X2yn z@G{TMfB(bAj+9r10%ab(Gm<3{TRMt#qP?&ohS zQCXgym?^2mdiD~zSN_*wmfjD4lNLA68Le%ft~8J(wVYH+`6FYL$;bdeEbKa7DR#Fp z$uHbz%0bKmjs+_}ko}Sld2FARb1qo9-hAxEx8s>1LiC9hB7LE69KDpP{u9Hi$Anc1 z>1ql0If>c&iNEbFufLX3DLJl6%$T^`KI=!@uX(C{k2rWR*nx8)D7Cu-xX34Peg~q6#QkzHIC8&6BRZo~6D!;CWT)!M0sx zcH8W#2FDi+cR0E!fAsIy6rG64S%ccVK@-}`Xv~N8yv!_1oA^)Y+~bhiVGOgW)kkkS z#f5C9?)egPLn5jX5R)*s-ve)LlcVz&WuF0-{?zRO z^?7lWW))Y-$fK&etBzuXga}2dv3AB#GvCPhlnYl$Dusx@X^Jv(g;9Fo&VJX;7 z?bM5M&H|$l)Z~~AdZBTRXGVLC@#aC$*vSdzJ34xQ#!AIWB@vaikCFbSQ8hf3HGJ*^(z(T#i!R)V0PU z;1YLir2LqR`}USIzB0-90b@OCuCV1feTy8U6Heh={W1Kh&uk5~G562*4%f)`os?pm zWQ#2Fp2aE5gXCIQFulPhYs&GYQI28fr`VX-R?KgV30&0H4SWxCyZNTw?nT)rCO8?V zPngFM%ivmP_1^1Ak&MA_wXcxTb|ygQj6~C^qu=XU5f_q-J4r{Uw)s}$cO|S;UOR}n zX8+8M!?~j50dl`=j{XJ`>8RfYiO*VQWEtr!q1NX;tOTn7HR5Hbj8ncqq00wrtUR75 zg_DKpNQV`MX}++?K7D85slq}K!QP5Rz+ zOZgF1c(=i(ZpstWEau7N@(z? zv&P+EzUg$G+kG<51|=fmbg&5Oy+{31y)Ol*LulzVrO5juPT~Y`wvPn=VV(pRu1Vdm zpM15Gd>*$j^Ff74&d+G`E;utut+Xl-}k7x z1CDCzf3YG^DOjbuM3ko|3vr@!^}-X$a<7YZU(DdBm-{<7-4u%5LDyt&mEPi6fT+1+ z=WN0ZzG`QQ{}PO6e3I9wGeW@0SOI(9^$YY!t#WrBh29YgxaOMcLXuJ(g}l=6`QPaI zF?hv{al@!1C!~est{8Gz=5@#6*VZ7Te#oT7PY^@ckmZ`_*<^ciJi*hfFIt~PPAGZpPx>40H99iXIs<`nj{*^Atk)7BuI5#(v= zH{0@;gv5i^PaPRe52y>U$MfN9&TO!ll3~4&yU3@XLoyXM$!g_EPK(|uHP8dB#!SSR zUv)^uooTjKD2Y7Y+mU}Wfx=i)jeRe`%;|R$L1&))%YCv3@SJZ1Z{KBKpX_GWqtp5Z z!_lLN@WL+)KVeDAY-ESdtF;l11Y177lg7yG+#*&A&%ZWPy&Fie<|AY6{+>KHF@EM2 zK4RB4hI@#GRJhw0-|_O34vshSh48bKh(r;OfIA%fa0W6V54igRIi$wi>v0t`v%Ek) zeqMl{r9jZ>GTO{seevz4v-l#c$9xIDf0LQ{kKg zQZD-5vCShDnTnY`jW||w znlW4Xd0=XLdO6yN{1OF8Qk!Sz;T8w2_eHW^c_!pqsk~#HmA_UwI!+BFUd((5 zW{{N(B2C4LGs3>)TttSebjX&j#qPP&98dSL-w#LBuS(y0J*8lL1U;F0Zx*ijA`>F| zG}IwAojv`c8;!9q1Z=Jwyu1|LzvfZyaXUy5)_r47qTYa4LmMFzmhA7IBae6A=SYL5 z_Jo5593~Qj*&;W&8JA{9?MGtt;QkKJ9nzbjfhTX{4*e9>S30-j^+Va{#H2f=hr3=i zo#~x%Q=k#aU!)K*_Q_soU)O(Sn=7Va2Uw}8O-e83YbL|X3is7&ZoSvR)4+OcE##c2 zaLmV2AI46DR6;i#>r>qinr&kPg3)}0ulMpf)*lwY^A+UKI35H$N}*fOkjAKQJ}@QL z?IBV;k(Yt&Cn}#_W8F7w zQTMK>dE|SFQQ_YS+Rld^aq0+iP}ey&MC)k{aLy@m4{UN)M0^A6gp#+jZ4;lttV780 zK3)QO3Hy~+RS9e-Y81}(Fen$-^6$GH+lti&8NJiM*JVJ&xK3uqXR0X3%Bdr^=rm*- zO^UtWmT->`J_Vf|uD<@onv6AV(bLf}0vr)PciJ*3PxwMFM^3TBKViD_{pg-E(7D>2 z)){K&2=iLPvSkC8@mRuZtL3w=KQrs6k&Dr z>ZsMx-`N`XGjwUM{Cl4oQA zq<^YRyxs?S(l7HoPSoihu`8a*Mn#^-(PPxf<&YEHu|!z<1(Ip4^l&75WZ`vTY zM3taAgk9{W;8!OWud)WlJWz;u8g_(Qs;gP0>w5kQDS<8qD3cAbijs=Te}xA~**LyA>giqb*H_OXhlz0=V!YI_%-t@u=hidCsvvU27kWxnKgf=28Zw;2 z^KfKw*oSZ0Ri{pl^n1HtTRwnX&*9YimAm20HC8fuGM7n~jZ8N08B!iO)YjNL zI#QdnhO)>;s-C%~#@-KypPJXLjoH0*(B{$XVsJqi>7lG@Iw$%zv_#HHIlQ)_EA!lr zJZnBmo%~_grOy(jhbLgMP7-(*=5$w2$G6MX^Z=JGb?R81C!4Gf{4W@hnTyCEnHFRF z^m`hzUYpL2Cxtot&Yk1@^!+)L)yBu*{CK_BwHba=OZd<+sFtSe+3WchmX-6y#7s(0 zr{~qBv(Ezp@N#G!B#|wBP=&$SlnX~L?9RRng~bjnn$O&aJF8I(!5Yb9vM{3p7KAf; zbDE8MHBC}FUcB~Vci(%DBbJdSL!Y>GPEIv_6nr!0n18HU;YSatR#k5N&P9Dn9;N&n zj*|;J0}_su-X8F)yJO3}srGZutew>}EB1BZm{a8b&fhiYs-_g)mxe49jFr-n9_}ug z4E&qkV@z7pQAk79Yci&Mx$Z%H3(qQSF7q7pJ2Qbs7^$wjsm!`u(XA%>gtUkPUXSaE z<^f6_R3X4qm=@H3>HH5w06GBI4B79cXO!Ii%KMVwBUus!OT8R^PZ|1`GTVHSS%c^@ zb0*7xhLRHwrg8rm&z_WhH1Xmcn{C$PyrSk18vb%;GSf!pS>wg|GNMrgyPloB;)%CH zMcIR9zWasYHyJbG%dIvXYNDDN(uy`o;>113 z#9HDz8HrWOe^Tj@ui8qPxD>JeW6&ofJFJZ7)iuWNZT~6T=EH*xs8}QSv6C2A;jFRg zE|UInzE*5t~6P> zaykCpp2^Oew5zM(cid=XT9@lXNy$n-A|JbBJwW7W4dfDYunIByFf~6;WM(4v+t&$t zy#{w}MLZZ)V(GQ0uj`L>b!rF|-%rPr z*0ri;#slUZS1)MkbOXI35Q8cg^dAPkT9WYz&>%~Wq0X6T)7){8b>J;QY?*x&7C>9Y zXK{9CqO0)C{**J|qbfZqEuc=0`4|}g6q#WRMl1@5Rj?YlXPGL(I~8=j^@@S&`p7Eu zu$zu?JHtkPGsudiZjn{`%B^YDJdy0aQmft`@lfIcH}m<3`y9gRRsg+QTX9Q}5!P!v zpKHlZNjyu8N@fCAABt05tB%Icx97adVy1FXUo&GpI+ZfZ=Tqd(oHLznwtJGCOpq0@ zFgU|y5zn^wbY>1)k^7{KNgSL>s^>2%2j^{qJ=Y#G^=r)kyk?hP=C3b_qP=^vMYmSN zVGZX5%fO|yf>@J#G>Uu7o^-KtuXPBsh?RHe!M{mpYm}*J#_FeNWo(rk_!{(|>HTkr zayaASbI06bN(<)yvo|yIMKT+(nWmgO&H714wWNi&c>3yS_PpR3;^|x2vk0A|7HW^* zQjr}(atf8gJWtcQ{Rl2vW3cb#eb&*IX>vA(l>ff+ypbqRwjUZ9!tWon?+xAh^j-8N zmP(wFEk(+5Tk>#bs*E=iqy!wtr~Z<|`osuiX5Iwfy}Dtn*gfZsY3S0%{uq=$tQ6&H z=X5%Rc$Fo)jnH!_N&66)bI1;d55D19 zO2r}Ber4EJ7;?AGe?w0`oVjm+1s)#rr&@Ie@rJXA7|^dDf=Ea#c;kY-Hr9lH)nY98 zrC$tbLMl-&^jF#Fx4FD!{{|eXQCe^ZNPVvAMq^~Mb4F{`S5w@;Ci}aI!1(<{`M!p~ zd$7|voJDr5xKu0YxDm$wLFde!)}CJM!^bXyM1>y6-I{cZ@lwa0hz0R2q#^loXT*2r z_FPNY(bK8;?&PDE8l!^!$=mrd9`OqHvf^LQw`WCV51r9F8FTS;u7sU6JRtI~cIVLV z3G!C`&(#iZU54xVvdS3YjRP+y;@p%-uGf$KEm79P0hOA_E};4HHTH}ep)b07arYBK z%+k2I)rEJDsHYw>Vc|*Meqwkfu$C{~ZTEO( z)9-q3X+y{JrlZs5do|Y?oqJe;+WIqhqDNWD05$qDqlG#Hj|3O8Vv)5c-v_@L98mwR zqIXCi`tomKrw`^GW;9?BO=s}?3MOg8Mpk$wuy>klUmsg6lh+@@e;J{KI{lbcJ3r9Nc7_U z%Z#3`I2L+3;w&UYA}>yo(^4fe60zy4EOh}VAq~jfU67}o1v*k?(E@tNJky;kJEe~n z{j-3w`;}>a*s90mrNZyJQ2J1+BtshCXMAr*Zf-}0+h`Z@NMw~FlV=d(RROiYEXA`6 zt@T;(wUJ}=+zr4EU8Sz|4LZO1%7~D#2F&@#p;S}a^LJ*?t_L@9FQId@i=g8!rRfAz zNiw^K(t=&|Yw-6?uxoEkf}Mc9e`(?U@TCt+bUXIu%k91s_~WJTTZ3LCtj11MVSYy6 zb9650??sjeBFfbIK6%V?y3Sqf+q556DzE)Mj3SNlxe_(MM`=9k}yWb9R-dW1w6yyFi!@ctdQR_Myw&~nGnUopf zbKDvhF8gonKrRTMLQQD|<9y)^|fgc`2=QFs_!TaCPn z4p;ED(^Pkdp3QlWDCKqN){^0IP^zXYeSEM|k;&+YeB-4%!QV*xeDrT1M&QT{Cwqxp z4~)G_N+hjoN^eKD^_A;kN&Xq=8owmq($AvuJm2mH`F|~$_2fL)yawIDu0BWH!^y=d zb1nBzK^+$Df(JXH#!tMmdPlM>gC?MF&YD+h$+xi6hb0Pj%_hA8Ij!iyW&WWJ{h}{+ z|8aC=h-JlbzRUFPhtPS~ezKn}!a zBLn%o(U1x6pttrI^;je;dM|yO8O54A-nVlad>o^TbhZ1l&TCNuz0CWa8XIsa;zG{z zO?PP;`tMlqO1HLh^8XU?_AQ`7t!kUP!djQgHO%txO6%ZTsAmIqRZO3|#?P$gG`j-# zy^L{cxj$X5HpbZ6oAJdmBO7Sla>Ua@u;ex)kHC3%JC%~lQB0s+%!Xq}+L-}ryVJ-m zfi*SSL7$oP&khj2F*$bpWR(95EK>n?o7^OB!p=5~0cG^g2|Doyz9k9W`#JW4F->C< zPHn>Fe`}5eGrGmon*`}!Zgg74NFL|hG^XsVrYZhQ9Y^aqh*-088k&zvIm`&xCY&tp zzE3>{e30^l5%bCJD%}q$@#Lna`{Q&CW3LBxxjv6M5zXt7Ns3XcJDpKTWo8W@pY2yO zb;`Vq-nXRR2Dw6{j8z(CkVL!WhAc*CnB_Co_y#yGe-(=r*Nd`;MqX~tC6Nc8EpCIE zF66Io4Pvx?lZ;IafKLmclWv|Du$=0dH@)ry%;{wn{#jX$@3TD6m6ps5{2RP9U7lbgDdR*OxU%xmdkM+Dz^I4WtF>(wv^f?p}yI7uncXHr~XV zNY>Y0%HzZfYJdqNngZF$^{#AHYRBq}-78x$YD=%}hPGXem94_KP*d5Mu2$eX2dnR+ zcX&{{4{+Z6Yb^Y8`eE}?zjPXz9!Bww9yZ~dh&AOH>GHMN4?2jI%gorTN0v7|L?>@=Ixw??clgoM<*|g%!0)t*3SoKB z29J*FBCT#^T(i6JEaXFKB3JauK=SKsb1H0;kKB7(9fQro|2h>Yx${%y?T3!p9sfz! zrd)i}wFM2C7|p5eAPbMcf_kJu=7mpkaQq+}FJ_%-KUhqc?o@M*X1w4VU^VsV33%Ob zT5vj#6t(2VB>K6J79^@2(0K#lNf05-&t$Y4SwHA1L>_b zYW@+)^UR7;#Pu?+jK4}g1&6U439+UKqnkO>^%ZiE{uWmZxn-{WMn;4x^c8XQU@hcE zuGh1laO~iDZBpcI!;rC~pp&jhu2>%&k8Vr@)IMZ*yC(=j74o4VG#r$fe_#z;h#&V$D*5_TmpqXY5M;QjvKON^F}^1qY1IFc1N z$0cPVCFjy>%8(o7%=#`F3IDrvW55_7cVh>}$NAhNu`jE9X7GhsA^F2S+_fG6XENuH zXpso-jy(YQU-XVEzL`Rr{;FLv=W50) zr?`sMpYFC)M4Nppuo7@;f{X-rGtOTqEBf9SJSPu{Q^of@)CMeFW=dVYho+qjbni5qlI#226(=AL}m?saxVRyW}K z&ByZ~pCdWia(xkV*v@=nwlj58j`2M3hFif?$8Z`M-5sFkH0Ug6UXAa|GYW-P*qnwO zwB~PUt$OX@X=eU4z4anHjvRypIA%u+{yX7<_*;Jc)CpOO+=x-A#Ee1)rWf5amf2ma zctR*k*hw+Vny6!enpL94HX0gr4>}CeujUtR!d8FdyfW2BQ1VSX#>VI>BnfOEQjA}` z$h9p2e#gbJVw@V9)zSTM0_w5rbuy{**FD;f_y!o$@0U_HeKC3=>;lFWB7(#}(7&%c zxyG@tT18(#9#>VGXZz*$&57xRN7-vEi3fc9+5~H#}viU2;zH5qwkRm{4kN zNT7Y(Mc&Lywoj-dRZ3g(>Z?y*?v0u1=N9z9oRN^drw?0&z(ANSRc|t8lxKY1=Hk6{ z=6MR=5+S`WH?FojyKxqA=opRqX2bIra$35&)%q8ZOG>TA^-b`W0R<`Y{D}9}!^&HR zC!T@5bd8y4a~CD~IddIO;$x6li}hc+G9LPg;Ty9iVj`kAjB=HLgGm|2s2@khYl=M0 zx}8Tah%fL%Tgv^}$@g1lJEa;IBm)w1eT-98nrE!FUH}&#gMZ9Z$$YsFgR7(e-Gx{a zD-cBL350ds#$?~;`l%#tCjG=z$M7x=642K-R8Wd#_z}O z6d{}C;@x21aN@m=?-s6!;&+E`0siLbg#aQatkR9bTi*PwHziLE^{%bq;IX~mWwXl+ z{twSkzB;=18p!TFNn7+zSd<+icII?{@t#7iuY-#IYe@P}Em0TbxppaSLioDX*9q^y zKV(13EkK+~?19Lx4Vz^?skpo#H>a2`sxY&Kf&s=Nv9bV!iA2|6$Vr>U7r$ z?=93S$96>?5l*|aW8rtOrvR!&dm88_atu@|k^R3v3d@Z2W-NnWncCtBe|IeWrcYlY z7SvV`L&PZ2+zfk)SpS0&KeTfs)j4shUED2s!tgCZ%%Ko-FN8eage)}9lU5}>Qr~yb z#6IXO;wC5UFEH_!Z*BYSVB2!^ccP3DiAAiRIh91Iob^PtM0aM_zfmEc=SJoMtRl7Y z|DLws4?hq|FV{hmPqlolHRnJi|1eO;o~|8NjtC(VS7gjPufsAuOb?!v(|A9}C7yA? z9-HV8Y$vI&+JtWr5(hch((j%K9KTjYbX*-h2>P7VTby?R^Qe#~fpsOMZEwSGc~xYT z;jC~5t)Y7-j-B&jA#$81N3CzQ1*6xhJ2Fer#pVU%S0sx8|Lkt$bA0_2>3^yvV}F#t zkD&`nB_iaNIJeIC@&>7sK7OY#+5R%bM4Uy=)Y;qcE_p29m=}sW`8uI~i***X(}_o1 zA^l9+(@&zGm5w-=T#3v{=bHqsCx_{f(FXnT2Ahv+6A=SvKM}`?e$CIE#CJ`85A*o! zWbETaP24V89>h9kEI_|moAc;(67%^=QllM>&wT)PYrlOj>^B4d&khZR$cellXI49r zhO8m&F+Nd~*?9gYNI7QS@JmeSu_xZxhm0>`ne%_#s7Ky4e{vXCSG5Enf!qnJzoF{ zWHt2S;Xc)Sx1qa0W1d@?9ESHu`C`dT7r!&YFD4y8zr<`;AKRm=_x`WPMmM=}yod2C z<~Zj@_ipKYEz#j~ek+kU5-K=aG3pfpA~EfE-0@Oy9XmEVc18$j$4O}OJY$1KCuG&@ zibWH6*Ku2tr2_RTlvi`t=`!?CrI*{-4b<`PeX1Lxd$Y}(&CiUnux7sxQh&dMOukWm zW~vWIT~1hL=+=~k&X-Tu7)~uVuS6}Yg#Im(4D3t@n65^x4}6dr8}#GI$-MiHB8fEJ z4R!+ayym2o;XHEGj_T1?PE4N&66aBm%(kE&hA+cZb>wIV?CW){X7pIlk`d)C_}Ulm ztoP1KU91-(o6MPAb9u^+eAlPbYX9#9ky~$kq7TQ~1imAsx@rRv1AIfKcSwf8CajaI zQ<$^(b*3{`qii?3S+=d@ber9ymt*$)wjujIlSb)k7%DxPVa}7nj&wYAsGD*veT3)3 z8Lz27Oo_{G0@T30!F$wr{E`bhP!7|@K&e>~#PuEZI~0b`gu9yBJZY_5^ZBHpXK9uG zHg7Hvy}vGVtPKl1Uk*Dq%gb)f zhQDp=U?{8$BBJN$Cx;LE?ZVgE?7Y<^Si48sCEJ~%os4$ox`w+CHTQ+rBTVSc`MF3EtKYX(fx9 zXNan#;+QC0aSzW6aU)$XNb?6&>>%ds+B05D* zt3ebr1{O5G^zkor(~UCD+dN9TSLZYH`Ij=B+ujb{V>B_Bs*c=AqFy~G`Bc-63r(>O zW_`u^PejtDIx)eicz^jx_F85(O?+0s;#XhzP1$+SUTa`!zUgIVUtgS*H=>r~3$Hwp zlx~lA$!KMv!f7~Y?!->)6(KLY0AJBVtQz0bajfa+sEru$xyTVI%fO4*THaY5A*)Hn z)b4*A%}o1sCiCRz=d4QyayHSDHjsdQ(UD*SyosDD-u;4^i74K2sp*2OJmYrkIJ0n_ z+PqEpPVQl8-*SyM#vyu?N!c)X@2AFn*+g~|k(2(Nxfv4UE4P!A>sLRf2dtjIVdRv_ z_-+VxFi*9SF>1WY&JBr*^DB`n@fF*fVaL--l$0%?HamMVU%e1D*(EY+xwD#5bjo{I zTQb{T`8~Ea@mM#ce`gjpAmXg7L-h%sKP!}SBL+SlZoSk`=74OV}bgh3aRYuqRt=&uTNIh0ZiHabunlOUAT;88+2v-3B&d z8G5L&m+=8)DRQkI?6eJ3C{{ zcOkBm8D{pE1%RcE@^6u+CqF+fNu5d9VU}Bz)tn70+YiLFeOQnYMf-E8Vs2jlc=jJU zjy-2qEjf`GWC*qu@z<68P$yz`k!YYZg>CuGgQo*7WOv3HU7`-l9lb`Qj^~8Wubz?7 zK${lBKYhQ$T&am1($0A&?XT!SIV@4um^oiw{&)Lq8Cc|SpC#k`4%W$@H;6PLznS$- zH8;({m($SEH){&eYOXagb0hrJ_bm57^1%mYZ&0P)`)s?zGU|#7`L<8+GMb9Ips*n) zE8LxoXwEU5o|~ekq5_`w0c%pG$bxO*_)1e5q2qL~CFl!%JSJfAoRN;q-Ja|{X3pqN zY07VY6Sql07h~?k=ddA5@%82hjd1Uh>#l3>&DB}h<%mwC;E4$psO_Qu9fB-b0=ZJ} zJ%hR21$}-ivgR(8l+39tFpl@;{;;|@-=;}X!=2%kb?ffvGUxe?xo&$uJwWKLMpubT zM@1#ny(3OG+(tOx34&Q%ljC*b*#$esA&PzYJT)E7-9yEfyD z!|))`&jPl_PDJWxTl{~G*YtZ-3xdci67~vfBi}=&ECDyN@|9mWys}e2jMHHeVl1vA zbVp%#atFm=^dz^trMh&W-I!%vkR!f>sI=;Z3LegaUpIXPG9X-0)!foz=N!%tp1{4t zHpaG3LI;-<*xOjS4bLz1eLeCB<^13m|>Sf4R|=aBugT2wB}hZ%V74Ppm!1 zxC@a#2a9EI@eRP4==m3RAVzdSCZ+9YI8{w)F&@4)tJxfnbhi0-^hO~ySW(K8;n*QM zZWF$lH4&PKR{92fnU1{1-12Aj6zDX62o{3h zu#;O>!`W$k8*vR*gpG`z2(B3%w?XISe};2U{%m1yYS&<$_8;^}^jb2prH8uhFOOs(qwCT%0 zYv+3%^ejgt0&#}FP>pIR{>oe;u5uZCn_AVXM{f5JI&Ns7Zztewp{@n*uQxZ~w^H># z*9PaW^=Ja^8#UAIIg2xI`f!8ypqqQ%=@-{SGggQ%Rr z*Tp^m9P8+MOL|YFz5aO|ye#&FdiT2rJqzoZQwU)zb=gE-5J#`09s zd@7!`P>1MOKlkcA(c!zM^c|+3cA>Wj?qEN?LU61XRj=`=8QFk+oUZ?eIZlVhYNPjp zLeuq4H*j5^7Q8b8U&CQ%k}2)-WDhVn%7Rk$$0f{is>C;|ojY2C#}eRu5-0dsUg$x- z$<^N`yp8dH#i{=%kleF2KD!jssXRRu_VBOfAbeLKAJr?M`*f$O@D7jTht6K$tRl=q zJ<)}f-BJ3s9%L{VZEtLqUVJsN;*WD2NfBPJ<0%F4E2E1(9Yl6XCHg9}28{GXmWsOX z&-E#;Iq$j8<8He)YtgZu?O`p7TtA!@>t*N+!0$_^4*tsZcUOhPuDBQ9zNDmnHa=Icw=u-cLmY`8 z0EaI}Tvd=s*8EMxZ9g#IMK*U^e07|?Cw=z6o9}anjB-ex<%k<(p`Yp4_Nn+%BBUR3 zda5CV0{Wa*F)0wg414G78-mV}@QTL6h9ECE>rL{Stm5)}|c zQGyI8f&v19B7%bv0iB47ngm71fQmBXG6EwaE`#uUp1NIjcgXksynl$$-Boq#-gD1A z%X6Ls_5l9h-0h6mfQ`hsKRC8gkMSnt<7gCltvMDsUlK#%9_CaYYUR|=GV~NtrQn@} zHY7u*>>Sj98MzR%-MSSXb?eoKfp+2&RvI#)Lwg?8`(rHSeRQA{`UHj8d8!aI6yVr} zw8{+x|zNcE2!dW2_f%lz?F1xjcPe;rc(W|A15c7n(N2`FfBj?Hg zJ`&&<-l8E!_cOx?k_7gsC}wLPl31nh$|(L;omQEPLu zqP$ug<%w09TA?AHpS6Y{AcD0SvJ??ht(AIsna$_cIAC>P?U3igNL$7&Wc=h%FmZpM zqIRt`W(dxUi$FmFhy7@|m{BE1XWotL%YH{ZZCM#kbURPSa-hlUm5py~giN>gKC7cx z=ONj|qtv$pq$Y-C6P4^?urtpqusH8L~X^XD5khutgO^TLyGI4PTq9uta75ZaF9B43lT#0qho93UB0? zwKe`vPgZ&uF{eN!9Xp4-J71vZ@#swEKel&}%otJXD`GizxS}SH_MbliKF~g>3i;E+ zn`}P$djosf-LR&9fezj$?4h#y=(4@F`II$otZ!mGc6&6xbWwJ|irw^R3b zku&Ifr$U_ej<*wl&v+ClCRS~rn&9t3yw!`Jt#`y3pVf-5B5m+dAG3I~PyRDKRnOLX z*e>C{tZMIP`98eUBE1l75Y$}Eh7e&a?LWrEhz0$x?RCrT1~!WJbb`o0wGP>*>Xqdp zdnm21IGn!h4zeZqjOc+3<$ZB!kR7*p*#c}b>JYDri-EMu;!w-Z$mOZHnW)L{V#E{i zwA~zY%J$l<9|p6!t2fqcf_fHDcHP1rLb(Aeid=!wc(VE6eieC{uI+NdYn8SLC1ko9lwIh)o zOM8v>A!EdkzetZNN&Nu2rb)b*$tM+}H~dcVTAPRZgRw<4(sK9 zZgCP;YyqwzH!D##b9XJQupnbSH^m-&$(FEg9aL^vHqa!M^I+ai;oRDl`bB zkI@K7uO%D(TadNveH`oEgs!XwINO@wTXJrXsloQ^VLS7w?CEeE{J%U;2gCm&6AIt@ zQiy7`V&?hxhWOFInQ{e3gFBA3<-GPAL}TS=wCIZiM`s?usWmVnr~4ObbIPCSRril} zmZ)FE8?X*!{vAvhV4&o$c_;3ynR_a=X2dS1fmN1&TG8i&&#G4r4kX&!R|?-LHKmZu zn_ubF9h3|9GGPXB34HT3RI{A+*qfcg{&$m<+E1sF!%^Ogk!8xu4wdr4swQ@jU#B^c zx2Mf0CFgmUl&xfCAau8V9_v@y1hIda^o?7SFGjYceECOSsOfsgM5*8R=YG)*HYe0T zU8)lwB<^HDP9VXOoKHi^A619oI;IDPRQ?*M!*(} z-^e+me`IQ_L&5Wa`ywyc1RGjN9eGCIf#bb(uRlw>fQN} zA@(r?lG?ZmoSXQ&v3ujs0#i->7z{gds~7=~JE1%8D>W?7Mk0QO1$^eN#hJB#Yin{< z81b_$6%xIom?$WD`mobNd?;}q|q8n3e3P(%E0BdHnhwOr6x z?agyU)`@%z-%v-)EY8^X+;?Zdd&JJmiDK3xuxE;;RWI*NoK3d&rIrwzucihcg6;iU z*(0O)Z1O3TAX~+^If*BR1W(xkgxa)3puQ<(;dqau4)Somk#lR4yZXM$e=^G8X7e_P5MP;(g!May>n^E!~;|@6dLEC*=v`Jo1z=7GA*~ z&WtXGM(|$)5dEUR$$66eH^{?*-Lz305Iuo=EVdB^w?plq*3FhX(yN2!bSgu1m)hc- z`t3yW4ZLHWSHO%Gcj)gp?YCu6mof%MbjMNj-J4e+nfKPeEMwL3*UnLlnNA*-sPw}+ zrsK+FWK3(ET>^&N=u<7lo<-j@;C_haX3vr=F);$3p6G~Ei}LF~|Hra;wz4mMu+{-O z_$P}EcR@cNjd+29c=G~`5STH{Z8JEZoXQ1DKU~oe|6yO`MD<^ul6Up$4dlhe;23gU zl5dJ}W3!);sq>0$u*~r}_cG6=tzwmJCF~}mX>RmbwWc1;P~s!`EfJFI9eArCudedW zZ!p*(#^v6O91A1I^E5IEOJ-!GxD7w70N%hBcnjpbJJ;j4kzfe`7Bvxev{gNgd=RbP zy0`+^0+nK&-ZgZHxZzFiX-DWmSefJrYE8@D6E#5{Q^{u)+xkLYD!O+}IVJ92%lTPR zd=G_mwmO5$4E8;)XQFIl>sRo~w?0Q#kadVUiv zL`vEX@#v|+ZaE@bOhg8$EE23$d1lWerXwFUDe^sOd|qxNrsjHATu zsG1mb1)8WCtHx*(D*Fqg)T>S+uv?oe_QB%mO61m5%#y&DYv|aS(m6x!-irfV$yfDTT^*Fb~{YeLv0=UUL-rn69Ds=rdh7 zLsu-;hOU<9@JZz)zWprx7vv=5--q=>w%jt_6KVI~?TcJFA@h(^;r*PW9`AOWMmdYI z46EhrtuEorZeNqLZ1)^wH8SK?~gDSw9d#p-{lF%Gj4R$XX>>}6DJ zJ8>&dR*u2aCQ6kY(Wc#NG7ZQ$@N5gB1<)^woxBNsV=^J}SH)FCqWn*A?qAjhaW3mD z&xd}3Zr3BNO_+nvfoYSHMl{nfeKvgLA&9k8XI;kp@Ql10u?p_1A&7|#=)s+QRs5&F zQyFbp)Y&Z>T$GTWuXA6fq_(yrSbIPYE!C*_;+XS*=AEUX(|L$I&!2>aM$NGknO4ns z>c<@!L2&|$ExTzDAFx#%7h596JSm^y?`z~KAFJNZXc1aE`dTjqN=j;NUk*B1;YqGO z`WCWFc9Qx%P7yWYU)KK>e9@`3`;T`-V7!v;I|}TqmB{;iU`Xua%eY!Z%G(i#W;`fd zd&XFS|Bf#~7gl*UUqr($XN|Z!2P|KGWaLcx@$3axXFuy^*OI&15@B_&$LsgZi8Jru z|Gv4(TaXa5O8eTkTxSmeyHQAfDSCiNoMztmrzmGV8f((GX1R2MzWy5%0qBbEqQ zPutMnifGog=?P+8(CJpAIE|qhIMYprbi`PEdJ6LN|G#+^Yrwa(#N*faURC2*2aHO( zI@jR%lpJxCilYuP-!!A{Ko|Rf19|0oo;op>vv@`UbXbnsI1h}1Gq{H@kL|Nt`UBGH zqjdxuFzR`6(&H=o&*D-i-*1eI9UHh~e8(fdYfTndv%;LbKs-J{SR!|*lC2GuS-Fkk zt*#ZQVLCXp)R?!B;A(gv4&<0*B*2@6Z-Dh8rGJM#3kV=aV*0+w*db#+%v;}8&HPCL zt4LtsoPriUo>JWEnX|HoH%{jNhUBGK0_>cLNbu?<)!2vZIz-J73lGVRwE5p55S^NK z!jG3T5VtQ@Uwn$8N9pM?{OY;05@>~CNq7Cw#w3ko8YNB?l zw2o~xx6mQQ0X`yh*2Awu9(2GmrWaNKrlJLjK=8xXDzhWA)j|(tz#tEq5+_?8EI4x+YukSQpL;^|mM~`4Up$t{}Gr`TlbMtes zS?j{By%f3`cuGb+$bQQ^fQ_n+3rsIhA&V)Qkw@K>01I`A&5N|=!uyHbbvkD)LEh*3n4Wi&DoOq+#bwi*Ecf|1)xh&emepTPMn zBXr?F6;r!u(LW_0^gPpFVyEg$HFAQ`hoGKFQaQ8Vfs=uZOQ*5xC;^$U7HdQ&c=@zg z2Rs?&sk^mw4}1zP2q&;WmH1qqOO%j8kpY=uotAe*zEaA% zC9jP7>H)d?o=D^TnVGJb*NOVQa^--AaBlTlixZX%d2NszN0uk)Ah5T*7kln7zr=CZqw-o4PmG_8 zY9(gmW#kjgi_dWPO%gxfwGAAfWMbc>lCh*g+}VUc;7^IFER5TV zKA^X%jNUtyfiE#`!#H>aJTCq%EBMIs!!a7xn=vZ@%}NltQvtJc6+vv%pJ5Jq|E z1@XSD!D2tM(Ys&v%%HDSkok}vr~lltR%R_c)=7W$&}nToxhr`sSMvbIO#A?|5ViU2 zHNg>=1wD8FPvgiY>x9)+rG7D@Ug=-H)-k#LRWWsx#WGJ@xxjq;qJ`O-BGy~^ZbNKw z37oBAsLla%e)zR@0aNw8p1d)&6`#*t1ysFQ7L_2rKpc>sY_h^mg;&L+mVY^(_M8{~ zyHsLmi4&Y{VP}*l!AWUm;eF>R5E4XNNXAy=3F|LwHMX8zITHhyv!3{^DAx7H^mz&r z$dzN|p^5a#!%Q`xry?cYe>C!}Xh0tFsH4t)2rOZ}-9Y!i!jrSv+s%5c*4Bb7xu9{z z9os2yK}YQrUD5H{3R%;|tJ*N78hMB`MB5p!4GB4{-g)T13;29rJ;1qWiFfT^U$H-5x6JUeOHbfI1_1eg|#ig+jk4BHKJ}!j+L-k zp0SW~@)au)P@CuTe(X9MrQQ+Sh_mAd{DN3NoNck|#5hEx=JsR1q95Tgy#Wbqi0>8N zFog0z?!X%Hm|gC#kl z%F5x5Z5k18=B#kd);jrj9X;TM_%pFc90e|&QHRy~g^|ECB7<-+fHHR2U>8y?SQgOoQph_#%qeu1j#8Y3EsPA1da4kU|eR6s6}3*+KGM?{M?kGgml zbyA~&TV{-k8Oe>1jlmvW;VU`RBB&_Fx4!nB|Ne-1eVVgC^a56v$T9XUXduE62n${G z3wkR|+9j2EXW~yjz!P(ohW&gu$<5+_DwvF|)IU67Ta(w#nUjn&HyytTF?1qNDOOaU zF*I|azUX;$w(Z1`e0>9V$_5YXkJs{`MN@~WohN}wC%U;n{GOVF%KX!wzGnXK$k-tn z+7)BhXGaj*HWT%d%+r*kKM66FtWRJkq*g2)#?sAfS>lR?M;s@~bW)iSbkyV(FiDhSud=6!kRXa{49r$EoS(%kxjEsXkN7kXL zgRw1Q;n~$-TR_nYr}Caki$oVU3}?J(6TH-b9-nm$RJvgnmZ%X1POS#|Y^NaKX734) z_vMUVd=PzrJ0~hbgHMmo2DXf~0$MxdQOcDki9=x;YVcQhc2GGNvQf| z@3CFZX-*Y!yMLw(3$VmZ5({m^a8@@U4nmCDYbmTw)Ww9E4?&u`b>F0(zTTMuK00L6 zlTbkb1nENdl-5PpLMewAA9Rad@Gf|dKrtW%acy-UX1%l6v06%)@0mbkv&s4Cm6&E= z7Em!^)PL3*Rdy{cO=h}&*4S%@Z%stUm77>WGTKrOCi3;hS)Z$%x0BQL4y|0o0pX-- zdqQr{;;eU0Au^y$D_U4?pv<@<>y@>`hpHcelk+`Xoe5^Eqq$CH6g2HwBhu?uf*v~4 zRWd(R>_UDSR}73eW1riPdn*W*=Pg_7mC)-BZszRLV?)nELt9KQT^%$6OhDkeR9DQA z@)jhrvES>Jl)-(F-$u3sUbH__g;v~Doe}OlbhJNNHB%h`t~5${F7(o^ZO8$;0dmNm znq^?CL0;X;F3I%NCZNV78QJ{3mRZn;cSAbe=+#Qi)h<+sZ*^M3y~3}650MpbcR8BC&9r|hpZf#fZs|v z@ybJHVYq5aiT`PzS-3fkRYj|p^BwE#jL#j=oz_ut66w)WZrJaNone4=FnaOY1bakC z#-~7gHr9+7f^y-|=FBqc2r#;J_HH46z#6(Lrrq{TJI*3^(a|=nLKB7^%9CmdkPfv# zGSF&VqLO9QsmvFJGOik%3jF1N;9v5Jkydt;rANeAh1-^gOc@zD@{Fr_4p#?Z|9Wa3 zLp@PO?`&8i{+WF2-qviNI-G3uW)fjjww%KTJQ>zF_RaT6yjIrr{BN`To&T(|lksF@ zF1Wum(dc~IYDGRJr270odQ7XAThyCl1{-H|vLdsPt1ZlA#wzoHz0XINd*Vs>E@{YY zrHhM*oXRKpYkS$VuFje^O}-B+FmRp44L(QOlh0W0&~;!~y1`T7 z?muIfLSUH);*fsUn7uiLi22%UPQp%MgAtoyx9{@_mFROr>(R{J-=LI!eB2tU7R66ygVsr*+P4Aqq*NXuu-XmvdlN$KQ7wN7>q{&>p{p{lv)mAkW&E z^G2Wi6W1nWvkro-WKc-OGsGsFwb(7a1I9T}!vH&a2)ZQxHj+|Cj#=i9Pr+_yR!-)3 zWYy~{K-Fv&cZ02f`$~?@S1Qt!a~M~oF#qKHkfC2ky+HzSB5C-Rc>8(kWDj?g>3cUh zI;cN&U?nB%k}d_E5+giFV}HrwO!HUG_|wGFnD4&9*kdyGz~9L6c{K&Qv$B4J-8Lt| zv%5Q#`E~xjM3CiO{@%PBE4mLEcx-<=5#9UP<s;ww zu=rvTQ`bfN6sZYrn$K}0A#?oZf`4G=Vr}4Mtik(#x*!qOqrA8O+t*os?Z$pMWN=Q z<%p9N?s%utuEgBi=BzUhAxGg<79?J)cckoxscFc)!(LFr#EaGn$f?{@?5B7Md{n3h z@~l3ebiH90$=!VI9ern#wTSby5n*u{8?6D&TBPoKxC3HoHHaL%b1!WrU4(}A5eH+z zLNp`u?T9`g$%;~z$%yzz$uYOKoa5u;<>=(+zA`#!l-$#S#%WBeDi5*x zI3>`~#sxN54mc&Q)yBXK!ge%Q%y&FIA(vykWI|-Osywj;n)#o`U7mN*X6qnE2F7~g z46kIXseD%=8n$>eobUJ+^#0yJV6naqb;&?FREkGERTREYJ@Ep0lACa%ni&pLn-C}b z=ly&KRF-Q&qOgQ$P6xDiDRxP97RQL^FJ=F*o!xfA>b-W3D}b3Nj(bH>1v=Gnji;h^ zd18nC=#3!X&%{w*JHuQ>p2mYv^=)S7{pCT{proqSiB5f=XlwZSe8%QXc9#gQ48*64 z^rq3~cQS6UIkUvk-D3&;&C`+l?|IioIKguOPGi>WvO439oB=&nA!b3#l^*9}cq{XU zZugwW{^MF_FLH$gd7J?stZV4&*UNfB%7X6-@mpFz?#@@R*Se08zRm?8aG1kl-!2_i zaBL@@b6jbm2ZL2{+3TA!#sxK?vlsVEfm-bBV^mUqm%0R2&U9FPYh#%05~5w3L&$s( z!#NIKhwK9Rk2cRD57p=#(1UjI!gO{5Ts(A3J77fN@hjus!V?4SjF)_Xv!=D)II^mN zd6g|jj+?&q2HSt&UDsKc+{Aj*NFbwbbj{PqN7alv##rPYXo=ng)HJ_YiF*8z>MfqE zjPH!d+C3Gua#9+Sm4{vI?7_FMLj~W*;sO08bYE)}Z(et;to<3wJo^gEsou<%e1qB! z;;86@GcJ7dRPr?ZM|^EaVSOZ{GDJnvb9iMCxf;3zkUxN#M9x7YYVwDON8s18KXz5t zWs9?ooO3b*hXLDCrmc@IK%|FH+2TY67BF^F*VA%a2h7;h9(438+1~dsW%dXx=WF$- z`E3&7gx4b$SqLxY@SXhK_VLUK?hPQSsmLWGo&F~ZxuI;7}&XVztWAH7WMtx<@U9FG&OxwF4J4*~!&}*O3VBF6aRqnNN?BuNT z$elTZ65-2ygZbaJ^GGBMql{b?U6~GB7+k8TkzJ?BIKQlb*q2fm63vbEUt0quP| zq4}TRWC(nJVu8_@S-^VY z%yv`)`Y~?%iEV_zV#RZq5f{}si39B)!+&HXXiED6$k!V=iwrD(rm`V)lTr7D7@U(k zxF0$Uac|PPntMI_D6?mY6--*hhk!{A&&mp})MCXullBQ!B)aZJj&X#+eA8@XtBcX6 z6&&4ocX~l146MJz#0^}|uCcVzS?zNIvCZS)jo}@WmGz;t^}s%hvxgd6%ANlV(et?_ z@Jn%nXLoyLxueou%@wb@@^C&7dw&inViSp{T9}11ZD!xuL>EHTc<2UC&8vex)8i7? zXb~6>x%eWqML=h<=j<%Rk>+3XM8*z2ahZ9!Y$emCgB3FY=L67vkT*uTcBo$&n1K$c zWor}}h?0*$=JlTI?=}#9+g~*EM80EMVqp?lR5OMIDm^D|6i*r}!*TRQhK1~# zeMBFi^uIuzzSO5{$H!Wxv@aJ;o(f3s++Mb_4&I3|wWc`(?M>hsN5?UYmHk9(4J=O_ zn6MfV&*G;lD*6~1x=;H72(rSs@Tx@R+r(@2%J!n2i0_amvQX{ufQ*Fy2CL+!7*-P8 ziz*QIxg^KTPXQOLa;Kd?{4F?*2Bo{jM4T@Nu*>ZFmCheoR^$dMpLe|^sGVqgJ!3fz z4M5MrEiP9iAc9OpY3CGTUK((&Z^VwuxhVuP%l*q31y}OlGyXkEj?=V*-ziD^tD`(K zfx76lus^H|MtFb0-f!prHEMYU)VTwz&6>gfs20%0%2s0!yrbD!geP+uB#(JX zo^?MMR~U?Zz@}Cpdv@4!5AW*Shf_+Tqguuy9-P~kV?ghq%MtWipRufrC<9iI=MDP> zGk>-VjI`2sA^(R07F)6wegK5Swd=!KFK6MwNFgv(~KABim0%a1N?C&8)Sr zbvadU!u^OrXl;ZU%HgUi^hBsvCU&b8+k0LT$FSco8+~mUmzWHM_?B{I{yLGXPDf;_ z*|HVCMNHS}7B{0t^RxKLhGtx_JAy>Kj>#O^ zG8TSMl-b+K_x@A$lkh?d5pPGeDDH_oEk*Ja}@FeqK5ymM`_aO5kN7--1O5`DA zhek>)ea3WH@vLl`0EV1d>8a}fZkM$PXV7^eP^S%l6qWj|tsSN77mw}cyW&K5yTy|s zt#ucq=P7%banvg;W8s;<0}Z@n$k+&;yR5K(*6J4O0h8&<)D?_K)Tp1A@K?)bQpb>k z#0Afc4B8(JRb7B`O0?zxUqs7` z{@@Us5S@bxz%h?{H0Yg_RLaXpYtPr^U474()lsaSIn{eM(4+JPS^1L_^0(k8urGCS z=~fe&(txPUWDlx%vD*E*2a&_66wK=|qq5x2${|*oHd!KK)?*iPB$jT7*NWkbOn=dT ze@kABCJ%bdcTCw``E1&ht*sn$$uduAW-I+;h(v44_)a=>9c9}8xfMXwNxlv83h_xL zhVLHoU_SIMZ4v4MX+Qf*D|>8)7_3s8Gw+^WhIeBom7b-X_vxyZI#pvFnz))RPRR!j zrbF~VbBo8ZdPQmn_2Zd=e<7M^-_)We;XeHUtk7E$3NUZ1Kw$)0o<2*|O2hM)x%?pp zrtGK#tjgK7(BG}SUmiNtA>c3m@Wh#XXEqs@`D>oItM9wgPAyg2_9{0tGy8j&1U)^2D3JAzh2r&g zx8eOVlx#?*Q$;2n$Q5Qmh^FKH8{!8e8W?5tjCW{6@sLHGdZrlh&(o-RS&CEqjJ>0H z5+`~McwCN&3nOQ$zk~=8DSkumCCRKJ_wl$1#9wX8aElLsHyRkRL@fYI{Yi@%G53`v zS}PL_9sugab#=EDNF?&?|hck+Iap9%F9#*)Y$!>MM(8 zRFOEsD&xJt^AN#3iIWI#{cXfSR}$ike;Pg@`ml!tSoiDmfQkj*qqpl?rf?jt@}OiUlGvxnes0!IZDWp>2s(3$YPt2*uj zL+GOc)mcwNYPpW<5aA?K=c2XMS=v+Nl)$IK=Zk2eZ5y;)Jn+b|WXeBlQyX!j-Gn&o zQlJdw$T^xA@ww%yV7DVTs%?5aKwR`g@Os-R@8cR+H39uK?zHOe$>JR{ZQ}_8mro8E zf)4cLej_Jif*50DbaS=)!>+;?W!+yhdKU$VD95efFy}kJgqa&6dZ;(y|Gyn!<^dQF z?C1k}b@ye3Yk?4o@z`U&>se=MhF8dEeimIRo>hNOC9;~i=sj7f>Z6@0Q^e1MDHj+_ z`Y%7hw}@55^9$FPj z+f>+TOGTH^{is3B0v>#XWhper-!Ue#g<_Yb%D3>HpBvg0xjyu~oo{q9L%9d>*EJzi zQSn8)gdA+|MR(nGYZNO_ubmA$tOU*h`>J?nhKx4kLt(EWH+(yJoxe`x33VLy&IE9p zbWmfXtgiWLJ!)@Z!Qz{8(Hu|(Mh38+^zH(kk*tgYPad=V2jUV9bPqALJl|+Ld;yC( z74;R(*im57il=|h^{KODE|dMzh`UMvn?|-atC*e(u>vQITDc75rI$m(5%nx~9oN-j`bR_@I6qp>r&9?=35=g?yVxcmJ8CO~Jm#=IkUZmmsZG zYS}GZkw;Q!I|qe65Pav<60E6$Zz8*rJvI-0wXn!w zl_C~+q}3u0_gjj2aE)ZO=uyXgS<|wBGg{<`OZ{q*b`ff96xP=c|&>k>a3SMUar4f zm^SxAMr3x&-IS7J>Ti&8Q~IeDYi$3*{bc-ydC2dB{-qz$c#d*D-HHvE!aZ4Aj1vsr z0s5Wx>CV%Y9r6MO%8uu&f%=j6=I)G+e-(G6uSV8C-t$>2BeZ-PD+&&xI%5g6Kvfod z#dDw0k|dTtP}|nmj3xQ5#<++mWTvE6@!f-zbjl#DZ8Cb&gIw;SUTktSxa<#*Wrlg5 zQ<0qI)rb=jRsRX%Bv$n<%skhxMvx!QtkU+M!3IQp`v4_cq`ai&f>D9&ceKNpRX=WM zB6?yEqtalb*p9oCgRq^u0VjM!jLDVitA!NLdGkW9xr}Nf zzlOihyXiJ7qYaMEFGIr&>n9PRJKAz&#KfG&-BnL@mp4<+$gbJB!aFW-lw?UO*!#;H zU3FG78stV7keT3tKk9hRx;fq(!Ss)bvhGQUZV#EVH9AxBqy}`mfW2^ILWM?q_(M;Y z$onMvk#Rt9E_?ksk8g18eLJ8YYoo}%uH`6sty~NLYYymbd!4wIGiFvAPX{jTKpa`g z538!tMaqeJlaiZ{NXK-Kce!Kbp3S3^7s7r-eU3{t{r|jjcZhAU87zMngQFo*k+>Ll7nS@+00M-&PSb{ z)l2fdysK1fo37rjEyjCn6`5_xkih*-`K=Y}yU-3R$NaD9`%*@|LdgOC(Dp+bS7Qly zu-LVIN1VK;_gO#pm5ewoBX(ig6VyC$7w`hl1@bIQZ_8(GwX>G>0l{2Sd;Ku_MO{0} z`yx#HVL&HF=*TY7#bA(ejw)1%)Sh#5g6MxUPYZHqG$O;qF|L?I6!T~L0Wr$P$T!$M zk*f{~Zj1}mf5CkcLW*JEM`)$MR8zufCp9AaAgg`*z#C0c1$6X{E@u9}K&JF`LTi%2 zUHUcd65v5B`0nlw=|u{;2ABc!M*#S16>0&Vto_Hc7dd;?pl`wS1vpvTxevtYI8A>w zWc?d3iQZ>a-mnwt+1^vyCyC9F7~1?(ha`%(;S=53XZYZ9WI?vWUk(V%MPER24^eaE zXg4W;0Qb{He|K6ru4r~J;>L9-whiHal8 zMzhjQ-XyPd%tz#2vL}EMwasVHPkcV*UOv@-R)$7Pj1D6Ze0ppK5iC4UIOi*&6CZ;O zATgOOqav(GVKv?UaOUD>syiXO(y}}y9tr>2!)WWj$1{{B@tTppxQtqr^QrW4Wwcsy z=^S2qReT5*f*KDK{PC2Wn;z+W9;V5$2F*CG+%Qh66WxyTqi)fF?^OaQ(tS8+I`<1pW zD%YmZR5vd)ZDijQoNIdP5*$CdcbPpJd3V*V7WaNfdc|oK>8q z_Q771ng7)i_b}V?J5IAE%TlmIGw+pV=nvU9=)8{Jn22PuuO@M?JRMSziTV&yH08*W zY5Zi#t%m}JAh*$Bo*T%>p4u3AfqzSDbjAYbaT$mp;ue)-GH~g;E7xM?nQR!H93k~8yUItsb8s+X*UGT z(Z!cNWWI`)OTE%nxmBz{C9|U(=oRrYvYbE7Oc2}erf#4toXi#IMkD0~F(aJZ=X$go zxDX?I8~LCxwFo(5?v8IqPPU8>LGNhvHCzIVu83^+mLbKZ>q{&S-Kl*Zof`YYM2z zg3-ZeJEXcH|HsZ9=JDJufc9gaqd#hh21Z=>)Z5q%&4}abA|F1{QAd+_D4#V%{LRx= zX`!)yMX`;atVJxGoc8oqh%@H+K8xN0sedXJ^A)@edG}2!JH{}2{_jbN$o)~D^u{$N zhW1m7758g$d>*t(ozkA&*ySE)mK9ILm8?2r6q^|+xz9{YjA^&hi)@agQI~=UtQxlvz0r)_Uu?Sw)?)amjt~ni!%9>@k$ayQ9qzBz z-e)%I>cAq6ZU}n=OtuoQg)Q@BR!A5tRVW!e-_1FtEG{sxAy0yXS9VQg9^wDrO0}lp zr|LWG3(&zMzncOS&%~sBqf_MpJxiSQpijbAMvD6}l1AsYjC@gqdcXsSd=&*e@#s3d zdk1xVOro|O-W4TxQTr;DEaIpGgA@?oPr3bCI~2%nC|kSme7GknN^9O5(xzT~nHQz* zF__mI;>osLF24LbqwnvD_kkkBo*7LBynx|2VUj8N%v3iyc;_hfo4#?%%x-M-U+qnDKtXtH7tpKH`j{)-kb<-KHlq&G-gFc-2|Hn9)2Y%f$Npe!!-54s|i3# ze*mlfs3RNsf{!fE;(2#Ehby~`Jye0um{H)4VrP{D;2HnQKn?V>ktgFD?XJIas3sO% zV*VEZ$4#6v|CFciUwbHm-^n#qV8h8@{HID$Qp7={9=4?~#F#Pr%>Ig8OZ)&zcN**| zz85<{J4a12tO#}uJ7pkqqsHw33ae<-NXYxpU?DD}Mr}>ftI!Kx@Sw2HsY!+T6eXT*0iV-cHM7rLjKI1r^9y`f6Y5!WnM zfq{Z3uC=wOA~kjoahXx7D`o{ef7Zg&Gh@B9mijah1jqzik-HbKbfpv>b)e2Ud53+w z^*!}Kocx6KrR^iWd4@XyHmZl*DzbdrzeQp0x#h-z0o!0=@OicIq0>0;uX$7mw*DXq>fp3Idff= z?qTUlZpd+nw~RCAp?B?cXrN;%bN}W{bHtOw*C5+RJ`S>frK&H?N`ME& z`_peBz5tk=phOYBn4i5pUv-A_3O^n>}&kIK6ka(FUaNjaUrqt9S!V>{9kd^fX3+!!3qWJ5PMy4n1pUyOh^5+PDTp z9!+P*0*7{M>;Y&fR&fQ3`F#^ml{ijaoyYT-JBW5VGP1Gc+$D=^vyJiz`$_b~h^hT6 zZ~YR?JcZCZ7Cj5QpE=BDv!gqc%O<4vKJk@}d5IZ@C%C;0c`yGQ@oom~t48D)UHElJ zWs+qtR>du1Vbv!Z7{c>F;U{!&he%^PH~NCdlg(%;^!{8}1~k&ga)w>(^hTNV*l|hhsphXDl4+&LJ|9vC=O9mbDDW(BCgIQ@=<)+!mNpcl_+MgdsOo}UcnNa% ztDAN*Gs{KlC2>b9)c_nhyDn4mN2;3T7}g~aTAdMTR@K^$@C_JSd{6x{uQ&2zVQNrN zNBsV3m_w_xo(*@4v#^61NhK1Pqvxy-$IP4`7^U^`)NK0CdDOT|M#eh!uk*v-%99;S zP653~?yVBzP%;lcb#cK@~Mo8by z|M$C`E462#A152K=Ihz*a+=J#OTj3hLQ~DP_Qe@%A{c%32eECl(z|N6X>$=()5Z5m zd)qG=FZ~V13Xk2;5Be_G!~5bJIgqt(tivLPYl#QF>U;0YR(8C24|OC<_fTH5HRelb z4a=wlJ9O09KXFYn-ngB+3|eoChoQp%Y;9=?v71w6ft(fJCo&%TU1}Vxtpcp(aa0)0 zh+<~<9mm8Au=48~c&HqxT~1*B_zN*jc@U`s@C~&}?LdJu$BoF@~0V%Di5F?mJo? zItVBt+#5kCMBc~@RAw;r0m~0Q4enpJLbNHl_3FYa(Z!J+V`S`~6(`5=uX)-Vlathb zX*`k1OTG`j)^FGBN|_Ut`MYaJLUhz?o#D*@$H=NhSq(;fz*o8uO+8P|4pi0)3r2Sw z7S1Ow;=H*t4(I{aO2O(ga++=e?@og#LZ9&&;P+shhX@u*1%F#-nUGl`W=61g2qQ_1 z_FOR#KkOdNSfc4MmT8;fSs~wYCe4^BH7q+#$?yGFt1x1G0Q;fmiL+D7q5p4mvHM52 zz;dJa-L-qr-MLB~cO7}-c{i>H?S*u;(jJRQ8nd(lH5Y?ps?;ev6y;WUlWt@hZZkgr z40GdBy5N1tQ_(@~s@kvzh~i-G=&givz$dp>$HaLJ1;-fA4em9bOI7L(A*(PeoCoH% zo&wtYkA!lZkJpZQSr;2o1ZpBGsq@7j2^9`2PG;jysLe@xtz7&Q=y~&Wlsh(f=}z%_ zLA3bK^~l+cl^kolCRa;Ibt<`sT}mp>Kwd+vtUST}BWbNwvSS}FqLea1#x4<3f~YB3 z`IUteC`x5?hW!QURh}r7Yt~iyvE3LWk4y|cF(B;3a1VIqh`}6qy}7pL-H*Zg>k0M% zMqS(i5^>DE!oOK8T#r~|1eajn$ocXPq~)I)Yk#8^)hTaF7oM3C>}?pYo)?8qOE|Ka(3#+hE^1R_#U zGJ#S1yzyMi(UWbo5WW@Bo#Wv-QK!xg-eB1iN2azOcs@}9NqF{Im3f!Wu!Lyg4N?vv z tUDmhkx#Sdpp<9<&j(44Uu*7&oYxW!`3;-i8RBFHT~lVoZh8|{bnx4Nw7iq=b__b5 z-H}W^Q~*0}3GjGH$d>Ll^4a5Yn)B>q_bl3$yb4VEX{=me?;PIWJ96gOs=yB=@ks1# z$Mr`qGj$tQWFN4sywYSqm9xmROP;<5JZu&Iz6LSgxrlNZRlf$y^oK^oK>Gjr*gqSP zkGhgtjT!>h?lsQlDdW(JT<=;sXkmx~T)^4$TRLmF@*#_##fM-%cY;A70#&$|X!YV9 zh!TTmn>8F6s?jRF^jXM;-;vLAU}NwYB_wdt7Rj!V+>blU+#7CX!Yb-{qLbxp_>cbS zF2ugGGhQBMjEG43(yluXdW_5OAT$_(~fuMe1ER4K<}x)H4wW{&%gz8h(waK-xA+v|=qF3E`DXSudjk^!~OJ{G+RCDYS7bhexpQwKaVtSxYb$+|vT z`r+bz^+!uPAhDjtuH{L&(zRSLCM?Ggcqd}&&X^Hf#a%I1g=E5Pa{LT?EDTaV7{A|$ zC`z`$-Vqdf8RtMJXROGE|6XUmPoLg(J+idLwq|YfsH@^0SOANxv^lueB|#U0S$S3# znQyEQ`~Q^yGe%2pLFhL4-$b~54&DHwuP8ShlU)aEn(J*;*6`EzsEHsWFf9be(x|J( zc@QK+qk9}mGi=;$%0*n;30bpF$*htmuU;_nki;5^Ko(CIgQjhqbQ_T9&G7iJkHX%<{$Qs6K95iC z9a|vk0C;ADwH(>SA9vKi>Y${N6`)29whqC++3}QEdTPM&9xRssvl;i>UCfTqQj6tk z$ms{v=&x>+yUF`jTkT_TLQCmPRNhL|Q7QcsdM-TVr0)d#8u$o$Gtoh-GKkv!S0P6u zt$SMT=E>*(e2EvN7V|zye#UFeI%WTBEWy>?(OtRUk>xGNNPpI;Hua>%!#*x$q8VC* zJ=Ekco5z@I6lm9?OK^(Hz3H9RWMz2_SvXh2hsku2Z=GCF%aJXpR}R6a(Xq2*|B63P zhPIsmW_GjU(D(j)I_-3N6N9G-YqIiy{^VQ>dWnU3yf6Q!l8eb{M7mqf5?7C7b_V@zG+7I; zV8@bg@U8)I&|zLVi}Q5W%|Ha-w9x&Z@pF8XIuBZjUK;%G7#B{;5n+=uT0W6+cp}$p zu`(0DVM{ic7+}yRgfGD^s8@Kl-ve{MFD>uc68`pW})w>d%Q@-f79Pt3T(k(`n z3RZ-tT8`mos8VYN6xCwN#Vy<@B~YzW2hYxhr0!<{&vt&KSW zl|GE$$BGoO(KZoihncXII3=*W&1ZWPi+*nEZH$)l3%JFRW$X=se#tAbn zSI*yuRcXpdM}~42SUh<0(u&}2@Za&5fWD%imG8-r49t`Grq2=QY6iZGcGoZw45rAJ z?jP$pb^Y&5?erMN#C2YRUY(3dCF0x!TMC|47_k?uE2XICN;DYO3g8cr_0asj7Nr`ze4vtbN2Faii^iPX+m9WMvs+ zZbDw+mq7Yp#JbDwD8Qd~&5d@8(`(|CuDfQ2e+&Io60~K5>6P$Qos`YK=8OUT-POLY z8`rjNj~W4FYI2oBh^tnqKS#Y{X|~pgAPZwN#KsheEgRyPebs)09mTny3ExvkFFDvX zud#xwx_h?P$-p4TDzB&o;z&0!fccFKID0}h~_!T(|r?d}Lb_ZZLA-~J~ zgeS>*m)M+a$_;a~cR@Pdu_Tz8iJB+Rf?9bH0`tJ^m^Hr&L1Rq<=Sz6FLUohiE z?Yz@fiE6B6h0H~D0h;K&`5)kV-lqWBz$nM@>zFmT2sV@TwvvDnNasK7^RzZ%nzaOX z8W?fB-Ff|b$R-&+adJW_O#*Gy^t&4{t$QG zT0FZXC=#{E=Lb@PtFv4&KWt{4&4Oxwva93(OL~4FqZi+$axQ<0q4&002ipOn+=v7k zHhik`Ow@xhC0MNqPOdQLrvxlgQbq$Dz3k1#-H&5j$3lr`$-}>!@Kn>j_1}+K9@a>5 zHBe{YnVDwP^`%Du2_aH@Z^7=6^`TluifE++`f7OYYkE!x2IU;awJqdTRH8wTS+EC{C)-wc{{a38<=+M# z^y??*3u|ng@+r8%s4v2?+{xTn zJ~~lVsRPm?#M0G=;jNs=t;nlV7j_IZdM8$Q2L&pmhZzmtiHv&0r!u0z_+mby@mt|b zB*IxoH#k(2BG=&9f;S2m&%lSri5fX1G$LlXYefunEB0MioKj>%{w)0K^l%$y(74N1 z@$c0yV|H)7vlKGark`YcXT_2mI-ByyCl{&}@Dy3;<>_JIdUo1y>vP(2yk(>~oK|TW z3|$}DmCr4<1&H%#gHsexE-GPv%@v;yk<1^^OO=!0jRZZ%m^I_>vM&W^>2u3ho6WfT zBt)q*SF-N;YFJG71o6u~9P6!P$yWZ4h+=5)acQfp#7Et3ADYGckWo$uJu@|)IW`-j z-S6KY2-Jv-5+8@2kt6#VUfP7DnZ2n;Lkyinj)Kifb z@K8K(1OL4_lN{(%+Gj!^&|2}gxTfkqX7M^RgYUnmKAj5gZLrQWazhw-)>a^nR-JV(yxr?WZNgK_s4I$XR#@c@eWu#kScO?Lx1|MSoR@h`?NrNtXS@% z|3IwR2wdaF{pi2eEF%W6|88W1h&=vj zt3*6I6-cZ}m5=kN_@?ipzRD>rde zeZ*+sw!aPTgmI>6<{2+#+xvW0AM>~Dt|-72ez5&aL`x)khuwkv?RIvK^!gIsyT~~j zfm~3HdKn!J3a+`boAR~w4SU~KR!CmUTzD|_7~>#6BU4N3hq2P^K{iw{v>eA*FQY>h zB5LHe3UJ8TT?xsh&ryZ5Voh7dueM>ok-MOec)-I~>>V*P-jF1mASq!cSBuw!%2Ea+ z%FW0=W6Uo=lkPMAEE9K#j)BuX)id6^dC_Ev1`g!@H{^)Dccf)ii+5u7NLpU=;_3Ax zzlXOhRH8fcyQlLDJRZCE-knn}pn@V(*VAf?heB>YUmZze0o@D^!Z7y@qT{K*tQ!f|z^GD~-%z;}j6# zkD|W;dOPsS7z;YAG|{+qhE;)xNR4)PJBy66=4+A5^bI zCiMw+ix>Ls04Gn&v9O|sJx9RD?!ol?&p-E$6Fn{a;)EHC-=abT`zO`FA3TiMIC5ET zcG_Af2F00-bT06Wu_r^9NiU+FVIx>e={Yc?)@-0+-nGt|MYKY!A-#vu=Z_kWzBn}; zGFz1?@rO}aR00G8b7ueTRia$M9pW4kf6^V<-bT?_Kpjsj`koNp{{=+13k>P#1KX4O zfZx3Y?}`{Do=5DkJs*fiEw{T6dEKg# z4^7rmQDZ$U>>?cOpo|srG>RXRc-BN8be#I+Ks?^-ffUS32>A`U&i9ao?kk#TiygT*jE~|j> zr8jOyh`h2Qbk?ud*{^uc3Up;&bp;*Ji5raa|F%hT_X0OY%X4I|l1S)D%1D|o?Sl~LAa>RIp+(hAQ z!|Fw1&WCAR9S^A8;ak1%@<>=#v|ozQrIt0T-A97=94CX*^8R$j0+y>2;c?NExdC{d zgW^+IKD8FwFSl$=gy-Dyy=9Kfi9JdWgriMD1obp@82i42Lze560;>?wbRtU? z0I#|O@ZFpj&UW^orF~F^k1Cjl+O=F^d1j3eS+?!y;~l1&EYaSTZrB~CxHPbrX??7} ztL85nfW&0XV=^LX;Q2s){fgQ&x>C#qN~WzR;>3=7>GGYy%L}%pR@VuodSH;4}37+Z$ zFJ^GIrFRUmGRP02QkyHlx-E&dmgleko68k1737C0#mPjEglEE*gtIC;Gre+6Ep0nx zoLUav4(=FV>=!>LAL3|FMX>*K8scS^hU2M)g{>J~%vdqbd7|Be9ys>T!TfWR7KQi; zqL#2}!TE%51}-m!42LBx#IBYy<@?;{T_wPQ(5{wjdUG`7hTz38gZ3VxLHX_O^qh+R zBVue9)f2#Anbo(xcQvi%Ph7w+L33U}M7$B`1Btw?v~Pi|$g!Ap9kNp5|9b!JU0ljD z@MAWqKaQ8zdDl#S$GIaP?6N5SQvOT+(qw{GBhKK|-=q$QzYWYUPV2rn4<*-0hm=l{ z2|x`qi-ztg#_IULuQrrd?H(mp&ii!Yp^4Zp)PEcw3%dt3+Pb+`?J8~HrKyBGpKI~9 ztXU|@nv41Yc|UKhwRu084`%#fvi+jPjHr{hR)|YwZmg(k%{40NWVFGdg+Dq45fvSB z&sBFTtMYR*Th5i&D&$F@th|x)Ly+8?wWz@Y3VV5`Av45{p9}a9^3?{u-I|`mba1N} z*sjI5xRf`SNIYuG(G}bJcMDVVV)_(v1b6j)(Zg5ZD;e}SXzjN)$FnWj+D4p2wE0e9 zZKjVMX^iHwmA2cKp#9NgF>xy47M#bPJ9t-u5=2Z>yDmJf-LO75zQtMqY@9E(k1VFd zdF$i5DW4CKwSe%`jEW=`I3(hu$w!nV4j6Cz@oFMzWc0Zl?9<^k4Y9@!DW9Vw8}T4L zlVk*;*v9x`QRNStsoNOKh&n{{-7Hwztc+;6?t8uECi}jZ! z+UZNwSa>*$hw^%<;k+|?U&Iv^c0rpM@olH^;=y3n#Vmlw#Yky`XGZ2;{{?JOvzFU; zrP+rp&ya6Mn4Z%MaQ5DYxa~1xO^a>gEDh0|sUm0@a&-POvP#`;L}TAWJRWtth=Y(* zvJ4$Qd9q}}Q{4g!ho2HZLK}vx7Zl06Dh_Ba5$i$P_&;B+|4yNzK9ljE`y%Sf_?|@2@N6tWuAS)C z_#Qh`xY{X$o1sHbdAxsfJTJr6dLxI{EZ0QMD#0)Mh$EH=SV`0p{5(72WED}5r4d{~ z%Ax;A0_|4yB)F9Mjd@?e>?5e9ZS>#?K!$3#tcRvqs_(0gT4 z9l6x{3f_uV!4CsYyS`P~FV3F9v6Nb+o!RpJ*jx5;T~kjC@Q{ntAjLnOnh zE)>7xt*KuR#x5801LMUU&q}_MeE~J7WI3o2w*#XtC4iqKD<`YEz`9(4c#$`!1zUNJ z?+o1`20=gkcl;(qAGuCjg%#ebtk(It%T)ub^3N{i;tEbIx7dg80_~TAW&tZE*Uz_x zm$e8)hHTK*X=ZN--+dTpr|-H1aw%8X_gW%=Wp9D#a#n^`Yid4i<|fBCH?Y>RJi5XW zrACXF4LNFZT)}UK50qRFg=W4!(?-(x|9H_*F!OMxF4_h8R!C>Mb+BD-9BAN!P6Q<4t zCo=chQO9$=3V^NQik|ta%5=t4syb04dcGV|)yH}U$WY4Etk}uD#|6jl;+6H0&EkW= z+=zDuT>Fmlow&CA@)j}RTpPaB{?o)-VM3pD|ldFSQjJU zF?2{_kNY8F&tBFlQ`4tziH(2%F)*`70LzUN<-MdGMg)ts(6lr&ER4{aC%*6du(#+b zG4CarEn~Gr0nVRxo|--1*~v++v;Ty#@hut*&VT?^X`evU@OV2!!l0oI#)+WYwFjrr z_aT$#kOB2z^X94ctonGr32li(hV^S<#Gw)q0A|q`c?$_%hkCpz?GFW?0cXw*)q=G< zpwB~3`X;PrI_i%bJ^8<4+uhU2QC)=I3fHcVJVR0pMhIF-scI;=POH%ANf+y(7g3k3 ztpy_jcLR1h#zi~;>x2)hz8$*OcNrG&6sk12cR~z|o|LnJv(U#1S57M^a>B!D8eH=Vlk1g%BZ+BFJc^Fr<=8KSRd7XY#+%rA9R43^l8ri+Mb*!bs;=_T1@BE6d_>S{c7|Y^44ejj#B{LB|FGIV>$ES z4#Zk`PDsRu_tfGlAF;6C&UWn8k$dii4|*?hA?!BJnQa7%eyoxLE{z8Cz|##zX69tp zwB<;S;{A`oZ?#xV9qlW1mqJuX_d@u$d=s2F;@{35=pk4Rxj{`8GE|g}qmB)lE+*<7 z)TOqQAs^!1S#cZ%1X)A;jiM?kqrEdEr~~*##fP2I8_p)sP4QGsv0`gN zNQHy^Kj5XndRV#BOdUlM~PXZ45WYr5E z>%;WODr{tlK-W9majQMw;A~)ykX8`?#av}u@!%ABzgMzTNArYbmp|q^OyK}fd|748w0{kB8%CAsYYrX3abvm#ujYh2iPz2a3 zL6B#Q1>J-_&-0b5PnTsOPLL~@3y0rmuo?SnPpKzqpHO?30aFmAE z9m(^2daYrbd)R0EEhF+7kokj%NmlN#l5pbflGA-E`h2548Mbx~B2Mq8F^fi=YzkPc z&%kFQb{O~%esgW;P37V3$kRmL0{Ki_zF5qx?->qUr}338t(XeeB~mM>!GI<|z=>i8g#9Y#8$E#Oe!$3o$@e74(Q$h`K@U zAR^e&bKd0wx`1rlyNwf*S9}&NS;*yj_>TbziwgN}6dkqf&VvDbs{?xFgqWVA*ZlvML4!o3HXGC;1H~@zrm|{>c3Br#8sxf4 zek2?CL}Htbndh;$pV6Yxz@}T)=%xl|YFeXdRaK%AZ+SnNb!&XqFr7VctZ*W#z2Eq# zy%C*eSgndkS?M6d%pKJ6>{})I4VQw+oy@YxU$;J{64x*eo+EpOcJ%le-Wg^`u$q{XlUcrQ9QRMiGqo#DtU@%oF9g0huS4 zkhNSH$Vah;mcKGCQiFMUS;HtGatc{Va%Cc#HEJ589^@Gqi<4+|3}>zSjXHEFVtkqT zWM-jh-Eaa~J5liIZ-~R_^A2yv|M@;KkT!?%0W$P59(BIUoI*05Q$BdY za0Ok;;_ycCsVyr|4@|-LV4UEoz_=7oHTtKcS{&^9j8PFY!Gq8s4)_(|{_lDQ5;Qo;_8{Y594?z->FBmJpyv~y-`~5!%$nB32SsJ&a}(WkhLNb7@XTc zqW%y%5_vVFNPUd^y>1*M*`J0oPSK#dHUychkREsw8D%c$Q?REQ0peE#B5P;y;5#S< z=~Ky8%t&Re7Ox}|9s6UkLiIgE9sKIsiQq>A=7}R8Y1!SKQe^|;j?7TZkTatt#FU=$ z%Z5%H1TAC~At}YMX%-kZsS_q+Zr{?@s5LFoh1l2BH>~B~)vmSWvN~-!>pmEZH6s=$ z#Mx4tx;JGk{_7UlGfrCE`ccRR!fFHxlRI#M{g&xi(y#cITc!x)+>hro^L{*^daNC! zAKd4b+R6u7Ii%A=xd^0!zPpGf%#JA>i&(DrXMBeSY|Hbl(LiuVF8XwEi}^}!p=^nbmf6Z zuo3=3xRNUJ@CCFDPc3E-sgssZ?2=iY>~_RrJY<;ndktGtyFvDkL`e&qyzFfv}8i97Do?#SoKk{0v^YTWd z<(nH2u?kndPV0sF&h+OhGUqPwE6mQ7`t63S978=ISn1)7l#V%!x*#u~8e{>nHESXf zsT^U`ku&pWgS`31BjOY{a){I@?B2QWKKgPpE`+)w*rAoWhmZ-}E4qVG=sK*UyT3bG z>9@QNJ$i2B$h{9%+De{WWS_`2%*A>R6lNDktb(gsh>2m(xrhK^_0~yCpqdr%4Zh+6 zm}u`EF&T6@hwOy85_z+GXFXZD-{wH=^}&h2|3I&oBXSjLW7ee+z2eak8>8U6nJ=jo zBdt;5|I9>Q32_3*aCQOl7a!sL9IEUWjp)-d@OR7hnb&w^@A0v6cmM5E{hX7amdyXl>rHP#$b-^_%rXU@f@kVBf712AS-fHak(bPCu#@1KVa$)narjzPGT+1MqfBuW zkrH+UdlEff{tJyv)@&R2{OyWsD*GB2nixUE%mnpNwnvsA$FNB~*i%}EJj;16Z8%o& z5%*?ue298%CpsOm%L=2J?69#qp?%0Woa{lGuhK@@0W|R@T%YKPk2aOcJ6eOa4b6?8 z79sIOvbWp4Gwm?9Mc&!lZRn2u*&_-4AX+TexIQG8dbx>`o$6qW>E7qC`qBkCE6|Yc z_!e}Q<2fqzMy}Y1Zgl)cw|&q^;6_x*MIpfaDTJe2Wgwb=DZ~5Nm9JWoQJ_(zs-daK zr6MbS8t0bHgW~aBn+t6?cNa0I6Dqer%XJK9tt>cjF^e;By3zZq5BBm%H=Q@u%H1d@ zPqfrB@@!`xZ-)|tEK`(Nk=ZDogSG*`B6Qsvo%{})GDDZDB1jb~wHvidt%yb+R`S!( z8jKTDHOl%a5K!K?2$$}x(V}6{18`z)Qm?k5 z&Gs)_3BJw(q}_UbD_EXht(Pet4hhD4(5nIah+h~C30SWOS`$~vmAxYe6OHV++E2IM z#?zrccszNB)l%5v4u4G3nKdV$guTq?{pzF#ff|Hi2XW%k%Vbp(t+u&{$E-lcG(Q*} zDLnR|?w)WdWS!Rv^If7~dtVaepgj0Nuh`G9Tc zUB)_U#?UUo7HAMZ&+h~bd!y!s=ZMP>Y{Xg-y~9((2&{2SeD%hIQm3_30TNJ7)KMIX07 z#H`?%v$l$-3!_-{>AXE8PpILDCB@);;!~I_Vn4nz(XK9_RWI!IZqJpH%v6H*E60!A!U65GY!OH@VC21 z()7LNWcHQfDv|q+Tmw$Lg}npid0vdYM?}In$TTb3R>SAquYM1kg7|(|5T#kjnljSN zze-$%?{@_F!|sH1ac)`5Gq4kD-(SKU5&7^H7^tI~nR7}uar820*Z>=lT|zb&vc^ni z7aPRKi0m~&M=gTp`k`){0eS=W!OifO3}8$#?S6`IsGi36Xo%J~H=lw(P_kdHJiuc-uaau+|^4aZa$w*w7oBU%urMC!0 zEK2PMAE6p@OAg~kQQMvsLW;Rlfdjv9euX;8`#s6Z4Mf%|VOfBG8&6=AM#>>$YZ{Ub zXJ#w41<+7q!ArsC5oxp}Yb?&|Eh2rz3l{cftHxQ$v-ST5QBuCbUS)UYZ;+EsK-{9s zMsfy}hL45T>ulaHer}NgZNweZyqwGKLvoBe9kfNgE6T6@_hat-bnGWE<-@zDl*o~L zrLV^FXcvyHFZAVH;Qu*NvNK@Z+0=}*WD2lvqJ!hjUuzM;8(6KLJ@^Gy3+LgFN7lOU zK<$JPQpkf-lGc{WS7AeAxro7tZm-C-id`D0aiJ zHJocThp`mm1Xt;Db3OOV8?irQ)L#O_#2G*z z?>I();5+vD2^x?Va@iHu5-Tfr-d-c>L0`^J2+JF7ov+a|(; zVTS}teT4EK_!-GKG4`P{+uv+g`eSZbi4}n_rN^>Aq(qzLZ>MnH_rX7J?nIE*F;4;N zC;lI!WOvt?uqOul4c@Em$%-{h+>bguS_~_7;o_Y(PiW)iSu_!S5Uzv$g_TL{>{mHo z;yV%hQoD36fMg~3-3VNdUDMWjO>D-SqfAK-dDet0vtVzX(|k!=D{wEjpf$o87N=o3 zW>I2;)*(JjZk{f%!)Y>B!$iH(PyfZk*?)$wJ_O60&( zyX;CwjUc0Jvciy7Z{mMtUTmgQ#-xWjdIF;OZhKBHCPESqb@N& z?J8>9=!r^s=jhvouTazBgXE(M_)j=#O5CXHR(^!O07ph|Gh_;~t~WwA-88eJZxF28 zdhv*10Ib&?n5(@a8vX&QUy<_?q5-Fctu!@)+&G)Nu#Qm5v~Ok79Y%$wyN8*y&paJG zeXq|_YA_DkP4o)cL63Xooauu^=2?g7V-V%ag_rsbtlgRS@zg%m^)pCph5E_+%pn{(q6`}M3)bF;~A#h7<>_Ol}yf0B_0 z-$?32<3k1^!Xu+RoP1ub!9B^7Hy5(;lBd&>+_~NpPUdEXIE@`fhB?-K%+Rq*6j{lr zXRqn*AXdE3m9d|L@M~(sM)fcF+B)>!A~JZ8{!5R4=Y502ycO%nY7VlRQC_38-FB}A zNd_*r6Dlf*99tcr*=(3$>hp7Yp1i#KgsAE>UpEf>bTGzxOz9HZL1$B+!Fp}sNn9%6 zokWTBzzw)hd47k^mOKb^yjg6+7eyQROngy`Ms)0UD8s=s#?@xG19GFyg{{FXTU7P~ z4|IX0>jct^)sO6NDbL83SnnzgBaNLqSgwS3PRKM(t(ha9MV{YR>o9%kHG00rtf{wu9*GUVQ zHLtW(Hvt7lpX-eN5I8mClu+As*h93;YH`ZV(h&!J+~SX#+S#zPz3~^{uQ;IJ26kCW zIoWuUaUc4##ygDdt(1ycCV47jhbvQX29OJP26*cQVxc^{<@q$ES1@8(IKx96%IVfl<}+nuJ(m~X3p`7 z`lPm3t-$F#hwL;^L+C5D8xqZLVvPT!hEgLkKL)y&)^Wl_#wRBQ`X7alg**fMQIL;q zoqlxyBX8_WO3x-o3@Fusv(2IGZOO`uO9{lDQ2M?7h)O0ziFdPlL3@2OoVttA`h_a} zvUOmjldLP0rxL$Depd63h$#f)8gz~`wq8d53LT!edmw5WM^bmkf-UVPPPPWIti_R* zQTP{o@G`3j^nntWPpN&?zAelpUPbPK8HEcPBmI0Q`KY>Vq%2-Z{D;=XiJTAxqNjeK zQX+;bX<$}ein!fL@wncoEYT1c`YcAbO3;DhN7Gw~@#KiFdvFvdG%Geg_*~Rp^qS2@ zWPqI8qcpFDScUnokVE@u%d&QDG1d&7OZQUJzx%Kzp+YS%Rl&w&+&^4=52PtAL#`89 z73Ml-K5$sg88{Sj*UuUayn>f;A=hs*yhN9H%s*LI7E7Oskq7o~p-tIdY!dx(o>mRH zok?4Q_;W^;#^MYsP!rT2Ahl#BEjI16)c`LQdY|0EzWk~se)?P&SUKg+_m%F6flF-2 zl|ljKTru43%%%jh?N{xWznSsnbB9uJ8Sgv`um zE}8ANDbM)5f)S=0W#8FOm(oP#?<{4j)4%hN5_LV%M&d!I&h;M_6 zG~7%BV(c=4La&<$g5qpD^eEZJd+PJhCx=q9YtUw43r!P+I3D5Ijs?KiMAvlCr5#o z|8yKza&k#IwkiD9@lAp)>4T4C^M0znrvO23If< z#4b-f0B?_sd|vTXBsTqW?pDVC{52F52>vZJ1vsnH%(A z;artufL~h(eAGpJGp|MeUu_ncRo|q=$BjT>QkMQ3OT6&AhZ(*41f3k4o7Ff)V&Aw5 z!#rn6v znbw%2ViSGVxKN^?N|D=H3=SO0bg{w)ZUr|HbF)?(PnKy|Be95%?yriM4-c2{MdU zO-E33l34~+l?!JQ=d9-_#0xRTKImw;1MI%+%1Iz^`CV^I+u_ zii7G2{5MD0#?li1U;eugD|pWESB(p5c8T8&r*cUICBuoDkwEdr<0nT%RdczAFHn!Sn$(gV zH09f1!A|R&k>EdLcsGog^Y>K`zP;GQZk|gE3dKI-$xa!fHb-hKuE7~&3F0{PRHzBK z4w~)hPmke4|8C-7*YP-UCk9?`^<)t9ndAjDm9RHQ&&nuRzGTaCrh&y)9|22)XQn>H zsByw0n~SyCw4z4+9Qohw=$H}@-lB5`a;wc4&d85*F>4IvRkdO-_zJ7tKZCI>Vjf3v z+%gq@YZT7LuRXa;Un@t}flAyEuN@}#h1QEI*o;x)A^2g8m4~flmo>Tj-nhT2aQHaM z$QGvIwz;wt#%y1nRbT3s?o{EEmXzT=QX<7}oLZq(S! zINONV&wSmocgy{X!`RPSzMl3L_Xp27T0H3Y0(RWz{ce`Tz)#}SPg+KAM`wC{PsFpS zf%xo`mddm;vAZ|0kal#V$9YLyGp|NR2gpaFf3^GC&VHJox~G8O-&S`{>{uHv$|sN? zNpkJ&(R6;NQfj&C>_K>66wr6vd1Pjqofsu{I>;mzqs*Ue1JfTFP>I8k(OjpxbeBUZ zUtgVVQ>rw~&&m$f?!hk((q9y>8tQN=%6)qR(#Es174$}p%1V4`H@6LDO(?th{tOu? zG_mV&Ki4(Q(xwd)=s~^?>PU{nWqr>;LaN<7XV^)r+FjY@bnc!g%?CrwuM~A^ev3F|AP8pXF1=WPM=Vq(0{=LnNV6vq}SChc4?I1>1$_ z1#b@mZ_oGxdR=HMc&9Rs!`v`em}f8f(POndY#(h`?7(VnizZ7)Tbva!;VDKH9U{9< zqKQ@xV#jccTwt^Qeu*WJy49>oLy&AU`gZSJ)y#(~)DW& zi5`dX6M3~%JP@4=OTv4H^qqX8X~{~JNJkgi2z>p$vzn|t)SV1S?9;|IVowW3X_;-V zQDe|0Kzep7%9fyVbYYjNon`z6oh-EqN{6{OPL=g~qKaPb!|G5nC&&r~ei^L;N-odG zFR>?vL6f>X-KK~NptfYhkexIB3aL_H?@52e_bcws{qRiRfa-t^nr0S8?vnI?{fK$f zMm}KPuSEt28>R+*32f>Mu)kxmlQ`dN%tczP?IKq1H9ypZab~nQB+-{=QDH(WJp9j$ zLI0&ScP}|PK1(l$-4G6DK5(`4W0a^2E8;>#>%Y1J=Uj0anI2-|*vDlZ@LS%FG);31 z1*mN&AK?Gg91TgyY6hFaUl6ZL`cY?BlEdW+`XW<^5k&7!#u&5}Z2C-E0GXn}$Xpy) z@6;Q?gCLWPf3KML12UoGVB1bo%WOumHjg=}b_%Ox;=m%qU2qAqO9`fAu;ynaqS;*c zGH_OtH)xYO>tGG;YE|DWG%Ps#-lv3n7!Un(77z1M7>Mf&y9d$y~#xb7!>0H`A z1*nIhl0NMu1s0V-IqBY^~p=MK3Vvk*$868$Pt0KV?+UL zi1(8jx&B!6Y)gDp3A7ly%pva;ofg%6b*$NF3gb7Yz9GlobS$j57zjCJ#BU(J9<{v% zycT#I@cV{~WJt+#CcAP*jfF@0C!sz$2wIN)8;+RFA}espjP$1vQ@}GS5$PgtPm%IS za1riI(W)4X=%eOP!Nv^8RZ6yW#uP_}mCnR5YNUZaMF8H?X98`hzp1z25b;r}2){PvVg=*C=eKYT7e zF=Q0)$#RT^y&({vI48Q!I0oh+fe0FMSABsh($>d!O<5nRzEDqYmvxp}O&{ehJi9cJ7)+vbVn4oJ{t$HM-YmnPbmy z5#G~@UI4k0Ys9NXbHvA5oiz8A>=+fN?DSt3T&ll<7)+rlt(~+sIFF1XudSt}8k7C1 z2=L%(e8-Y7g4(Y~Y<2b_bVkTUHERs=e1mWr9`e*sd&jrmcnH``W>N7}aQNJU?ai1C z&+|tI+y@()Hq0>O1*rvpbwUAoMMT3Yg_J?Qv!bo$A62x{w#g0K^!~v|p@{mC7Jjk!k0uEAV|JGCq zb}*yZUqs)DaSM*HdrOBh?f0ko>M&YqoM~y>Tm-t!g;?_1JZh}*fu#X)TvV`E3ea3s!KR)WgRUYwE=;u5czI>HWOjVWRc=qn@HsQ9h}df_M(&pT?t zE9QiTrVZgR^5hAD9m6gZa?Ffae1oWq+#kLxc3&v1rV{rLZdtK-->jAJ{vu#Ypd)K7 z`JQ*dj;7RmSB_Foua7LGGdgSqwkpLKuJ4H4C9m>*`gUX=j$r43-QDLI14p0=6JG)* zkY?^;X3>SL9mh~?a_HeBx#V@;yk>xZwQZC7ZP5!@IiuKvh?VRLmz8}UGtssydw0~f z=Xc3x1nK@+_c_jp0iuQJopxjc;QYDme={7yO1~82tzh6j;2m$g837GdhQB=@N$i`n zaywKURwFvmx(BmM#uXp8uJp2gMDl$eAeB;5|_&g0At=lb@>mqgiqN~t< zR;~p-YIEvyljMr-ZhPnXv61JyNNbW9N%R`QtTpJiMvNK8=qvewRJ9x87L0YWpEeP` zPBmP=-xGoN9gVE~q8G%Oo~FN{SAxkXbP_f0{C4^Nb3^aEpB=O>qT}iA_*;lS8G+IL z0G1l_`ZpZRR-sBACnu}#m>+{|jA)$3${YD4-?x()Wsqi*7K3#)d?_$uA@d+p+tDqG zeN3+66a|N|h8kkltZ^puzbne(yRhy(&Ocm11wT*(GeTMC$eA-6=VJ~V#ZvVe@&=EK zK7CLnuG`v;f6GulEO5f=BI1&kFC$v@@FC@WBNBNZv#MwGQ#7=Su0ei#qoglGwx~!gp9_-eoR@iL?XwlTA_n+2j)xn;_Ra>nEXJU z+B4j)JYZiB31kFr5_mB4U`b`@&TEqPD7rYM3RV_HBSzr>K0gT@4i)NjL@67^3RKY< zk~kmeii7xnT1|!@k;Zd^fU-6`u04k})nSO!%Y0PulSc91Tt<`l<+HW7aBlY+Cuv^$ zNpKn%z;RZBPSfMz+027{Y|~~uS<%6_Z4?2EcxsNsEOY0XjXP_IzC+(wUBF75_rLSX z_f_A0QOeMLp?9Qlq=oNg-cgT^58Tb|L)f3hfvQ;Q35kC6zLV?IO5GUDY%?phTOuaM zm>TOdXWl(kRzg{SfP<)&E3Pfg5=z#(Odnb8iT7q7q626lfvI|1xRq-VBJ z#bUfaR;5R<-}q4ESaCFp7Sl@fiW_Zni6F#(SxXzPe;sy^rNse^Egk!o+MNDhP$Yf5 zM(if(L-LfCdb8>GH$;9Mu@$}+H5aX5p`A&^rdDc=x_TLVT4g;6H6tOVs5#BB1EW|!i_Pzx^i_GejopItKxDjY+4#X_=#<_%Z+s@jC zM$szc)ousO_g67~qQEmpuzOtaVdIFJe*86S|b5WP&<)uqi27|XjW`Df$Ilcvd zDK@niL9^MT?X;%-&|~Qlc24D~!acxhR%*!|cw&%VwT9(!wZ_3?n~mSo<5@u(CH`V| z!FKoz?`}ZcmbE97h97`ry8~^jvA%0-+(~H_;>-&Y@wdGTqJeGY z$b7%pY#a=H8vXw}RUW?4c(Mip$+w6IfDDj@+53h0kPK*h<|x=r z@{MO${csKy?hRpw6OSpsB=GdfNBuu}C|HxocNPBeG@0Q>CDB}prQ_P^dr z4~vK2D*492|L(7LUebcL)KvRG%)*FZ`me9~^@|RK$I{Wz-7+6fY(PgnTHWk(XMz>D zPR9z`0e0?e#C7o(OZrY+$5Eb2;=fOV?SWma5qE{|K`m_Lk~cTtcUqs`ie>)3eiJR6 zpF2pq z^o@%p zSdmWkOa^m{^1EyOSi&~LP8I|6?SF)+S+gN^s#d!txseBj5>$~2JG;)vg9Z4?sNhhmggI1$7Jmw&5 zJ)Uh<7&E)4(8D;A-O4dW_n($Ku|~9=zv#xQnI*6WD%wbideu(b<~z;LpO4zT^g!Bx za<+JqMQJAsvA;(ly_~In*2C%u#4%4#=6{)ur=g`K2A}^f@f#H+f1hltP!oG1I=S@D zzw2%NAW!sK<%z{r`d2K{P3i+_;lQL&rkLr=MNW(|@!#B`m^~fl?SOuDSGni+0&iGm z*`^zKKe=2aHgb#j%`!IZS|BVJterRB&TlR@{m02&;*I$F?lCu_89A`f7;B>Te%s7@ zXZNc>^mVC*<3vwz)Ok?SY}gI$?!SyqiubO}3;jol)}n0>`M0KX`uQZAavC<$o&T%z zSXJJ0d|w4DVQ4J*f6YC;#P58Us|Dnyy(7u@g~}Opdw8F`cBFS^Wp49JoYCi}eJy6I z>VZ-n4ZE8ol|`wVNM~}XnzSLCQ{k;WcpQ))Ou$| zS-BZ?k+k0UJ>VT1$5;wup0oxt#VJ%V?8iAtbm206KF*(KjMJu*8!i!emPYZpa=@cg zymNXpyjmCi;HU7rGT~`%{+;!T=&$+60DPd;Uy;Kn2o~4Rh<|V|-zzO8e!V&(Uar-6 z()K=~is&-nY8;9?it$I@)4LR1==4(J-}7G%%o^(j$V4K$Ain$rx=4zzVEGi_EqknU z$Gr!S2TWF7hhx4*#DoeJqsc`aw;u5ZM!ku)JUWT-hE(-P%V1R22|SByrq7~Z`Z_Xx zrLe!yWkbuBTxdfE8fI6>V&G6FZiH z_*3_+1!MkhWPCXH%*$9&yVFJ-gWp_k*@RdueMF;Zw7#+`8E8JEIGC_Kjc?F{r)87+ zN??hS7E&fYo^OTpp4GDOKn4Bfa?t67TUf`H)A?jISe>|AM2cR{QK;*R*gj6P@73TJ zmyLZoO7vdvq!#~brF?EfCNprf2`6@GN))}oj3>U-&DOZTicLh!&a=dbDS1I+Ps#vs zb`53kpY347b&V09S4>*USuz{z3{!yPip!>A5ZOfRp#rD2WT&hb8``mFZ&e?E^E#chpo&e*9VO4s zKwNg5-*smcu03u!5V3CHJe-V-7k`$w!4swD8O5)r-1QA={q{nPpf_T^tOl)7FSKUO z=V$QH7HX2WY%2VXtO|8*0xi|Gu%L@gyN&BbH$kuevp3nBm%p)gbf=z~Su(zD#?I$# z*yGrzc{(z4)%~t(ekgO;uOm;)tJ?P9ox^})Iy9))GP2fO*PpOt{0>l{8M^#rJ~L3&!*=PT`G3Wx zv1*m|!(_4v#lw4g3iGpHizkL5(pigc934>C$}_AKjL?;v4N;jQTCBrPkn_7VUWiQ( z(s!S!F91TL6;5jU>K`V9>ux>Jvk%et=iW$AUc=n(LUgzs@>8LHiaq!htmqVLh`L>G z)oM}`*D%9SiipW#^#E+Fu*e(GrN=EN9we60nI_Nue+7MEc)T}f_hvX{D^qzxWS~=N z7`%m-5u34<*0th@tKfNNWl;+oMORmI8sNu~i_xF^?x!A#l@+wlYt;eA6kn~;#zMp$ zV3k12xC|K4eb0jEd1^&e33t=17VDT%fa}!uE}~ZKadct+4u! zgXe;?vsAS!j%|{C%sWzY;>a3AoK~A-l+Te-Wp3l{v367vd)t)0V6LJ+d0ndxL01OU zi|jWRLO&A^FRR`u>nFr2SbH4jKtxCusYg`G4JC%7FE+8VKW1#lbiHP8ER2-8FIkh77!JM&>b?&!x|3-L!gK(N%MlUsg4{FVKCAeSf zaf0OH9hIo^uMw}iHXx$J`KHz9k8h{s7YHSTIc&}?|5oC+J#}ps{U*+>w0<{gdf^ds zQD0h$vbQ58re9C`ryJq>6d)s00F5vU`{J1L=AS+aeipi+3_HwgIj=(oZoA+37W zz{!86dx@Cw20F$V?Mi(8wCU{Ic-->6NNsmcEmc0i+PwqMeC+e<$MLCV<2&NPR=^^` zvcFpNSm-ezJvI+n)^{avX{?=Lgm`1Llr7&mPExAP8KMQ4z))c`@t88Vijv>k{m+_4 z(NjaJ(hFv9rp1swj+N`N3DGEi{S8zlUIY>{R=ga^$iO?Acf$UaWmqp4dZ(AEZA2Zq zP0@B<)0Z}bNf?$Ko#YY|vAXQUNCe_6|3_N)KqhLm+A-NVo?nz2f4xt85w4qwYWjLH zeW{$gcqPPtU!C6z9X%{5vJbpdB_eJJWNCk;L|RgB*h)Wg_=ybo+OfdEarQXFv>HNf zPeEr>i!D}jf^6!$_!h>}W_eKEzB9xeMT8O#&!e*gIWtJdwZtbJXEYs5CWu9E$DoSu zGG+qR!g%U5usYPJCmx0NfClETQad;JCA4;lE*rTQ$ft3p`!VGir+^jI2JbJ@^8K}# zBkt5`s5~wZ>&KN)hEWZ8(2{H6h{66k@;SU&h)cnZc5>$l5g9&vdWB|#@GSI7P7R_y z9l?}0A)&u^4%C2$7O^|<1hWEtRTA^$QXYKgbby_#?^632{I+P=aP|d~^Y1$|Y06+& zHYX7gT>8xVag2*KWri>t3s8M~zb;h_c9cOL5b3lzJyu=*@}IF^PGWDrn`cv|cy@;G zNE~KbfE-D4a{F}4sgR!q>aUn{*^_u0PJ-sX$Xi*!^F>MsSAeJ{#$P^Mb%c=;gIM`F2$^KXFm) zg7x+eY-VcYmAR}BxF1#atow&dE+2#)J6^{#yF?tFbUvKFvc`50YLTLVOV3wYj|;?F zas&s0*9$vlsUEg!>nXr3_!nd6XDVSrZ@wn}moOE6(23vsINkXwnQKZJ_>I*+j9jf= zMk3$!C4-VvUC^B<=1gEJIAZS`w}=MdNqpyu+!?*q35agiEd8X}y+l6M8N-dDrJdC) zn^yd!=>x=4@uYmj&G*GuZl)Za)N0agnjOY`&_!WS*zQ;D{?r+z)oxMq^h~^n{&mRW zo901-1OPKg&3Qvu&0nG35Lk4ax}(ycMFe2~b5bsnlv}BR=-3B+nM~WSRL@M(2V3=? z9x=XOzu!0msE-QpIZ1s;@Anxe*(#n#ox4#ehA|TRWwDhy)g6oC^kWTQ!ERd6{qDC7 zus0y*cD@TOim~GUlp8>*NYvB;b7!25atUuCegkeJNJkObMx6MS}`v?y^=ACEO*nlWeQ_KO;%ayX#@08;CH%BJNwKL>WaY7!(dYWKW~~8P!Pldu3#Tf1YjZ`4nf0^M z_98RkJO1G!G3?=xx!T!OY?`6Ap7~k(MsXu2Oq+3OGxXC{57NU1$b_|0ZsGmxDaZ~x zv|!fy-@SU|q;GBw{)Bw;gLo5ju@}KWFXz;3WS?N3>Sd?|;r_2hCX0J=A}pp%(au5~ zxiHw3ZgXy7Kle=Jvw6mH|3`s6wNV`Hz&^CJTp0H`8Z})vB8GP@aST;{MK43@4M-B~ z!9wgzVmuqITO)Y2w6$%ewWt&?#d+9SLlx<>zJxC&OuuMah4BNTv-p%s= zzkOFb&XLgU-FQ7c!q_hbZXjR6eqtf-(yRW&p0DjE z)?wnTo4i7oV1GHHayaK;nZb^VOJ@7KYz%#l<9)jB1NhE8o_b%a;+Wg!9Vh3ut@54j z>@3C&?Xq9NfQ6Y3@_h+YCs#KUc9Gm@U?!cbdQPt$~pC)_~zZ+t)lx-zWunxZBo@m zFLTTb5IvT7dS3@h-zuZw$3h0H$DV(1w!?VYP#}hC?D;ng&%g)T zqVX}_>hcCa!L(eBepG}94(QO+Lv+5 zkzy?Pdn$)lS+~ZQ2u2Q@(_HtDV}!FnuwskXa5fght}plKUEiJIF#n&a_bc<$wj<(F zFFKBYLz~BwmcN;Mwoe^=air9jzUR~MSAr1p;BJy{Anz}u{!)8OeHVmi5#P>!4q$** zouQ9<-rq|3Fg{VUrCF)Y8fY>AxgbME@zBFwUM}A^y6uU&AAw*vi`91;ScgJ?IUluq z=$UNo+_&1@Ci&~YCoEHeSdbmvSzqcM5u=xHO=HEf;Y7=2XVeS-;X#pXQMa-|t9NTG}r3hR?xlv<4Ud zXxoJ>G7NE!hbrg!{3mo-{Qsz$~YLGHQu!x5^<_)BXktk z$gS*!M=Af7j;`ASoBZv7a@lO+c|`HwHFtRiouCf>oH)v zf+0!N7uD!5_@1y-aL=vLy@R+tzd(Z9eibA_$y2BZQh>fHELhv3WRBO0KHja9h5Aa z+R*8ocraj+nuW8?+cUyq`eSHF6dxPUkhBeCzZ z+6K#O&JPB^4Z17xIUSVWqOX*|Z+D+7W?Xxkwrlf)ExPy?cIB9931*fS^)+z$@!Q@0 zBg&Z(j}lk>{eZ%1ZY51^P@?G7k3t2P}^HiAnL+9(-v*3d!nrQx6qQ@Aguj?1ytJV(%_Xj4XL&h znx$TDvYXy+cX$pfeZfJbNzfH&qQ!^O3(75IL!tlY`_8(tv{-DDMnhl7lfhTI7}EAshzqzL;D_8K`(?Bmw^`M8FdpaX=4}1C{`i@Rk z!t(D$s6umz=O%3s^s{d^d-7%Is@>MEAswo-+lZeL!{=0#uzcnQSk;Md>LD$h z?dJox#@-gCIpvlLwKQk9ev=lDyZh|n`EYRz@2z&v?%bfQiazU%{>y-YN;k;xudZ`~ zdX~F)MjBU`GgyxZL~|#1vhqOGgRPp|9SO>NU@;(~;+cM{=f_|b=~M6*_8aFYF5$Z~ z#ntJIk53(NUc=&0vlF}35w_`&G_G-%jntTT%T0p_5wC+&&Is?&%g=&1zbDJ-yUO&) zVzoFxYaOEqXY{gC?(Sz2Gw=(#88ePA5t`&zY9)d+YpxviE>)hl76^aCRF&C#j?DLM z#W?X+yikZ3pTFT8v~P2A$%+?r_BMn=v$DS9qK52v2^Ch&J<+d4%ze#0r6F>yzg;O8 zQ$2`8-*M1K%rekk24cX?FQ-&CHWs}<;ZFl`nc88criaNNYZU*}x7YfY zPhYtZ{g0`ecXoHSVNJ!>co+5^WqiN!gV@lLPZeFVb5%1cJH(k|Y^LI-n z8J0dkt<3(C6`}DiR0DUW?wE+o61bqEij=KD*+}ocOV|c&*X}pUQRa$&ETLDiR?As( zyc_VH?8Tjnx0PaED^O9?+=$<5b^jeSBFG4$! z>g=<6Z?E3FrLrCDY<4iGpYpBiV^g<3(A@~+LL2$LLVJp{#Vmomp7wu+>FGa^QSW_E zAxCo)d9b_hv`wn`{WS2E2S%WO-SM`{vy)6Tv^W_xrXFN0)uE@wF9d2mn>|f#h7UF{ zf?X@-PGlYc>u=G;?e6)qFe${@(}9>MSM1tIK@HnCrJ*INNk-R?c`<7C=YI zY}(y&)S&tFWGaxIPX;50-rU;D?$OQZ`fC~!MBiXqn$_9wO=iZtxikCyJaR=;mXd2y zGD0>dGp6)m#x9V18+ML>K5cF+ru5SZU0ghs{;}sQDhhgO-z`!173d!&t=_fK72tho zZm!A9LdLcgpebNg1>!+nwOaYUphHO8gEmDtI(`UFcoo=CjA>^+f*YEz?_96lI$3%;cU z`<%}&HU-2zYFwvVniD0?Rl0z;;;+Xo)Gbb+N9@Xf4XxB^iMPeoai~X*zJk-JgT{LC zXV^Zm&@_|7iNq*D&z}se!WA`g1G9~lX&gDO^m6Oe&;mTqPN#{nPJeX8p!U3;t5a`1l62_s`)A=Wvd^lE;+sEn~I5dpzkcPaW% zV`1ZUM&4^-3^SAQX74FcY+`)kQ|G?W0x|rrPkSO)$;vf9@Tj(B#vng=N0wZPScCQH z$N-)|wC#o^a~#q(Wj=pt4&wyGTb?#BlEZt1rxz1vq5zg6QJ>y>{B>QYMgZf=UQIbz zrvZXdzXFpyVej1Ozu*W?t;N8tNvyUj{T4=bIqtuZ|E0*K+|sb5_gX+B?15NI;&jfU zGKx{)-{AR6sgmrkj0^Jo=9uo*Q=#Ex;W}*~_m7N~Gdd`*^xd_rIxu+Z8GN;5ra~{D zx{$mdy*hGlEe!rUp2M-Tu0^k74v);VloZIuD(=S<4~l9n}tS*ziD z@ky5q4G(tGGDLq{ER3XGnJFfk(wo)h)EhZsrw#159`vs7cx9$xHhS(-GMoQacFY|@ zoItagve57|da}yId%Q~DnPO&cI==Cwo=C{co+@A8G1QHvr$w8fH>zdVHS6I3DW$RJ zT|d&?$_cPt=OBjwE>11df45}}{!Oe3GaWVsISLBRv_Oh<#A?|7hDnATQ;p zd`C@AQCVYrx4a*>Aa1XAc3jP`v|4nN!yf=viGB89FP0jBMxvbrrb=;4{HVRJ*mQa_ zD>v_36cJBNnvU;10_oZ!PEJ6-OC8yPjwwrRGDiHrXX}xvmN<)I)3ih)&RKafbNYH< z>^Xk!NcK!<*{9E6(M5{2F#?_+;zMl$yx!luurJtuWrP!-*3(Tl03Ez;!uyNK{5FE(GDB5NN8mzMlFHH z=}kRp(fwZn`W`H#Pt5(00~W$4@g=O0O`-Fck;AVO0cLQwhlb!Vac+W?5d^02XSpodQN$Lpw3e!$aeq?5f z`Y|vzD`}qS0L)>3^^BH7j#D-{I#^uTC4DRpsRwm04&l?fl>|fk8%4Dko$(>?XA&{` z22Sicq!k#f+i0i+PYE+A8Jf+!$MPRRe%~TH{Z_^!wupZK z0~-z5<=p2WZgdM0I5&Y7i>!aqiI45?& zV<4Z1K38g>d!L4Sz2C3t?>H~=JbtG4TN=PowMG2kb^y6WZ-jl2Wqy}Fv{PLrDvV=L zZ^*c&9gSiq^gx5(Ng!Z=MS{oDH|)}(mltss;(%MDKU=Hqj@1D~ zzj~ub-fwGwP5WLP`?eC_y5lMN<@bIWefQVl#n$5LLM>m9T2jO}*x`;b4&tCbY`0kJ z`U<<-vv%H^)flnsO;jHalkqXIj!AhNZCP#3g4Kxkv z+i%a>2sxAtx0D(0Ol9I-d=B;9)GX@!VW@#)T}K)E0)O^|{0i?Fx##bk!@rnn#XjI5 zz*4GiGW@3V+d&;(>wh+Ril)US7w$$N5&j33{CM+uO>ZbG%lK@>(P--un>oKLvs`() zCv?9eKkmYA2_E+Em*tziYnP!M#o5Z4m%Jdf5apN4RrHRKewR`7O_i&_`moe^)v#Ga zCvpGDXWl!b4)f$3@?Yd)wstI%Pi(q!&OSY~St2@yd+oP`vsv$XZ0LKRwypgGs5-fg z?i!gf!$g;*WSsh=XO4rvM0TV{bBRQmC-xjUhT9}omR~{nW>4@pTFSjHakQghuXqu! zQiGAfe_X54ur-Jr%JXm+-8;7T^UlMsoQ{fA^7meZm!F9_N>=uu3i;8txzNQ%vA)@e z(RLfUwt@wKDOkCVor}Ki=(^4!q{dg z5v}1{r{J`)*1AOZt^8Ypl4mFrX#p*saEUFJtsaI&;{3pg1irn$Ke{aOVeK1Tir*3e zyP-hs4Ba^&+0{HvrwXuSHlnFuoImebkCD0kf3iP;@xF8fY&+X(-3fkVm89S3mC%!x ztbkZpBlRLL=r>eMd+P#xt;myFZoU94nX3cB%g|{K+0#WmJb@NZWUqXaIG3B{HPOqhgAlWVW5BN(GI*;pT&6fPa_WapR=?^ern3< z3U$UCHieSzW#1k}?M3)Qt`2yMs_&gu7wimZ$J~oBEePuYc}4ovYc(3LDYlxiXpDU)M5;NsQg$lop7T2P_ zSMa5*vk88gX#4)KDP|T#D7QL}MU~IF0o0A7T7*DzB&kn4k%;aRoRz9Rw0SS6*A29J z6Vx=YVx0GIBi*Y{-2Pv+E&#s^v3T|3V(bjC>D~@35KFAVf=DT%;quV)gJWXs?27u6 zny#0&(3I6uQxh|IPCN0){rtpm8+d##&tYXDXIY|Y$ddzGrAAiLIm+2n|pAW;|~#&zjUa}GO*1G4RwlLBm6OrWi5ID$0Nk&qRiUS z6WzX73QAC4;?)tfl*#D)3iM7x}n#Q3Q{X(lEe2 zQ`bLP5r41C5o=ISrbG26Wu}!n9M+luL-?FRyD|;9MdIpMA$q1eD%=*-N99bt&}ee|Ijk~=!3rAfy&JS zF&8ULKhzt0kmxrpHVg#gIwiOiMIJn2-oeq6wY1hn4~pl!w;D@E9Tq}A?m@HzIl?hD zVxlGg55Fu4^?4V1(r@4C7_F|*%f8mkRCcv5h-5x$Ydn3`t}ZE$jKnfZMXUXeuPf)x zSGLF(!(GM|p@c5QT2Bp@(nXAb0D_pfKD zs2&l>sp2tX*J6U(exX)n2Xxmia&Xx-1J(?Rc`IKVS zg*YWCnNx$;!uri$K3M-2>W;iPS7}>e77&N9sR_8&p?vD9)vjmd;=G~~5#X2ygy18S zN`TAY>dr^*o-6|3(n*kc^|cz>%z>CCt$KFuWqmBri+Em*W+@M_N8pTY_pl=r|T*=gXwc$B<6vUnQMpmJ>EHDABqL&yFMGXKN6IU)v33F8o5-IwV_%X_tHQ;mjG zQ};{kb+D)Cv%W$N%XH+Teg(GhDNTD$(!;eKO`fn6u$8Ad;{ zE=^|X^RWJu-+JiL5|7@OS6{-fb%^;(9mdE8uN?$0>P&a5&$-`JBH|Rj>9zjyDy|v( z;eugElU`$cyKA>5lUOtOb3-kSz_cCJzMd>Bj6?xt!`{jw_0e{`(+zY8_Yd<{`%yhD=hJsph$>}G`(;FO7OTG~KCY^--2G3Ol(LJgwbCdsw%? zk>lRxb|W>ajLDMY&!DzPBzLy|v3z+lE-;-yU+imOMIvtdh`3K%hd71R4+0Swpp3-= z)B?$xL*j(s0cA!YKFV2sU>v1R_Q~Rz#2L(i-7I?pN#228%Z7=-wf%t@4i0Nhvo-)* zSOE@*dfV1m;wrcrTg=tjM3{|FM<-)sf5}FGh?RqOPZ{zURqD6>9&1Gms=oJT=nfef zCQCZw*v3%iM%s&s=%4_+B`V%vlkP%ir|1Y&-1E$OFm|_oG~!VQEzCgEGP)T)p^mwv z&ElCSW02uQ1bN_TmmcT|#9QGv6`GAoKZRInu2HdxCw(m}YgTF-rV^EQep=IWrfDQ? zq~$48z4DGI%nq`MN%G1&RYXLP$=oKYOS&!xX9)cB%>`l`Y+b&MEE(HgD)98_szRUa z7|*WuYM@MIhUI1bcndS_m54r7i40FxEkQXvK-wxbwgUAW3N2%Fr@9tGFUV0eja>B0 zUfCiTc6_kz1&o%@V($&_mG?@p!%QvlH`}PH^QaTb0dFD4`{!j*qDRnJeIKx08o^j7 zzhOVDTJrfE?clHT?#UTxyWuN!=)5EEy=knJ0kR;Ga(vuEY(KNF6{^Ulc9)shD;@V` zmLQVI-x;f>9P{bhMzS+agPo|n@#-q1td46A4ALNJnCNQCC8hpRe)N_N-A>zjvOdYIUS@rT! zUA3FGPb?U`az$D~jQA~$V=G6FTK1QXMXvMC?^_nozUd15Q;{kwYsPEb?z9+pz-y$2 zV$~8e!t!6_ZcJ)d?Ivqs5u(Y9Uhbu3C&D`sm57WzY)h*cffI_|Xm)9M&0^CnbsN5e zapzk=3DK4Sqh`=vZ6{Q_-$cY69jIXwgbd~02-eVc;hoaaW9ES0b;EcE6r7t6wH&caA#veQ>zPp8jh(EnrH8jMH91`~@5}_Sdy+fq)-7 z33-S?Ar9l8on*0TPCuV;e+hhk$6_Lk*Uz>BAL%g0i^)D`W789hbz{G3k(7}*NzWpR zggiU)<>Ub3zF}?V7T_gWXSaAHkeYtSltlY8Rwqt>;%r#QBP%O-eh?8oT73vu$?+-G z?)Q6ViYYVXOa$xV#n)lwy4#}NJ7nLdzA=i={GWJ@_PovSYaLilJiJUP!2fUS{e>gfPwNWp5|BhJUn4ddPo~qrcBB_*Tgz9EKi}3~Y*~1gP*CxJ6%o=-!TnUJn z=l!*hW#p5gkg;kv(LH@E0UCynme^lw*eQlMs#f|rQO)_?Q_8{;n(E@F>-x`9zTs}W z)XUL!uZBxj#sin`?f>n2<|iu;`(MpZ%IB#=EK4iZAMtJWMPV(=cvR|KgT}My=4NDi z@DKMspPI-9>-~zBHzhx5AuOPCtvP-vH`lb9!*8*-E7To%&5d4qc3)y2&{A@tJ8Y~t zta274+n0Q6(-Y~r`^a+n$Qso2=IQm`UVZnD?&-SQ8Pr368BzBLkyZz_K9hZe$rvrU z@#aK#gCzB>iRnujB9mx-@(cdG?ERF43iLA4VjZXtzzlttz%~0CXEyH?qN)|TRspdh zas3Toq`8Q0Ai#TJm;Hte-!+`dCoRM;?#L?;?>(xI8H*g47f(k%C2ys(qZ~De%6HMM zkC+X8Wq)Qz9!Ha^EXVnUx`h_i*{>QlsorYtd%u&`+o>c*NEPTRvUsQad#x4k3Cmt1 z({*#eR>Mds7*ArH>Z_4|Bxffr0|T$&dR~1V_B!KH>{AKe17Nop|6*2)bIXn#6|h2S zNoh!O&wVc70Txdxz+H096MjF(r$zNwrlRJSnUM%&Pjf|Sr|&$u!F#`r9B-q8ob_Y{ zrw17o{)-r;Rh~6O-U8|_#II8UcT_I=HSgA*!ci1pbOom1mp@PsfVt9Prgf4HAFQwi zk-IL8zJ3VDwH??$r@?^C|5)97v!c+YZnTEnBM#*oSWS%CKi+XX*tLgv@Tb0e$ei3c zhLNanWtEvvmjBDq%9*|M)v8`+8(|@W_KwFg1E^}LkMG{mUcYsQjvTQ>Bvc7kpbe2S zu7MgX#A4F~!#7r1gAQ?|zC;un_?Kc+oY*H0U~Y}*^Xvk9;XM*gF9E;f}1@$aZZ zMy#~`Ulr~DQ27Fucv=JgI=-PZW>}u0+#w4?e+3fpZ-zPcs)}m&@U>MFB|BKG_`Ykg z`@RPx16f1loiT2Lm9ZE*?u^DqAgikV%!DKp?61RVkM{mEm91Bpuvx z?oK7Wr*)?U&ty~$Dl%l}m=Zs8YOZ(y*3ceg;ZG%TmWj1ImGp(Kv$;YAqEhtIdO;l{ z%lq#cP>zuZ*e^Zkqg;S!4tLHPai`VU!;MBUZ9cW$jyyRtO~-a=aE%%W zzIvhV3* zL99z8ugOCdX;G3l(XH%ylQ^GO79fi)UXN!5D9-12+D-#e-*FxJB}Ppyjwg)nmN&7A@a(Bm?!$O?770fGX_=Su^I22 zKP7&n(P8d>ozu__OwQzgE>pdAhu+hJqvkciz!~R=!xcXnm|_1Tt_fzLK8P)Y=GvgW zac&!0*vuN(N?ReSHA7dTA=Yxl%<0T|%vY^lI2+t6WI1X&t4+^+nNul4msaWTtng%} zd{fiOj^tg7619GhpiZ+ICwUHYb@Q!AYM3j3Z@#jQjuTy7qvm%JhA{ zGiT1sFvA^(i^ydVMNtq`R8+hrh$to?N?rp@q`al3shOH&re>u@TA7()DQS7xiY(Jw zvetHiF79T!TDH~hnq_6yPwn?S=bO_2vVZJW!^}C~<^A68y*%&plCSP2(azAMrQl6R z1gn%@5$(5OrDg@8M{&=WNDG&qkEU{?}zJNw@dB zKCK1VXjYC_suv&$@2O^$I{DxqK|RG67S&pz{yXsw!yc(}P*N(?ROBDDH z6DP-)K=!ZT><^p;?CKn;_eO?~9aEXY5s@{Czthl-!2=11hRo_>b1YY?99im~;_axe z=m%-Wm0O<2O>VNdkeO^3&e#_g59~*-<}M>gz&p~!*78%1d}Q7Zz~`(POlRXOujSl&CH6WhX{Gj|$ZNs5rR)wlc(c62Y3sr=x28 zk6971&e_*&Vq{fDktw&xcwmO?AkU|dE58Hhx(ZmMCUFOBhn|ASp*g5$1h)m^;6Y$R zuEx##^A`F1mUC}tzs6Y`R2G;&mwWV=M|6e%{eD-jY7(L#Jb7e{#=0VdK2Yx!$aj*1 z=_C9__HAiCW_Hn$XVt{2wPfVV3lr!=;O>sDA<+xHF;yR@6z>@B0uX$|3CF4q06_`{ZK&JyQuC+qZCU@$YmVZ|G$1XX)x+|D=tZpwMT z+tr6H)DNB1;qAzkXy)%0icSUeua1K)4rGbm*>~rO!tLuEgdN1Dabi#F<+Un@fEABB?D;)K~S2~fK)&p)B zo`6n}|IX2juTp>a)5^uidvoAP^O?QG_NsmNG8V$8bG12#>F_!@mRHaVn|dKubT;mU zU$u7@(+5VaD>9#x{Ajz(dz-)db6CEj3q@?|*V(yB=kx9`e4QHLZl?z;%J<3BVfn2_ zbe#5cv??tY5fFn3sIPt7^FDI&YX>zb%_Vchi z+J&Qo=G0rgbyfFT#vrCrByIt>>JJ0m;tk_|(=rtM^Wd^yZYhOE<%qi&EL-*PKboJb z`L|p||4w?^z)O#cc~I(g-+7`wsDg}D;Os3FGBSD$m}c%W{}yKXFJ}K+KI0H_)I2-X z9!{^s>EH%SFyaE}LoVj#6wFAp#HyC3{)reF*S}#M<@QyqU-i6Gh9A^`8y}b+RQq-Z zbK9^%Tnold(N9UM1<$etzU6Y%kS;5h8QiouW$2gpFu&k$cf6Y`j@Q*IAE3i`wQKI$ zD`C~()_p3D`|O0*uz9OLtfVkYiT>Ku?TEj`DN7Q_q`v}p@>H=Rd2WL;tATO<5%G2MkME4W-@?vfTqCX=br>-y7oH^}O5f?^;`$=wb2}q$9_)t) zbrc*U&uqQYX-J3X=TD{-M67^wd94SZ*f;6j+2CPVbuEELN;*EH=Tq)vJWJ9E|$+ zuwBUe{4RPN%*Fp-*FG_Bm~U-AOk~HfNbxEnQnwiU0QrWeULG*Q9-6^f?saa}{{=o^ z-n3n6&JCtMo#dc&Nz5#t=@H{>Jt4tfM4x^C6m~oNVdBqTl)KLoIzLxYt_pP21~U?E zq?WTzx6o_cW?ik4HAzZm34E-Pn_An6v?uX43sk4VtThAtXg7+$!Qa6o9 z?_AWDGyvI0lyPMZ&t#C%16|feegLNDEb(mM+dziZ8wgx>l&1ty@5dQl=H(!Icm3md zAD!tU{eoRa4=>hrFgiiLP>)EdWrt|m1+?OKi345zp}P~&CB{VP`__G8m=mL<_ksSe z*vSjsB9#~WGEOV!}`$=tF%=9kx$|G90c$d=4I|koqW!6!?p;H}&6>JYhQW%YE+?A`kU(OZE6Fo>Ms%-*Y*)&$Ly2BpVmIdzdm%f=ZlE zVY!2K6!z-oSY~~R1)w}YlP3!&xCz7f_ZlE6s?^P~Cq%Dc(~I`KAxQ~D=AT)OJaxEw z)?0(`dk=XUC@;~tkM|%u*Ls9^Mst5ngt}9S(D6>M-1(kj>X%8t(SCvmHLEUBGt({i zZulr&{)YQR?#qj_VRJ&$pTf67ASpkMjL?I;^`X8oS2<+-=wBLh41wO0>3f^5oPCAZ z)wlIHam@~VHgaoKA{SQ6d#i3-%qDh;^pY^jf-3bt5SC7+&CikV=&jKK-_bC>s6fOU}W!RbOF5Qc2<(IcRa_0&d&L} zbKbk@7q4Xa=D5sVgct+s`3lghZY@~e!7>|X`USo*RXNI#<)=q>arn>Pc!cjMJfFB1 zXC&hOB!*v}xBj6Qz*1fWIr{PlS)_z`1oQ^{H$R8X!&n^u)+uNus#h6bECee5c!B(U zx^}Loj5(_Kl-wi%a$fwBh?FtVHpQKycN{it(V^tj+`JoS@t7R2ad zaq8LAgw^R}2(eENQR#`*E88Kd$2)O!Poon2@A|XJ0&7N_8#Zt|ple{E6`?}y70Wm^ z8`e~P2RW~L@U0g)86h|=c6JBm65V*%S$gf`8rZL?o!sD0&lZQ_C-p}MjZXpti!wr@ zQC$=bY@7$@il3g!yK#k0>EPOFkjACZ>i5HH_@c{#P{u!&xXIwcuXJYjDO3u@>%pf z;;BiU%Db~;fDXBg-M=F;Ms)XTmjkK!chXXrfvWLc_%sRjhP3-4Q6<>=S?0Y@zmiXF zJr-7>F;2>?T9X|T9u>P#qJ|VklmG9^`OBu!stwsco(cgkwCb2 z1lsXX24|TTx4_&=Gy_r0mfVF@#<4CQy(!LG8p z_4>@v$1G=W$(dNGb*KZp6b$-&Sg-eSz{DZG`a?vur4FGrsSe6-_K=u^hM zx$d;{O!TF1Y)OzQST)<&jdhRu^9}cx4VeNN<8uUWjEe?lsP(8BCnPT5)$khe3uKGd z=WZZHn;hje#D&G6Lp^zpZZc%0M?5X2p|DDu(79Ny3VKS8{Rr9CcDCQew*#)@L`o0w z(m1y`9LnmStK#`VwAGfR?}>sB8BkfHBdf#J|0*sM_x|&bZ5KZy-jHW_7)_2|gNQg^ zj`v zRKY471f62oigQpeR0_W!HQKvUzSZ`J<~WC0F&^H8{#Wc4NxRu6-}$yeSV7L>P2;oL z+=~MVn^tP-R*|koAs?dyCr(ba-bH36RTpo1hzifsHlZSin2a48nh=Gw09E7xO3IB- z=$~`^jlqXib`gAEdmnWNw=b8s3Rle2W9M>a_zK0D$fE`xJ;=xpHaQH`4%l!UQQ6{* zo$tAE2HEJ-d~^}B28Dv(H_?ryw(3CQsjo!R_q2q`8VX`thgY}DXkoEu32}y!1@DYKTb#dzw-zyzypM&2jAj10(b+4RQJ-w_gP)9>)5E2&#&{$D*$8hp(&$?+ zquR_ODe3G45{DrGh*IdD5?CD~PVzb1TzOXZO8=g|AUlWfX_@%@9&axN_F(KOUQZ-ehc?AWU|Aqn4fQZ< zKKBMNV`|2Y`FUF0Vf&D%60nhRe-9!r!|I&BB%Q-9j$H5%qK4=OU{usM*9Gk3`}#BN z(;y?z%cq&1pl|eMB(4xu-Lz>KnK}~*W>oacWVYmBKfKBd9v!J z61EG5Y3~xD4$p|Ak_a+t+y!7J|KBpAYJP|!Q6tLE zzqFv_JmbZoC`R9iX}ti9lt+x(%$T85eGXYq%6K87LZMwM)MpKLo96o~F>vx65-|f` zdeBAS(|-?P#YTbXBqm#DgN;fz*jdP&*?N8Xd(mz;@=rd4bF=5}#(rM#K9 zbv5&DQSisPmaAb84T5fBPjqS?WPIDPR-PWD9GUOF^S9HQZZePz&GqDeqq-VW(jmaD zItI3$H~*>_9#T%72mHY3D2Mqp|2-oB^G9R}C4;%!U6riqlHZbb67tL^;0Dn~^B&*~ z59RzYs|H;#XkXI)l$ha}VAoh+dGWC_v3h0+ycJpq^~(Fhs>KtQyHH(oP@~Q&2ynnA z&O}$and<$wagBw+Pfj^4Q;9Y06GVP)WL+yOjaYoukX3yc<9ZLj^LU>ny^=b_$kNpI zh$|9h&ba@Pp^Qo2QK5}qt&(3PT+Bd~ht!q6wOkZG3z^a865u;mo*s4t+ z<|}E5(C&Fg3mD8dHTOwwxxv$qQ;7EGQ}PBQ!>BVhTIFEelXvlBX-n`=a%a8Os{-~= zJ*r4+VO!B&8W?2>J8OKuxwpiuvH~Ar6j0lRz(_Juy{eDD#{asE(Q$q$fj`|&-Op?~ zyM7)~!xj^@&389HON<~Eg0)L#_#!$`Z}U5z9_&|1W;qY+?ktH%a~B}$nm&APwp}5K&7St#S=Py z0~Mf?C!`qbv<-0rdS%Zb+x35rTCr$wH-iNwNpa)vIeMh{CNN$79%u1)U=e<`AMI_! zdEYSOGI}-e{p>**3!F8h?1$~kplR8)tR9`aI9~Q3e9EyDe;?%K$CTK1;vjysP}h@P zna`OM-LXIG{aCYpyuj^chruo9WqOfytgOz;64BO=Z8gHBy;fafWb;_rQlVbM>@W4M zP~+`nLz3(=&9SbN9Q%sNGsKg*Ec7^7^+$O#!p+x-c54Y_<% z-Ep{SFUPw2cXX?7x4--_Wn(oeU(Nt!#{04-zQ?)U<&9+e5KoiP&)pow@dDMEZZO3A z=E?hCjxpU<_Za8Z%gasKe3TOD@~S`4cdni?)=cc38^}pnH$c?e7G&VKwlh%Wo2Rnk z((L`n9b#V)r;=`yl?04FcED`pZji5$mEgP~ixB(2Nf{NG?!DN509-D5;q zkmtgxzJiJbHEgeqd+AiU>WEu-xrm$3B0*t=g99C~qwsr^T zU^|YU3`on+*{G*TR$m%w`boZZW>)Ta0oRg#B~NUd@ZylE% zT{})gnr3MlB$^q(v6g*@SqV#QoUomVqQ`f$tE3%kAG<<=bMy=NCiTuPL}7M8`~8YD zHP$A;gvoj5+b*cHGRUpN$h`v=b&mz$KDgPbuv4c;Fp9UyGT5*!f&vTCO^g|?TI^+} zXpaoI^l|v?6DrYXUG5-GPtL0O3PDrP{UGxa*3VogM)+!RE1kcEeXrP|NwOObwOv!u zDa^t?eMA;~VR(j3j!=s(ROi1?iBOC4f8)B*|B8hcVn5X{EPi&}?ag|uwZyX6lS=JL zu)ZtQPjcDW@T8G-;uAPJ>MnsDl3lx`UT;2^-)?m(#Az|+vrDAGODr~gPIg@@hb}~y z5@2|FQj(_S1a($NDcdmbQLc2@pAyfwx71PGdKSh>*H-WVmG3;&W-I#M^TqKhk#5pu^6IwTPZp z0Gmnao@j8842QSC6*xU0aVRwqXR%2ihYpO%X$k80%dT5g11~GTM}7ysnK+WCkXz)_ zIi}-|ziGuuyTqk&{yJkK{47Daumrd7f8173rMsq zj^e4xFm9zR)Ea#z`T;SzBdH#}g=QhTdLo%C=t2D1rPvVJPEvk!BZ3D%w?bX?fRxo6 z^&E2g-HNrt_FCxow*s#mNZ8F~{u zjjuzafm>;8*7L`_SLN@hO~`>vo(=xHvelA^a8W$8 zu6hXjiTyQd*vQ|W;f-P@{85WRKTY<}W1NMUa4E;c;UTACpO)w>E_^iu{j4dCkXRPayXQCF(#yOi9A0}Qb`cAEj;!Xwx zE8^oP{xddFyf;D@F9v*D%x@w>r*F^#MzNX`{ap9y3gQ0ja(oKXNTdfp9})gC81G*RnT5JTG6l#Htr-%qTRH7o3DVG^Wzz(^_6Ale)eMLj`*G?^UPJyH7C%Mm|b#dyOa#J?nBCoRqi7DQ%lg(w_FCZA+Qw{~AL2s_Wb z-2L~+CpCW~bs2e?L+)Ul!>m)yw;je!&|vAJ*Hw}W5w&la4P!XYne5O?Ua;A*3xQHI zSFusd>anwYW^9XGU{|sKKJD36saKx`;)WTdE|3F{2o=x3qDG7>ohN9# z+8%KfcFE)~<$vK0!28qUg2DBD1e$}=B)J|Ksl77d^4omQcj|ncPU+3c@AADZQ98WQ z^Llr}`%0nf(Sdoi^wnTrKq8K+UB@s^#O{Es5n^rZ_lwOpGkaPN##*A*_*7I(D(!YE zKrgfEfLNCA)HnLkmiT)(;|QxPVgsKu(@EY5qTm{05HU?<-T?jTA1n$vWppBb9{pU2 zM{K|E-<}s#R?{p#_@3VfVi@}P@%QvLv#};6cyi}5))}))YLmw3WQ8ibi3q(C_|aVL zl7(y}C83DYDd}n@IF49_B1GSc9@%_WKg)L*cY~##-- zqibA@m^`Nl9_ljaeWK{-B~!N#jGA|d5p8w{UW8iWLm8E*75h&81gJ<~wt^7@emXa^ z2pB-g700*j?sZOlG>{qAMZjjWvQ~x8<=P=y9{iUiR`IOx`s~d$`W)>qfwBX;JjHc0 zs4tfzuR=ycG8eH!<_@sQ%R7hKrguNLQi!5k#}3`5f%g-ad_sk&M&^hW$@Za+o%cM@^tab zZCrDi)vD7+IP9=QbJ2~9JO*wrhd#frY6x;`-hXZ9P*Q-RF z?=7wPQN}mO@`lcpG4O8D4UQ7Txtco`WmFrS6Y18sAayspCI?R(cpBf#MjsQoCvt7* z^^gNYe%5-9tYvxMGjtwkg5Q18bI-jTdV z^&pPT*al}#4eP{v3t^?po(K81=CM)6i#_7qiVhu#YTA;=6^~b_zh`@hd@O_hU`GSK zhdHn`_)(Wd@*(6j(EFh672#RT7MmYQwb(oh&=GrQfB9>~C&hqgw~Ev8D`NZx(x2k_ zVGRyz6Qd07C68EA$(lTl<4iYd(Ku0-R4DF4ex(-AY`#|gkT>NVadW60@eayB+j2;& zsO3pvMHBm~`zvz-CyP z2j~e#iof9&DH+%8Nw27av$38hq; z>_?0`9^645n?#Msxh4mgtW=2^&M;8!H_n^UYTktNtdi$!Rm!L-%n%T_RE+zX6_T^U zC@<_-z*?a9Ax&?l%?k6`I2YS(2MhBcNailXLnE8&8FlP<=3VJ4K5zgQRD3&V_*hi` zZU@dIs#NlL@J7rP^Mi@r3;_qM39}%nJ4ukFy?S~gpM~AFME-vY*rXMnJ_ECGbQbUGitKdA05Og z@uv>{UlITI*FC76tnpV~!>L~l7JIG?KW9glA`6&PBnLKrA(=0l9P`xmcChM;`M{h9 z3|^Hof111xrJl4WO`c9&OijQFTiz{PJ)Sk@PRqs5;bc4B0Vd1$yULR!HJ}=Xe3N!$ z=t5CsO;*FggJAFRR}Jmondwr7DU(IL_;C!QM%)+q&Ku8=d*WqyB>q|~^#3@opL_zy zq1>(D$h5y2eln3Z)t+gcLVg#YAYR031}SZvcadcXa$VGV%k&A#Vh{f^F=}tXtKs6Y z_xit&j+X(0$&$&pA9Pc9vhNW8S=n35`b&}=)rY`@$-i^<{5x$XEz7hVT5EUah1t~r zozyg1B7aHZp8T&F`r9Y@v4Zaua)>d|28Fn*Om=AbX8DbBe510a^*36-+u#0jKl!xt z&}$x4=CZG{)POgx?&zT>wRdKA0*6cT!7yxAoszzmHG2gz-0jg4s*; z1g!K+Kr}ck9okHbe#{8T?HGb}=HFWXg3pq_U@YRiaf8cIfiDaD!dM0>^tAcijtu2U z5RFjkVT-!e_q&pl>;&v+R&;+0{VZ+YbI8*S5&l3J0@;kN&gLy<@)C)5zu;D^?0pH0 ziUK&4d6tFu=NRmwC9qJZLdspw>_^pFqi`AZ%juRq_8(p#LY~+_;%R6vk2JDLH@n<< zA4Sg)nd%d`H(tvZ;wbnFv<%*b!SB4+|C(hXZr`VG<7pb5&mQFDf$S1R<{^%^6t#(C zgTY#xc{CL0!Q0GCvl(fSG3%aUbS7g&L|&YWm3nA+m=4}?Z8UF#NM&z8FJL^VjoG2E zCzz~wf~n2i>ipmdMouh2vD(L^j+(+69-{i~h^BJI{J=HDJ`}O&$;8jI^5lxOw6f($ zc0uz+8f;uD7-7j-+61QBiIASac83tP+@bz+!gILmsS*DhazfN*{4SCoKsQV=q5BkL zC**S~RL+7ip2fiabRN!M$WD~kF=BUjbVsuKJxtrA1o5XN<S)*%lHX)a zCUo9_m_oNop4oE;9cfMbHS(#$%_{sP;L8$D6^!nz{3M$DTsqob6Y zp5i3x@0jZeMRxTHEDFjd<;KSZXi8yTnD1HtyVhRTVM`n3CwQaVaRvrV;oKWwAGj1% zu;cK7?lI!u&!t+75!pq`@7L-zWD$PW%S3;F>ABbGbMdr;@bAc&U55W35XA4MBeQlpK8eL` zf*QbHZOM5O`Zv;fE+Ae}1csKLkXD|aDs?~*`Q4ZImaB1}xD{1O^DHa$&%y4!6eoe* z6_`E6Xa>mmF#F*k5{q|k)lw}dk(JX%%el17E+^pUnDrUWK~;}V;MBm$-xDPWz0KNgKwB<%a(eeAYg=g6D;BiwSNp4 zKK<8YCmBauD;6UlA;vu3LS$2V2F%vWzx6JD5%(w7O&N>cjZsRMQs$4w0aeer z9K@Z-NDXTqW`IFdfE8@DLsP%>W@ArHFvmPZ$$+mQZ0TMb#C*4VVhM5~%sCO6BIVBf z6?1sC7;htXWUFPNasQYclIHk0cCu4bwl`?;*lA(&*K|}}NL$Bz7UKaIvz_23W_-Ez zIL*;8dQyeRC$tcxXe(lH)VYW4uHG$2mZ1duQD$}`x?Lco4az;0?=;5-8$c~rnLR|` zF7a3FIPU{Sz>ezQi;}1>RYo?bC-_-k^a6Mx#|3TI%_22Ym6JVm4%@>l9&oaS!PYfv zhRpF!atw$-#hF&Az7UT(X5oJa@IIp}*vf(U@aNp2v=s=b`aR3@cv76zbu#@%yX^{x3Q~ zp7xIEAFmSSLyx$ z#0TucX?rT@=XRX8w2nK1Lqf)s8`inhbfJw2MJ_Q%7vg^L&lK*$^DeSA%td7F6jq>3hoF_Bka_>yJMgOoh9EW2dk>6EDwxf4{<4$=HoG-d!r=^;W z8}7J6xT-}(w9JMd^dh9q*?twLi+gZ(|AxK!CvsRE1D}!-h!c_WdrxLS`z3sdJlz)| zV;yeMWe|~s+r>X{R?BfpX#>=BzH7s5~WBj+Q5wcke>XomEiipai_98ILVo60cm&nddSisyBs`{U8&31&sAx z4p=Ih?DtLNDOu~Zt8;Xh@~gHyNd%sQAJP-=VxE(;Yyv;{54e-oqE>``e$OLv(i5l( zIgZwTR+6%WcQtI+UeGMpaYD7xdDhMz;z6P6zM(u(Dm~uR>;m@{LV+>n=x%I`bZ$U-ozS zKKW^AaXEu~b>5Bq-P^Gn!rw}(67epNDBl=rd2?gi`(RIMf~^N05d1%?9qjCL&-?>* zc{avbY~;*XgGLFk>*Tvw`5ZHN7r+b1PUhK$wLQtP1XAl##+1^w%bG@HBhL%ZV=c5w z02%B`624* zIDlLpdWad7*c}jU{sj6*j@lfHJfTuXV`EN4aG$t7?AuHp3h;U6F9n+O1N&jrp6JTo zLpwqbol(1?uZafv{6JlY?|2M`Bq?XLkXfRygveR^8F0h@Yn9}vI7aH!V8r6g2(LLd z`MgF%2iktdwa9P5G0AQj&q9Zc^5ckP9fGITieI%##uUahD3k2l!grdUz>Oz3PD#=8 z6ir=-%H@xsO&FW2!u@93JItFSZY?GDB#B-iVl^aoD&*0O!Qc4wR3$)s=nr&bH#xJ` z&$=AsXBXn?-TtWYdC_Z=-}}&d<96&cgqEQ6)XKnlBBP+-jUOzZb>rKr9P3w7k4fEZ zK8HP1<%m5ZR+#S>`&QIAGP zxyj2kwoBVPhwORrPhnHM)uZN!m|cz&7nYcM2EEQ+|6g+|1zt~9J^``sU6}?k7g3DU zkjfL-FJj5U22(rag{?*Wiv5`1+zECQR;LG?7M&xRHRnox@WPa?|LZ-`JNX?(n87i! znK2T{1=t`~-UchE_-u*}{=F%}Gprle`(asmyhWn= zIhB8*!h(@)#41P94oXt4Lnh0x2STiYX3&A5G%-Fm#^PTXcHd1NM7fS{CC9yF{Xs=8 ze!+S)MrC`7Z#(n31p%|dhWas^8!gsh^k)Brt@?GK@k*i5KS@bY?@pCkrxckZ+?lY! zY{z~Vvx2eqM$LY{t;n(l5pR!33NN#+2}Z^Gz4H(c$OJZNItv{4h$MS6ZsvJYiVZYM|NU0V|6z^o7mARMD(RZ zv_6>y0hAWjuW;1)wodT;>Z080PZ{j>G1K69Ersr0X6Tt`v;$rDr!gi*8|qT;O!PTr zO_|f^kx2Pt9%U}9iR1yqNHSuvu?J^OOO_VVLa;N@Zj!TW8SA1n$pkolZ# zM2NbFgiKxwJZ|UU^WepRA7<>~lZhM?dp}%*AJadS`_|Cj-ThEPH0=IG9sKntAjgb( zl2N%DIaOT@@WkM6`%{>$-QDX>WZPx+SHwXaqg z88Y{mH3b}h1H4AJcUG+OlCwII(!qWSl><6Xk~W&NWR1lxjCLwcSv2BpTuZsn+aW)f z{1&1k+ikAXOXU7EpNY8=kz!st?l_}I04w<#0$`ztzNHFqehJkaxjfllEG|M;p583` z$w@Dlwmz$EWp;Bx;HS6q{=5n%&qq2FCrFeG86C~YLk-vvx8_|4WyW!j%8|)&d6Z$D zx@1!xWZxLZ5Xst;7rIttz*74F)xn%iUu2N!UCY(@)@Fq_xyRs~JtfM}JEf15mUMd_wV%Vo3Ue+^R)F`&g)}h+!8K(~@IY1y zgEdH?g7U_-WBuI*?Vr#7Nsw3JZ?N8_rBbgrC)Ve`p?btWaEHv%9)wSG3iH>+n4}_& zk#@<@KSMtQiMup8R=oAF^sgF3R*J+*EGdbt%f5uyHeu-Wr!C?>6dEgnnuAN&N>z=xm4* zNp{nE^hfmVAG;NmARgf~zT;9-ONl7U1qPApST$r2c0@{s$@ghixBE^-l2KK|HI-}M z@?_bQh!hS*|0!Mk_rW(emI!o+!?X94QIiv^Lg^uHooFaVo5QqZ1w%ft2xZ3r|jdwve| zPH-A5gziG}|-150Xm(0f;7b9=g z;{6zDhmqy(Y2+~C0#m_v?RyjL1nI-DF^dYU=9A?JZgzylY_lcNY;K%aK(zBv4-biJ;Zu(i?s0~fFb1F0xl>6mH#K) zVJ&SZ@*v6mkt@)0yx)S6J`?zw7{qaU8kPq~$0zqihRqd`iHu2bsH|VEZ`T7ogWl>w z8$MH9Y)2fcJew_7wdMO6188|$O6}d&ss5^%dL5k=)%7cZi0Hc@P>$L3lj+G-sJ;91 z{&%XZv73(FH8oJnnK8CR)NM3wT_RJ;p!?W^iD%R~@qk~USRarrJ_l>WTY=f47?@#Z z#Cc;9BQw-*p2h5S+;VpGF?V3KoyzF}?AXZ21J~RfqiLt~O^U^>L4Ux!7iQ?8YPNX0 zsC;9U_|_SV_y+HIZ8R+wXYns$=J?CP&wDyszSFKdi{*3Vs+sSie$RsK@^(>M(#?o8 zc;sCitE?V`w0om#<`cpr`FpDuEn6aHK^ofHQ#<;A4o8=lGT2w2ts@me7*=T{JL3%sltYvNG!=){RB^G&!AV26B%PB*mCV3&E%q;C%nb}m9^XgQWzFFK*+ z`cp@w;TB^RY8^a`7^`{9_@0u6k#cQ5*JyW>pJzI1=h~Wkm80eETqu^`YI#1Tm3P2) z4mjqX;Ma{6kw)%3#g&8mhI5%6bOcD0I-pR@__H~h8Tu&PI{X`B7R;LPTV@Xi{+?&5 zgSg@vk2M4bi=j#1j^+4Is4=hz$luw256`?^-w(Eu62wLMG~(2Ecx&dG->}r;Kn=y9 z1Lw1=#}*33s2^@}yfj4@?Y9?-aKtMqe|%o$q3+0^Wxb}L59?9H1jwPdyNbSWHgG&w zy|!e_9gu#~Iq@khhY~O;=NMXr9f;}CY_(9k!+Z3QV~~DMv{AQ39(r1e9w2?C1>%7} zYWi2^YH@d^okhGjtqY$O(Rxp`td}>|qSs#YNWA$RGW}GGErIA494_D1*6uTgyjo3# zUIwxObN6XR8G&WAmw5J&STfnt+9zU`5lY6g2d7KBv-LgB%x{(9bDR0%mh1QRxc{PK zGI65h$7@U8c+;K#;~Sai6J3oF@|!}ZjmR}2(tw$!?}FGVk{HJdbl+p&ypJF`a`oi1 zo680f!1DJ_RAa_i{VWL`?vBkeF z%`Nk=jK4=2+D5XynQ>Zbhks&jmM* znKvoBZxIRmbX z^M#d0zo2KKsY9CYoNts;AIFIC81HJ_ABAnai`-1;cZ>g(A!@+fXxr;b&CZzKDU4fk z1N2RjtIM%5dO%wwLG`l^P;Uk&ko1J$7lE6RtVnKaH}IwGPPgwEIp0O=M9ZOf69UGX_|OK23YZ{+@$+K9^G z$Qt$K37snWE%J(yL1o8=zXkS0b+hbt)7nlCZ-2;$R!k3Gi}4uDmtG0vGp~o+$_S zVN!>V#BANTSN1=4g{=6ewOTPyzu9iq!uzDGAYiNI<&{L=(l!AGV>$gn`Mj1|=%C|O zWF0?o)!;rcPn1((wx%3zm6l_!vTYUv;GwY2h8{~sWI4`G zlYt1Mtg^Q@k>@82B>x1kCdXjsXt`Rnkjc1#`~}899^&V%&mvCKBYr9360CSx5I7)W zeZ0B<%|}iDVuGG6#W$Chs+dWLsV!VIo`-4L!6BgU+6`YrmD`ZY$E zEe@c@Z;tl0`sg4zPjYSqc`a!(XTn?XTl6aCYRQ@x+TzIIkEg)kCwli1cY3w#bVtq zXqoK7S$fFODXh;f6rZSfAoI=}pFLFKyu0svHaokvd>%i6ZIX`86o}&4^|L{RuoQ?7 z(1B-YkL>GRqDuy^9n&=MSDfzT3p`mS0(y`6ULkHA6tVt?Gjbf-Y1a*ui* z@x!l->Vqan$_gF0nQZ8lzq`x)X527ScCN5sO?Xb9weCl^Pu|tM1^ePjyvKE+cI#A0 z%@L2PU28yc_q(-+}w4N`1uWAI%l`G>(!~g^U$B zX?X_G84GJXUaP|`XWk4wpfkw3OwU3-8SLVyoqM-JY8g{zncrblhTe|kzA5oaA7goD zpP!f76DxO9JZl_J54iEg zgoUpm5yL}B{Kr^ zqtkmhRlk8>?B;KUF8Tfz!2XnMT}J|!LSwbo_Ix9e;;cpW2sVUcFpiYKw`0#k((}}Rq661PH{Z=ZIX(~gT)-fa7f~R{LPbdqa8#&MLcuKbOf2xl zH6!@x?q0LONG|!JfZl<=VMjGN2H$!!V6Lu{=q1GO1pAZA8C)n0tL$-_lz}XdEg<9{sUv+TayNHux7j#YO!j4 z$%o>NH=Y-LZL|ky%?EkCRo}>yz!7;K_5r1sch+1BvkhDw8P`{>gYdVmK;OAlYCD(G zA&4;>)SBZvHJgYC=I68-pwHpc4SH6dl}399eOxJ}Pr5lBepG51*edXV0AR0x) z4f6=6@W1VN=8|rE)kXMs?jLJ(Mgav8YNJhRMznl$kk98g8xiL@sFh)@7}01#d{Ewj zClS};U-)ax6?%#OToLTZ%0AS+v#>J{z7c5f1WNx;_Q$w_oWs-FSa?@_x~v)aYL8@$ zYduT!cwcFrS=w0ePK#@d8VBADpNXB~G3Z1f`GbE4dUm0>%Q%Jkw)5g_yG}UGF95gq z<(nKYs^(#-l|VNgQQdyzz>%4k4Mr60uy!ouz}gtW3XV*{E*JglxQeODN(VWEh}!4> z6HR^R-bX5E9r3i#p5!e(&_gbcV(95KFMiLrk|qvy7yM?%9qt64*NjNZvqtN^7jC|n zSC$~c6NCGqr}(wMJWa{UPd)zQZ|?eDWZ~JdA`bTC=h`^yUN@O!>177No+GR1{{czE zPj5325I(B zQL56_R;0Wuo-wT82B6Q``IYufe=sioaD#nfYMyM|xs;1>MlLoG`F@U_*7Kd{*t;7n zP=Vn1_89eA;gLjxUa=Gm^WEJku+y%lOBMifRLQ+1200V_bQg#JNu;3epWKTtTd3a- zYsK1p%SLw|HiH@a=ly5Yj>|kWDBXW-D>;*qR-cO`N(|x z+e!Ip-a)+I5*`Up1inlVbRy)x?dOq?k*g%_>sRkzXRO~Q_nkOL@?PgX^p`~9P5Dmw z6yMtzJEsQUYB?Hx8q!XC(ToL?ZIN%uejYWcH@&9+Q$!Y7FVfP9_XoU!<(;p zy?x(kC2|w!CS!kVp@F#n^~#fpyMd#itd{`eVRC733?Jcam?x@ro`zb>T%}X!S0?Sy zNw5$YcY78+=jGa-eXjMY$(v}DO5SyL+@9pOHr9-yHD3jyPt5Mnv~nc#gU_=_QWTIS3Mgw`$cWhYIXY(W>mN=q2WaQJWgWvrcpH7NYdTDWA@#Eg2&&&Ygn(O$Ev@>mA;j z-jBMU-_yZ}70=N7BiDJ@zBtfN1pAR$;h5JiZ$6g~-j0I)Dg?uoTb;> zs8^8d6o^iOtr;CzCk|w{P+AUwunVRC!D{8xVBwx>aQuE^)cFMk-iecgnqJI`wb}7@ ziF;#)xw+LrMwhFo2pg}u9p>14QWcW==0@(tKAa75t2?ya9nEiDT1a`I+>tMg5n19Y z>F1+cd>a3jZzH!>C1Ra1I<+Vf9rD*cxkki%rBfl>5fL&k`2ApIFMvCNZfd}8vVx4- z)r^|?dJ!B%m2D+5M67Ww_WCHz&rWjuX>m&X6swhuZ-9*sO#f4&5Bl$Ly(Kzd=6w!_lGV=4VK;vhS-Wr|5Qi@i4YtoG^G#`SH4fmMB}7PsFz_~ngwid?0ZZ{eLH^$q$3<9o6)w5uU$WZ^+CB5b(N(QQ#rjRp?wdtrI_E zRvJC+LYb@1Q{VG;-Dtj>oy)4BH&rW{d`{1nyIQZD8_LLXC-wP3ZUd!Bivit1aZ9*W z&iYTHLZ9BljXnEcm4@7HR?^lzMt&|1v<>EVD@O!{ zH|c`tm#n2&lf41CupMKdQ#Xlo3wcu zFERQU7hmsJ_gE}W&Ood&mE%1igDpCdPy8*m|iXU zQp&`Flt(P=#TDbEZ3avTV#>Lwz2A3dj94G+t9x(0|2Mnt&jSwuyk!{+rfer7^C{|=$;XTuF|r_A1IUiy1oz=@utn&*C4k| zui)+>z6fv2wPjByj_2i#tj*X3^n5Ou8_>^Cbha%VE63)Om1~ix0C9bm@t&VYbU}24 zUIS0EU; zZqL{bi6lt>aqx>|S;@QI@81-m}}<`yghm@_*wJG zgw5|te$Lx73z1pjt?^~Bc7ix5Yx*-X9W31=Hm;o!-a^-j`Sz%S|iGL zTJ9L}6GVlw(t`R)Mu%HVr9@d!!?5SeYWR^ab>&=}#Bb^^q3j(n72OeDP$SR>WO&%c zx%yi?vGk|jn?nsszTK}O%fF+u;|uEf9j#~40HkR;B!TE}-Y-(d*mJfVOa>R!iGGal zogOd@)!E2!-l2=LL!HV)S*%XuY4jn$7;V~@Z$^h&o@`coyVW)D#Ae}+u0`hyYV+&} zR%@L=Jlg&|xgs`C3X53hlD9dlnh#I^hbV+)BAJA)d$Sg`SZ8uXjDVKQ7Pa#(45GxG z@95uYD&~D(;G!9SwmfGUAf74b=f@q}F?ao~w4hyLBpAY4OXgK8$9)!zNEcw0NGz3% zF14Hiae}M*K-w|-i*w~0_`T&*(Nmxg5RT%gIurf7zF+(~dJT}PXVW^)5nXn$_uJq# z?SpNzT@2~y@y`_O3dYrAWGxO1@kD4b_Sj(fA^IJ60%2;};T{IJmv7(skM!R`Edi|1dFY9Ldc2YiR9c<7RV&!=6bnaDaJYoGk<-i)A zg@wWx&UeTs^ow9Vfxlq{Z`4vEP$^&EsqMGJSBBpR4y_*dcuz=$ngu&(=Dygt@6_AY za)$Y~EgKm9C`7ExAH9IhIJU{gMpOnpr~4K_!{WcViZ zy=>K`YCbr;C*<)-qz@EeYz@%@Ui)*t0cYtQ&Vq zcaM0^sC7tDmX3mDiT?$np5wcqmxoab@7BW@g$k&9OjlMu$33K7*wXuuCx&(}Ed}b% zrDAO?M;nqV#C83p&f`%T6NTdid*1w8@s zzz$wJo)X605l1Fq9X_uhHedy^N$hBG+_6bt`5aKD#Zm(J6uw~~q?SA1fJ&RXs6Ftc z<+|*3hQ%$#erF3;0ui=tBSQEDBCuq1{`y0d$-h}wrGR@D&v#GGL z=KP!)w3qC}J9@;Qjek;p%2Zix_w$=T$$O@Xy#DesbcGhqz`hr*1W@&J|%F z!V2zaIcq#KT=Y~2VZCKUy{Gb}-x?r%oqf)C-+!e*jjhr_8hnn$=u#RnM!A0@hvwK{ZI+nLlJ0ZK# z3Gqd`l$Dkm)N4m6GJ08r-qjv&{JHr`%XjPORaXwZyujA>D7fCef*DQv!crwRdQoxB zpR>D{2e#T*F}GWLK}TK>gmxJg(Zi8Kw zEs_JatBKI>+{*^w7{Fz@r8v6ov9@N74wk5wvVm8D@grtmu4=Yp{AQB!Cw&jPh#;pJ zzfQzY3XbM!xqE9VazTFz7UHi#l!2saJR2WdZ!IBL@M7?UH;7E5K5(kK!nNPfz>^$Z zq6@{u9*O9;-Y9;FnF^~VMid&d#v0*9F(62>7H4V`IAZA~G>R=?)On^{-lNPXUu?%X zjVmV;bF{R<`%Y95turFIbTMrLPx;mE{`#hM@|0gR`iZ|ktVE1KHg~O1?5`r8z-afU zxaG(Ov>iRm-Wbo%=4j0CMBp}|Kc@ph#iuah*-2gZD07NB7%g}w(CT2%D~XgNCYShs zX~mc|MvT67!W}~n3To(DoODA&r4BLq{{&DCx_I67uX1`-{S8gs0FHdx?v%F5NL_gjR!Kb=2$E9S zy{K0FJF(?hiRl>S0`pHaV_}7`n21T1r=47rM5B=7g1MLFxqKEn<#j?=acglDu?wTr zFAN_%Nja%eqvj$S%ua5yOWR>rA)+G>0dF}~ls*1Td0P^Brduc2{N=y^uwIjl*1NJ@B@B8}*>lcI1lg zg58U1GayD9a8Ahc3zprG^jqhk(|v>RLniRR?O7k%0Grm4>AZLN2{hA z-8;^*+DquKz{69m z8?*yp#M_}>5R%#TOt)E~?C|l4i~I*K89WP!MM8q*e5tp~#iwy*^ zIpwM~;0{Rk&lJITFntGYwiNvr#;Am%S(V>5_Iy^cowB+df9v##45*jGB?Gft-I6 zB8!<$Wejcw){}I_`)uPMvGfUAD|S^%%;(*Mra(6S4VD>JX55y=73i)E!@iR@@K?+( zEy&NRT8~*P)Ce#l(Y|K{m0i(TgBSsC>t)0nhXYx1yj_0u63m~q0z`x&s)1~5tuxHh zNxjmEl@%N>=d@9EE%dG4xB_aCaQi~YTO)dVNRAvWW3D9v9lFqIO&^fP863(fLoZt0 zi-wjtT=d4y6c-jzdn3*byO8;6^H+)*H@+>+LO$1h#k?c-+NVJKO$eE? ztw8iJGA=#hSu>Udt8cC)5S4j1yVm->(DnLI5B}SwJg_cIJbJr)X7jPKPK@tP_MeE# ztnF5b&mxC5@68tteN5T?#X2satr1b;d7I0~PdXy<>pKSLP-^ZCTZLS2#HjY7u*1K@ zqkzAe0t{Zga{rx|#Vzm#_vuUj7(bt^fsrK>emrfjA1yQ0XKfRdGsX?j6LEa7Mvgk%f0@WqZHAX4xx{Vx zl$fm+#^^Xowe06sO}mS{bKcnWOb zL9foLGxCy8&dmY`24XzObp8`@iFsHVMo996>i;sha-{tT4psw^!S^-@+vtVh$|!>e zLk5z4qbP;INZD@D9hQe}AJ{Lp;~4pzhIMQDIF*s{L&Pks%zOCXQuI`-S1t!3--)?= ziLsDLYiQ6_R9HCGF*rM%!3y-tCik-SWt)MRKGRM9o!#e70mD`(`hr1Tb_MHQoP~Ay z644{pnX`^J8r2iijriLx`vOZB`}}##QC!qxQJvS8Ovvo8l>gQ0Lm1PsAbCeOmpsXC zLgWECNp~PlYRnMdtr7+09&r#OreD$48`iBQ`+G|bdE*<%H5mo}tWlgqo%i14M~nG} ze4sNx;&8o61u*}d29k?#}y^wa4k&pE;27Ao4$jF7c;y>aD&~xl0 zK>f^b*6Br-x!4PGfrlZs8f@V5u0?j6jjBB$Sg2#@yYgK(yP_cFsAU5;yH5}4BGZx& zo0CuA6C;xtj}1b#W0ktv@omQ#WFh$LWMzl0Sb0C@j*J!ed-&ak_HiOXteo}}&Q3LM z)eGI&bxi(c!4z1Nuu@047Ck_zB9^JhT4rY^hV}s^>Q_{@)0zwjDNdzb*qF_^SE^wV ztQ;M*J$YJ(I%_z2;N$Z9pCX&9*3Uwfbyet?2mVBbNL`uFAE@ z2G>HoR~L_=^1oWVIGZ+MPthqX8nwr~FRCKQqN*`Gu7NK%>Aq~VzX-z z#rxKe>>j%K5g8@+`SsVY;|2~$=G^mbGu6la$9GkR%C%qUmlwe`&$p!kOZF$svELgp z=$f_Fu(5RIvqW&KB^?X$zz35oO_Ix3hd*%M-eC@M@O{5ds8`;dbpTm%KXJ5UK3JF7 zX)YSrC&|>LS-!BG95cXJ?GkVpwsk7~?H7{{RL^QpRyGCb9WwnMG`KOWp^CXTJ;$>0r4 zUCTbX7Z#P_wq{P5S_P3?#H{&yMtW!^aQ9i=GS{-#P9zJnpyA%!S@ZM6TbXFz>xLaT z6}K;QqKgvWc!(<<)sJgVT+iT+ewpYShtC-Emr~1!DP@1E0Fx{JLXM$Eu_!kZNFQQp zdiNxBHv|JVn~iPo;}7)Zovsaj9tyNNQ;Hf zj-B$8NEcS1d#pp{>8(h_EXvh?gMz*fU zAm}e$JU&9=ZK<7!ts}1}eWSy6$!*XVu@_%`r|CJ$oQ|+vTgjD6wLAoDH6`54WBM4H zS+mA$A6HIV6y{E@R_6o7Yi2lo>u%x_?fR6wXk>Ek!dc%Xwq@bA7_ucY2D=;$ePrV4 znK7#d2Y-1df8B4uYy*oZpMW?=Qi&jXoGf{5RX(NlWmZLYb4$f77`3<)@UJrZ#PW9$hWI{F zajB5Hd%&4>_Brm>B*%tua9!9|4gBUEDO=_WXX7R&{{4xF>*$=YZTj$l8`pMIhldei zDeOm|?5{zx>Z{2y$&aTAzB4S5*SB)?^sb167vf{s-Unb=G(ywz{Z9{HEB+n*D0cV? zv?;M$97UpXPgk=C`33N0$tNc(hs5kn72Twcl(Vm^RACh<&(YHZk2mbSOv_(`x_G%A zT53qSE9ELXrZ2Em4duv^lw0h+Jat_qSD#1^r}DrpjBQQC9N4#xpH5v758c*ujGsJZ z;A$wdjX~r(T@BOI)WT?)_p3EKtZnfW%^6Oh>|$z06}JGm1r zN6&n^1@|&@U^Br*Mti)yV`bjTJ{;%A=+7%VB(QRX5ed`^z-p;b?;I+h)?8%Q35)pAK)mQ7!ayT8+0f#3W+;gR%m zS@G{yXQS@7L>xd)v;iGniNgZ7L*8wJ*NMsa4nMVv31ab1e?1j;yj%V62;S>G`Fe(cl!g&NX$a`knrNMU=INJ07#K!xpm0 zcLRB&oiU=e4|lwp`9@Hm$I%JEh&5j}o}F(~>|erW<9prv@7_V_yd~zT@cpQYsdjC! z?3m6y(K1j!tX{-Ulq09z-SYLVw8B4l;U+{}f3yt3YGFpOt@CaF6gLI`6{D}k_;(s| zQxZ@nUfzgI!q~U)dw6z+v0EzuqZ-EyYf)6&$RI+Do5YGWw9kY^$aQq9 z?JfQ)eGj*~%E)K3*RfOiO=X6b-j>{f(H5d1Xx+)UVm|Wpzl*~gHe0r|=Qq-UW7w$f z2v?DLjYj<$C8=!*z5-kBKUnVDD|z( z-IB9s5Y}dd(GwiZ7uuvC_HmK=;N%S6d@_oP$`Zs6KQv^U`7BD|>~^wFK4v|bX$}3? zy@N&AZRw~)&cysAR-~bQy6u;Y3bilzgik@&6r-y_iffHJG-QuB34hP3wKH;oBg5Gx z{QH{{)K6?+1IL(o_AAtmt^`%Xjia+d2A|epe0R)?0+#S~u*F}(dV*tKoo68~WJfGG zZVZoklH(O#nyY&?BO_d|!8AyJNT?;DIoxSe0jDe3u>7ecuuzP=W({ChBqzavQS=A_i zHxIdGcINd*d=(Ki{4K$_@fzS8R<&~$7Xg!aHM1);HBXXL`S`w}LiU7tZSV)!a~T2c z?3rsh2v6p7M0F0mDW4pQm6xols(Ltpm=nqKy%k(cnPB>5+%`?UjH(+s7UXdt{YStF z*9bfLDK}4+mLY7tf|(^swRE<+u|9j+$g{~Cr&es~zB`8!E-hGr@igW64X6@{0UmMB zSdQv>SBLPqmYGHra0b|VvSGhbYqD=6dv;JBAA-Kx0AGxqFSi@<+z|mBOR4QcShEWe zjR5Ziq7%%-HMD0;Q2@ok2>1D0_*uSf-PrBIf50iV;yxlynj8~FDfa#}m??F^p4-8p z+?g36z?7J=UVbxOsU2X!om$i0Bj(}coyK4Hqk_K4amp{( zaTv_uBOH^~Uxcou1vC|BiI&5FoTs3@3dLO5HitFFbu)r?sP6lErAzbfF;@52A0hF+Q^^ zyU&^>P9xMZMIC#@sZ5LhU8IfO5#H8)F8k>GU?l^|?^7L?bAu`Wv}K6--|$2(s$ak@ zYE-&3$M*d{UsoO&)49ISch0Ptnd~NutV1F}h9m?DK{OFf1VK z)u6O?idKtms(R_~hPG}Sx^O9_o8I1w(pER+_dMsDxk+T)KU&P3`Ode#-@82T^Kzc( z^E`(D%Ni&0HXVgg`2~+v^WlG? z_QGeWcQha8(%D*_U~857F0okq!l_}DBNt*|qQp`hflhK5Hq|QV()0pwZHe6Vbz5@X zm_bDZ5^X!;9p!ViYn#z-m`d-FwEbKd#ckYR@~LRkL$leJy8G$pay@h2d{WOJ_U%Vt zT==gbVm?@bI7W2P{UthkFLu!{=qqiODzP5lErj2flKgddABAiOPJCNn;;4$zdtlS7 ze`T@a-Olce3bR5e?7lkaO;!o{#}lZ!(^{fwu7xvO`HemAc4Ceuu>y(6y%k82D^=J>EuE``_PD1BV|1keMd6Dqzg!47L%<%L?WKYMwh826I zGc~{upJBT-jh_n%ZgkLcB_QeT8<38-gE=?7wX5QQ`UxVAU0?L;D5a~H5t6;Vq<-3x zmJDr4Kj=HhbxWsjxSuDB#(RprY?=ymyIat(>AATGFO2UwPt$&|Flxid%UL`H4@!Vs z#kwaxEFx1>J;ADMy9G7E5*-B;(ILxH*J~=zwznT~O0Fl~Qnw|EHNA-F0eNn`wS1)A zQs3%09aau`Kps8DIqNghG;C4wckq-f59Mtq&w>s0+U>5Rexsn(GIKzVtp0n56JnMD zb@7=k?ch4&Q>ekKeg;`j=AB4oZw392QqyY4RGb?3Y6}&bU5xSt&O^awX+KsguWaR6 z{R_Lb6zo((N7v#K7&%~;1@j9xLjQQPl=q-y_E>ANg|z{H3pKwK#D7{K*32F?QQE@W z!zwIt6fKloTYKe%V}2`+b!Qt^xUm~@ER0aaDF<=C3(@CYWGW!)BUh#&1MmUUWJo+} zIcv3Z5sFfxvAT;~jr#3Z+S=w5XV%Fj@j;A_Pt~L4iG3#s9o{g~j7Q~pe2MW&-8UyGvU(URKQJ4e zi0HewH#*3Hy2jhkmON=(JF*7%MPx5_fb{U*)^DxaJMuPkBW3`%(j+ghmv6iwEA(;o zwz!qUrzy>Dsa{-s{nftGe&}dQm{?JO9m+eBZ{R))i+I^W34L3X_LX^+2O?4HF_t&n zPryaC^4kVaugrA+&VwzfKO6L&a}B5ovjxsRt83U)w$B?s1=U#IM;k6-4WeJfyWi{P ziq3Z4KxBiwSI8IYW>bRIJtmngPV6S?7(GELKz6>7=sDN9$V}gCQ_U=xH5>zfVxfIX z72Bo+kUbg%k+L;-XLkS#oP;if@eqdR=eS=PpF;wx4&tXp-l%{u(TeTcO=MbvbnVH{qYD zFj%eL=b9+q8i9ep$E?-PWJI8f25W^cov)7?eXmv;?p3!^CSE_x`q{K;X<;l;ujUR; zCUnJ8Iu!`1S#i?avcmD+3ZIDv^ zU_WwYMUsp-p)7gzLsA^+Tldqm=S`KuNR@zEWTxBM$KD@YR$4+%5! zTSJF6INyK`C$r-C{H6XJEwSBe0vWOUdk62@)XyirnjRyXH1B}k(|eHxjX|D$XacQy zOIg)Tc~5yPusQw&d^oq>r~Y4WEK3c^pBkr?>spT7)kHbb?*$G6h86A z0oDcM6U5;zb}M;fKdkId-{t06Rfv3S zX~Xr{=wGJxc*Lgs9>g5zO0}Dw@4-D(cVv~Q`E?EV*cZxV#)oND z+tgboAud>`@lUjZZw<07Q8{Et6UW1=M@3*qq+CrfDeuMryI!iWiOb|B|Rj_ZbD964BucDw!~Axe8k;WG@~h z?BT>6Own3&WR+XWlO&uhTgh*h>&E+_JGx@nw^Zdp_0M;EAeSn}_^uUKp8nZ~*6E^i z2iC4VXxt%^gevP17ZO@M5(|P$=y?TvJHfeZ@5L0xW5SYUK4+(4zM@M0iLW+y-7qKQR=@q8BGn$FiwTy=n||9mzxeMm#eH ze@E8iM?D7{z4`#>j9hT(5&hsFXAj8kP2C{|I!!tdb*v2Ea88*OeMvnD9l+qp7q8!M znYm#|WUtN`&WX*quPWTVh8{Hz0!KObD_P~qf?wet6bGLsY~|Mf&A_hRFWj4B)#0&3 z!^9XD;k3~^0)BwFOz}$3FHp0AH|#}`pG+;St3&p*)~9mk&f>F^MJvSUlN;01`KaYX zR0=6Fw@~LkH31cp{u5k@y-5$kF>6!pDfI?!-AKz!MC16Tr`>iXea7Cm#x@Ah`x{CZ|ZA;vd zjH5a_mj@%;741`BxmtM8)E@N_PXL{LPozn!(GiA!q&GoD!?nOz2gWTD-|IJHU5Wj6 zYsTICtCu|(o%*Xq7CvOld8|~~gTEr4H+p?h+2U%u2R+;a^?#Y9eA@CioX|Y%Z(>VE zgAw!Im0X1ydoEygb6`lQzIl^+b?&LRO0@s zw4`K6j@I#g#SyXJ=WNJ~8M&^tJLzs~8}?>3&QD}AcT55zchG1ctuSMV&=g|MTL*jh z=ug^tV-NT(c7?vG>yBw!$JpC7 za|}*e|BgxkmZ%f9MvhDBMytHv>6c3fIGt-oPwG(J2VdPN!cwNbk-j>-vv}@r(K^zG z8DORAYfah5Q0?8;rFs+v?9*$y!DBNX`DzbCx1$Zr2#6oh55sIg>Bd|XtX$F=f8$8g zQRCLGG>dXVZ#bV(j7T8;ukG~Qm>T~I_wz>XM!EhqiK$ALF8tM!4*ZmFcEUrof748# z`?YHcU>Ae5p!YNz=m*&c?)Wq_y&NtvEcj~fGLJ{Dw)c{ehtJooj8VUb zwOp}mN$!XGOtH1?omwoJV&NOYEY!d0$)nEs+z#2#xIg)ZcmntNz3CwC;R-m0$(-kF zRV52_9{9!`x^EyGGAIi6d&9RRDWBQ%bk;!LX};QGW-w!8j2-6tGj>RS8~Izkp69xH zj*L%cqK1uA?S@!BtYJimd*N@?DPwhZD4vd!sBds$inOlkGR`vcwN>YvtwA2bAn`;j z)dSGv3B2{B{j}8TgO( z+MTOw@UYd^e`BS!6)?7u13rNFY!=ShJm4*lyUC)?z0gnFfInr7_;cefAG)oaf2Z23 zF>%yn^7X#G{(C|*-$4HEWE1Pa0y!++Gq%;GFLA4};`i3%KDdDvqPxnoF&h8wC)#90 z4*MDBW){}wdBiG0U^iAH_e6*gaR_$M&}jDbG$O%C;HjwsEBj3C2sF^cxcwULJ??OM z!`1H_CD;OZ&t=Akly7y{j=sdyKvVN5u%l7qiUkIp9t}p>pNRF^gZ10wi8u@7-Q8RD za{WH*(cc>WKHAt%eBuMmSr96}kv*;dJJu#3MqG#{*asEu9s)YOFFZr9V4o`KMD+i?aONnrL$&9w z^SAj^<5}qcy4q9u67u;oSdm|pJ#WZ{k5;aDtqiOYjbAb#;ypd<+(gP^_NNBy6T{#; z3lll2K`pbtFA?`+0e41Xri%&ICu5Aa`B=S!(5FNgv7HebNI zI2dtE@FY&Uq2n|R8K+Hk-xf4ssDt+eeI>&5CgvJ?XpRZ;=e1aqXw@}p7f~8Su$5s1 zsewVzcj&X4Xn0iXAl`#dmoxv-qI-UI(bM>_=#5C z%N+G>{-uJ^*!W7m^<^6+*M4|&JY}qa7`KDiSdX}s)RAeT5ii`zq zwXd4X8{@Mcv}k=v2LGkdO-al{5oUQUtGDPek7U4*m002RW>PFe-aOP{6hS&^DL? zkaxP;@U5XKa^8HcYf~i+wr9(n$1-n#0ptjfkRcpMPiH|d9bFQa(M^5%M$r^+;5{G=8jmScX8W2+%qgvZ65YbleNO16d(8WVstTY;uR*K=!Luo3rM3 zEd_btnPN`wdli}Ec+#2(G|Za!Xz7ey#J9vLH+r_4NC`kBn%rHip3B^}lo*qEB#rfS zesv;i5k9Lwuy0(*jC&B6VE&qnTGY$uZ=Qv0#+#5ljPLu7t1%CPvFH8U6y>4G{JZqA za&C(KTd0{c52YgZ2fS!Y<8Kk0w(|3v#vZ5#*gnbH>6(sN8xDCZb8$8U)rtCY4kKm7G?5?lU{902Pb!`}%w2U&9%dzbr+Jl`$9Sg2>9rL5)(Ix2k0k(BS-t>9F~imvpkN z!M>i<(~m)HVZ{rFsoT)bIO;r@G0 zXPxyewa@FY@`%Qr8-CPpy%yiRRD2urv}!^PYALH4#vrJ1QBtMiZemu}Z=ph1kZa2b z5Lt0%08Z)u_80mY4vR>|NtqW@roQMVQaA(m@mIQknyr9ayrjR*H$8LIS)9AO&DKq$ zJ-l#OI&=fZ+Sy;{;85_I5WDyvd%m(1w+q)Mnz{3p*ZX(Is&tQ(-u#=0W*rwtn^<&t zIJZ^}*1W%c5S$N`U=7cMd`m$%(XcMeE%y>FEIuv2J6{}X;J5IghV@dY#nTJp&B1AS z3Toe9zD>639Tm^Q?O<~7eknGZHo|VIa3fw^^79*%ZoR|o%EHxo`swMAN|sbI&vLxS ztY?5l&%>Bch|dxy;5L!@8K@c5i08v4-tKUlwcLTk;M0DcI%ubL{-|Q0mGYHHoF{(% zSoq?g&TsPM$h~*WYHwQ%-((xHEpVYN260a-B0`+sflB18XybcL7!h94QDUjaOk@Au z${+XJlqa$7(EJcLz8wC-Jeku{3H>`07;H*eaI^_mex%5O_S-pf4lD$+9}uxiDJQeL zip*|vsTwBM!{5f(Q>n-{o0PDZbY^KQqMX@o{h_K1`wyq|lF} zl03a-V7!p~aG;Wpzw^5&@m&jk&VBP*pMBu?%Z3%Q20PHM4KRFz`>**>W{(;TXOZQP zTIRY>pY4}#lkG#t!QS__QDg>6X~;P2k=>$S$D{f=s}T>}J6z1vt*zR+0$j10C3ZDU zNJKnsh&b`?R=Hl^mh>i3-KL)bxmq42LH}*QG2jJ|T97#~^-9^cMF{CRjP-4yBGtmLT46kBT#P z&int8hVr~h4zhVF4h?jtW5|karTre%1G+9T|2Gh^=BEXfF+kbo0n2GX)xVLbV-+Rt zx$AA4glK{T%+6pB8@vlyI%Vp+ouo|ges1%hiSuzg?Nk?jUL(FsqTR_z;56(ne)8DC z?=emxZuDHCIp5}IbL|g>L1<&gUvzQq(}m2W9-+AtWKo|y5AQ1@yZl|8 zasiA(3*fJ1l#SXhqf$bAhx?M>HU<{pVW8ho(Xi1Dbw?OKWxlvcybEjEsbz(jb=eT7 zoazz_O?e4cY#;2g*CC4@(@~w|_N;IdQxSt)Jt7ZYYsy=pb$liMehT;L@IkWv3U)L? z%a9UrJ47&K)YV*5?t(>?;iSN<;6==T&yAlqY0jW;;J076+3pz-g-70p_~v%hd}@xta@kf#3E+e3`RBna10NcN8^^GT4ipFS#yy zwR>kz(MvHQhpIG@d$w>GSIQ7j;r=Y*Vw5R808tZ(e|DId&%_?w4vs~R&sUItf3^j_ zdf~+=?jGUVjnnyxGpZNd5m~4VuvkT&(Itb?B^d|c@bnPfgULPxS$} zH9bS}ZA28=#tu_I-hakK2H9+#lSN7Yxv0Xu*XD*KPPY7MXcP6S9!(pRx48Lk_}&hK zi%$0OZsRNVUu~^~RVHgbhFa{1ZItS_)7?hI`#{d!Ftt2}V+s>_iG^UkkngzjRxAi@ zrMA;Udd6%DgB!~5Xt-HRMAXS+LI{zr*>^f zWdt_{RYjgkW-n(uhapD4DJ}w)s>wuq5|tvWmF^`~`bp?vK8fi0j%M(Zdo0^KdwA1G zG3`PFakcE_bhM2Dp+`^SdlYS-(!**x4Tm@&Pn_rso~z)JLDh3`o1u~!kqmia+CXN(k8dtB z=vv1!g78;NHfCic-kb@R(o9Hn-WRR&sGAvj=83N0i;~Y%54h12@p+u)^Xg}A{mokHQ9iNwfvYJnYdul-WHvXc>9An(M#B1e|u}iko za8$e{3QT1FsntK^v-RgaPT2+jYjjZnkm{c_+9w)|1$g^f9Vt26Nj>Q22S2l0wQ$6q ze|hKtZtVdtQ%4*P^k*~mr9Rjp$OU9HnS1d3T&y#66_;Kk_l78hK7(;KD#b5MGZrVD zLwvUin&zr|$=BrH#i_0lZPl*gK93je&Q)g|mUvKKJ!cGpS}gSv;?MZjH$0JnJKG71 z7`5Uvdzl(N;j|}WSbr9r`9ww2Un77bV!p^W9s6d;@Ut@K(IotPfJ4}mtJ=^u@p{2VzybX-}ZS2e4+(@P44={TZ2wBK6zU6==N|^yH%$i%T@?FW)s#DQ*lV zP_@X`WIQmwu!iC3jvo4u_uD_wE;227DMLQgZAA^ znMB>RT8V1sOrZwRIrX&Z4dgi!K%_#5K;M55G?Q7%#zF|x*0 zyMLDHzpSozt_(8sG=EW0jM1Ws+kT&3%`v9^e#;CSp7*^kn*nEW1Lq<^$JvsXo*8oc zk#~AES7z+oiJltb!BpJYm-BNaex0b~4e%WmL;K0^$ysD2I3m-l;I%pccJ6LNgD^@; z4)7<4`;epjmVJ-)pry$+%0O~!j<8m^kC^5APmTErQKGB4Wk7V09h$p@*}<_mx8&Ln z#O?HFr>nU}cvk7JfrW_EN`KrszI&)Ob{ZRX19Z1x!x! zQ&_P*h5+Hfr~BH*==#BvPWGr*<6&x**(Ltc`F@}4HxTms46LT*`#aoBJ7!@ca;4io9)Of1DiJM`wcf1GynB!V z3iBF$on4|*iMpo+eG}`&6(k}`KHKodU}X$yxQq|5*2yrSuSWoD5hXO_3K8Q={ziIg z7(*gL>*>*#_tImvXz!FN&Uum98uU*{xG3?h<+ku*80*U~vQP+MgSh`0K>!Pw@=wdJ zjevr}U2!wh1*Vw0^{~i%)38x(4Kyj^nyjc3Z7hWq%2s6V$=u{pP_^V%@0HrrkU7fNnqht!wK%woJJ^v1Fr4 zMo6|W)T1TWA6LqnKkz+rpK)(&RI{P2aR%=;l9SeG|58tlyB7@0HU0v5y*^_}Pc_|- zsO&y<*kjalu6u5UhU-^k-iNy&Pi*#Iind>C>T6FBXHH(2aph~Zb_2yyKAN5wd%!|mzjtL$YBVHPKxAurcEmx;yI8)r_mj-gai~XgJ|LRa? zol?_hP7D3>&Xh#;KW}WUlDDQsID4Yrn)BG?fpc*2I53sK5*+8NC}|Mh*DjdlH?OZ?{nw|Gat z`<(C5n>hg0`zqYQV;LQkGg^P$rM_fS_mnV?rA(as$XfufYxBG9j$Fj4#;TE|Bc|%9j@$5z-iTUeA$a?Ik z1uA_*3s9erqx>L@k?pLJMC87Ld(4X@tUt!nVdt>_fk9J7yiCo&i2PIfIT&N(?HLIM z#vGg@w!odiHx99K=iM8i>YnZ3*weVhsH6FJF~L93cn=u>i~Wl6q#*-UPPI+2kob-Z z@We^qg0CAZFo3%0&*gcz^BCPGlDk^DCv2cKI&?g&!(Ky8N_&s?TYn6aGbj%_fXwhn zLq>sD&NiIIV*jD2*>l}*Z)87=uhf%cey0}V0LRlH#M9*}Hf-e>Vp#OYq#=KBC~}M{ z+>*6y2(T3VJM(~LyebXe@7J2j^TZy?9AU=)=|iurFHS!T{R4)qi z5#D8|#;i88H8NW)={BpdTA2){&k8rK(l6UnCNnlwtg|r@X&9&crTq|g6q;%*daxWa zojtjt9s=h{ji|{OK6@KJSr$fg#U3id*akto9yjLvs zD+Qt_3j38aIekPay4@c>%?kIqj`MZ4#>#QEl58x|3Y3K|&oUe|DPl2N*n`A*a)~4iwi9To9R{fo{ zYb5XgD~Q7FMnowMcSNa2k7{^wB%64scA?Qm)z9h(IEzYD(jG4F@Uau;T)!!&XHDtj z>rD^GQ#KO;=ZE_zKzl~7F1R=8pyi0Eg?f)@1g5Dt*cz0YN7N52$)@c4VKwVI2`dy` zQGbHv`$qaU+(@#v<4J3Xc3d3?1jakgWS}>Rla({Z=eO%|CK-=&s?1mAtkOH_R6D{h zAR0PdOoBgUSt(<7PIZ`#b?Am7J1kCF9Mo0F4B{ALHY|oTATW9RQdf%;7m`ch=Ma#h zlxr{BDiNnXWjZT@)psp(b&dKo>`|xskl`SZ!TeiKZJ4f8j( zPFfKM?Ck=l=fj`Zx6>WS;Uc5WNT9LO;4f$O z2ib=Mu}za>#QV*OGDl^(Ok|NGe@itoqvKy;jF*jR*>M-gbKY-9(3j9%AB`;)lQEv$ z&}SWUOnU>z0~au-71xG2zo9^XGD<_4H8kWCtYvU3Q}a@_x_pJ!61KHd{YbZnpMSa$ z>?X1?eg>W?BDji0BG5ed0O4B->`fa)BL18?vkTudzWKBHkd(vW=|}am-pIFE7FLu@ zmafae^kVaTmxCE}2{H*#;j(1pj78{QjaW9~By4wQfn9lZ9Bf3OwyKpYhk?1+Ro-*A|7UQtM&x?DAvCSBz6rROmF;&mQ;w{U}twmU4nFUB$s^5T+SG;HC9m4vpE!1>9 zd*r7k3)B*SK0k1|*Y|czul;S(86M#A20vga_>wu!55ht;%{YA$?}HW{Tl&;#S>K`1 z&g}c{$jIF-gr}ZQLuqHo;J6nd>i(rRu~U^#8;a7CH7H>v!1~RF4KA5{r2K2x<}p-l zE>#0UPxrjJ zVLxS?DV#|)NZ zpl(r93+Hd9)yw$RuuWmwh#l_4GvH~kTE#(as`hNYuXY0i{xPq)ZoM6d<9?IRG;Hx- z<^_!s)52O^H}uoA89_dC;ld(fnK^0;H$gfegEsN5dotU9A#A}av7ixaUG{YgQRLIl zUDH?zsKgVCU`a1Cgw{hZ*0m7b$Tg?`Up{>T6)a`Ws%^0RI}u?6FmJ?KSahVro!VkE z<*$$`L6+`W@JmXM8F>qO>Yi9%5`w?zjMe%Q`wMK4$!&nfJH6t(r;qiu6XIu??f)z+ zBUlc?1}RHC8)HT?=cM6`x9s={;#Mhhs=;l@r@;wsm3TE@>zJe*E52Jx?tqbq9MfOM zoT~S85_|8qjPOVYsiOFf}Rk9B#m zbMp(XfZdy1Inv@CD~`f{OYQtvF%c7MF`u}BlHNm>-v)dqBXL!_#qVn*a;}IzzT0?A z@Tdgn5!4E|Ung3qzS=4Fr_7#fzFRAdAOO>XIJ2B%Uu}dTHn0J<^#5w(72NZ$0HZk{ z*0HZP3J~{^p6`I{Q;cZbpGNs{3ppCw`px7@Ia!RjnBut7~Y@f!xC@bVrJ9-~^Mu)&r zaw9N3o(!Np&}vT;{Yo1=-ijLNw)7L9u;n_~Vzu&nL|cFE@M@)v;;$7cTcLeXFO339 zWiYtgC@=P)`XOgM*CBs&W}b4gF8+%OQ$l z^f&s`(?D;U#k4hm{H6ZL&OPY=0W`^KWh`XQ4Dh;=)8!FFbJiegb{2C`;m$Df`@n$Y z$a7+H2QnM^#Z&h!LnSRnzsa%hiLeBTm78?V76cr7ylRgS03k?~P5I<92 zgtzjmt}ZdAgu7fd&<2~9!3qt#b)S}MkktpgpK%q)&C6IRWi9iQkJH-#E1hG7UaCjj z$o5vM>(#B4ya_~w(W+uxgMTOY33tIDu-|dlz^zp-=1k zNn*)mrXlf?6XBI-J#qHO*KOiuUMPNmahLNssh)Z__3sfzyIKF~e9qgg8Iw7QHTvHz zt_w5zQwkgXeVshn-W!f$(Rfd>pEqva@B|9%d5N?oYC*oSe$NEF8??%bMdYkZ(P!E) zeJ)$aGZt|Q+=~O$CSrk^%njYZ$nfZ)$1zi*p`Fm?TdgLEU+q^t(zD^)<=lKC+5>G# zUBAM8(Sv}l-v`b)>see!Z64I*ns~RFVZ988@*NodZvfk6Z^Gvg<3`_-&19b{MP`<- zF#?MUy(Zq0hL~kEJb}!d0vkvLpZ!nd<>lW)4ua{n0M=KdiB|6VS{4F1`*rKmN{$uD zDLvPwm%LY z4!%=)k^E+0_Sa`!-j4y`NNSmr4O!$0A6?Ad%Sh%oV#pAivbptHwEPS5$Z|vXz6BO3 zL@s~d>ub#ZL5~3Q;TMMF4p^SBR$9b}$LDa@U!2lbJ%{o0_9L^JtgR3UY)iIiSkvPM zq|Dtiu>SoRTV}l*w!1l;sF!QOrEfD=K<4=*0_V!}+C=#jZ)~CNYPLda1+P=JQV{9{ z28nzbh?QU_K7lRT7pK?*4$WLh^2yfdHkSiT>5QZ^uH6?^d%Sq@ z`a6sWk9gc5-kKm0sA#lHJ-Va~EW;WxDXbh7a#kDq!rwrqY0kI{HK0F#aF#wEIlr}i zk^7MHpzgjPzsBe23v-@LiXnkLItlDWwbH1d^le|Km|3O^fTpFV^`sc3PJoa06VC~$ z+j31~w#m$2B5s9of=}zJ*uTb{Er!BNQVNtWvlRI+_FdM{SfIYBN04PtYB@D#wqvFm z*O;f8?4pd;+|cvQF7*fUL1pIFS!m3cQ1L7s6{3CZw`R)cY8$j8#B}iwoS}g5wc47% zWc}tU2$jgmcmui0OOqu|lY8V6#vX2}a3`h-@#XX2k3er@Kq|_4@n#;@_LMo*%y1=Z zp07USAU|T4s&(LgA}+Q?zs}eXJkJ+e*_8t28Q^2%4c{Ufw*XZq`yelJl*hYW`;H`q zjQ8HX#`|fijy1jWUT3~D=XoUVB=UL6KkuB|-wgvqA7rZBLOYT}kRB1R((dCfvzXjw z))1FbtARk*0!NF_?|fGc_)KnvY>kLf=>5AKcdXG3=sSEDzd7V&rVwg+wOtV(p{<71 z!EYRv6BEhen2j;ch&&6#K0iea9<~I%4~Lv*ajy|uis$eRHRf<+q}R?3D~cz3I5cYK zXYqLILfkLRA*C17&+2=I;iJ2$Qh~a0b_W-<@4>4iZ$r#cc>Bhnl*{EUJZSidOYRqF34GqRbs9G-WPc& zZdBjGC*<6yf|koM&vgyRVtZk;?8=kNotW`CsoNlpg{P)Q{hoMhp|YMprLO0G>l0yM zd3>FfHMJOnA(oRG@wXw|1>3=u)k^Cdd|Q0hgP;Bt#U52FweNY^1}`BrnUw?NzNECB z+NdAq^tE?b2k{1YK-m(j4>ezY3swN{85dYSDH%Cl7xbQakeRQ&bI_9IGyk3%MLAeK zW!4ij%%g-mnAwti8&MQh;*dY1J*6HNi`xFhHkOi^YfBW$4){t>;Ld-#!;D$-*QdbW zwRdp6JbFJ|t@>5b?yfmHUl{j$G52-rr|~2DFO+GX~i$(#18|4j5{{ zY6Q>EeGkyq9xFzN?^cf{ zvoF-#H=u6XaY(%@55%XtW{!D+^r`>DauGNSPzc! zvQxQQ^L)oZb0lMJf8&cDz0v!Q8nBsAvt}(k?kGwjdgeEXBf%@n!TJUt@wR51fq3Qq zf)A00)CS(7l7%iY0$6`Jvc9MzH4pybe;UW>5tm9^o;o3L2($%XCz(9JS96=`{tw2T zV2wNo+an`Sd=ep};`|l!Gy7w$>1FP^&Q&`^%j!_0YXi^zteC;Q2MF_1XiQH=Ba zmcQDtyyYx0E=a%+$4?tSOMU}l>b?Og?rypWGMKd%4r-zbm@!77-o5mI!~vle==cJ^ zYXz${2Mi1TLBWXXoj2}%D;-r?X~XhYteKZ#3EDET||&vR;Op3FgAwPSM1-+L5Y^GHQ9c(EBm#`HcU(sjbg`R z-4;RX>}nAKc4aQ2e_)%@ai+Cna9DOC()YZveJam}ylv{X1v%I0`-#-$W|tgF=9(J@ zof;Yu)w3-aH=-5=3~0yCx~$@=oUx3~u6^_2sHy(hhRgbGRAj#0cDpsw$(7u@zXZrF z>K~Me@RoJ_CEF!Z^xQn~@;QEUFyrC>3LxQhEBvOBmS8vS8{QY<`8eWWXp)VRfcI)be0zSqCkzWVSKv1-ej1XU7DmN0UtuV}~rE z%~-kUGtaG5mj|brt4im@q{Sht$H}>xFzKBBHfkdB{--8F?7Zw_y*88&1$V5=gF(eF zx`TN;gZsIC#WcSi@%*mBU1)FSV0JDMm9eHktRithd62VDEZvVA&>ir#IzOc2SierM z_vceLjd_qO8O;XjF;Hd}4i4?2nS@`~GedTZ)#g3=Jf03?=H-E`GW9!Mdtv?K7l6J# zyQ~;8tOUAI2=23N==QP#aJAwc8_WUpq1N)NJ0{7FQ@0(;i4s+M(@OW-r+ z{+s4URG!cR*xC4j|)aNxV!vD#GC1M!QrFR zOZrrM=yL(=XTV9sKzHHS&$YR%%fN#e&F*@mBlDDu6;n^%6MEQ?qpvtU&pb275FO?y zQi9Ex=}cI%;LFxZadvr^8~`_QnR-So4A|GQGg^8ceJnCJGRKN1?xPoJz#bw)nB&J) zUv;mvD3&6I8rBm$c)eN24>hd}w?&0E2cx|$uI8DPEh~z^Wr`COAbGiwdD(OXJatkA zn4k^z6_Rm=k)Xrs!+-lKqQczOJ|MifZ; zD&mz1>LQ~X92CrBLv_q)?8T~k{fy+87@Y7FBnfNjkVR`0@a^Pn{@AdqY`D&!L-rZP zF$$7$6C$w#+CkG+#=wIF2KgX(T=c5sHDdl|iQ;!5+b%nU(v$BvW(AG|8phy&8K^aM z;H9dU`04qiSr(`Ix^tMVP(6e!As5h5C&aIN=&5w7-v@M>=P+@OxflF8eQW#~tJy+1 z2;JTQ?am~QL(gG6B|(43-%!cSBz7Q%o%9fGxKY3~F$*a!rA<@%E~rrkt0mAbF*3Y8 zO(X7|xdUf1(qM_=&joUxfb3Wbo(?dlS5597$n&}zznq@+2zF_Cj5m7w+dB!$&#gJ* z=fd*939_?$HrBE#Dy%2RhB~Qc1J2C!tQQOA8eQ#rC_P=@t4Yel;41V6Y|qw#RLI))V=TPQc6YI}lH~C9HeZa0hI)_rMx;c-x`u z#@xl~_sw!|%7+Is&ralNumljZ(vNdqEMOL9G_HTno z3(*f@nd9Nj6F!lMvaQGGc%yT#FHTTCb~M*#ke)17rmWTS>g&Xp`u~ho7zMpzyLfwf zBr3Ej@HvnAuVk#-78zOw7?M$Q<|kcqM7>LoRaC#tTtx57)Zr~g!3*(~M)X5T#IK1w zo5Iu_xG}qOtqIxIGjNlhg9j{FrFG5KK|RZoeWv}0>_~3^r6qDs>h|JjU)1jQuZp6t z@VjxVeIf)Xt2e3NFEd%JF?piB&T~NSZyEn*g#sb^C1a0bb|959z7e#6nMLuJzDw$k zVC#X2&j}lC`GEO#`luc0GXnqE^w{ayE!hfDu8hRQp0#3IW@EFWtHu0gv4) z^QqBt+AbGgU{Q5Z^DPM6e`P#Y^3Zy(NPawHoipj~K}HZURwowUQr}0@ z3NVwmz@#9@!8Xpf3w4G(o14au4d0CdBekf}+qiS=cEya0585*ve=;l^>e|$JVy|2L<^lER3&<3{^S`uhykg$ejz#q=`=@+cuD@zjNX=^pP4i4o~ zOznOj>Kp<84fj^D=!7w*;q-38?xC$P9QQ;P zryxOxw~!L0wl_B+4cHG#NJdG{iL>CJLsg-Nef7hVL^&(#k}$TDpyTD@TU?Ay#AqA= zhx`Y^p4G%t9&50!N0ScC#?h8;qG4;smBXmhNo#Yw7_rU z)&&*=fAMoUb9kQ(qE7nvP}=MF#hAed^Y2cQ73!}KDHjThgJM|WNzu712@eu3)N{WYCddDqif&FEsS`}`&ed1oR7Jf5X%k)zJ zGZ``98KozQ76JL~x9c}y@2Gxa1R@@@4N_`v@#GWN9mAd0O8s2`+Xb_FGdK~5fO0=6 zg}qTQ7bIyI^uMzvz5cR(9~7A#xJQ;Cx|10z%=(`o} z33=Xisg-eCq2to0QDr}CIxc=g^^-uzv%?cZ_B!$V8xZeC9Nm327pvjE4$VI`&QI&Dwz#JUJOahI{W!Nntdqf3Mh)UoLA0jX zMIDtg)S)ftSmeIe^gcuxK8)sA(lq9Kye`U2Hq1eZ>78*ZB!<+Sh!m}G2RbIg+Tooe z+c*i#=DVG!F?VWe5PP9n=Y~$tYB2?MhD%^YiMLHs&t-q~NbXM7y035_g|Cs7uF`Q124mE$c|@j; ztB}-0(jcnXk%%bH?&0RtbBP`*i{J<)gGL0-W%m8_*?v(*wqKVryHQ7sxVq?V^{?eI zIHF)_fnp2%Zc$Ug=CkTt0srghd<+W8F0!p&-Ns+xU&53uQ#Y~*jbdNN|g zIw)jH*t?(SD9t8odfa)#Q2&``Cr`ik-lx~TV+pJ{@k%by7_1}>T-`|agQF$y;P2Y< zpwVhDm_9~$v_^ir9p1%O+P~l{%V`yZy~rIP`$Fx(hRo+z=7VuikEgp8Q1b&p^L#QG zCCx^7Y^#-r<7wAsI_RPKU`M+^-af9h)^N-^iYwTLD~#wyD4!!%gc&#! zmz1fA))lCC!*?)`I8#I$dqC^0X+m7FtjLh2B#4wKml%E@S?iGT4%U({b;bhd(Q_bO zn@FB0`7ioZx}vfdPY}P|9rLB}@$R+%o+7SKtNqvMp3=UM&%V|6n_bbmmyY#)YoD4Z zZnX#oTY_w}82V49))q_fu-dAMZ|{|0`fpzo5&1x3Z#aCwxcmB6fKc5#wKthj62CHfzL|=v9FQ zcxndn8v?XKzi{0eu{{1oS<_^vk*nNs4cK|{Ec2=uRio8GY{?hMk0}P9P6SxQIlga8 zb|e*qM?wly7oZH!)TMBZ|0v|86g?!XHO|1D-UL#C-}6^t5!c|YEP(XhrXyCqK)Z>AKEW>TqfGu4lQ$U zs(hYN{7P6-ZQkUY@3RbQWb`MJ?1kwUhx{B$ydP(S49@~wyvTY+wtERA0edN9gbB(A z*ptkyc}3grHwiM6*bg$n>g-AQb+JF@xP&%&i20W_+?C+Y2UFwpNZ7=%0}^4;$j=hf zh89CvGAKD<)Fo{7w#qKYL#kG)Q%*{wgAs6 zR*Jd#mB^?&XnFhr>6?~0GmN&jf;W{lL3zJ&-X7>0i$5#X#~+BopS*EeqH4=%n@KQZ zp1w!s%|%C0z&mq0&V<3<-uz5QQr%o!sqCug>% zF{81!FkY~V?4j>%olg`s*zQs!8ip1P&KWMdFUl?ivbPRYtS7UK4YAKn@T&akJO?H| zANmtAhwrX|)_uc%cvg7!yxxhrW0mXVts+gY_k+NcXLaVzx^v##K)?OI--Yv+1(q$^ zGL#$;oa)PV&cbO_?J7X5i1|Xt@$Xk4OP_UAMQujb%wYRmL#+5GqWwT-+cp68B$?x> zK~;e>#CIQYJ~{LQlawbydEPp0C$%S!p^0{3uU!oJi7A%*+Sp z9HJTlSghxzB|_^3mUcd8U!DqN6nEnN85dR%&NIR1YflAdQ_1P1>uqEtVv8ys&LQ?&)JY8shvSDZ~g|49aVP*r6-;zgGkjS zc2wjxoz=4{S|MkbdzvxI^7dzq9=2p%6AIR&!__UOW% zU#so#n_?b;I@?F}xNQyC(ZL_p^2b>&_>@ES8DTcM(ZCu&je$Hl8eF2h4%@&9jM65x zc_eqwwI_$4v@L_JhZsd zRG`uiJVR#=AaZ6TDkE@g@>4m37hyU7U+DW;gOHnd0(KJn$13V4#k`KJtRO_^H%I6i z(iju@yt~5#XToRwv{gFyo_vZ<5^tciHOT&@<3YqL}c?$IP zf6QRMUoV_2KHV$#pyk=deT|5w4PCFtNo2c6@#|A2`e`o5$tO=Cesjw79csK25i0Zf zI5yr{s2T;2Fg*fR?Je9&@HF{l6*$#aSnE09R4xn->&de+0;oBTqCIr!GS$?a_-3L& z)1lk<3vS<+w*+(S`vo7-GtyZ3J5%hz8li3>yuf8De^CQ35;KbrS_UG&VYVtObwAQ~ z?fou6uB%?#UE)l}Q9bvOJGE=mXHn;(We)8zU-yi|5~51$ccfU9)iTE`D{5`%W7fW~ zIZqk#T{6z?OX^xoA=o={0TI}B3)B#GRaK}56<=45TTI`gMaaH`I9T+ zZhnxkh`yq)+D!?8?`unU;@P>=KShMfVrm6O@DXwCkT39IbcEPrYKj$z1Fv@p&^q+c zp$-kb7y3QvmEpBBcQ@}t4f-k(-B)qi*k|t28ZjY~akA_EUGVNy!`Hk?m5l4Gpla0~ z7nc6-H*W%OpGk!1o{~ZSTe{2ND@qPd2xUYb`g8-9BxM}y&`7P(B<``Sot2Y7&GCBw zVukTVVJ|NpVfDs4>Uxg;2CHTXZepohn8ebOwc;PUxFTMz_4+;p#@RyC88zbnBb8l< zQcXjAFcxz||MxB3uWGB~C!*#{UtK4|8)0SYW}xMfJsi)oQ)Es>#z&xo`Ljlyow?Y5 zvFQoqBc%&N^shK&u_9jg$A8oGaKdx(F(Nk3C9?H=1~qhq`Vak=fyjF`iMBvxS42y6 zuT6<`5C##J zWIhU=PoCRJ+Ti$5Xacwc0>Im^kCu^EdFsFl3I9cbdA24!O*ZB6Ir4PXo$EOGRL{aj zuQD{T%DP(z4Ize1LAzvl3*r0IXzkN`8>du7?R8fID|sJQn~W-4S4zK4 zy7XHB%-|-qq!0YIq4w|u$gO3Fg%#Qmg_}k(QL@MwJrHVCm=`gTjJfGyrxl=Aa z)Z$m%iPT&cAgg)5VT4r(r^o-q+zuyhvNO;^O#iL9H(MJ8ztuaa5=D+}o?l9uPDQM9 zuxhN79kUPU8k(p>MOfT@LS*CETf3CKb%+v}{Q<|SoQ^`&?CRE;qQv=>zTa{@7VpMXA@Lcb<4V{<< zhEis3R%k@M@>Bl#S7NfBQCgs`eTE~nh!lN9TkX5W+$Q^=orSI9)3L+KjP&8%=s90! z7^c^RnSaqnYDki`tp=8?WThQxxS2Ul_xZa6sJ#~2^LtJfn@bMpo=sL9xGkQ4fzdOr zIWu_RBi19sUj>herU#eu7?oCGk#`?X9hM&6DP4~tFS^kF%cH;P(U&v9GtuLTuuECd z#HM_(gSGd#KB;PAuvG)=l+J#@yAc@}{!4?*M`A@u7OE8LRT{{S%W7v)BC;`a&Wc4x z=v4f5sW?7oUkX=;pLW+RcSFEQTWY&X!D>u4rF-B&`!D)T9n(4DW}><-&!I4rf3Ln= z>!2gjwiKR&9DiEufUjpB;)prJsxk9&cAEjuMV~-E^3E#U?}L*Y&QgpdUKwh;cjb=w zQilKww5hpVxf{^eLcsrE5+{t$n+)nczan^n=wA+neUyEFDn^iLK$?cgN&r!H1-ump)zBq zGwNFZu$lX?x>1TPML!daq0fZ3n|)bp8LN&nhd^#7J~|L`)r%9X-;V>PBSw1qKTs`V zfMu7;JnXOZmF4d{1|D!+g_X@HcEo$+{Fd1<^ijo%R)QS+KWwgl3&{S5MU2*lVP|bp zyTMa-1amFxz!#aX_jigd!O&vib18_t2qp`jk25=YV*d<1p1NPJio+VdDI%k}!&C`- zlJ&8`%L*H&Xeq~*rrp!NUH_5zMKbIcGOUgiw>+6+&6H)PQQZfNj~(y&ooMM+c0^GM zywn(M4#-gZ&6qCsZ>N_~BE}_BimM>^(VV~s{N|hch#mp)%Jzr(%ZHnn7{1i{8}s31 zozsf*J-jC4wSE%Lht;ymunQ+}F;WX!r>gJO{vDX7zXE zRNN3mt54ECT+*bBdi@T+K{%6qm(nN=cWqH9Yn;WvCwW|tp~_m);CjJcmH8g@ zCzn9)|6e=M_slRaD<^^3Hd~ZEoU*`V33F0=IA^LLMCG}TN1h(PcBLj4q+Anyu^(*a((lRx99CxI|u9N49 z*fb#~Vuh-7|5pvT!A&!&MGR^pbZQ~J-yei^YHAJHjXiZ%Wi>@rU8644y@EB6&Do;H zmZu}J!{JXOQvu&_zU6WB7l=~uG3{Sj(|PK6?oZBSy!Zn;jZ3r;qiwUGi;$&-zu+!{ z7GyuTp1uoayX6=*19eO7=p{!BtjhqkIix_Dder!ljx#W1L|9T)VT=LqQlh#Mts?s* zIL3x5Ky&6~jX)KRMr}Fwqbp0JPGIK`LsW3jL!3e0X{eP!ZT;ww#&@llY{2l*eDT? zUFC;t&C|$dGKooPvz$v2Yc`4R5hJAJ?GLuB5bLy-Ign;V=d3jO`6p;Y2c$szJppZ< zBRCiuh+8(=xLdRV>+;v|LK0m_B!>m}`(^b;sYISK(m{RN_c?8)e6Mv}v!aZ-X4q-S zhi)T&)OY#BsN)e%_*YG0@@wpym*eP$e`yq|X4aWGLk4}P=&( z$hKLiFps(mHg&RA4*Vn6`zP%dVtDZ#kz+Q6Sy;~nJfrUqcR-$?Jp$WeBP<3 zgsy{-^N{D&VBoo40&g~Lbnbdu1c|si7eP{ym*Cal*)PlSHr)3~%1@{}d`ri$kay~G zT&6fy%oXdDwIjAnm2af=`E@K?X9Tv!&iEue*>)L)scv*YylCAW{Sj^rGH5)a`})Xv zlqvp&=;@5eOZZ!rctrOE6Vsm#`LRfRRh$M-pfB0&uyCC=sR=nZAmP2Ydoijf@`hLS znr{(^&Kwt6IVx^U#_~tv3<<%S71#WDkN&R}emI`89PtI9eQ7xzwEXJq2R)Ax<(Sp` zK3mBqza(G=-`PSbO}}36lI1`hdh=E{>ycR22Bz=yksO}tS+DdlKdx&9WFD;wpq#vD zP3R)yUh{_%9f40E@d6#c>c6jU^p&J4?Y$NhI`1!ZfwWecM z?gEqLrXM5f+b6e#m;ClKKg5C2T%EX#hyWss6Tl?C4e#}i;kNh(@X{`EP?xSBwUO^X zZn=o_NXz;J>PYOz-4LRYRZiAnq=)Z{THRP`SeO2`c|JKtxcYr|oe)lNz}OtB~n|e1dd&ZZH-Teec?9sRXs9ZIY9ah7O2ZTz8T)9QkQIaVk84T zZ<_;#e;Q9f+u|&I9(O{NwPfYx&ye@qu0MN4PF$YFAjqSHw}{1*)vzkTisiyw?=<2L zhesVZ|7^Kiy*>lk*OrRZYHf=3(Msrd3vIxg>r8yPOIQn6M|6m87&AQz%ueN7518nM zKa1}rpBJlS^K&mh&kxfKK+jeWr{^F9=!tKD6sT4byPj!v#K;QNo7BvL2$@9#PuAz<641ig(vV;znj&KCb%W79WA1 zW7Q63cU{fB=)tfyoLBnKQ<^(Hc{w9RfAdKEf_Q%RuNt;rRX}kw#-kgx1)il{OL1L~ zpPp|W=>Wz+>}t;#Y!9&pIrS5xx+;&|lPNYXCU!(-naij`4fLnk>T^lVR~)2!^GBG8 zBa?Mr>1Qre4E!k8Q*YfFuQw~99^ zXL+}ntbVLH@tb1Y;T+RRM30UBLac7`9K4RF^~#mkakF-JGYWY^uj9(olBT`$WOHp6 z?v%^msZGJ^yotJlGXFnHEQ{NuJ`&_bOxHhGDQhh7DuuPUpvO_u#U2;gnb}8Tu`8DB z76(L!wjUdwN*JcwxCeo3U-BsO1%b}~MbGDIJ@tppZu2t33BPOVay^PZ!aNBp@@}6< z<(sz5sGp^y7Szzv=;fN^r1}tN>pPwI#*!2pLmvZtSXy)3zRkh2L7&PC21`P%RXYf) z?5zY@-;yLJH1HJ|!|_1}E&JhX-DBlmG_Pfhj8#OaAxb|tGD{hANX=>gdab=#;-c8wy zWu@^QDK+-vGz>62ijx|w`;lC&<2w?MPAS80$tlYgl0{EAPz zDKiXl;zMx=y2Coyp|n0_yZcheeo4;Vv-_E0MtcUBW%VqWaNH(F%5VcE9<-E$fuIHm z#xd#+wQDa_&r;Riv?I96M<47b{??Te&}e8rj-R!T|D+l9+nrMzW zRBEOql{qw6p{8bJYHEX17NL!wmRSd|tdm(;cC2$UKRaLAIXV3A`+fI5gmL=+u5(=- z+)}hiYd@wVWkyd)ae2>THUxj9N>&Z!_VO;Y|5tCuDv&YWA zWJUdCWUa5mdXJm^5#j(fwji9+TJh1V+)vv_-7_i*Pt0}J=pVTh!ki&kdB^F6~*O?!UgWib=n4(!dvw`sJ0pJE`Jds=*m zkv70?=n;Q0 zw@N?u%;XA6U81(qfmEnWtus$>RO!7P*RA~gqus@*XCk*Ubs#Z%pBuq4x|O@C9N%md z?H~;s1Z_D!|7e)YRp@-aYhAb-6^6n3`Y1lr1$$$j$pt2bxB6}ci)XR7rdWOcd{CqD6F5Tc+Dzpxdl69NNyQc;`yO_OWJ?PQ`?$Vy$ zkKqnrUu+e9rggnQkoRAMeA|Q=SRQz~_{;au)QkTbfZni$+Ai#nJkbw56)xsN58TRl zMIO)|9&rvDq6-+1gG17xjToDu4g172dXtf`IEf`Kji==?P48lvD-r67f00*HYE^by zh8ow()aB344*LtuF^fzTg8f+9FBd+GN zYFj#S=A37KA&eE-iua}L%RbO*-Y$F)=q;L0oS36y0jnOvy&O>bJxbl zeZMLeLtD!T2%@>=`m!1mvdACmi=~7K{Eru3EP#DQ$0wit%lUlKabEutRW?^Tta9ZV zW#A6^TAqJ)B?n$5cZ)F_T(uVQ1SAqY1=W3&b~=3uHGV$X*E>_aHTHRGyg##SgMfP- z>MYZT^&B(ks<9BP2RkX_KFU{q>3%tkHwcw>}@i zE*6yG&!U%R2EJ8jXNUfvSFF&eii!4ecdFAo?6)P zIMVy$Ti~pRdl-&X~mky~S_txyIk6FQRN##;xx`R1FN#reesM z&s}joU&MRodas}2&_?O|{Ezt|HwB3f)>30AayH;)oy~~QOD`3RwVRvdz|Bwdonr9T z#8!zjI7=Qe4q1&!R`T^Uh=YfV#kiZQpp{LeZKIX(Dztxrcqw6shjz%sjh9D|7D>c3SvB2<)b39T<&NilU6e9(~?f6 zfjRZaOGGBcc;o6GVEZ@=sw3qQH*NcMRpIcan(|`YBk;x0Erai@qIT|%h#4UEwFj|o z6|JVX&lppj_zvHxTAO%n-73l`-`zPE3ZW0=KKAXBka@TtD_e5Vh=4n=xqq+L^pe39 zO)c@wZe-F`AZD`>rMQIL?xSF#yk#BP8IB7RR`NdaR^=m6U?h-wwaEGzatF*?*XRZE zlO<@m+m~b}yy>+Y5ZML^Z^u%sdJ3t|3_=X-x+W%Bo zw7gE<^Rdy^1=(`Ol&kaz#A;DhmrNTqaVEQljfU3|gYKk0-8F3?5ol3Zx%sA#pp|li zUl^wRfI_E_ZMNmP@p%#SEnBr_l#do9M_yzd+onPoD%W8sMyWRr9=bIrh&^ za6YK6z2gucV)Y?&0#~zChQ+7lE6_QGy?DxD$q;E;*{wQ@^O2&x;Uqdq#Tibbhh(95 zG%e3;D)dbiB9`3(ubY1}BTfp>RUw**QqDk3A zWObtBXGDI9D+_@KxX^R~{Sf#j>=RB;^W&#}1pbAy%2{L|z4;HZN;eKC;l}g)jGkv1 zPR^J5ybdYtkBUC1Lb?u_*k~W(TnrTU1$5<7H5EsL{u;S2Ei_`&pfarASXji|C;a=| ztg*2bdIwPiNpV!}U!NuE+q1=@Xoyp6$WVJbO!Nrfsjt)(8vTq#co90jcq-@OJ~2}J z8aXZEK-Io$ZrAPVLa&o`4Iw7(lN1-0potp3O(%)r!kr z5n`#d$6ma(P`^K9|G+-D^2hLT$a3a}R;I2@8>kP~$|F=YK$_OYxQ=Jce~7ckYEa0P zKaJh2Df=$=c4%QDMq_}5S90->nobK5)|KD{cf))6Udrzr>uBdnF`zxUZDS-;75tV0 z&Q`p(KGC5)3_I-Kw>~wBYisR{?AK(j*-ut0B7BIn6!e1r?+?E4hUY!Po<_9j%;cUM z{VnbETrGLBuYQv#YjkMn^_iP-nf0ijsWS#nV_()XXuO;%&NCSxRn&_Tcv#P;yK@wt z&fD>?R4|473qEmn$+dQxI^XiCuLu;ezBeWm~<4m}iXG zh2CgiEN#;2lvw*p)o7dEiku(M75+tX4--kd!QTUEhc2S#;izYOGAD& zI5zfCc*guSX61&Mny*lV#50#kG%2c45aZ)hhXOm5=9&zgsojKmT(m-;EDEOZ`KKnm zEu+#!)`8{~*qt?cX%w-i%9mrFu14lLUkPFcB13d&%{%AH#+kZ2_#a@m%MB&g@wm7hzSecj)sN#W+681N)YX&GLD3@KyW6Ra4+|Bo zfQZcvofYNOETNMzvrqO=?EgcZfr&tGYKf+25nEbeA~z^^(a6{uorq4xUTS0w(r?JS zotgyhIMmjiNSPQHi*Dx|ym%akzEE^rz%eMS<3r}XPj9@HvpCc_JT+Ip)Rr@4(Vlu} zqKV!qN9Z&XO|1A|F!fPW`)IO{vEJ@wMDuENd-y#YzDp}~l1+=KP+j*EPwR{c*XVN( z`Vh115inUS4A_YZtQ!5kemp@_;k&C?0Asqe%2W)9x$Ee#N33Db?+|Z|@<)HWyTIPg z7^#`ss}Ozu2DKgA2C^bWt;{@FMl+KaRFI4I8`I|7)F_T(<}bq{>>^%<#BF+NbK6N} zqu7nA0Xd63MZq#|Ze-HZn5KVG>zd0ss25w_PH-MaJgi!b_FshctQXy#`;Fm&jM`1_ zYA@qR>c!PDtXX(VPwNze-D|;T3EDzkhuxwuIKKH)@Bc@w6tDdhxEt|LA|X}2S*`3D zk)n?P)*~Nl>BE+!%7}TqcE9*{$_&^zj7>BkThK~OgH5UsVs8IKGCR84Hc>_iS(Euv zkq7*QVbXAx8;wVx zHyJ^H&ps=#O3wtE=e10WI41S%FC(e(Si|~nOJ8j~GR%B7?~tfHlAbOO+jGE$k1pik zBxZiZBOXdsd%|5X*)>4xk(|HrjvTCvYcodu^O7E2fssQ$UsYMl4Br}~4rul;@hj@+ zh4?|@!5m}#;1P9@Xhk7ztO$^rR{3wcqe78c`zT<)p{zzD^F{qxpd~9(w~MW5A4lO7 z^Zjn}H+7@1`^8-H@n?vzd%2_PkhRzybzCek``OkQ`@NR*A9qA}WEy(7)f$(v@)c5Q zD2!C2{Y&J}8*lr^IN$*?6hqF527P$pJP<7bWbJ0Ppy&tjgX(w`^dXb-fg{USiYa&WK_t7@$Ao`3X zw=c6q!@(~3_tmA6`;=F26@N?L5#Ry3rqO;h8cYOwUPq#PezWxe_Usa@GKW!Y zE}*uszmK@zNK&Zdr9d-6Qul7Flg*hH^h6n>Owc|+E@BVZxZ6E@x0r;yA+I}?!gEk- z2>=T2R7$p#+Wwa97|}KvXTD?5ddMcC!HD&!>~<*}RX$xf`I9gn9X0u=g`_Dt&0xW!G>g|!V6PR=3+mTJM!8`Lr+hx00Wwh1&S2Le+Z1|k? zk7Ckfq`p(vGDKyEo45b}>c1*f#0cz;cVd_!k2SZkaF!B!b`b8q@9smtcJnp#;N5*I zdyF!_-Uga-K4dX=3oHm9Uu1Jn4e@ZdFOyCz_1lPFGU{ftT(>OOx0;E^Cn}^^*vojD zg(cS9<8@|#LRYs-=S-4qko(BO+Avcd;$)5z^m2wZaXkDl<{M(c-5&9x?FRb(co4fT zcKt6Hnfhx7Y~Kv=;9Z=+2W%GciFd;qQYidd?7z#!McbFkQ zE%m?x;BG3ij)|SuVJW)bGD345n%w7$HebJjP$FiyuglS;lh|^#%FX9NSgJ8&@$eOh z%Vjo>=-2j`L1f(eIxz>oBJ#@5%EV65UO2rxu|-zakDY}FMw|kXCPU#E$1g1ZW2@5JnO_;q=$?uWu}4@NAma9;(q}iK^}x_#c6n_f_IYLM zp$tE}#er&0FSl&-H|4L}f!{!#qe=FSrthImk7{F*Ym6fNx*}D8ryO}qF|^|}iB2jA zT?~2gZm0>h?qo0v#r&{dSZS)}GxUAQ8lbDAqOZ8&cfB|QjAOI_7k9i29}``LfLS_? z)74fV0~>v+B~3?P-gtZ$Lmj_IS`*A~5hqrFPx>Q&NmP#Nqt<9|5A^t~IO2oYOUkT| z>d2Xo*S<|}^IB94J=P?7T8f}6EMhm98<}wo1Ct2Hp>p?GqBZ(;OxLIBjP-Oft(DeF zlC}VH;>%Wy!h}Xtf{mRkBfwEO%`qJw7%+0T5Nk1GLj`zS8TT=}_8|YJc1iOY_Mt|Y zu|jtvjXR4SZX6P?a%^}9u%L7H8I|_nB-Gj1Nr_sYdBdAC4^4Mtw~GEDS5eLOD}G5d zelo1tM)4+UW<&i~`s9+=yHypoRfrz`6Bd}teV!F>%S>slg&Jj>^{hME zd_B1u@Ip~HuXv8;9I8xRFLx&U$vq=?L=|d1m;u{lS3BarX~Z3v;f;t$HbvU_7CVrS zq&?Wlj~&%3#f0=IX(24hvxu+8#EbFVX;{rJ-nni*KJMl*gNR10OnuD*pB&Ocy+_NV zSoF*jT^;fl>*2rU{pafDccra%*!J$eSnV9RdmnUcmpzFow_B=5YP9cyz323BZ;u(2 zidvwTEKjx=@nTk9h~H49QQ1usA0pC{FN`*SHeNFAo)upg66yXy+93fCRIa^|*$Yg3 zk>X(^NSI9LR=2cv$TLY9q%f_!9{38Hr?r+JI0t8ObNR$lYE4EMsJo|ki_4)eGTe;n z4Y?OvepkheGX|EL+jL^-5BCw_i+S;!7JL0KW1k4|HawVb@mZ3#Y=*>fZYS1Cby*F( zpD6v|!Hjl~*iZ!h*l2&)`PgWl1D@E0@+?m8QK9#S_c?zin9FRDkQBngdyr{+Of;)R z#tdpn_B`hd3e3Y@y1}c;X)_w9H6?+y&56l*x?eXS)Lmm<m2pa%y(^VjYWL4J(Bp_;$w4yk22CyWrY9_eWi zWpP?O^TxKBybHTQuf^G$kLrv=kculq5_(Z1se7kZUqp6orPz(Qc4F5)Be%{RBZ~Dy zGwD%Jgq}l|9qV%d%%VbcteOw&$|>cCsw}8P)zp`f)3KL_gpZKtr6e*B9Q{rFven|p z-73>Z8F_nlKiG;5U8lAi-=C+hUR+B^Hkq*x=Z>LNhj$$^R0LTS8Uz*X@bx$0N@o1N z3U2bzgc!JVZUFtWzO9vBzcG0H0sRN`aA+2^eHaa$vqJk?Vke-OPrYGpC9GBM|GRAz#GJd@CrVQyk)5Sk`*>&HzRW~V_92Wx1&bX zf_fIt8F|Z0V1AzhXO>uo7zNMP9{ha*`iXc1WepIez|7#<2v$C+w`s21 zW*a~0OFR2(eQ!4jU%nnSg5XV>i4H+#gE`qgSU=T0tYwXsq|J1yD~U)c6;n*qjU0zS zof2xk&8O4&2CR)5VfNM8G#^J1>V=7o$U*gD_)BCdsg@XqmY?|bUa)lrqn9f5U@LH{ zeHY@?LdPaaJ;v(an7pl941*j=9L2mb7X!h=kg`zdVg=@h9SXOKPLNh}JGwj8=<|n$ zzr;A`^o}jf5czFbS2P`Oc5odnG$pHA((M*6HfGvAJn!tb3Y4uMxnVk+^YAwpN2Wt(#~FjZZefgz@2^;B+Cr9pi>{vgDvLE`3+;t` zli{cT?pY(N|H%1z9nl<> z-_%22M%MCyFy_>rF6x2E9O^#(G2%so5*oy~xOhk#*m$-lbdIh{Ruq|Vhq&I4=r_bZ z%-m4t#X{s#!u}<3+CZaiX4O%p>#yKo9MpwR&eV?B+`{3?os}!GK&5!!ks~=P@3_C! zF9I3TfE*96ti|j-8Q2Z>IZw(B@l`TcmT&)9>zR%QaX$12>f<6s{K{QGF}sQ<$=G7N z)^&8O2twU>uIp61u%7^>xAf23P*Ny{Fn0gm1fChj z0c$OZ*j1~6h)xyHw`q{4w#Yghx}rxbixy?h3Spi@t%hwUr5Ag6F{8d6y&o92->siS zRo6aQrDX)L>f)ZXINfc&0?j)fF%8H&=eESkf^{&_n`UzVd zw9_Q(4dEY5Rt{DBvd{bM=BJdI6(Bpg91*r}!XP+nDWBe?AF6HegByFATSA7LC@l~Q)dO|Nc(3QUP1b9|m zED}!+&w$AxRjl|0?UXwYzvt z&xjhZCb2H?Lc*_YIUedYGQzcj4{!#NAdZu(+eupv)DAQKA*i3B^wiCaQ1Z?`9@ls+ z*K1KX*Ol!&w6LfxY44ram*iFGyKr98O|f|&iJq|><@T%^beC=}Q~y1aPwuL9gl}{R z9^i(+Ua;WGusbKlsg)v&(+gw$Z0a5+iIKe-%}LAPG#Coj!m|5i1M05Z5}ol)@NLfL zorQ>vtC(`P{Iu?zF+?`{K`J`?h0v~!lU7O?As z(TxGKI?8V`R&lTN{A(>1;OnBI5!ZW;_&IVd5>tS<&yYB<9Gdl+`e|d4X|Rk`Jeyn) zL1c9?W|Z<=@m&z)#Ha`DZRPj{(#u0p(*mM$4R%ETc3zPg35 zbSa}+Z6=>-9-wSsZ^)%!B*BuMnry#K-G**mvq5f@flV!35LW$c3Hu8z6Ce zofDKz{;esj$Dwc`Ufak>={VqFGsH?*7i8A0(l^`R(3d{QZ`kdu8ou4#JwgR@2o)W; zr@|u{FWm2^b_zN#B2vjZh_kW=?zx~({1L+*R*VQ3&%l;0)sU+Vj{c^%5O?wi8y#cD z8Cn2hX^4|JX<2iv^6+o=)2!^4FZm#E-g#uT+>H9T6VSO)qgLv#qXve&WOie+f1`NF zl2J*2qLbV2iNGu92F+QF$oDMWWm<$Ca2kC8 zjUiRg?)=Wz zqbO#P@E85{Afd9_=UQi^)j__x{hrkC0i#2*s*VSLO?CmJh{V6z#AtEXHh)B_i0WiC z{uLk(4j$%rU%-CXJ?hgzdOpt2VDli&sdcpu5W#Zi))^z`Omd=TASqu=1tN0Bh9n>r zz*&u0qr%YD8FjAy*|9h&yko5STkr3tcY7dq1$2%@1SODDgh<2FiDa0tAj&{rAzDU> zj)pNN)hgO9zJzxsgks(y>&CN-V@0<4a_Oc7HNxQonIBNB6?+f`=iiJ9^POmA?-9NA za|fgFtE*XjcVtr5v9kJx=#S27=iU74XW)a8g{(N0nvZ{-9ak>=%-f-t_~|6;M}cFJ znNP5>I)$IqV%99e7q5>KOUjb{Go+223(gouqPtIpejoTLP~g=O{6(Fy%}Q$!*+e-a zR%vaM(jj?BKDu%DOkl47HAnTX0MpjZSFkFqe0sOdKk}#<$R5ghc+&p_>cu8nyW0_RCD<7&$GTPi@JPIUas7a+moSe84yRmf>t< zNDhXZWh8S(x89m+t&4~ewLOz12Ar8F#wCrg7;y?&)GcPB;`la68vE?AYBSPctR5V* zrcGePXzBT<22<1X`!dujp=R34E8Tqk`1~rIz+L9v4qnSETdo>pJfC@QOdfI=qcQuw zs{hv0e?%r$jiLG7eNhR-nEcpN;T+;d;4Fx=LVL9|X6By3D~9(2S~-vV=em9|_fm^7 zQX^mob{^Ml7IMMrI-Y{R4QB;4eJ=iJE&mF10#QkITy1E!}4#UPkVR&Iu+& zj93>RCweAajO1Myr*dd(jN~=%xPcOtnKyaA2Rd{sODPNuLxptvL|;70JF z@XFL7&f)NLcZi*Fm8nX8E$Q^8-^E;ZZ}Jo4O{?KM^SMUm=LY`{fd705BW8^ppUheT zdcV9D2yIicj9)9stD{0vpd%n~xn^csw~7~gaux-!8I`Huns#NJmKj)eB3Z*l+l|+s zY{%FyPkY{|!uGMyKdc=immGRQyLqO$YMWtE72u@riuh#>{o?{)l?pHlT0A%B_v5va z9^aeSCp)zg?Oq$X_tD9^JR_|S{MZh<1@_W&UaZ6eorw{hlV1Gj8d$EuoepN!=o<$ySi`57BkGKb z)I9NekV6k~q+=&?#TofXK#!9x#&-NWKC6>hVbmb<#P|5)*;$5ui;PT=v!dy~M07E3 z%swRQQ_l5!_6ZI%RZ?kO2OZ}WF&zli5z6)u6j!!es@R2nC-nO*~dn)g5EmVBW8xE{t1=cHiO$~I999G z%N&cU{LdOlt-9WNh^{_;GsVerH_YBdv6ZFo(c{2OT{K9ga6wc}->nMZ#c9bQfj05mUR0OIi zBB#6u@;c3rdBHph-WhkrP}58Uot*6SGW(kzG+m7RaEb?akMml*Hp|W=VzK*p^}a`Z z8CeQE9&M!0-NbA%=17*O;fN8b{n1=Yho(5t4Q{O|0SKgWZ?zm*(13T6Bd@iXOZcx) z*al=m%0PaE{*AiVD-Ych_?!DkhI8R8BeZt2Oe4-B7=-uyl) zk5Uf5{|ufKf>U)ZvLcmslMsu8_Zz!CoYQNMIJ5)c)?uYsof*6xB|grX=5|hCzH{7+=y3}_#t!A(m0VR8n{X%$A74^GLG?1`clK?>|Bdn z2HS=xgc|+aYQ~0mho;^}FM%xxH3NtWaDLc}@xJh3uqrU*OW}|3_ z`cy`IfT6?L-P93?>kJPV*`9%hrjA++EMZ(MEvugp-=c(8@7#ROh?5{fft`Y5wL9jr zm&+o=8i+4Q>GfQ62=wL2gkstKsnq4GP-Sd^`wjKMh?cS%fX^uwgZ(co;&+V8hdWr8 z$+4Ut2|m$o;MsKf&@QNNPe7eAqM;kWI!(qFUUwpOorU^&M28Cf9XBN_q+Hm$1;H}& z&z;Y@5><0g%};NieVZvql;+9}%|uP_9?U?;#8~v0MqeZ7SguIAsoEf$diVT_H_Uo{ z58gZ7G%!$pmh^A|v*`ScS&aqoRP%89$@KTsD9+lo$hV>2AHs-`sWdrs=FWlLz&AVl z?};G#i}H&&mde!QlHE!mw?14lvU1-o0CLeHI!e@NHU4IFHwvifGrgGMncML!a)yk` z{u1cH9%Cmm>eUAL8LVZ#W@@WBzpw@$p?qLiT4rlrqXDQGpX4cL6oq(Z+a zWIf|t9}cFi$qYtM!~@G^WSq#Z*+Au&!ma{}X*w;16Z!+FQH_%4rep9I$l1qW4|~L% zl$Q{BaO*@b){Bj6J>oT>V^t=GdyKli-c>CtD~RksO&m@o;#&Al*{Fka)VB{y3yvPa z=Wf*%Wo}1iq=NMqlG(W}63k7$yEWi%)WblJ9rxI}x0C(bJe}2^e$7tS4kG@56GhbX zS|sD8tdq}O{+f&|kj0R7J(m(gO#_@3$UYyNd|*H|_Q1=M^YIPI%_Lx#(6ZSIE%|!9 zM?5==BQ)YY@X6{+0oE^OsXCMBT7^Q2Rc8Afr_c%v4K0Y7VPoI0F|V z7R+a+pvd~xGZlJDFV@Q=;)*CacVR*=kGOTRpM6P-`=v+83atEDtoLNB<|ByCa~-cm zQYJNsX^0mzh$--QvEvh3l0W3RBgT9y-tH5`_Ix{QUnNhiKjKN8-)|)Ukm?F`LPW?Y z4rjEz?aAcx(CI^BXwTdb`yD5+yYp>VP$R6K)?5cN7p-zBv7#EV857h-c9bY_3z8@pyT;kC`a^33T)JYP%Hld7dZ!PgZmk zS$jLyz$(s%uB8ucbcpvOVGk}TB9YdH> z%FUmptcC-Am8tcRimZ6ptzQz%>K^c8O!+Yh`30-k2ph0JI&pBGn!i_uHp5N? zN}Apgzmr~q*NWo#ylQ5|l=;{zh-ZudzZN4Lv_=LNX9I(3LMG=EAWb)#Qc$7t$2YBV zY&5YdoA&Gpj3OU9i@$zoCNsSw@Vgjs|82Jkpk2ri5ehG;dent(4t9$VBinOecpp|^Ra7wR_PQEkmrcwH3{ zs+OHKPa}4mj=oEjDD*%%qbp#KoE1Y5VQ1|_H@W`g!F@~LdblG{!H8Pww8l8sXK|8_ zxKCugKjmhm@Mx#p$&mf*+_Od2zNl63?ZSGod#$5nxR}+3E6$A2An8*SS*O}_{FuKa zhsEJ-yk_2LTG!49*EU)e9^t#9Y3`f$Y>{<*&`Q0|?>FQoTEnKHm0YX;1E(^y-KL~B zU>^`2>nD0ZSFDis0r9i2ezA*KwabVJwafvaczg_n&DWuI4LgP&8pw!YzWB>M(jGvz zh0hWe&S>J)N%lOK*V&Gv|ekNpyN&TlS|cTM;5tqA+IS3_d^ za$J0$Ymo}iZ0OaNG5U@9>K!SuvtA`8P3h_;`O*BD*CNmKBCBnrrdaEaxOp1M_D?A_ z8K($w@Cu^Sx8pOi!Ccp?^s60-Vzh|=lab2V26=vx>~~n!6iz~Ki=XRwB_kn|#mO+v z`e`xmuEgzsd>{48!KNiWiL$?HoJ`;;EV8EPQ}vI#GP+#r&*%a7R&%60HHS{?nr*8wVaLfF)I4?D* z!14J~&E=4iW~_7`4T;9;C&rH$&$H(I@qGdVo{fx=e5$H@kn%RhB0Eg%AMFleEoXu6 zlJCS=2=jEO;mhqqX335?EqJk$TY5LvNJK)9?GW3=Z-K9iosUtLEC*IA-Bfi1C)uwk zh`ags-e&KlPxUE5Klb;r+-t^xnnmjM6Cg zgQ3}({MB1AXDrrMPeZrx^D~yVVehB&(;=Z2_ayjyi#vU0i(L*4R-! zId^Njo&$=5m~3_#I}Le#PBL25!*3Y5j=TE^^1b6*amKEiLxEYXvwfA(3wDlT4=WH! zkSd5qO}m0Mj&;7*o4v4d!^S4?)2!IHx^5Tc=GOiV^DJU;Orb_!K}Gj6wHI9M`5Kgn z2$&a`UGMIJtXOWx!<8ErS$HmjuV~3PES*`oWhzW?19`G`FG~cI( zDz3l-J&B#nG(?5WPqn!iGF z?1aWEK;3R9)05Hj5l6T;zTE5m#OH*K-&Yxf`B{U^=)LjO3KjUf0R4{gt*r9--;~YJ z4T!7-6|MoAPn$6}4#<~cFTYj2>o$7|@SU6iFu~3z2k1~|xoyw<-jHsKkw>@ytD%e7 z6>>l9Am*=UBH|kU5^Ii(Y>xfr*}5~CeGq}?M2;gcz9;N%THL4Yh5DF5T=&y5zd@Np z`9wSuIf}0v?K8{7g@f-W^ZK|62h72Ea(C2Qmz!Rfbv?UUWsYWzIKQac( zUfeOzoMYvf(34oBFWko)D`L(|F~+noA;lAzBP=7Ut6v`4>daGZ>M-DANkg6 zuz%UNkE^g3kuW}cN|4g(eD`+#dDfi?)1Oq|oE{V_?riJO3e2xhnGH$h0g3Y0g;vgE=*qU2uLsm$NZ{ zkzhTno~}IQr`}_*#Aj*!?-8Y9f&(1iE zbB#aij6O$HEZjK+HBc3(q~>npsC>Uu2+r>}Hptxt&!>c3qBEU`!prnZ@y@gAYQ~y` zXy?k#T!{*)@tq$>?t<7~#uIr@N-N&Ea6$~~kWzzvanL56H7GoJB5g>n&CO#?i?6d? zxc{=O@?qyZzagA^@D6*sEOGXK(@V8hPVQ61-P3yd^i)1SUdzYo3Gwc%uVDeI>ZG*z z-aXUwycHJlzu;j~8GIwNI-txEJ!l5ByD4!?v$J+N&<~X%w5JrO+V9WNP^T40&1%B~ z|Ki_m&dRPZ%=fXY%-Oi!=raRO1t)i)s>?%N2z;9^DTt=~Js7p#%b(Lcws&eUB?V;- zHRv~}9N#B-SVY(r;CQ&FX<<%=U)2ZetvEM3CzRVpJ5P&U(3ofYf=7N3XR$tdCZa70 zdx<=s%g@ZdVayl(tz)*8DAy49tNB4hCGzB54rC5}1U~;(f2MMFcw{EwBrM4|)IE-X?ZY{(hhIwU+lda0wd`KYzemV(Tx4ZD zOjTNbJ-v@N*P<$mjM8PeeigFRFQiu%M>4j~H((U1On=dJS)96^5xUMIJ7nTm z7t;~_1|zDDf>$ZZZ-4JTu)4RG1!QisGN;E`P11fv1bKyw+|V0I!(XguWv-<{f5<#c z>twXW6|3ek<3#V9D{;i#R{zA>3mBL!29Yu3RpcJ@hvcq;m0G306V-dB(ngeVz|6pQ zU{pqVy1%xSpY}tAD-fx#h#bw(O>)N4(5v7T5oM4aqISAMEij5`f}h4!Bywpo`bzbG zfs*S*+h5`FZ5l+Gu59DB+6M{jb9@%k_oPT(3;zVqXK#*Q^*8jDaz~-pF*rJow;@Yf zSdZBU9>IGAN;}lr`4GC-`fKytRd}nYy}5Gtlb4$u&}8w>3><|s`hG5-{#^9o8RUSs zh(Y=dO%-^$C z12NB-d;M7{$m@LXbP{utyq28M#GY{k9*p)Bdel77gV!Z#oe2T& z4ku!a!HDg#RqHX*#~okyi^0FxRg-gYMm(Buk2kWZ^zicWv=LMn2F^m znR?T`)k$g`{|s!ajgd&3B4pB;7xCB%g&SucegiZwf1RS$K|0k`{6|f?TuCu0$ zuY*6uxEedq*v2!SRVH%5(tPv#5mCaCtdHmvnB2>!p_-n1)f_jb1T3QyAVI;%sy9Lc zbLQTRn=IB@SOvL<49r!1VNs8Y5tTmI<7rI|u3CYwiS}s$M+3aQ9mD--S)5D($B&EY!2macDZ)iL!6fC>fh-=iyEt2y01)eaCfd zdJke|IVP?jQOqh|tm@B+SMLIL)rU+2kzK9!qKRi4V~uaXxtu3dgtyM-fv0x!{JjTE zK{+&JK_R)`x(0o%`)mkxrJ4~{`RZ^nQpL(AXUK5zP`k<4GxaV@?ZvymC>Z$BA6<2@=@TL(r%|w!R00;z!_Nf9U!O05nO5)~`sb@Nccjo=h^ipVg=0{mMOm5BdZ+@o#j4TINe`>JV zI2QPqLG1SO&7Dz*`jR_`u?r2l%Og^)6Z99|0pcUMzZhXdCv9g#o};8dFBf+rt8-M# z84m=hxxZ-*`YGNo5==32J*ZPM#NaGd|G4Xc{)m9x2=-aX;HwoUEhXBgIRE5^VpQo) zFpc=E*o-8%zD&v{`jn{DMYP#bG8jEXqXS21*~r4x0|7V!5uqnw-BjqmNv}Wvvp}5p zatAY@W$5Cu1DVr$AW5==;$TfEj|Y}JzHxf8v6HjStWjlTED+cCN0uxSb-#P?>s=4L zyjqf60SFXK}1lV^>eqf|Hm(33}Jr2Q|~Z}@|j+wy(=a5 zih<16uU_s(reEDljb-~_kESXvl7RjSfd2IDAH`480L+|En%|s1Vg{H!?^!uuLHCuG z?@JtD1>R-~^bLHjlHrFk5zBf|dP+NbKj=>%Ar?4ek0^P7D{={Q*Ce5uzp=lK*rel< z<(4)Vece^*(^2y<83^rYy|x+0NYlH$8K$)5x>Y=VLT2UFyRzn|DN@FL+h`x= z7>g*0vZt9{RoZ7hwANhIwmkq;02qhBzvORQ56?td-EH+dpI25>cx0K_g19s@guZ>P z&V2LtIgwf_a{K=NDGR)vY;Rs2-z@UXvJRV`b8cV8Hi{YcTO%&vvu&G?AUyI>yyvfo@CU#uCI>TZG+%!2=25V7q+)+e=~aq*kCm&~wx7cP zkYgwXT;rMX@Kq%zijkSw{#R5I?HuR?Mr;sR&>HP#{a^&K+a*bAMp`}-WYAz8ardO@ zPtuRb5DRfKfKoM?!C1^HXNO*gs9voFaZdCFNtnnzMyv#_3)-?3`WwA>4qT47T4gHH zOJLRkV@?L5CY7lPwsiP6_Z;ag>#LY+1h34jRJr@FnbHE?^HtxSn|HiV%2K*2p4jhG zj%pWr6{APEVv;6iT1A#yJ`Fk6_2|FYsvkK73WQnwkaidz-%rSXGk^B6!R*#pW34~! zB--PMv3s%1?8sP!)uDgCA0y=+^oX%L_{NL6McQH|8}gZ6bqOu)w9A1y^uCG>G|AGV z+Eb_%F2mU=%z~ve!>Jv{Sw8&mpRG(3o(qPF<^GVpjQ66+i?@chj0nF`-0^4pIU0-DAjaDJCsW=yQ1!>t1mC`Wg?=LC zjoyAZ7mAsS{DrJEoj>9KMIN(b6xW8UH~)8e^08vBu`_1mBT=- ztVde`<)qLa)a@2@nmE2wA$y797z ztGLMeU0RL)an!&-#MQvGvNl37?lQ{M62Aml;j6{J^z*?L`g%LMiph8(<0I&mhkD-# zSW>60tW!`ix8`2x2jIu9OubmhE@vJ{*~-+?B#xID>*s)*_N$IT2EIDr&sXdC&bU~G zA#Q&646P?@0;4UT{B}Yr=DA9D15dUgFb;Lf=qwz|{Xv_o3j9upqr_7B<;iN~`Ls|( zEVCkO|8dD;B#;P4Ub-OJ0z??&wNAtdh+}7jcdV@Lpsi3`xB#{Qbvr${nNoL3}bO2ds}EufxPr zr4yR(2=-Ik9>CqcD^zvwOg9ZlYCXau+8TGpoVbT~@%8vsYnun(&I9c3=Z0=3m$^lp zokct$8P2#nCdFqM7eWkR!9U6Wvt3#XJA8pRicL$}_c!ewN*Ck{A;Wl@`QLo>!QvAxK{asIkPyNM(*$Hx`XgeP)~_H|`zYdPeF5(03FZo1m0SUBa*nt&z&p${!Ff|XOmA&P ziAsA;z3o)^%!nDo#`du{uqzmiM9->1&uHb;9*BEPZ*RE_ zR&vg4v5Sb$Y0>DeAR3J2=>34+C*HWY9T>zjuolkXUH+jD14{|-?~k6t2DL_tsitf9Hxt3*nakLi;rfOjz?mk}Qtja6twWNqw(STNddmyz3>?W202 zS7<%b2V_q7Y588wu`0T;KEe%|HwoOojj&38kN#@X=?Pi8%v)hgEi~nb`%P7d*+zQ( z-{z+Wz3P^$738^#0RNQg;>;fNZS~v1Y{Skfs`Crq^F7=7xHH%Z$1(5f>1wAluTuay z$=wbv6nTO;Gl9TPR+{pSLY&`Etn8uMU#?1{J;}I&XjmCmlDOUTh%{zMJyV32p>*AtQFe z!gywP#Kqn4+}It5nE6IKqhYjMS?8WDHbVcV1~jp3kZt)lTRWNAsu!ihhD_g!6(Y~Z z=cw$UMM)c;t8@>T`G~JoT!lARd8j-zBVK%RDXc2yqZv_MnZ-ArguhSdgX}iMNx!ry zKI42D{X9Q%lYK*A$uQbcm%({hiXFyP{Jvzc<@n($Xi=g;23vY~n@`Nb5z;wh-F6^nYQoNQGU1ads%6d{OZi$z&G_`O_Mh6ky=Q9E-!!w>3Q0 zzMLJ#)Z>7Bi4plhL_hYIa-CglWAOJ@)W*U(lz!#ZU~Bk8mT=S`FSV`|`8Z*UEz%do zR5J|j4wpyfhG^l;G0n^@h`8Z>YX}?#3xMr6E-jH}5V!bv6{t~uwA5YKzx2~ZRJCH2ZZea{j5|DXNkNBS)u9CbO z$S`J$KM0s)uT14$(Fy}Ia7xE=kK`9@^@AU6%=3)i!- z#tjx$TFaLrPTkJGuNq5$HHi=BXG5LTBqs;Bb=9eWSW%t_#V=E(+fs<=;qE`u#f`2H zwE39dVP1qWO~l}V%_K7gv$9wEPSc6oLkuyRW1)Uu4U$UYV2OuSc%yi&&h^wNMA6aT zd90;Z8lRXNP%7T;*1;SL-8x+V?7*$E^A&#|C;Z&x&d7R+3_(e^3empnX}v@{j{Nth zeaTVJ-|y%>6JuErOBB!5tWA<5B`e<_c54ExRRPTZr+tgX#mRi*_md6u3@-y)I++Ij zded6qXxW*S<1_|u#f($8sVez5w{V@ApJ1hjN4yPBkhunOhL<8T#Qf>Lry2ESuA7pW z%+6*?~Fg zPs`_skZ|TJdGh?V-vTD+!$bWobEQ20dmA4s0>5jXJ?a$tBs@HecsY|7yuZrE(^F@BH5*t0w?0Ew4NbE8GW6@v`=$&SruC-j=qQ1nk7YpAix&~mEW;@% zu(0Ni>*neFFKZ9fe0NM+i>o;w>J6IPQ}NnUqv#J&YjG6ZjTxH)IP|5xZ7@wXM2$^ID7q zZIfQ0-41MdtA0~V=djA?(&CMX`$qrAPG^km`fC%+U0a(ow+;eoNj%;U-!rQ zU}b)bP8p$mvgS{`R$8oGg-ucj{L>uhsw`oBJ6~o48trZ~_x+)a&nzmtlstsk24W$q zAH0~$oU-a?^lb7yY5P0!lN;hdH;eW|++s_yR9ByV6neE^=V?*8I-%s*m^;$dm;p*Ius=5{=XUcah2`ULSucoSvH>U^~`-;tFa_B9uED^4M! zFZ%*3QqLov%gW45Jk`2!sg?SO@AKqPGmuCDvZaZVD470$1YKyY+}-^qN!qF+saLaISN4z-Rqa zG_zIp)7!p|NFeSqc5l7_Ce6*Ta(NeGpUCZahnfFIT`o|O%HppVbrwpA@&eX{KAop# zxmp|>AEhCpjl5<~n>48{SQ|v$=+JW76r)CKvRIwMtLsIj*zmBwr4BkReLxUw>*L-^ z+Llg&4cDnLDqFV-NZZb)e@J8p(KSA~=Fs{=YK2N)u&p*A;ci4_BauCLIgvaEDkgJt zW%KNqAX7r8HaQw_7?QaFb?QWRPlq>gTaw}w%@)VXIO=&-77^QpW7yWpB7X4uR_>zk z$hZoRSbZqW5!HU(JVq}3`ty0WA|5tm$2Zc_XLaOutOvZhRb63w+bmyng8vYCy_i<^ zv3B8Ns*FRuQQH8{%)TbKsdv-?nR^V6^y`mk6ZqIwBnACC<@|Mp|9aXo!o+KM(JO^EJH?}xVNtBx_%Bk<25=v9a+Q&a-`QHIm)x*4pg3ug7$4d ziQg!-P&S{U_O!dGtVj`pbgf2{-L5>y9ZD?)F7%LZFx0ubxY(Z#)PJqkay;I z_>nFa!S3k2FpH7+A7gSn^Yvg@g8jd9m)XxwE(U(Gy8ZO%t+>aOAfB2@R<|in&lCT7 z;}Qqr2=s{hBw1hVuZ@i*1LVwPg;7`79oVELaUx*p{jj#;wa1H>p@NK&opSxmNOlOs zU0>Q|zKXg##)ER&d}TV4OrMtHS9t{^`wg)7_W~Qc8{Vdp&42VL&X0WCydkjbAmYS` zmQ|T-W@_QZhpci&Y8}U|8=&|gi>!xdz$ZnVhX`B0A$-;((NfK-MOewKImxC39hN{a;NnoDx zKkK2DJV3ueNvM`iKaqHxA6DQ-X_w3bnh&vN#Bf{Ec>=r~7TAyIjTO)82v!@f>c!|R zcO!Z+!>>HifqRD$z$xvCRGHvt3tk1?Ohh~_OR^OoM--*C>0qV@9vh#7YK-1_kYyRb z!d?nztnQf9!;`FtR{~Qj#EUzrQCs~#zsX+ztFUUTyfKvKnwwed+`eXHbBGZn(+9^e zZ%i~s2zK8JVv#GmZ3tK;f6Z!P+Rd!v;#(^woj0cfu_b423szK!tpTI8MfR&6;&{Q& zVr=W;udPED2kJj^%EID&sNY7~@Z=Q%iVV*+%f0(pY6i|aagjuEp(X;Aoj(1Lgn1es zT%*?_uGKutpRRQa*59Ok^|y$3Gv;D9vqIp8*(2`hbXxxoGsqQHmgx!ns|WgYES(h! zR`B7WyCsvs&9Zt;nF)~_4R;`4>KTdrM~B(aY)F884#mKKr7w5V?sDezY2V~v^)6wT z)6Z%xpCWBqeV>Ck6IN?4h9A{KqSXFnED`q`zMaYM%Ar5XF%z8qxm~S@k1{922wAy4 zoQ&2|8q7AHHiid(le`ADdZwSW%?u=T* z$LP5v0{8UxZ81VsVvMt!jSE1Y9*X|X{Lfn;p}VsN!Z&~5XK3Trzo;OC&`@V5^Rn=< zvFJCJx;c8LK32;5uRA%lJo8v&Z8*Xkq8{H*2;6VH-FE`=uroGPrXD;TrOk?@4OI(o zY82uH?BJV+$kqYBiI2S?r`{dd^JL6w^hj1&gDH~Vq+Sd*g|5kU5g+hw z!3{C~F^+K`EW%vPl~f=$gPnjfiz}mg3pW@I;6QRuiHo{e+c!~-;|rXKQ3g2@>dcLq z90jrDGaY+_XJW45MZ!*s@Ol)@PqJeyqmyflIbgtv0JGL`oW!>24)mGf8g@>gpVov= ziv|8XTafpbJC0~nR%9|xr@mPu>-Nz(6whSevz{Tu{6)N0qu;Zk3>l`d&R=5M}?7!T)_X9YmL|bGVuack-1fZ-m}v^S4aZ zswX+LjiTZXhxSt^f6HHtzf@3*Bx-T+G8_Fn!RunTq&}#n&68()LEp*HCzQ)w{G8g| zd9S#M)XWnfPv9r~?U$WvgQw%W1>?mI?T4@i(MftIOZ&5rG@?u6^MLBOpcA#o z8T+{B#h`@Fm`8NYyn*V~Y|IAtvmNmU=2gqkg(^w|yH#MRc)35d$6cri*%eC9yIACB z?nh3k$XXKF-8>Rcy%yUI_9$y9LvBK&|K9Vfcd5uMV@ve%oA!s&MJ>Nq%r^F`i3MhI zF|d!UCbmbZm2F9@s-4Fy2lG|Ld-&{><||v}xN1v=4GWZLP!-nhfXvz~fv$x8htdfX3Q1&qz^ic z$$ORCc!w$Q3o6lpYbj(AF|CWtwXmctB7fs6I6vfxge1=Kh+5$0YIMa{*A$yzt?C_? zNp?PyzmKro9ywg*I+ucbvFixRjw<^!Fd`Mm@kMFV^e3jpdFwJ=L47M|kETrF$>aEW zy(_4fM{z|CftNW=4@)@(JD%S>=QJUzL8R>%MAhaGozj{9$d8E@_>1pPQ~FtRY!*m zH9a#c2CD|&<8FU+SU{`>n0K<(?n11D{%)*!3b^?bG>@Y%I2c;>BOfO;LZzyZo;e*c z(>Vl9;^9tTI)1VD?xicmsHUK1Eng-M#{{APRempYtp>+7CD_GMcg1 zIN&_};5onP^4aV}K!nRDNz()OrMY#+JGj$WtN8WkI`jcGj6<@w$o6%#F`k$f1y;hn z!6%UE19OQ)sTEo0K|gg4&c-g!&s-|`b2=w%TmEHREB;k#^!-m~pqAtT^RVprx*nQv zz!T)1<@2dELtxvU$LSQ}gNaI>G?x&}>eq_y=xTCVMwvc|^qoP@B6ItV_P>~)8A5h4 za(R@1H7Ixn?}R>Wx<#LY?B)UBf##x`DQgi=zzG+Pg0?k#KD!|dEIuW%jFZU(Yh45T%e4UbD7ItR6JTtF7 z%zu|iFJ_$mJa!Iy*SiZm$WO2umGNtI6D&E68QD|RHXXeI<@l1cV>pN59f!di0)H*` z=OX#;WZl2QQxK|nx}I&romn4ED>_@SKC4L+t5rXPov<}F}uAwlRuqUsvr^q;`|(Hm8qhrn}_i_xqJ?~hpY0>mn? zLx)gf`rFnb`a{I^3e@lKfaFx@>(qdpHeAi8jZ$gZiK&%k? z=1#&pXtbLQ=ncqhN69qQImU>4y?z(3{t+EJ*e{%Vi4`D?_Ud>>&-1}?O-#`XW7RCR zyyF$8Q?TBqMa#`*DFrvzzQAI{Yu>Y`bz}9bMOIkV;f=u@jeIWaMAo;f(DQ*c=ZMFq zlSzrWn}Ud9L{Xaj++t)#e0F=wG3Rlp-y$-*C}=WzYH~Nyd#(bWm{O8CPJHH~@9dGe zMD|YE(048R$qsc+(>EI7j!pJSb|8UdM(B^2hUdX8JlIqSJ-HDUsfzdkcLVkdG7^tX zca$6}YYd@+8`_FB_h`ncW&5!3G3FJ8lUKLwV+65C;89eP&R zBkoS7WwA~7ya^`|?e19JE=t>vjAMq_i2Zb5eir7n#C65%6Z=+8F$mV9YZDO}oZt8R zQ{LlmePa-9Q`X(3Vf{~}`aYw)j}f_h`TvXpeF~&4x|T!Jx%E}HEnq=U2vmEc<<%g1 zka0`q*H74HLJD+}r~KxOx2H3&+Gt|s(C@EH(N;m5Bp^=sf45f&@~l`P`+OEz%g@*z=ztTW!N6B9fo$cIjv5~Onau+2(6aXzX4epey3 zOlbp4FgJ8jhq}#CI02MOes=Vr#rxd6=NauMgc9gsyk<;Rcp=%S?;J|we(vjlL5RDNLqG;Z?uCa5E+mN?9^MtXda zy&EiRje)E6Ff%QFMwDz~5?$N*+GCMnaB*r z2p=EEx_xC6)moN?mqW&|(>Z;wyU`((cE--YqxlC9M{3j$sG*nt&4)d#YTw_pkJS64 z>v~qc165Z-tTZXVy}5OxhEeA$6xsn93(Op0ErMvi1gx05it@lA~w_ri-?GTG!;cyj3T&3RCWzf1VK=cm33EO)fL!X%I|s3 znQ@X3{rtXvtV?F@++p)ENH$FtQ}5;S%Y3G~yg)RNj)IIoEmz zW`0vAYLl`qlO#Lyl47q$cuSNT*+94wCz~&xizNExusz)L{X_YvwquN(5y4vj9w9^p zvtFJ)j0R0tD{3>M=fsKk`c=s}76!ALI2Tg68(`Df$REaW^%`FldvA|Psd*awl2k)G zmZGwrKRU=je5|`dh^ze5;cR8&7wdf|xwJdAzawtM^?#++FeB|do(G}pT; zHuF3%>GSQ?)oUM%1OFhgLW*@Zv0a{)C908|06Pw{Ns9MUUAwEj>YtHhSGaTUJ=$Z` zi9OMK9+@n7tYIyQSY{U*}FS4qc z+J@5D+~m|Bm-_fk2X!H1TgMAkkCS=MQr|XOF{pheONngPgJZ zH#01ZDluEbm`tT0n?HLv$ddr|K*Z&)i%@l_%KEPX1K#U?{Dk;}0C{GlYsX;Cpz{Fm zs>h-_A?rh{r?qi8b7KN4q&d|`X&&t>g3|pUhV)uNXQvENR!E1v4t(gB+e5*YFR|e+|<7dVCX~(~$JmvWZho7w& zj7<3(Vx_4C`o^>^SJ&R#{xh+{^aQ$>3Grp~IN`>5!F!O6ji3EFas_Y@&PX!e@bhlX z_-P8_*}KO4YY}%C;`7Gdj{G#vqB?#gXmJ+xZ#-|1Emc~|VVwVtf}IIfZj#*{8TUkw zNZ^XU!u{Kr*u{>>n=#R~^NG0WgKQ3QFsk#z1Zy8iMJLC3F?)1?>1NmNI04k2+|{1i zwgt9!Z7$Ir+#5vEFG2<=XT0`SFR4 zE-c%MDD7KfPdxpm)y>F+5$no=_jU`{7K_T=E9Cj~(E$2>KRW7Q@XYl@ z8K*>UFk@nFSQR6q7J1}7KIYmWYRyt`8G1DfV?T4v^BrDEkAq)HzJeMpd`xyEdtvvm zO=_JTsdUX0gY#1h{ptR7Z_G89RjK{a@XSK&(nf>^w)mX+Cw%H^>2HXtn@1Y_oAd6>$8%UtNfsfLZ+< zd9R0Ul%PWBQWdM7U_AwP-Qqvwj=a{of`DpB| zrfW0cm7vG5Jom`AwjEI|V(ApescUr>A{=MhDT_(Xbkk3{ujgq|f>BeBD-rRbjqBx} z@YX)lDr>CiSI_6ER3y(R@YI0~z9^Y96(Z;Htsrz}6IUmyOk#EDXz;RecYbC54ps

w=0QR#6mbIef zj$%ZE`u8#7Q@;a_qwP}ABb}$M_YEiws4l=Mq~gPk-=;RE9J$oTQz@gg2-Ls4H7iZe z+*t5Wbd={BJZ=4?ZBlO)&meDNqHT<=+P1R|-?gc8V0Czr*x4ou{Q+m06#qKk?y&tD zw8aAC0`oDBdyV$M9>$85(z{Z)Sk^+34L(Y1E6BQIM1%t|P3_cCiw~?ck#B{}h&SMk zZko#{dwaw4tyUo`&G=cktWIP12VzR9EyQJX#A+O!$zS-{SjEcdsyY=pCpp22qhv@G1Kky>CQ+Zk%<_Z-9nwi{PYI2cTQJ+ z+OOm7vq*XK>csl1!)}SQOj)S1eI%Oi|F2$*!EHSMILEsmF*nwc&B|ME3~2tbLrPMn@Q9aT=U6kyT(; zyJ^zSVvOm4?FsDKg-NU?yCmc3dHxT+RAAnnCd7U407nkv{dPHDFf(sW^vGZlZVCop z<8avVjI0X53LM5cdZUwLL};;$d8m=L)ZP`-W$h3nU$@$nceyEJqMP@Lx0295o%d!9 ze-3o%A6Fd5dyt{UCfei9|1qCvTP$7~7zazKT#QSP7As^0NBEej`Y>}YV(Eq$b>A92 zL`v=hp|ppw*Yzmzj}}(!e=q<~CJV0}XC*s9&JW0GHcYPkVfY}c%uAmnu9J0NT=$n< zw6M+ClN(Iyb-8A*~UPiU-&<=>8&@Py{nAycW8O&;DBWumv?w@SMEjijZ?XMylUV`g{*pIc^ zsQ(xc3u}N`hK+jbFm|!p97uhE&dN4VO};<(I>%D1fA~auJbCUKl}US|d7A`PZFO3V zAJqR@VV!nxU*zl{>#a|_BIf#1rP$J%*536Lx7?^wy51?X) zJMTd>)_;#(&I+8(K3h(W{hJh2p1n?%E!H+K)0a=?DZo*(6F59q{hwk3-qn1(KA)>J2>D+0T=%R4$In~|br3VacWU#|b8`G* z=KuMfs+-#PaDn*6v;f@Dl*(2m`HYZ3)}tUT^8*wc+b$;=P%on=;C{?eKJ-yEm~Ad~ zP3s*eUXB5t;$5@;N@w~3?T|xeo-RwY?h+#I(eq$|_5e4j@6Jx`Agr5B(;0i>D9jo6 zB5(0t!N)dd;S_ti+iRuPpV`HT;)UX@q1Wg0_3F>^;toY%!>0YlK4fm`57uY~&iMc_ zGnf&Pj?h3In-v+`OhjPU*-<0V*$xeZ2$o5)^Dwr`6^JzcYh@Ki}Ief74`&i(XTuuKPA1eG-a4=2W;tbv)%rR zR~}5ByoW>d z9o1NudOP#*bc}*W>TsY2SpS+R^F_>DD#lJ~p=*PVV$OZ|#VFvt z)=wLW*z=o+^-wy}O^Utwt&rXlh3)0ZW%hMs_!LtX?2YaE0*T@g2Jbl!zFpL>h*GZH zgLm;)tnxI3!~cb@{EQi}EU_^eoy_jytSRYwDUu!$?Js(7XGJpmc*`gkxYS^4uv*M} z=3Ki?4%%xwmv43UUP~!IX?9{%=xr+zG)Wq}36-b(Js@5GmpF<2qAKcgt;CIP!&}S< zECBwHd%nEOV#E&eF~&N3e()99U78V@3;Hh^bD;NGRhcu6D86AhZ^)pyZh#Zap?s@4 zyBjQ**I+^BVNamC5N9FRj9N&s7_c`y$5*P~6V)6Un=gj4zG)@mk-j;jOeuZKtbVi5 zD>#uMk-ugTRNrw!T!|>}(&br>^@4uf{D8*`YpD%rxyqO=u^dlqKi*fp_JH9ms-6kgu)9z9B$sL)c01oDEn#R?fy64X3e+vGgTav5K`=e{ zU?1e8V%B5#dTb^iKVL-DGSdvi2@hGJ^E`Q2wZoboq1Oiqx9pAJQ<@{f0nQSS9Qy9d znm}(>mmXiZo;1A_(fSC#?}o;T!(jt}@jGEavJ1VneCd$D9LG|%_d50@)mgJU+iWY)=s}Ay0_S*jE{rCru9jhk>EkZ#XO^VhyUpS+^A*$H>yU z1X$o*+9TUINRPt0WC0bSI7gB-b^k2vx0d>7+oNqcYr|1X5G5Y-tBPg5fifTX>*<>( zUPSIf^*5?m%5Gl=^!@ru$n_>`8lvdb89U&ck-NcLr`c4j@y+Oepl0ZFPnCQ2v(>uT zqb>yc87u$}rCAvb2KTc*+tmL48oYasYaP~?x#jU8alplpKcVD4M&P+;&Mcv~#dzu# zym?~JcFidR!+<_>4eSmC)=|;oPiFlQiDBt)W%RX^VC>Kki(38E*~{L1*#4yZa^_Wd z*~29IpL4G|!Sc!E{aq8bOvb!Jba1($8aN%9H-+dWk9+}Ys#lp$$-Fl6jIlWTOZAk( zba64^_oORPyGKyszit0M>=IU|RG}iZK-~PDc6fPGBeHCWpAcD2#|U-%T=J=)md{)x!V!lIzLRfQe`dT=94|Oiv7)8; zxAYfM0wAxhb%F8vDRAw#0nR%dadyTZsVg=+FK2SrfVvUqhNa^)8>#;VSUF`!sk)f0 z*p?ek*}AP$Z_P&vZ|nBg7bRga!+>Ip5h zrGbwCok`YnV#1Nxi6Az+{<{0{BfjV@`wX*JU}8_4vN);L9?A_Z!Q7n$U&y&UH4F3| zd9s1|0q0gZun|gvdGcHhFF?*<_cl{pCie^Siv7;ecP;LNxjF!(#x6P%tm~o1nf?X_wF~CflCx`>gAZXc&u^f z*G-V+TgdVQT?c<-B6b@hQa$s;(Yd^f7XL3u6rZsGnU4Sa-O>_%3A-Y|wg;r57ui?t z&;DI%%&ao4ihZMVJa*Ku=9Dimh`3l=G!OMEUXC~KtaaV+oK10LP}}$E$5rRdz3w*) z^Uey4rMh}!S~8cQb(IX0z!UAWx@G!UcNEx zH>z-As`o0v+qJR#uD<<=%e%NRV`_J)QQiJlNg7sL)QDIeaCgkbVS8azwXHCUJu{f0 zxR}5hI&3dM7NI!t;2+%LGgQtq&X2y{qA&_oF51)ZX|cPa>hM2G^jkqC!Vbg)8Nl+y zt1?@fZu$~k9~NP^|G%v7?eA1!XVh5P;S)=R7~^2S8)_ByYI+FoTPad;YF5e~;+2T( zD_u3GuiN@e6+P{%qxea#^}~B6pwlf;EVP^R!EL5K=l{F$msb+EMaH3`iQm=PXSU?N zE7ccRf9%g0B|q2BZn5H3)Ku;emAa~$Rr|fSU~f;xR&yn0icHnr!4>K4v92gfM59w%@ZQVs z=X;zp)!}q4_n(0Cn(uMlk}vb%L{`yyAj5v5hX<-@i)c!4B(g)NVSRinHIb5l<@a|K zyazf<;J>UNBNByk%kwcb@;=NOF>XLa)+xs=GYK_4Lt1P^Z#r8X45r{Jz*x-zAkzQdO%ZKz$K9W+Jbp1&=3?X+d+l_{*M3rvP~X%2V%_3i^gF5o1k=Z^Pi_mi1O;`4jh zkNiysczPuVb?3uXOKnkgfz z0%v?h&M9PND-c;@pG%H(Oia(f!tUHV&(4&3ciIe&Xz z0n$vY2`Cl`=*sxGxvO{rQ8>;6SN$u*)dvRF?z`4fAzvbfpqJPXH~8#|@jpiYxCS$0 zdmt|OeM|Io0h0aYpku(A(la_|I)GS;8~52{?TB|#9`9yErp}gTA>z>&-{m;S$+PZR z$_V3Re4pK+JH#}b+06fPEV`NfJvSFGGJOs|?!nlr*n5ZVtBuE8#MTd(@RroOeWD*= zG)5~xq=d6k011L#$IPf`=4;RnuK{Du*!_J0W^<8@SE$|AFgw0FoPCPIaGn+ep~Kui zG70*c@w`)J=m6J|`zMMwTt#?4j#{nSgYZqrF$cdA9#@@xj%B-kt=**7tPJ+*n=#QU zr>?qA#)`XR*|WvaHvTSyPYdnIWwJk^{jJzWTWtg?&&V!#4vdK3qK51Zx!<04_SY`sowkaN=4!}|(w?>Q zUKa~lkN))7aH&-l4|c9K4%}w!aY8ot?PTA1#b+%|n-YvIZ+TCy($J zF}fSGA=GT_{+yb)6i8iHXFtR|yNiqN!B)i|&sk2~wg7o-KhrwM>=^8FH|mMO%U{5~ z5k4koT$v;C9`x{hmuyRQkd=*H{j@mbJZG6+mw0Hh+c2NB4UB_HV2-JRUrtYbc6if5M0?97-PzZ+|3#p@+Rx?ezz*C|A`kzWB%1Epg`UIH?Zr%~k+jB}V> zq4-S|Bv&Zbxbfqp&s=U= zYdVWLGH0Z=+Vc)sy)I{x$&jAHU4wXzv2u}Bk9GE~iC#R4lDCGaknl0gXA*x}?8#EM z0?WuGi9fm$*rGpIW-a2_A0m5CHX}ED!Yustxb*tW0llFu$oxS(^HB$VmBaR7bI$0& zRlu#K1?$_?880T?b-=XR(7+-A+`qKO$dgBg)YWrQr-3tGp}vtp%btK*M}G2A8_tQ; z2a%=VoE$xfndh6}e*E75CdOfr*|guh)Y@A<-7pACbKewtzVny4YGf!nxCfa zn6`;U5^2YIEx;O?eV^Xx%$MFJ)GJHa>ndI4NI_ z$rFVyQYv0{#T<0QZlQ0^I0R#BJX5mt=ka#m&j4dX$L`2hKPpjn$asT!VMS;#-Vr-z ze0T9=E8b;Wr~PH8!Ny9oafMhANnOR0ZCj@~mebGB))?E{swWqXYvv7qz^~*gBb$;j=WOL`4CS*yu{Wi z7T5zsE=`5MSp*I9Oxi-pf*A;(k@^29@#C1~lbOFO!gsI3S3Z(*&cu8HeTY)Mpxt3< zLF8H&8xA}7Ot`Mtq#9%F6c(}9bf5^$swU5FYUW`{Xs8iZ6|X=}TxoLpXb$^LkGG2& ziG;<*=(s#>oXmmG#D1qy?VaHprPht+5byb6{c(0Q0-qh(77{Q($BxE%$ zn01gh-}8=Q!hRlW-QzwbUkznky?;~KzX~UrbQ#lTH0&XCR`}nvEbIs5N=DFn$ODHx zds%Hk){NcaE6_WE-x6P5g%w_JnUAqwfh`6e@ML}?40ipLRW68T`07LX-C;ZLv@p$y z-TCL;SEVH8TGoN+NAgRds{NCy(qKFg^^jJb#sLVVtf~@+D1q5(w@QaKoo!aVnmKJ zv1@j>8nU_*EHaLjyx5gMk}bn14#`#G=RblCzqgp&k+~Gr*Xy@V^9MqeWV^-jJRxp? zUFOGOO|8zsFeQ^aM5x~}ykE00?hn05P0_LS9=TEz%9$m&0$jcs^TbHPFsT!NYb>4m z9fRk<>~VekZ&RbGg}=bs(oj=JF{fQq+G>}R(X2V`Xnnq5&M_xT4YUQBD^xl`YKNLW zw|oOsY-%F=sC+cALVO52l5x;HRNwKA%7SYKtSYMI%h-c0N7_Xd&i^G{es3`RVrOB_ zIMGaXb9nJi`e28EZc~*9xz^`_CH!9!>J^c#eyE!F!8wFZYplqQ7kzU0x5{*Uh$@u= ztuO3WO*`S{U4Z%nUWJuOh30R8#`!TS3ZCce_H!)HBG<>hh4Z1+y;l*9MTvv1gT?yv z*lFV1mw1W{?XRxM60yxF&17rfQ**8Ju@|p;CLTihra3f?x1+72tpx=8) z+B^G=KfYIjr)}!Q8oERBESX@Ph&)Sg+%F6$8^!`2^V=@A$Qk-OJdoVhlxjol1h3u> zQ4Oz+JS5=`_K|fKh6R$p_R#NQX=^3M4IR%s*V6`Hm{f`L&HKBCT5)?xmQZ}5>X&?y zrago?Wo?PlkiHl`C2aJd_hV0k$%JQPuGMb(Q%v|naiX2*nFdcev3E?5K8&!fo;!LF z*MdA!#Ui%_&yr&!Pe_ix{?_;5yS|ph-of34>ZhbUxCvJBn9W1dH*mb%ACym( zbKMwAJOurkrY%e@j8T9bR|^^MZfqAD8gbSCx{tQ{2LI{MAu66S0sNt4Ur_#NsouP7 z6ry>VD?`Ck)2&%F@K6Cj8K}+%>;u5-&LJbrE6ZfwcF#cYjKR`TTKPZl5@Q0@K5crO zXWISf@j4o=YOa;p<}JVbj#G^4CK)FpqUaT{KH#$knZ3rS?N`kq5=Yc{cKEsKu;avR zB!db!p04d03pp0%hA$^cJbM#eN)US#p-S|7Go1f>PG z6)|1X85=_`iQIXEJ@41_+^x0U@{6{hhw9{X)ZR>hEa{=iQ%4|Q_S%C^?eT*@9pV#oWS*>~wlJ$Kn^?g&Z=~@{b%7ZP#`UX@H%Q{S6Px<=}v8h6^(3Qo- z!g?zaBcD@u^2T23XE>%93)`)ql!=p>{a7pX8X(~6?2C|}OzlJ+p}5C)ZB^3j9jmem z*nX+f3#k@u>N*^Qd9oN=_C$@cycu=3cE{qimJ;$p?u+Zg}iuDpVZ zpaiWZhV|j>v?)aNE^l7ihas*u55TD24L>VqP4#@^9q;P5pE6+Sl;}G|!FKXQ9Z4CX z|1@MUu%Sv~6oy9_Pr_ z$rtpjWwBzpD3tzPuJzqc+x4lzzv#t~NtgEW=#Ql5Po8{cz)~i0WDs5d)n4#o*xDWupKDD+zLsl$WY*Hxl0@(T;@b? zEpur}(yMZ(mZ$vK-}Vrq(ajCRX6&b<8SV6#-+Z-*;MT>uafquEqUdD<9(?KFK3QPAB?%@e03}2 z`sKh=$pVV}9Q;mA5dFgY>^B$*SpsX=0`CpETvIP+nT+J5oBj%f>X9X9Q|F+Mw*iI) z#y*&RYZsnGWVU$PS|f1|(^3Mdj{TaZC8!$&pX6k~P#2U%y!1?yTr^*C6P*TEuny z2Qxw$6F>|b^A^*4SPyZ8S3S?3ihi#PC&r7D^LR={guAp^o%psBU~hUo>if5PI~OK@bZEE^j>#8GGPR93@vFpcbOll8p5(E0_rshLHE_ma3^Ozr;ybLYWT%m z#Pl)pE3cxKxI^f4X{mDN9la{zzG_RJfH&gOv8y-|wbQ2?_NHX$S!y~{`9o$BoGr0w@}i&t~Kc)rGK$ebZjA*{b=_B#sQpE&34 z)H3XY#fUO;ZP*)RZ^Tkh7Qf+YBxz5ir;CsYnl?6$*!ChZus=`4Gy2?i7lBwMm+i-q zjQ_EMnX{K`h1Do~bzFf)EY&ShgQS18IQ)uetB-mSS<6iID^>NZtZ^UDBI7vCnk$an z=jCW$j3e8GiZjvgKaV}~H{?I)&21O{D+_|bKQWoS<>-;8yYN;#?*^eRojZTC_+dNo z<$ELIJ?w)aenrNzmxip)(N{%$B>lv@7JsAX=*c~Q2(1)1B{M47!IgCSG%oVCX0mcD zNs2=iH7dj;%Dk}^$@uLJ&AF}gkyQ9JJXchT|0TLa#3 z9S_@+^r^VhDO5Q><>Bh|jVdB)EKc=&Fu*#smiQO*palQGb@czp;zbGh5uWJ1t?3g{Bh51<2C^oO z60*eAta-KV161xjJdSU>%Gvb_9^T3?=&jaQHH0>;LFfxJ;#yTHa> zYg#PPGe4X9U^dyWfGn2YU$g5(0PaQ6?pYX%tBIFJ|6RPhdSb&F zn#sCxpx18z1y&5JWPYDJWkx&>CL#b~dcsIr?HQJ4mYi|kZltu%v;1~8TNI#jV9LfW z5EK7eNRa($&HrWbB?{&zpvk(`@FZIYqg%%gP@WDQC}1pDDW z(pn@wTFpSir$rzWK=ce5L13$~Hy&bY-qV32Ui?TXYVlDM4n~oU(}oE%P6czuQSrZp zpJ$qYW?^?!UN_8@=sJa{dAjI^?p(xY{34}{QQ_0#mo-}dgF5q&${J17etCh}gqf(@ zLFE}3R@p~uDEjcQPd4wzE}sR91){Esof%$w_a7n_yAs6KA-BX2`b57Kh$53QvCcw# zGc6I;UbunV9Ok-}o}SZE4*^2y1Tx)*7Cf>*d!+-j7S961=zTvvo#SKnRh}H+ey86# zNFOd^E{R&0{vTLe-#exwj&v-FZ=Wa5A`?q|R!Ykl^ukF4YV)AZe$Yj@3wx4HyRfu49xWBE~eY^OgFFl|gdU`@j6=&EeDhHIsIN$3;~t_ERRuId9SDX5n1Lp6Be&Za-fS3F!k~5&9d97JFB5yUw|*a1K9Enljb79kcUnOg{48 zj1C7S%@?So0^eEp&g*4`2K%qfGj&bQ8J92f@|?dLQHPM{3)oN$f05l}_*t#^^eIMN zM-PJi-G`qXwzD3MD3`&o^A}jRz+V8zIM%cljN@t!&g0A-i0+zO#GG-QdCT}N1Ya6LMDp#VHF#^>={D+e9zV z?$OQOYFJtnlkgsA@|~>JLixSECfmgjYNWCpP7`%JHd2Ed9!hFk<;4=Qdq1OAh4sg7tUhxH>8s!p4gAH-3w2}JI) zc{lKOPzJVjnt{JtBBs$!v_vHNhu{*NLru*EyFBiXX5U0cOe=Lfkw`||L-8zj6!%2m z4-DcA=uyVN^JLAgpY0X+7}=fUw4=sc)8nY~bECQloKg6l52H|jwBUS(r=yq&l;%7y zR5iTsdZmA-7{t0v#29#W!!g&t<8_O$E_3qTaRvo=s}CCPSU=lOox#qCYqG@N>7N4G zFL|;tMpaYaT-IQfcVWj1S{jV4`$_xGH>RA&vdFD0IsR>S9!(_8hby^eboNcmFO zojK@?@&D%u>}u)jnv06dGN8#ZURv?!3kR=Yp=Cij*T)R$o2qL8tQn}nDXfsFzHzJB z^j<|26lW?2`t_!qRbboT9kRa(`B1#;R(~h?**aj=-;|6=D)!6{DO2@r(9K!!>w2TV zrl0WyY=j9`vf>=nH@wpxGQF~=*V=42JC_c|0+pws){)tleCRtNwt;VsRj<9F1!55= zeYAq{7JAZuPvY9|pQ12v|JTa+=8dNSXN~q7yRKHEx}~8MshMfKF0`tM#pbnlF1Qcz zO-HXI_apw^as{IBt5?DtNnzeg&2YncVrGFWPswh$2h_99&(g5pdm~yuQCivQn(-96 zeaK23)fuN%CTl=jJ}?UL#dCOeQ_mqHcNy$Hj`X*lL^}?-gRbgbqO~3mdY{8;w+*n> z7|~+A3HinO|NR1=!2K9~I4cVEpUVu+dyN@=u8Vk;@4Yd(0g(2ehlmgyQsn(|p~m5Nx-v2Wuza#J9d#+#2h( z7WXYw^TYVpS?TNlmZrXY5%HMbQ7#_K-sF_bpNcs$Ayf)W5V@iJu|X#Q@oxAcoG(q!7P^+nGmWP=xu=NI zJcpAx6d7)6`&d|9d}`xSCTLe+OU&;x6a0ZmdcLgxqNSjuKTW6fD|_X3nQB!+EQj=C zfQuxDJF73YNIpr0`RIrhc{HMx%oDL!5>K!4lv?B)RXwQ*Tz)D$pRK=~^C{40jCurLD@E~Yg#wT$8 zj|L4D0+ub#e|-k5BwFt(hnQ=P2`o?9U&hE489E;>R_HEP`4ZE+&@>%rsPmYoj=-&{ zHJBM(1=MA%I22VPzIT?0H{{#0E{qxMilCdoco7L*BWr-Xmf{wil75JH`Dy21#nKB^ zZ_#wV>Ej66(UHilaeh<}_`%~_$^I|ulPx=3gfw=3#ZzbtS<2#EY+E-t$DEI|pslTVl_- zMG*Qiznsh!F=x=5%Cgd@c8jM>v&5%C)LopjiRL~SLyd`f4d59NbsKA+8u^W%5QSlC zuc> z_pBRHwXXRXI~m6rg&ijTh_i}M;;L`A5swiROAUsI!ff@;E}%-d2VRO{^q$rJ#8s#1 zhq@d9L%4P1PmvGYU;oV-XHWMVeE$-0X9uF7`kEMtWR`8JzVVqj@Z}U^=Hm5?*6m=S zkBJrociHv==UtyM+^1#gpI)j945IiL|8Hft!Oetd1o^wT|DUZw<^c6TW9=DtHq>7A z?@JG!UD`C9Up`AwRZP^u=bEZN4&HWNG0hX*XnHkT32y;^|EO zy%zmdhk~ZxZ-RBTM8dA@`hfJ;@_dfh|GxROkB56YX5@WasWs=#gkb8tw9N>vv)PhQx3uBdU-UkU}Z|j zG(Bc-MqTkN>_>d{W9(XLWom?z{*zjlB6radI{o*?cO(V4z({pPL;Lo()_L@%6&NdH zfJ9_F8bzJzukP@P4;*}nsbe)bmo<*9erJ`pzZN|z1|Hqza+ojf^WmKC+d{;Xzk;|$!m>KabJT5;rl zVh!JUJa5Mp*w_t6SpS`x_hW>syh{$MHdwn|o^odl<1swpXtmFsMO!@wX96PomWjA` zo{Iu!4m7=kdh&@t`Hj`WNEK1RyOWJ{mkw8COggNjDEv6pO;@50L#H(PQ4@&%D z4rTFHF#Cz_4D4&#`P@^ZxW+cqTE|iG24b(>OuYl>Kk?V2v=#TpfxCuzmDV!P1H^C2 z*Q1Z!S#3MifgNBnlXq=pRy5Z2diz$5WKPZBSbH@hCHdW0S#lK&4k6-weE{O#)VRzJ z{SruTp%~wO){0}>Z1?_1<3~x+L`K$OExg&F#y-Vw z%m2<+Q-BS-l>UJKLlHI36i9Ecw)X}2bZULeCPAak3b{_XYm!1UGXDL@+uh~aPPSp@ zF`U}+$^5Sd%XF-q%LHxYt1;r}vsvP}dE~2%k0=RkS|aq&hx{SY3G4zO#Ae4uY47A( z159`M!6(*hMYg5P9E0;36^D+YV0Fj?i#Jb(Wr4E!V)CqFBB6rLvBP8NsG@ z23Zd3pbeecSkZaLpH2H@7QRF1M*~?kwtdnI85d*>pxPWJ)*_nMKkAs3@o`4ZGc3a- zO1;|L%redItc>YqSXd?Ids6)wOu?>lYI}i-*dd60SevW*&{Yg719x2;`wzi`^dn7r z;M@bQ)trAu1U`h02tg*B>qK-8`m0(JL`m`q!-6dN>XqX>h>6B>pseJM;(f4beJWR} zYcl)K{N8$`X~7aRvetChq^94h$e)!t?4_-uF`R#%d9*{1q8khtQs85AryMumL`85G zR<7E=tBg#m`t;U@%Z=`CVBh;9;fiDpgdPY8e(BGtj3m-p{9#wPnD1dj_nsv6HD~S0 zTwFzuY)r52vL>o1**99B{XT8YION?}>wV#_5K#==EwB16Um^Wp1!{%71$W1ekamOj zB&olK9W?O!hUa5PK0G>3Bc7Z+hN%f|M6GbvfoZn_J;<U`($HTy+vi1NH55V0+z+ zeVl@PuC+gT{D&bYO&iQ%8V01viwBT(f_Kt3n%B=X?@KL4?$9kxgp+OUsSI9wBWl}< z3wNdIp_LWLa?x+%wR-5vuGO}ScfTkmwWe1Qg5Hb|$W!A+6h}e)Q&oU2SsGHbHpnw4 z+FDNoySXE@J>Ops9n-5$5G5LI9)J->!#`vvp)Ifw58GR1#$&$TXcv#FlP$k1E4E~6 zhHy)LhLrkqr;zAG>L~u4k8mZjRu}>MY8}+?)c!Km&}hB5#T)4db$-tso-0`}lHenL z-;1YWX$mxf%<>t)obxvwfNrDR(*mqaj3GUY%fty zdM|)yTrvGc4lTr!Y#Ve$yyH1vcln!r8*e(Y<3FjE;MThWw%K zu9qwE$r-g_0am{~a7BEIdSAX@jovI~kjA%CR!aT(Nz%Bp4+iZo+h2xWmFO&4qY-z- z>H>PUrMl7@iVya%eVL5O8W?jMI~hb<7(DU#Z0|Tr@UKVSegmG+Msz&jd(?`PueA>Z zh7j-9T8^FQpe}*e5s{|_vLx!Hb0gf4^*RwDvRZPVchJ_uQhFJk>%F6h755Z%9iaAO(^~)kk{nt;RbtI>)U(Sv z1+IE;sc$z%Ft!kne97Uf7rZlNRPA%r^p(e_A4_bDb`?pf7t?$bTs|e#Ko}Qiq;*+ z*YubYv`50(JDU-;-+M=aXv;?ZUH?(qya1PG!fsvyE@wj=5<@$4OsYdb26RD|_^;;%@cwEKUhd zg8eqs^qePx>wS*zPU{lpqQ5{sW=B1zK*Y$o&b2OT&wua7d3gy@HN>eJ+}UPaYBYAl z{3NbBA85NrMLO!2{0t%tIKN~Q=wMQsg^?A-<76PlMU9GXaeC{{JH##*5pJyMPvDasV5nww+!>sjvk;9)(4Ga?A#&MT>qEOG zQj=)^TGQ@`XW%KsSrqF_I{Kbu1hbOj8J(-GKAm6%dn_XE?1$i|J%D(|Syt+%Z`ShZ#V56lO57;45Kb(?SUh1)fXco%6OD^b}I3Sv^M#cK*fqa-S+#tvA4Mr z%v7I8RT;d(;CP@8%T20ty!Ux49IP~-gg0ZiXEIdqjExfqdgX~hop_H6BNPgc{Z+|| z->d7$S6@f`CoQ24XNMsQx{eRKVjn&yvBcJ)Kf{@i^9S|4z! zu{vUer3`kp@`xj%)cyR7UvRw}*nR$wC{xBtjvz|P>Q7&-jk`0x3cy1Pa7HaAeu)KGa6{(Y2vuj7}tNgUU#9ZntabyWPCUcF}F-}?e zGRLwMqd5ROVO7LPLc6?$>YcLR8ujkPl;#+4a~x=LavM#+c?cO{uh ziK`j!yaov**H@i=l6h?4Qhfm`U2$+G`5B9XIgdPPkaaf(Ll#)sjVgYuO{)@Q)bTso zTePtGJFZW%ws#=&7TvG<^+6trHH`GXejLMiZjCm&%||Ldh?B)RGcM&tSWrl{K#2vn`qqkNDE@v7{~l9jGl|)wKHch)@Pvl z$EmAc9mIj~${OvH9uHs?WXE%hkL3!N>YR;#w#n1G$4(POS z%ioj2k-wy;kmOHfHR}4^oUdy0NJlgH7@Q-rdJMBMpQq*vY=)5js)#$aNp5uGz@Bx8 zrSe_VF^4!?P$zg6oQ>=VJW1Z|OuHVrL^ySFWQhp>0-PO`g9%pJg#s*3aft13rqhA4 z$wr2m%quG+ODs1-iE=m%D`KFQWct=)UA5FM`*V$2X=AXW*SnjC@@|chkSAN93wY1h z(m3W?ab;E<`22f|XZ=pZOtP#pm&sg}pY5a>JiK`F0sTq%NabD7-wD^JCNjc!-0VR9 zocOVmi1Qw{-y03iRoMr4>Bb&ljN>!CV@XDhoDfd`x0lfN@0>u3n|Im*c2bA93ydN}x zHhDg&PsylxSKJoKVBOSwrfEaayQh!5SDf~72G9Sl$qIc_VUI)v>RaSq8qUgC`}alQ z@`II;v&auPKX0%1hG+O#J31u&Dxvf7jHA%A9K&JzN$~=Dojw%QE0Goid7ZeP)n?#Z z3!g{+ik^vDQhw|+E$_RQqUI9MY5*I*mDDTu>t*6unuu?0Ti9wEZ;EcgZ4`Ik3HPnutu5erM9 zsk@PXkJzV!v6qYDM8|M;uelCQmaQ3) z=r%WWEDDWzX7!IGeG+uHzU&_T%uQ- zn^wy68p*l#cfLtfVsco@(z=(GZc ziDaI+7qVGTvk$Q!16*23z!GzQcs3fCY03uiy3DY$uM#wmHVnH4x_M@A@m=e0Ox`!I zHs?6rm0WSXobQ5P=LPeAFh;mj$D}KiFDo6!={@dJtN_0i6ZU_UJ;8ZCF7|r`Jo?9= ze{21-Fgy3BZ4qB~DwdTndgxZ5T?Y#PDe>aMdnfdtOdq!9TnOWz#(C^cgDGUCD7n#QP9vMP~cSA@U!vAe|QXci>Fcif9XaN7K99f~@y7zj;{G zTG>H@eyQrz+uMB6K?%%|b_6OKQ9pD`9JgK2?}J5G>Fi{DV9p2*#hJ|N_TQg}nPyex z+cmlDS=!0vDQm{_4aqcEp3>fVR$SJ*o8Cz)ld?z*U}G*{wRbsQ;{WF1ch@8b6T4nq zaeThaEe^(hl+jcCFM!>Z*kLOU^U@=PzB#>X%4~EjbH!lU9lEDPNmSF31ZFwN*QIz* zl}(=6m*Wj>dm6QLJLI0lSCOY(>SEWjsd}YjYny>GgTq=MX8pL@#n3b^cXb4@1$&yui7{f) z9i6%nJ9b43Sv}p8n{0Xo?`cmxtZK`v=n3O39?2eBMX&bsOmq$UQ!(zI+J^e-Ut?L> z!>I5MaUtB(6;AVx`BreaUT$KPS)oUX(Wkcfy_w(TOh;Ctr#lO0Mo;&DjfpL^j%=As6}f@JQ$Y_xhp9WWhRMQfZ1|F!<8 z|6A`T^K3-fu!ls@B1&^WvwuoFeH}PlcHlJV3BRFK?-i|BE&KK<%R2;HJRBN-;l#&) z2B6HPn<{r7LWJQFi%Un%lsJG>d>(v&XWv`k-%}#Z4~~Bnb4n|pY#*pefp!K%j_ZGV zndiheX1CPV^yKW2%>*6A(3gf$?U~M*9=Y+|jlEWofdiVYBXrq*(G41qcf8+orSD#> zNje5(Dj7%bcY#4G_NuJnG{m2WDtV}X*U!Qp#uktR5a4wkr^jc1hpO%HERoh<1*{JTpXk(4``YPpdfk{VB* zN9XxQbJ%{$emN5{hY&r5yUh^KJv<$C1aBcq7~{zS`=0oGri?TN?S~#hpDOW>JKA=q zOoi#IjWF;E^EXkN9VgaVaRyb|uTBaC24@>|55J+73hQkIMn5)x>bWl^A1(twOj6VCw)5{9vtS;*lXveVHg5P%(Pj=wn$R>?u z<*8dRcXzGoEpmT*3NLY^pF~uQ65+u|3*j6h3o=af9G#r zeFgr=ZNI@jI{=PAV#<{TUH>4}zPV$*M%|g;s<;1t`F(xeQ{l<``tD8*sWAG? z3VGjvXm);j3iAQZ#V7b)zNhyr1ub76#q{+oK2`cI^^oI=f{0o;3(R%gBm`$6&9BLfNf1E&X~ z+}kWX)77sVKHZGSpIfjC-oQYj{b-%=lvT*%qOf7`Do)Ei&g*E=5Es4(|8i@nmr;CG**`C1P6HNSzxnQn%{cP*wdc*39(@u6KihiMq@AG}Ux~{F3>Flc2=6bJA(At{M$H3sL&AC166K=oo2jiYg&h?|=oh@b2YCh5TpgWuY|~fLBO;2V zL%+pA?H~_tiM^%NOsZzYTQ{smwsm~{U$F1V-`fgwZi*EE!Tg#H`XKn<=E;&VKVtS? z{cWAx&yU0Z9EhBEjn=MbpqM7JX(v0lw5vPDK&n_f)5=YzSw^q3;bn40isX5P|Bm4A z4%_GIlZwe^K*mqS6+`}sVXoSYFmbmYVtH~1`FZ}ZgjcV%b+RK4(VjJtb4~a5AX}ex zZMgnsz%1d1K4%9JBW3JM&CfA(o}nKSuBQf=rTudzwaytLT3KfRjnefY@(PYOMrlfR zQUWL+)fP2hZfV!>K1Wi_;lGGg{rwOnup>9LQD+>G7VPt;q~HlbdBPQW2nhDn>%PWyzO6zKh!MBLk$bCJ~ z%6-IpG6O^jVik1}q%~0T+SP%>V55G-W^O@0xrdakI(xNc13CpBNOPk5;dWcQM3;6w zl+RQ3$9)9XfxVwjV>Ms#U_R?fUcxf;G;l@wZ>rP}iKk}L#vo3?sl7AVi3)=v#PZ4z zY5hU+q1T{d)u)fH1hS9L+&j2#{VUW=vyblU)_(*N%}C#5Ec`M0B@eaa%#G8dFt>(S zlT-x1zZSK?55)A-K7bSy!w0>Xa2nnO(cg@f<%jLjj#1nDhMbJ;z#h%qaTNmqUpEllmj6S!4Pkn5AoOTdgJ**gDoSAbM+V+zc zJc06Mv~v;GY5jV2m-;iO>K>!eA%{$bk55@1;AgCZWF|#X()LCeU>-gX{z5~1g1t*m z^R>)cYl2vU+ylBb+oNSnCpFQjrF28BZcGR4=N_h8!h zJuJGT2j%CeLvbF^y9Jk*9_}D#9y29l?CElTzZgpCD|@p&=5;3`w)ZoJCR(jJykWEW zxDf2`vX+H4Hk`W!#?#aD!K8aBP}SGuS|gnCc+S8S=RDQj?@jySFveSIaVmArc39R< zA|Gq6HN|?+7A2l)e@f<@-)`v^@7UW2vwj_HU4s`~m2rqirmr>ih`WFp-s;%tiAvU& zkv#v?J&E;T7h86TMjt4=F{)L5JvG1s9eE9Vb4}n8@g)2^FHWWYU5=y_iFC{BFKpL0 z!1Jp1#P)pmh)UjoT)!K=g$C*CWdBS7<_hM%%1vBlL;KM-GB!xAT`hF>LEBqGRl+@H zI)GdvPY!`-6XpZaAfQI{*P&||?Qy`zdSDcI(3|t`{fH47BGCUH1Gx#&O5bQ{eHTA( zuCcP_h_D5+qeha9k}4MMny}+*&{f6Fb7Gy;pxeeygf;S{ZL|1c`%$n;^sW>a4Tn&V6JZ8Z&`>Ov;pqJfjpp7XE%9R`L^O%TGos*T!UU|wx9k}N7S#k^>|^v zS@NMcoO-qY23SGt49pYbm@Cn?v(-p=0PJr#Niyvawc+)R>#v0^8Qh+b6fYCtqYupj z4;Ca43>t-Ir=A5yORjMJ-w2~p7tIDsjb5X9e-XQh*}{9GKDL=GssqZ<{>)VDaAt`} z>zH(>{=M_|dl75yhtvJ|gvsmvu>IKfJmf{yRo?p+`R_GYX&euYxEER@#X1g1yW8h8 z-2_e?Iacp4Tg9vT+xlbA488rTIPjyr1dEDj6jq>nyQSCvT|0Yoj3G;6+nsvXWbQe) z)L~x?MQ&b?*=dH>9*sQcmr=@Y^NynaFONFikh$&md}Cs!nf)=G+NWk_sBh|T6tU<1 zS($N7O=NHJ1mNe$6Uuqbwys}4UnmssnRcwQqBTZ-Z$ylp1<)v*kt>0DkQL@~(Ek_b z7BDke z^jnh0`d+X>7itqtYoO0mPm^WP6TRj8R-4nU-=PYM-+X7T0E-Q+3BHj+IaZ00QMbzu zJ-h$uMbQ7w^ddCFRNA9?6Ytt83&E6&n9oTKT;99=d& zu!P^X)IRrzk0SY43ZpI|TU6@lF=ozCag1JX(+b;y*m6`KTA%D#PV{3G;?wC?W^y0N z9)fs2JDFZaetz_zSa3(pHmQ5^85M)*OP4f@M3s>t!q8PG&cl{dqwN_OYxx|rDPZSr zcrIRinrmn)fM()1IUC6a*gEXz1zTak7R&DxPa*47FdpnCA-0absNYdViA&IyuSo_c znGj3vS|y_xEfAMFhBZNF2+XCLjrx**WFWmHcFrCsF`;B3E<$w^a+cVU^zp8Ey4d)1 zK}W3z){?T>-$9mn?yD+DFUMSMCZg-ucGjciAznYogY#>sW0n-Nj^X$O+C8j2#fjnZ z1-&apPm(O4tQ~a=@~hpx&aZ3I5t)iFlL-?6~bGiU4QP9wF9uCoRSxbQMbgP zB4PE|yWVFfXx-6Yq6HBCE#RePn_fhHMvjYBrMIsIuLWx>-X{mqU`l>(5$;$i{^p7H zc<;%GK|E&dZ?+;~!uj%|u4+U7hDg>hS8iBW%>3A%(fHh1xFkDIEE~?1p@kn0&h#(A z&RcTddhGC(F4fEHRxtNNcF2f7j%o3tKFW2d%W`yR<@iES$xwxU28O5`76*M2hdoK8 zSBUr<mRfHO_|l{FYuK!PQ@QMHXI z9Dj4zUWVF?J6eNZ(vAP>{XNl*`m-Dn#rL>5JWIR?F1xSMF>1d+h8w^3Nn{9YH+t!u zmC0LEteaf-LgUi|N_5}1uNb5HS2psW+TyT8H>3Ec#d|61rIdvDk>@Q3_`X%=xe}FFniE>B|K0ZbDON_<(d7pQFG^1cdI_4m%$-b45KoJFaV)^yoBrxDr zH}gN}N(_YcV(5orkLBQ9Sz}$ijXFqaiWaWrEeGkB z{HhyCzKV#FEsO6n$<%ei+sfCpTHqIf!zj4g|M0LZaIK+Z=m0|_M=JHsf30<99lNC# zXgt=@=SU7Z_LPSnYvvN8;~e&N5wv8>y8JtX*}N6b*Psn}&rf=w7n7)5&1++#IJ1lk z5$y$@Qg?nZ&n;lDMI|(5Y9jHXIp*tmhSva8*dgXHlYDf5lFR@4vRPDSYYz6kxZot|ECtZVmX z;Fh894STVb>Ki>QHT6gN51ZoEWMA+tV7HnfakF{;uR*I0h87yohu*}uQqxiztB|EM z#HW@xae21t>a{rh3{If1SIF{89A`7>$L*M``@w}L1g!Wi{fF~04ZTmuVvrC#j8)#dr0#jF(TMG3uOaSM3J)LGwKU(_E( z3}m!XtZz(+6aR+HwAHF{x1t2}&vFg2o|PJ-+I$MU0!P6TTW$H1o`7ES1E+EX3J=J+ ze64v2qOuPp@Y9z4C;%y~;ajbInZ?Qo7UM>60MK8@dR8fyYJ^41vcR){WvC*Dt zX9?3=!`nXP?1OoE;BF$H&KkWl{u(=5=48yKd8RXMph>$-4XzDHf2Z=8Nr9CfPSlC$MLoC`JD z#vZf|!6+QN>;4X=y;E9XJV){Q2k_-sxlmilzqjEDu%9xE@l8zE=>_V$@0attzb|6v zA=)BX;RGH7=0ZOA2KK~hi)uN` z*fqP0v* zjuHJy?uI9Bk^dyj=PB?HS-=b_#3VN@oZb@4yXCo?IEnXTN4*>HDJtyju;nN*j5)c* zrr2g3+~O^Z80nyU6CX+|6du3!>r%qy!W}w!ES8!!miOGD<5$M_+PhQPCe&!^} zrFfthE%&?cR`2e;*JGWFu=`gB6^KvGpCkTx3Ok26Ay&6}??>;b2)n7_8}h!aRbeEg zV>8O&1y4@hd++0qJZ4&p4$c|)b@Z-=e&O(m=yizW1b6|=hOf3J&z~7DwVK|0zMIL_>i~Q@ItL&I zo(1%O!}T_U+3N*!B)O6LwyYjQ;noQj@nh^hl^4ou!dsNKkMxm)cWmJtY) zs{ZuhzSuw2-QRhNI($~Py|GbL@9zG zO%M@Oihu>AC`J+8jmY8}aIt_QDlWR8h!x8se$R8x+|4BL`@TPR4KsJ{>F;^V^FHr3 z#W1b1t{U#7o)#}CQF$ZY7v2stN-cyw=|}E-sEa!FAx~AI>O~c7C?Z$LJ#9MfD7x;KHwOia_wi(8y<@6C8G~Yq?<|kn8 z;M<>W1Hj#yHCjMywmO&V2)fm0 zBj^KH_kSt$hkECfMT?B7Mj>?a)2<(Vd2`l|qW(zRmp0@Kqb7#B(GAj^SBA)0G10GXtuiC0A7_0>M^>=?Cs-B{mw``~&s?`!$(wYoDmqPj zPio!@H+xw)eOdcf%gm!wE8+jN#e{ea$R&PDj{;CZK1^}TQPQp_$4Lw#cWT7xc2<~V z|EGXeEC%Z|ACZ^+Vvw8<-F6o2*W6>w4cm=87}`DH^G3YyDZP6c)!2RdcFb2E0h>VN1^B|D>v z-9J%rw{bG`#U+eOz5uT|@xKGQ^@5fpq~9hia3<{7^#&Q7)h$OIm;AVlj9#l1uFVl} zSx{G3_>#Gd78=UtqQ4Iy7bV*GQhM|&%@ zbs&32#4MQ35l;&@=7>4V17o=({fjNVzJ-R3Mu6fm~6U9c@` z+M{1$-`Hldm<4a@>^zLv^>qq+Z~}GI%7rFYv>5>jT;wFHG`ReVc)IqwTIf%hjWvKxMtCS@|X*T7XkZJFo16dYKEh`ZAJY0cbN@S$(kkD^M(?HFALLEU2$ z+Ie2T8-H=X9YuzH65@;jBGY}=_*5jzvoqFVqV)>%4z#lwIaF1sVxrmzM_r4_;oKkj zQd1@xo&G<&%z%k~z7Tt7sMcA(f>vIXYhc&N-uXtb%132JLVt}p=E%+f76VnR@Oz#} zBDad114|}JRIN={-Xn`u55E&9of{H)TQMHDHma*QE631?vl}4#j3~GLvr{s5-eEoN z8D=bUhRJ!2IftG|4upCqZdjRFlBTUf<>?r#T{iqWLadEbRxEcG{U7jfqMt3>RwGdN zm$j1RV*ki+cnX`^y;@SAewjI*)XAs?BjN-OBo!&=zEV<}Xd1>;SRsW~_5y=X!#k~Z z%3PqSvW-ar9N#j-8lRFS-2_Kcj$J<1wHB+ywTMG(=priR01f2$BY86LMBpcmXTK9Q zuf13^^_7UK0!uBlew#LOUH#XH>-$DYm|djfsAPd9~Kx0*ItcVI}*n-I+)%jzT;%K<};@xGQIu$E*3uK6Bwnyidj##oTEVGHjTs$N^33; zw(aA?DSPO{84202YRpcs4?Lw0n8-bC)gVNVfv+iaG(_9AH*t4U&Ze1XGTsIsAic+B zV58#m^n^wlwwTfOL(=nD>bL^#F4j&Szw#kSBl78ex`FYh63>@W#OvSMceaOjkciH} zuAnEAm7gfa1wvv4L$$_3aSL#4+Pffy;|rUb?#n>&Z+xmCUPGS z+U}!w!uM3mbs-9;Aj@YJV@GhVt$3>cS)xWoPgn`st=9i^EWc%oL>37woPMzo#2n3t`k>Eq;@~Bj}P%*1r;-A6! zqFp!{INr>bHf;psy}ef z&&UX%5F=s5H6UXDTZ|CDEN_i-_gCKNRMs$bN(mAb_$qwD8~QW<`Qt}DT93{=7p$84 z9k0r&!ta?y_ptV ziFZyzG?Ct{t-e@|HF`4k3Q;?mC|Je=$(fZOcBABI**D-cDs}J{`5by1aV~0Zr{0;Y z8Nmu`s^m!5Gu5dV+B4?WK|J@MX%EGxyr;l( z3EQ_P_Q4p}<7JE-*n#`wZN9~~^ZnbM0B<(f#foCJamgxn)-PMhm!7Xz!K--ze)pZu zEMK03)f2MWFEy8zvt}wbBvX?gW3n(f!#j=-yf@7C?2*%?S!qBM6&X~ zv~aJp(G!Q*P=_udlxP!EKYnF`#I#)sA4GpU8hNTPs`<)Ua?%&miCw@>{%&tU<-F&YXp|MsL~6M)9FBQ&=^h z=;ctEuogq6{~RlSNPKP?#`|S^N}f+_aflJuB2S7tgc-!A%=la@tLI|DRy^58WZ@Gw!<|xmN zIGwcnnUj)dOpd72XGTueV??Gt8>2~!p)GG0i&0IwZZSOpLfj}`l-~6e?a4@12FL?W zC*BrOQIC_As4W*mZYHxw;?vd0^Qef~hML**v(1?6(LN4H4}1ce>TJV#t6jT*dzKpI zLGW!N8kQX|{!Dr{Im)X(eGAcl#9ao&15NN4lL34qYo>{~1 zmba}(HuTM~LKC<*s>DJ4#^|Gh-slGHjRc^^_f!F==(UZv7r zo2uVv6JTvCfE@ZDl@_aAdn=B6n@lt!9K2MV^B7^n z-t7>5ePjY;w*hTzj!4kKT>-w=({*ZuZ4*j%&bB^6l2)ig<7?hXBsBPK{t2WmIwR>?LDC9@5Tq+x9bnjXDeps zkL-(W_Y8My(~S8~g^7IWk5+!rByk&d?Id`f%e0CZMmi6`r^L1f-ct#r;OiqR^>=ai z9F!>fem7O>2VqOBHJU4oAvU;i)5EzZ|@u*@=yz(vB_ozRl|I%}E z(Pa4H(p=o3BbJ4thaW|edthpwtN?>&Rn0wWCFMpESb*GGlvrH&v2Ck3`!wG@uYV*~ z?M(-7A7Z9G+MY)*`LLw^cXz$XR**A=zCs(lQP+_fFWD~t9g*nn1z!VC;5g|kT57)J z^Iuz%S5;wIYEA(XqX@Qhqhq_fQ0oqjFR0Z$c}0$c8C>NJxUtBIx@qHc&g0^fny!do z4fZgiUM8MuM}+ z!IAHA+xM8)8eP>3+t{&2AJI+Ig3xb9{-;d2T3@*tXW$E&A>E+e5S8h9Ql6!pq%v_S z_5gMYExQg8$XpaZ86QJ)+lDlfqEvcwb6MV><( z3n*FMG^;8iQoG)Gg+093C10#VIz(A@*I@BoJ(-@+X+vCwWCw1@0( zI2h4j)N_O@yX#Nz!>V^Qprm1BY@_0_Zl*ww82&FrUOV@3No*f{a0>Nt5h} z?h3v&7WPIrSjTVL?r5hN=B=L4;vovC0=r*T%9x!iP+hJS=Hw_UHc$_k`&zp^@^+PY z7&oI#1x5lWm|P&!>0w>`Dr*on|1TvKXPQ_Tj+mDDP5qH2Bv&p``w2T%h@Y@->GlD@ z6obtTj8ksyU71;s9exj1cBGi6JK>i}7UYe8Etyt5WsQ~BMeSe!;!a!RmYR*y??Ozb zLZ8spP--B4kKZZ zN|e<*-OuQms8y_$-7oT-EMV(~%}{FzeksM5n8IW6ObjqpqG&fuwOhbVL~?psxp zoOjit?p?>S-s#W*h+J1Fe%NW?ZRi+~=O7nwJlg)=@s_l)Yb3&-cAv7~4!e?^Ny+2W zd2gtBYRWjR$4T0R`|fj`9x^ltnHk8ZQneLrnC8U?fa9)>+a`H|h1XwDl} zvSQQD?)>b8tErbwGt+cR_6<3?lW|jZwwhW|dzkq?g~&fWxwGX?O&-L^OxHApe{N&j ziOeqU6sO&ukI};a^qMOV9%Fu{d?U+@L|7#Bt>0oC!cD{~L#$AaYKNPXWgY{ojP{J? z$)q=*o+;ekUak`sRtOJAvQc-Sw2rJNs|~xzXL)Pez@-2pkeSB|3{ygc`)i zDYp{zYDCDMfEGi{D`jhcXs9R59>`DrahR&^UF!HDz@zom-VZppZ{bVy)eM-}au4a| z8er`v0ev7aBb@#F5>;P`>ONRzSW-JKtZlg=ZTzP{~Y|L zGun8xKG5o(O`1pL{EQQAA}ePzYxGWph;;b7&6bsMZv2Z)GH7-!=Lk zRG(XC(8ISgYTFaBXpyrP66}I~wFoFQbx+yg1Jbln=KJkA4tjRNjFHIbRd|e3ov9_L zck!lZ8YQ{TSi`eQw0(SqLH3p1*iV_L7*wNw(4l?%hv3!tOKdP-o6GSti|swE?P+*9 z#ynUL8{Z7hnY%P<1+adz^T0fZXPW#X4Vu5t-I=y%R3G$$85v~(k*Mv#3={4>vvWXX zo@g9*8nFXLH+ctsKW7{Ai3`Q{Ep{ygO!S?lB~a>ER2U}~74{OdGyfKy(*czzTKHFw zdDn{X=g>k;_C13d=(1P-eW7Nidb8MD2;K6s>Bcx;g0IQH|CZllQm3}_s0S|gf*)6B zZ`jA@-Nf|W97jF!=Se489R&6=;70WZ|F-h9=}}~M*aGe2oN;qp5%|UJTE`B}+lq?W zf*PLm#MJ07WtNFgk!|#oyt!B3K+YbHXcK%pT*W$M<1^#t>b9a{7?oV?wL^|_T-(Hc zpTxKBy;*x1{acI*axbH{+|sB#F-Jy0Rkgahcv_#F1OE|Bu(xST-^9OK#AZ~~gR#CY zJs(75AQg9k#Ta3=M@&u?o=|IGMfOyD^vIoD{pD?c1jj2*I55`4vhlN0hk&igm|rsX zeG2$Vdu-%1dT7?BXHG9f3Ar}ln@(3V*YvhO zV>a5D)2{X@Gc@Flh1fgl${}VLW6ts+1pLQc7W5L(ho7wDxqeAk8IJDJQydrV?cr%l z21^kA1(f5f-2Js<89xTogGV%us`00+q|3-j6k?!j%)?e2))+ajWb0S}FFgO-@;oPM z1slAGT&!>g+D(JFu!8VV?AEU9d79MRSnvAAK_)kPwAdfUD^#W~_jT$GpTbJ9qG)xF zi0-_Z%;0+4&}eGb^nT5QZ_MVYkRC+TJ9H!#ywfIB?sepzW2bT~C9s4OFe6r#MOF?` zC{D!1dR(`3+IzFFAI z+KgXWsXqp7dp@3JL@XKa-kRqaYNSkn*WwkA%64p$Pe)M;;(ak1EWOn7Ssj)uIj{d& z?Cr>6)?G_RhCr?N7+BEMn)%DATnB{`0dXY=u$&)9?^+7qb_P zZ?VpDgVw3$G%z>J^q$fwXd3_CGRlr8h!k51JeuA2Ys$4ZXWd#B3N*RmN15jt)77Jm z2r9y@5oas7O-V2AmVHA?;uuv`cZJ#YbJD)`fH1AIkW)wvQc!$?j`#m`+ix@hSHJKG|tS$f=zoPGvN@XT` zgR69#ITOqPRr<5-2isS}UZ#~_rLPI<1^vBaa3hd+)AgVwOOYkWY>Pp*Q1LHUA^b$C zz0~O=GNaZzYDsOESvV8APv7-lSyrYQ3Un*&7nL`hlw#@b{_9u|FBHE~Xu=(We{<*W zfe&(6E1vpAD-n-Lpadec zPT#=?#6ITBY9aIz+LtP(iL4+O?q{Npl5vmci-epVqdwsEFSOj^F0M}QDVx`KP z(G30^x7eNbFQHA`WbQ7nlhN{0$M3B;4=H+~tOSseNXwtz_VLC|X0f&#=ZDN6!(&th zMs*H&Yi-t3aKc~4?ood;hfK2-JO68Ta`izZuC|L1`)m$jh=#G;ZPqV&=Mz1kZtd#$ zRP0BaL=@GVTb=xyd7|Z^j2p*^buz1!vqWUa`@UPke>V^<5{`8#!s%K3D&wV`KNA-F z7e=9|w=0b$OrGKb_6w( zs}RpPWd_)6IM>Vsq_hYLUW-%HXFND|5Gm^=-@;S4yluNdvA~?{gbsHaxz)+yLNL$H zx1p!SKUSO&tS}00OdyJT$o-`(XX>O}8{Wn$hk&}HTC3e|t{vATEb#Y~BHR$uP1Z?3 zhQH5mwY+VYkiVPlHxSkHxoGq#HadmGu;b0j3&&f2v;I36`Yj&ax0h!j7LXwA{eGz& z?WF4_>OC>1C&XjMT|nMH1g@wPu66o;u(kXpO6$g_pA(zq{tR?h%kNWkYDMSZTdxA& zD({j;Q4e0%Dt%pXuKs@e>Ba_l3%ERXW$MPwu8f+-%rfWU}j#2%z>8riem2Ired2{4rcU~F7y~deh_RN!DpcoNKl)ai67ThzTzi1TuU zYJQkKxY3q?lU|4ZA+NZg0oaaD!PwJ$reHB42Wbv|scj~Z5Y)MfSG z#ol1f3-2@fs1ISUktO1?)MvQ6%YrsSzfsTMtoJ1IkmWr2^O77i;H)OgE8M0zRaorrN}3l4_V zYS8*7u+r4YowUK#p78JegOezo=^3fke{x(bC>V8hi*>Gtv#n|v^xkuBc>zsKG$o5&b- z;yqfRJ{A>~k|kn&tYfg4Vn5J2z;)c7=lB(U;b~fcb9D?JsX`!9F9hZ}_Dc)y!wI!s zwp52b)CPL6h28R>&C51oW{3%=RQ+5S;R=7*B&9N4ub`E2`de`}{omsf1X0<{W+R?7 zB#~_HQG;R-ldSD>8kUIa4|Um(V@&fe+*2i*Vt8nNrkgy#Ujp567`(qN=YrUDMu3g9?vuP#H~AV+i(~0My%5-P`Q{{PON)U+of6r;H(_97mA3e;oV>FNZ*fL4C|g3 zM8qc2r~3aD?di{EJhL6RBu|SywL9c}mLl_1 zSVx03J$~~^ca?$hhSWN!4}fi4%Az9Z;k8|klyNrIIz+=B%|i9KwZH?8aQSg#Gm(N`l9S^B1g!W&BY)2hEE=znBmzXVE3|#gS zXce@VrpTC%z)q;`a$migCB>acCO)=a7L??qJSb~J9&1)eRDD`21{;&XC->oF$c%&( z;HPG1>if_XD%|>eEi!=5ucgk-8q%Sd|`8zfRhc9keBoKs;N&M*ei;yS^BhCEHLh z9((FY*`{mwaz=-*#W!=H8S*sw>ke$6tZPTNUyrrnIH_AN2Cf)6)a5QgN44z^4b{wT*+vg=2K4Q7csM zpx#kq_66RlGh|C$UosYS1OsBBU=91hZIv!+%?Y(lYGt)u6uZ>T>*A$Prup0iI?Jyk z=SyvuZIE(Aa5k5OjiLi0cUtG&SiT6roU@WjIaW`-NxlE~ zR;Oi*@dCVr+hn_CK{G0exyp)o3He~iOq4RW3@Ghta7ZdIcQ?F=8VUD7BTg}Y%b56Z zvrg>m!G5NJ`D3EKF@6*>Lb$Ws0A(Z&=PWBf<9g$pp72(8SMns^S1WVKIP$5)L()=8 z>b90+_G&{1z}g?cT|pTn#ICT{rB7_%0BT`m8evqJZ&7$f_vi=e!T$Uagu0!v@p2M-SipI9!3!!f9c}TWY%z@%8q>f8g zE=sxUN5kg=O+w91P7?eYx~irW=_&{IxBx&WUrPWiQ3w@d+pXqZqgIf z=RnS5Hsi#fsFJKQE$RkNcAvv;gSIJtwmq7^6+QZI)qiDFP(YGzm2%)*(9hu2{w_rL z{5SqT;sLr{M}?d9QPOT zdw))+3?`T4Mqg~jk}%50@DccUoWZQ%#&`telB-n`ck5s$k-fjHBhHs^+RaT~D1x@OtZ8hu`ESZ+!+W8i&kv9%-|6F_Uz}|rx8{PSH`4Y6p0Dk~Ebgn% zWEwnG8?gJxV|cOPGb0jg3Y>+ueIsEzkqxQVJHJJ=Q(4QO8Dt){e#duEw;Q#B_UBL= zW7$`?rYvX8DS+LeO~p31%4&g>kab{`CTGl_x(&N$s?@D>69*-ii`VRwR9kVkE6)az zL++rm{`6ng-tgVf2N40_iLS!#tG(&w(4(RR=0~67iK@{jb$S50H*H`w>QwDW>(6XEQ?`UW zIDjK+6hz!VTGU3oY7QIL8+Xu;!y9` z;I|=76UCbbk-@-{%Dt4PT{f>k=Jy=3O9V|lWF+H$aP;Fzzdk6q^SDPKFS{U%t?PY3 zujg`XWE*3~%51PbF!o)gpQ@lFQL*x`>zz6D)l})RbJQ5Pn_}k>6Md#zG0MBgnZ0fZ+k$>nAxx>i{OO;AAsXipf}hmwU;*HuXWS{hXh4t6$<8# z<{AB~-P$FLeL=Mx>*N-6ovFuOR`;V$8VA7B^qFHRz7VnxwR z=#af$=IWOotTq)J+r9w?FbBUIgY{3v>Fa4fc9gj6 zm2Hr>7~83Q)vJ~IXXtMpvab}+9%m;K@6W4HS%jqy)C?D&h$^hxnmt^fi}{hrekHs8 zJV!+J6|@-OW2UxFjWdlW30b&41VYQ5ouu9GPC;FIO7KAE6i1Dh=Vx$GcX19Zrj)+> zhLBAgtkqdU95+=p0D3dWxFR9_KS*3}umx(b8>C->0-B5qIc|Y(1l^#MW+8fvm`Z=0QH#;(^D-f6M8|n4GaL zn5*rPXN5iz!+clziZ6*-gQy2Zi&OF>>}tb$mJ@aMb&!mg()NTm6B0Yz_yYO)UxDMI z8|DO-K{#$@WM&uZ35Yi;jk&qpJL1}5^upeumibg*Cs$|N%>U`kE$4Da$AgpV;x+B_ zTM!M9QMBf_*I>zNL==sZMe$(G;eJ#16FrAK1^h2q(U9YKZCP{#JP51=Mn?G4@MtYA zuI*AR$JV?x+ST;wDXCK1$mh@;TsAB$r$%&@;QYYl&T|x=7up2vj?cH)0oM>d^!1{!^^c{}1L2wELIONt+(whK-e;s>l)A6-X{K(!Q&m@Yp_frM4# z;IB#@^p4*IbWhN@X?ZeRo`sP?j955x*vAvD zOF^NKOm1z5`73moZ9ZMmdS9BRm{<;iPngmD&3fk$>Y_x|P$}P zI564oJg{XxAuUMo?kDF=G#2TN} z8f>~g8Z5J{^W7WL>9t3$-S5s?sF8>DPeRoB9I7W5f)D5$-<{`=AIM2!E!b?-P&v6X zU*2!5Fv5rrF(*wP6aQ%RNLV7rrS8anv_nSsalv>K<&gioiE1kZqusvF*z}W)t zCz$JEHHVw=Uc*%1Z5id!^g7$YwbtuS-+eU*u|Jl~?xWZEXyKPK2 z*1YS58D>;44o@u2-4(0q)~FlOe=I~=vyQI+_x^Lq`l#k0WB@{%!oLFxfhbej@EilP zvraA8m>w_Ep9w_9+4{_Ce0C&qtNrk1_8Du|WS6oYzOmZ7H(kQ&%}DEv zQ^N{`XYfCMyTa^4tx2b59V17(eie~NwaAisybtq*UU8<2htan6S1kSl`cck9TjWd< z!ODNVi?jNsxm{u@KZm@ti_BYJHutq6>)@u~{WjPAU7_)D_KrM9>D_$)HNronX3Bpi z8pSvIaJ+qn@!~H>3tkB z@_LMw*52VhReBKatPeW4<^LMAE@8Zd;-c2VE`0&|`%vlQya9OkgAuJ>`L{8DF?k-Q z_2s#)%uxA7;P37E9`Xr;%Em&55}{A*5^zpnmf*fFgp?Vgm1TQvu+g;q_)^U1u9u%_ z7puJ$v`U;9FGNStM$eLb7lU#=kdB>_lf;YqGVG2Af{V5H;R)4^LYshfiyNbQk<^h- zV-09yZNteYyD4=r;`zWB5I$q323?$7MOh((gZ8&(4bDhCE97@$6;8!EW1?Hv?PA3; z@C#Sufp6H#`LQIrvPR;7pB@g$RP0!>j1kjxoT+Q=xBtLiBYT2f{I?S_`0%T>qV9p_ zT5h)X?jY)pR^~4%%-Uxnf03DBg4f zVm1kX^+*o%2lH!J80LtwWOQl*W+q9vLX>o~##JA_rVYJ3%x53rs}te>erghni!bPZ ztD)`D{I`kP1--yrrJH)z?yF^{gDmu{#$Lo{B+U(Sf%{i4DZmq9ZI@z z*fKzaCr>rX!ZUq$ga2=s_Yni8pG!D}|Cx9pFgj^5%?y)t&Pl&o?6(veXr&L5^VK@;qpnh_EEd3h0G;t&<RhN^oQ3k!n$7q7N>Z@qAHDu} z!3V+LQNLZ{TrRcMoOay=a}vg(x}{yrThV;qaz}iA%ZIq(SY4SM%47`u{1%{W?ba`@ z?m2y&OY@1*IH|DKClq=t=nCd@%>U9f-5Q{X(n4PyYDiYF#s18&~ zgq5@7wLj9Ezp)fJduGT@HSUIGLA1@%C~G|a@AX1DQZ_6Y5--M^C1Mn$YN2>&%vRt< za0@4W)*9?{qT|dmkCLy}4o=giw<#CDVjc<+!N9HY2=02sFY+uD{7-6YuH-zRs*%D;fc6VbTu zh}~i=?-U|TtZ}dj9x_@FHNY6p4Vr~aM`G~>B+EzeUr=hl+A34*)g#3f$knm%f6R{u zSI&gA8tU(Rk>%a;25D15pYh+Fid{;j_80 z1Y?}rV1w3r+vRoic`ci-1<{(P%vYYYe8^7#C3i)#;?&r?p>7-_LUyslxda*&+oQyU z-D`Uit9BL!EGKnJ-7_-)^Ed0=_&UMj)HN-FoT0VvhFJJ4$_@>L%8xYubXO=D%iE3~~p3 zb-Vm~qWt&dlcQ8nxj~cxVd5?QnRb6dqi3J4dyH8HMDHEm950?IY5w;131h)rNX#m4 z9#+Xv^I)BsdDw;Q6Hl0MxGSCjckN;DL?R~P)7Y(1dV_29z9HZmk!O6W5r!2wtk>B2 z^aJ)cfB@M7%Ug)=XZ`1v0>q+@K^ig3o|q|C{erK&LmKvCp+n&Yo8o0a%E-~t-@$K* zP#YOK2{PnJBxu<$w}h18G`BR4V;lMdFSG>bSdoeoL#@6YR^t zI(_w;kcE}!9JRT_ry>GA2v6;Y^i8zcwG$Fw==Lz*&^EvMd``rO@}YGpjRKX1qbKU; zVyHv^O z)Z6$wenaV0>YxwB|C7cb>e}(q33y`zyy&VO`dIiI`k9y!$++ZpL_b+`qa5GtHk!9% zX@Z|)HYqVktMujQK_Bhw6vWDAGxC2N|4j zAo~k4nL2SHZXmL`xUiF1FCp7_)4m5YIlmR__sk9Bdt$^70TfANS8=$;mx!2+)V?0~Whd$r@_oWU-_=z5JYm=RJ@ut`~T4kjDGHe&n3fPhIcU6eu zQ!+pAyjU>v#U~7EllLz!0&^zuan!|ZW)aTthV@ShYGj^djO{_@evX+>t8+eZf^1pI zOmgnL9y9{?k3x+98yNm|w{TUh@2#D}UE(i8&0qmPe81Fhy%!5KZHm}{-N`XF9~D`K z>8oajIpgD8d;hmI21R0A^HF^~KYpZ->*J({r;B+b=k+^n-4Ru7h1^bZG4YqyI+L}W zQ7O&~t?ndewHWO~9cF1;LavvU(24Tniq+_gR`RxA8npy|k^O>umOEF2=U(y26Y~&Y zq!*>6rez z{kD_7Y@()Bj%vM6S~HYX&G#S2K(6|GS!{E8eW%bL z0n{jNNoMU`&iQxx^T4Zdt{9I9Ms?>G?3?w4330y6q+6qUtp`&iGG?ila-J9=W=~ZF zq?bs$OGEUdOiYf`T|f^=6&b zpiwC*a>n9H=poDt%hmI7-r~WAJ2$!-=c5z+@5C!V<^lpeWCZf9h?4;?gRh6jaSBv@ zdttA)wS#U~ZJg4(;hdbq?M3fBX3JBdJ#11ACE=WX2bLY~@19ai@`4$K`#!)|GxtOe zW#j_=Sy|P(z4j0ISMJ0P-U)B>Q@v}wg^(4^_X^j3On_uLNLJtYuQ&CF^~TaDzIDIw z%De0bTU(#px=r%fKb`TcJzw00{Nf^{%2w*TgTJ22eqXk&hpejY5;$fFW_x%*JS5Ds zc8n+ZF`!*J?kenu@=Qd;TUd>>V36RgP3X)~r^8BOB^M=mzr#5>glP1$-tC6&v))dL z?RndvpR|L=n{v>91VmLSc6|Ou$?{t7vr?;3ejG;Dtoj0bG2`sDx@-3O@B!ATXMC5l z``ROl8=jR%qi>_^9UV^3=@rN-YK-JMxFtc!WdFX@x#$;B-%@VT_jOAGqmauW1Id0x ze?rr*8^xR1{EYfQ8073O$#L5lG{VJ`(JoJY^QPR>jX@k0`@Tq|BfqQB6NmS49d=g# zggv6}Fjh((J(e>`L|(qQGn3lF2aqx9SN``8?+0>NKLN`%(ET%za;&<(7P6`fxO)R3 z{tI!gPa@V-2ic409$Gtx+O^;-LiXA)+hl#1ynnbaP!HZbGKsZ24t*J4kd>_%TLPaZ3*&?;D! zfao7|p{{8>eUB6eYX7m-dKZf-6h zvsx~q;|Z`+hD-LzvLIys!;XRBs11Z3ug)9qa54h$|M}Y_?cK0esE5}vph)DzT|yNW zj{bzJZ&-~!&rt6m^A{4v~X^f>a=6J5w0C3VtOF4qF&w=yqL z&5d;i8e8W%ro)d{0^NE+1hYK2ZVlSMw$s0^{#A_L^V3Bm_+PdNOHDfnK1tq7JvMV} zIZ3@>+gi*q{-=cB)ZiOcIhit-cygj=vJKWBiq|S_`)A|qIDd@hDDB$Sed5#V{TmYf zSBCNuvD6I3;npDu`h(sG{}LlVx{d6As%j3~YYf_jJr*UZ$Nz%8T7xz0nei-`br>Tq z(^J6~6sg}3eL#8#n#&w|?-<|cIZm+>awaX$jx~?Ryd%X_+a%z-$T3ANTp?Gk-ibsK zHJ8~@F-hV(?B3CNz*G8Z>g;tt$BWkqF&P>+8KS@-A}ug8H~@Mx@vN0@);^5XFOK8R zdEU)T$OJ*wfsVm*pfx=!b%ypD-w*D`FzPUu%^fBgA-K~%g!{RykbYb;j74I9P>0UR z7Qo4ti4S{6g3*GW?zO13MT>;Ks8)8=>BQSc$(GN+>p=eqZ2@xaXQW5s{!yCuec^16 zIqr)RVl*{M>h1UXB(eWKVIN^(num~6aC90?c(R##=3wk%zRIt znIo<@^`p)zQBp~4hYq=>PK>2PgGB|NI_Go^5F!OJ><0)`TRiRzx95AOV51c7c3B8BSbC7Qe+yZ^L zZp4PC!E1aTya%k%W+7Wzj%7mV>oG&^Nv>_;^_W2L$C4%bFR`Qt8C6P9^Ak2JZaHdE z)FIlmeGIXBrQ4rCq^&V%pv!4|*FoZyjUl<^@G0>Pz(KVB#aIn}uHz8){lf{!{J1Yx zn{DJdh#GQB6rFo?{B^f=tp*cLqZ=TBLIH6G6)AtX_T@$n^xF_F6+*@(msbi!$$LWVP(!{6FumL$1v57j_#&p&T^+ z5?QcRcp__%smCbH*0?yxufd2tvns??=M^#4883pJsFdnsN^Uv7WSY=zjI?n)(^7$+L{iciooiac4G?(bqsbMN}#g zOzx8qvjyUOx_MaN(UG}AtiwjzZiRWhHU%}gC^OT6n1lzzyglY5tcxJg8~@r_OKtFM z#5mk_{Ega`{xdSXp9h!JUZ>ONP|K>ECbo~gnd5)0+75QxK(FSbF0dmeu?u0t91X&F2|Qcq^B zb!rh!zbg{Gt22QDJYcWGDZ9})YCkPJ@XRhQChPt~U};={&r_;TV=u=5A)Tu~*ZEg@ zF9$utTb41}jo3rg;u|ww1U*v*y)i~)NA(i)X+u&!#W^G1a-+$L2nG45mZqoTdE9t- zt_X}gkEPB60*Gz$@0dW2h(3xUvA3SmtUsi(#~@P;`@Y&9j#WA3;fOQgCE3=C&uoyq z?GuJDvyak_75)V3NyEzq`QEzgB7INDQ0)%mkR;D^DN%jj z#AEqW>r1#vIdXcInX6qXPf0uNA4$BY86}K?Zb^8)RFV@+h9+duTDB?h(%o+(wUvN>k(T-&FmtqV^xY(Yf1fZNz-WU*o& zqAra6GsYff{O>c|Zi)~6q=(G<@X+)a22GIY0kQ$!YCm${R7hw3o3Rj7-sz>P86DQI z(^g|f*`ur1ati9Gej)GamF9O#QE@?Lu$`IrUgDnIiF%Yf80VHU_^7=+G!HipIP#YA zlZJ>G=d(b9e*wnwhuq{`(S1_Re-G?QW5ux){R!N_Z80yr8R1Wm92hG1EF|b8baBQ} z$`C{0ZfUtwXtfRqVa-Y9bLE%=aC2P?O)8*oQU6`NQLQKWv7V2NgnwzLWaCw_F#5yd z#8!BKhRUZS^^p5{mo&DX;brY#TfljJJfcyD^;AQ}(wbJ-ispfXI-(n@EnF-(CVoR* zt2*~ETc^OuI^$^j1=sEr7&f!}s?k_FXcJ2HsGXh#W*p}smm5+I*yCx&o7rGh*Kaar z+OF?PJ%cvKYjb13hDtO?zS48jgQfc>y{*jJ6`YOxFUi$dF-nOC1Kuja%K z$Re^CZ<)97sjl3wTReTV!D3nG2=iNHxhZd#HIF0313)3gx4jHW!uaZOm$J5+)+^9S z+y`^JsmrKu{dcG{?R8|>6RFBmMM)E>7hye%QQIL_;~JGfK7<+e400{1JC`!z?l%}0 z{OwI>D^V-*?8u#?7632%cvP$m7%7g5{y_O%NTl!QxY$~V91zILn#_2}rPm%I18sP8 zKCJyn$mfI*D`IRh12*-a_EypVq@T4?l#&*D?*w>($oYN6w+H-3M?Hd(rAVDf*5-Th zgR$@v25(4XjrUHi#zJd6EVF?v30x%JZ|~N=%z6uY>djeP32WA^mhHkERCpV2LS$#I zf;SX;30bj+N^9vrjayR)VGTP%{YJ?j{~mIDc~Zwu)E11PzhpQN?zaFXL$AiyPq5F8 zK|{e>$+>q|RQqbS``>+Jq^2J(?;4sEJ?E3w(o3-_SN(tN|9G3zq-CtU6HBmj{sUQ; zjTxgwJpHETvlTJ^d#rvTB&=QJMX{=bWkdLnrViSx;skS}Dj_{q%;H`L_N_<{|J9(4 zTkg>s+cM(8=hA>BSralr3`N$=54e?KEg*uYve8-NOx;n;ZJ@NH*QKvmb|@2fud4pa zig(N}?C01!wu0m+e1COp?ZcE$U7$d*` zImnI^NcqLM#rjO@xvWhI?L|B`L(}?&Fe6|jEPmn*$&mv8OuM|OFR`DOTqRY4kt@VF zuf@9SKVt(bE{Ww}5hMy*?M8LGFt?ScMQdc%uAsF;59Xz5b}b%gO8VLP&BZ!1^(K8=+_PokP1^mTuiFSi(=#h@%uzZ(Yhyf zD`M^U!5+1b%S7rclwQ_3D3n?hy+=-?7~Vm}cmFcH;;KR{_0gnc;*2hdM~$iCJw&W& zo7d=ZAyd}}+Mh8Spd*a-_0xYxTl`~S?YK^zoHFoFay&;|X$en)wGk&l+z^9I0`P0l zH?Y)HRb##|zSCQ8Vzy`V{abG`7V?L~+rBq!*xzjQ0W6aD396tXo`p9ddkz+q1oNEYfLqw9&zJFmGxHdmCDN7uKOE=iviUx428)rhN$%2GbZhrN z&3Z6}@D^u*hw^DWM^<}g+yC9gUyaUdJ`44zPX2IMp-&R~&!43?d<+>w-e}GYq5-Hn zNFQagFPCDqEO1 zxqAUk9SQ%J7xH6LCnXWGQW(MD+9g5C@wTjVGvgdSoNoM!>?!PlS4+ibd?V#n(`>w$ z#ao)08Q;R+c~|#q&4<<3FO1a_nfXYzia#L>#z`-U+I@w{!$L(1+y}(}j}rbUb2|8P+)-j2j6S zeB!6D#_0nZ8&;6k0J+hC)|3y3HniTe^(O2l=xKi%o1ry3A4H4<{2k!gMcV^)EsuUz zvOrpL58g8h*9g`WI0#yL%M+%VKm9!N(3+>=Do{{KD479%wFF3~!&JcYl zvh?1E*NDtZ%onEC$eVY^n0pZ$oU2!2r_U6|I`w`fOQiP<^S%tL{v9|>sQ0UC$f~X! zE14{URi^IV93P^zw2+x~^xbp6@*Lm2XsO2wEC5-~hKk=))&iHpa~ISqBrzWL z{KiB^IR9|m|F{~%r|`RlBp$`sKCp%Q^6b*I)*(gWZ@{6Gxec|Bai%Yu=`ud#lbI8( zwLH1=GU8j^eYJy{&WH6JeZ26@OjL8t9_A*pmfYVEsmATzsZ!Ryo_>RpCdY3-`OGKD z?C(hA*Qu6?ytQ_uOZMT{(A3bw?^PmGvmW4vZ$M41>@#F;4zszenrL|!VwM0>{_alD%=Vi+%f$Y={q zgjN{sTA;tPMq;PKcMb&Qnjqeb)DbbSQ|)38BuTih<_xiE^4#5(EKS4Ga3*jf~h1uI7bpmbK z=)7Hs=_ZS1;ZFep$1!>H_kuqnpg#~pPya24NKD)y_`G=pO<%D}B2XBCe(H9QcK7zd z;?#P!m#_5`qiy4CrP?d^+qL!EVq_-KjJXc%?1T1kwm#aq02^Yf^&=U-LOj98*YiAL zt)n)aw)d6sx*gBedUrb_rjtDj^}u2zMg-=VzBsjFGsYME7i!~v7g&$G3)x=qMavq+@$9>9 z{%GcPt&*{>^Z4Whs(SKsY7ZY*BGb%OWpoHg!X3vNd4I@TywtJ6c?r4kaiR#W(SA70 z{KX#`fp*5vy@){7jB_t6b(d+J-S*n+&@4OXr73}SVp76Hia`xhMf(POYQ29rZUe8; z`1B>w#Gq`ABQG(K@)h*_mm+y%oXiuVC3qS;n%D^Daqz#jT`FL)@l)POiZ`$#h8P-F zV`Uw!7t9#}lfjN(6x$npo3OG>C>|ibt*hi^<9nF7{Rd-U)q!?3epQ`>?NFj}H-RJt zp3?>}yY56L-APD|Uoj)`HpO9F>L6kmRyL3$WchW2C!M>S^^(3cxSPq_&v~XSe9%^> z&+u|DOp4g9EB0xn_iPjIMIz^`lD>R}$PwVZemE%*jA@j;WY48`v<#Xq&wY`jKWY`k zAR2XSUN6WhRR0WaU&40>T=#HQL8P5O8j=||_Y2jr7_K9U|wWK`g63v=lm~qN9!F*i}8=|9*ydknh)v4 zTeA76lmu7t*rzl4r3Sbdd!$r82{a1j_)0rDoq|zSBi{E}bNLeJJkyUp07@*5du%Oy zyCH0)-i*p37VX@FBpv`u2=jw@v;ZInG7z6F`G>w@ZsCpqLM1S)d|7{0{ zRgYxG{Kx?djTF1QzqVUMBKm-=-Zn1r9~oVx7h|ooDiEoHUd8xCH>vA3L`*jxat{DX zqY(T1VnL&a@1ENwW)fB)Ab;DAj%}dVrP>-Nzi8_X30|n@iNQcC(jtoz{ebOQ zY!;w30gbZh-;@Q}+Sj<{h)Fv&gOY1Qa33vI=j{b|2PyQh$T$ggZ0qlq@F zxdz7-PvseCOys6ShDXq?`TX}B)aK@@B94lE!~UwcGOL;Q%i%Yjv_3j3X2ijceF<3( zcNue|zmPQtN+G8x$=!}n{X1|sACi`16Z+WuKMT^*8t8X$;r>)uGOwocM%A}K@&NI| z7LT}A;+bslCB@+exLBa9?UsA&XW&+M;dbAAqg!8<#@*Ej-65xtyPo;;>a8Wxwjy(z zM=RED51>|0#;ga$A015KqKO#*pX%aePq?+g&=Jo$LvLpv#yT$J9X&B0)%tYf3^JIu z1~oq?O3Oz)S9-%v?py;2i@hmxjg{r5bRcjY?Yvq#5G$ieEs(as+HR`1K+m+04Z8Uq zG^uh}y|G%ymwC$7zu3p-Gvd__J2SldF#>pJSN3gFAM3EKuZlZQ^DmkuWB->+lU%tVsv7*HS zy`A&~^L9@VgQF;|w>cFWj|n)>h#yKYK#;Rvjrqt z71>i_alQuVjcfSL7Sz@G-tj7C`%_?GhoR4(ilKT*tG%*L8zpvzjP?}bmSBWxqWNj)5ISlgYXFkXh5uhtSq5M8CBzcB6ZX2!%Ip9oPn)k|R?tT9N9E&|AYNgt zgJbv|ya&{V*NWs&Ae!1!ZhSxHxOgV?{r0`YYs2AH@#zipV*(#ioM9yOI1kx3K8HTD zJWaT6on*$d}uayXykJh_9&zRC7#y!FoXIP&SM^`_^i);rqtXcMajVm%NS z*mD+++b>^gRjb0YUu=WOzgM1wV+!lPj$y}YXpvmDQV4+za6t=Q@ zBF}cI!#btBor%WhH&*LgP+Pi}n2wAn_S^AhH&~Y(Nl>d)`#7BzJ(()DzAL)q8 z2oJ>mq31ML-w;(Ui124?oB?VyNo7#b--)VcD7`Z zs*7`S=YH{R(Dm5Qc6@upby(-W-Uu#~5nAhC%2&F2;+nvp5W5^!MN{8+#yC@H z=tVU!XYKSct;R`&k>W`%&*ZnnN+k%-D$dRCIQ!HN4}_3id?5HuRTa$Q@KneY-lda} z{}P5sp6V@i9NzKt%Azc`gf8IG#wEJIPqW{_JtaUQaL8Hh8W7|7GiG@cq z$0rx^iW1dU0pA^@D;O5wgSsoYp@2I)Ip+$j|CujB*A9xghgM*nXdP0n^^!X*CQa2) zre~Lx!n|wQBXG?dBPFW%bS`(}2KX72EljPY&v$R2jt>%d>dfr=30UkM#{Y$h^m#!r`U8+a{C`?_pVSc3EqyhcSWBm`Xh2p4 z5pJ<^y{J!}GOte!$I9RcR7LjvtM__McV{O_hmfTqBm~F`0Rn_gf*1&xgs>AQVF^e?5mZnSB2fWxLyR!& zDxgGAz-16YaV9tp^D_xDj3Nk%gU$>vZc#_Y|2b9t>?AOMzfY9z*YDMCcz^Xh*GHw;&(f%flDl<{_% zA*HAC)Gn?|Xb5}$GCTGe-l`aAv#56YGo=kaGv2o_x9XE|2QYeC3$$G9^yr?jA*0hI z+W_zH)~I*$@oqa|v2U06RZ{dBYzJp~K6D3mtnn0f0M}xPeWweoOJVeazYJSq=iBoe zMlep;OElV5MEeZTsR66gzL=!$cAqf`wisgtFXci94Kphn+rKmH?bKRixLyY%XLsGb zc`x!qO8?%HuuU(tI6|n)PGOvdHpc$ouYsrX9-P6hvTswN)e*rjghj-CZ~!{J08x}= z+Y-b>Ia1CbV?&fFL~yQr_$~#%8=6eEK;Abqso&ZOU_hh4 zej?b1d?}w5Z~ZI5TA2L@|iU_B}H5?qf>7^QXAiTJWA&%32TWvh%q~{P$PUoI4^%k6K^A8}gfDy7C%|>}DO~Nch5(nL0=f_jF1nZK7IzfNxU- zeI9TC#=EsJ*FtDOTDC{RM?tqx$DTKoPX`}Bo`nJ&C6r7Xe7e7(4mKV>s!hu3f9|4% z-gzmj@NMGqtuBLS94&OdQLXdN;g0}o>qY$qBP3*i<+ENHAw)TLwGiY5B~F;1CTg`9 z&zHUwM5K5II&Ci@zQb>to#lIzk$)n?EcsG67C!lE-9gD;IB15Cd7~3<_88iaE|X?| z9#bDtW2=Z6`&q@e(k1P80MCJL;1u0(Ju{I5V5_PM>@z`o^-YMGtd3sP30NJU8s+U_ z#NC`nMB*ch>BE`NJk!G*_rIrI5%oUqq?Oh6zGH|i2=rp(9p=S-kOw{j*pjo7QI(Ed zclca>u3NfypgmM7{x9hZSVmsW3zVhRpT%uIX1-k{B4w<9n&BHB%pMU{e#DMBnp$TD z`q|LJDnMt-7p%PILBA*2{(h`YO6ksOUY}h8%zEj6NIsKXO?8tg zK<5Hl@BP-Y7X#nvOZy%mM6K|pm3=iBSy3XX&UPE6qml-hk``E0{4Co0v4xVmAF>l^ zsQ;hS6Lpr*@Z51D9n@qI$O7>h&EOc}=LcsgG`JU8tzVNJeh#em@5a7&v8a}P107e^ zBc_DjX7Oa&Y^#ALqU#2^Dr~GH1JCHK;M(~CZ-XqsTW<71MNeVNNsN~o`$a_ZRbQQ} zrIYpsYmv^2HRzH4Q6zE*u-Ew1<~;5f&Ly$9IieG6!o)!_H*4CRQCFmO|F1OK6*@jY z6vUhpP#^G1*;}6H`H_xac42gb$QxQv{8Q@c#5W#s=^2RF{d<=Vz5vyyHVV;yb;_Hb z+tp)@?Z??x^I%>DU%ZFf>+~~JU6T2Us`07Pr=;3U|uZ!*Fj~n4*_?{UWV`8trsA;7h z7kWUUq8Fd`3{KWV5Q{(+#$I>`dwt@7u0G*=-8F#O`zR~t7p!^EIb=*xb#(NksndIP z=lNc)^S`xWIA!1?0bdrGLEF~x7%;m{L0<8?e>TnC#rfi>0+#8fwDNpSn|~Ys%!Spw z1Z!s#cfeCV-R`t&3i~Tg!J0nt&!ErqDn!63)D@&vvbrFxl5nJFC=!TIGkYKJ@gpAUju+@4n8%g6{w z)|0(APE>aw7cqbF?a-0?+=yHv^W$cAo#-XTW>x^RjLJl7u-Iog)D1QHJNS8H@N(D$ z<=!oV7^oU!{!o5OZ*O10am266{hvS8g=g51nc?*kkHmhutB?sGa|~CY64B5HBO|56Bx(;?U%}Hyzyh6|jS3+!)bL)y#_oVq zg6hPKZZ`1w=YTO?&0!=yS2oV;sD-@yF^}Z&&rBkUx<6)rMz`s(fl`s5C+N@G%Gf!31CkAIjiS}A_0$5?k z$I=fk?-IlJ2lVQTIa36d)^+FFD~86iad4Zw%646MUqdOomO}*eQG=%a~iSU zjZ&V^EFqrn7NhlgH+0y7IXHtFyE4mL_ijgBFGn=RIa0F$|EX4=@1F{80CK``#+d^@ z=t!^M4haA=BBbDS^m;?}SeXdT^p`}{`H{Kxn)F{_b29S257kPn2jJM$?3i!HetW=> z_(t2@K1ay+Vi3F^K1WC2NFjSLqw@zklHLQ){xUq`+7&1KwLt5ZJvl8$q7S|(+W{NJ zrj6FV$8R~;F8zh%Vb-2fs^4`^ht<$kuhlu?=d9cGsj^GRok@&xZ`JKF>LgWqp!+N8 zEnVPJXV05g1uHwIqiTs628BFQemYl)zuyeBk8UMTBss=8gQ?n>j=VR!r9|mVrDsPz z2=Z(ZFJpDHuBnS3A@tsCtK8wU!taGw$~fr{k!q~yMu59TT|Wf(;>?-5A_{MyX0bg2 ziq$HV#~<`^z0p1o@du)`xr5kE%O1k2_D*6WVrz`*m+SMRfAH6$24>STk&HTwtwOEJausQie zqQO)ISH(#av!4^cbCv6#!a_u}!P5|912!hG=YceYHBXrsB!2b8TA4GZ7FAupS&Lck zw@J-;)Tc6&%e_mxH1J;fR86}d_qiXthnDHDV3b;IiIRSLI^yFw!JW`EJ_l<~e18tI zE{gMt{3?tbTfOZ4e0qRkDU>|Gj6~;%XHi{6wwzI@sUbfHkqDbD^MU>FTAJQrj(f1? zw5*YGLf(ZCCG>7xy`vzVWm4*PTl@?P^$hfH6Pqhz-!HQKh(es)l# zj*FM~VaJLi)-tL4bjw1i>!Sn_1B|VKH65$KF~93Py2U0wu39iQUfLRl?4_{brfm2R zVao=gOQ#iF4F4y--M<*~)VG-Xduv8?CMA;RZ7I%Mo+G@s8kMQp)Kk@SY~UK=smLx< zd}=KaSo{V1^s4(T*NHbde~|V26%X6Q-|&49DzMol^e^Z)3f|(IiiLYgtvET6S`HCF z@vK;D5DWC9rP-#5u+*?1dYk)0CTLG3T`A^h*h7kQ;sYL$nWHK2s7>@_>)Gq8S<%~y z5wtSo9DncP4km*X|I24%*&t~NMFqJ3hS2fje!!bkr{q8mE)Qo%bRlZ0!Cq+nFZ@TI z5{nQ^q6Iw+dXXmy?{ae1l%SE=+ckZDL>*lTG90Y_-QKRdpJIryjkRfRJfHl1IieZX z2qUn3qhtDm*exzt*o+{^nhF^oVg&0EgX{H4Z^hFh& zMA0XnLf4djYaQ=k_T;!~on*S9PWpRPJl>~RcyT^Ut_sZd)soD)rd**HH+01%oXTxc z^!#4QZ-EF~=F(Za^#}M34cb3*7FtWv|7015_3p0MSe(vnxznUn28TU@lb^DfZeJa} zOxmIcE%b~LZNoko32ArqJ|Cn@`!H~|Ph9Vu@-TVQ-nS9~!x$)emYI<~k27_uXFNPA zS|eY@ta5J`t59QnE|~Y#_3y3Aq(#`NViEkJ$=T(iUlt@-+X{(LXbtmjlz~`8q89M=Q4X>#~?xD^N&%IXJK&F+&Q&N4>TCVwRTkpQHVfi zp<4Q1z0&lifsuhXO-;fRi#1@?u;`r92UeI%M ztMr~(k3cdwGVbxKN1v{#p3lGo;)!c)K06}JxL3eBPSunZKx>qJjbmyLI!aKdUjZ5X zlO<(C0wOT9$xN%d^=uObMD0T)GGhb(?0Bd9?@=6U4*UR?SVB4`}B~lL+ zpa*EY##kGD8pVUu7|d8(1=v<-hpZ5YX6f@}RLtY(u6GShw0mqjgMxB*gCFLGHENC9 zKZ_jghjm7z`>nltA1WJ`xf_%Di8$uruD)7hk!i)>Hubb;#a>#>$wP@9;B)BlE1uFr zy>=lh*@PNHX7l;om$IMvdx)@bX87MaSggDB{u1>M)HpQtS=h|8fwwq?j#uoiON}qU zv=R@`;*|3fU}t|pd~ErRS4;Pq9z1#MN9bz{adYTiKc{K?QBQFm1Onk779!he@$)2M ztbiCA{`%@WpY78x&84gB;n!=y4|+mQi8VI+5&lwL-~K7|K|--MHGS+y)XB--CnGT* zJaZ`dJef0wAhM+s=Vw-mwcb%4N5+sDz9D{Vx&0H~bv7ETqcl69wEpGQYek7A!-P$& zSyeQDfD0aRdobd`Y{!gl zsDPcaOMg{#si5aVRDmm)ENZGwWz;qmy;S>yY{Kv9^tKtVBPRy1r?Frz^YPwUsK+do z84{wdGqBStoV)r4p|3@Q_Gb0EkObibW|;X3a=`TpIwD4B8|6JtxOeG`VUq(><0L{u zNk_Buy@h|p+GK;1c33-9&>vnybMuxH|CY=Uejj; za2B*j*P+W=7gSrod$`8VRjZUB4hFOH({i0w1N!CR9#`)W#o<7&8O+Z1SS!3szwO^B zSR0E7COETB4`8(~Es#m@d|lezVn~;ZsJQt6u_`62Vg&Kn(-Akg@$gT6zM$6ojQIR5 zzx~Q5E_PTg-_-%;5bDDgWZnY5P1PO?y&G1-n~y5ifS)Z^^nIj_K>qv!Ad7Rr;Rc-TOk$FIxXzt5VhVJwZXRUZ1J~2WFZ*&iVmI#o-)oFqgysq@^(gBcizY0&k6?C zv~^_l~wl139!DJ-yMJ@asb&7 zzHz#{azrJ5%Xwoju^nP`9iy0Uf;ZszKmdc2MgM75fp*y+2Wh=~P*aEVf^4IFv%{6V z1OLVoCPQ1;;TTS-lklKnBS`60@^iS-g0q*hOy6;9h}qpR@V1m9(;iB@)2&&&o#CAn z+RbQ{P2T-2^tEP9#WztCMeF}($447RKpwic^(D3w-nT+ltoiFL94X(pDU}>w-$YTn zg0(?A;pN{?conKt*gA;tDN(3Rx-j)^eao9Y5#@=s@^{TnRyQ}q#Qml(_-O+eV$O;F zU{ZnT2=Aj^{bJ?M(Pec?L-Ijokq0W8>(Z6!hIOr67?ftDVE`ixj(H@e% zK!Kg3I==Az6+vR~1db>by5sWj0mH_p^iFGxLyb5dmg3TsXq|0392nruU!WiTz3S`^+?Rf)u;0>kWt3an?60LUe=|9@4sQx{44%_E^7_j2 zl%!5#O+QuZUoql$cye}Z4e*2?^ zy{?&!Q@th1Wu1q@vOeiLJH%tF#7q?<)|;jOi26#Efu*gV_$s=V(fe153j){2VY8T1xxYNFaJa@$VCBIIz zbOJ2p$1Nq&l2ODw3bP*NA)l4v zwMfhzhMj*goL2o`V0{T;mFO8&55R62d`H%e{?4fCxdF(2BIH9lOdX!)ud;u~-w~v} zw2zz47%5}TWT4|)C=JLpnH)*B271TpTY9_9kzM_MjHNVIr^`Cd!{}I1kGV+c#W!L_ z2VxJvHc(eIhf&jTWoqHo79bk2)%qRcGyIkqz5>{WyU`nq_^+YKn2(UAP@*Dk590{? z$18L#Yc5^dKEXc=a2-6AJ>JTj#jW70`p*=X{y22_VrM0Kv{26lx>3YyL{8RW4wI1w zbIVgAIP7*j`^$mqolHG*_GMPHGD6DF&5W<|_EfBiIORA|DLp>=b&2AlM@f!uWd%$j zaPoXlwL&G*YAqG@PDabOh?6()zKr+148I;|Ed6P)>WAQov_I7Tx(9#z8l8`<-g3xH zqQnYPK3HFhfBL9;JvBCd@?n?W`de7bUC{Sl@$RC46-}=M@}XaZCGXNBF=kezkvWon zJ-mW4k2YD5f4d5~5rr#79VYf^Ej$t0h(|1{I=cdOr(`>iLcdrq;yA2MksYD&HjN$s zik(7K#0uCPPlfgY*Z+Fd2Y`(c-yX0HbbX5M3%Dmb1+iA?YANE`NW2z3s$PB_Z>~s@ zeLHr^-=kK`vyZHM5pu-De_Va1L~tCpJ>xunzO2@}lK!1!xD1Pg#NBUOJKuts2k&-Y zBs;3IO9#(4MwM7;*r3hnxA1`x(B!lw5LNW|k>NMZ&IsecG;%?MZPcmz`+}LHSH2pp zAW9Ewm8?t8UL(h}d(WkeaX6h{7Z>&Fv8=%3Td-T4Rj-XlS3T^5Ebv6A>NrYQocJ~@ zX(LZ+B6=H9Y0bzGyKr3Uze_I{7wug-(^joCh>cL(USB!J$AwAhq-Q~VFuMj%&c0(h zV+-r_2c^`jx(%C9n6Ef^S54w0nVtICdKw)BTW}6ofrxz?nG-YP(;hFd-oY#HDUr6UP!9+7u7!IxCOX@7V2c~iQN{Ch-8HcA_- zm)4-?<7qbW9nK>1%LYz+^SPBbR`(WoLlkms5mNm$HW7aLniL+S}OWSP_u89n80qZy+%!A9IYE{1KyYQ5*K@{ zEDT3nny41a&7a^)?s$G2Jb-eYUK-aArvR+E(W|zIS&?(4S2{VCIVxh|w+M&C1X)5D zJvNyK>2Y6smKrqkol~?PKrGD1`9Z1Xx-0*zZ4~!iCv(K=t=J8Pe-mI^Z@X^lDrz$o z!5<`j0Ci34J?3%n8p_qRN5}5DLcC>L;78M#W33&+bDVpMIq`Zwp1Sp&X`6tH0PCA! z%qwGG;I<>299btGPoX}f$CVA6?ds7nE1`Z%q+&MM7~0-riu0UcRTJfreOmwboqh(t zBO(*fb*0$l^yjSlA7P^~yWTaj8gYiR_^ui!LlinpwtdQDyJ&mVq#uFzcAK$z0KN6A z$J&TbcYs-cvGtcousF&6OMSc$T`^L@((tR;<<9__bI9FY4EF63jEQv^)sQc&D}H<0 zpGj^#pNzQH>ST7KJSSlP2$3i&&B&CT2R^5ccmwrcV$`axdJo0{_ztwiSc9^%F!>K; zoVfa36b?b<1y!ChGNwk3iJc4X7Wp^1fRCn@4FSG~dhVbj4_O?p^4+3KOm{!OWqXZK z9GrjCsm`<&qQ&QSvZ05_yDCJ&bkuu1ZQKD}u~eVy?`~ku)eF52b)qD#9@;paI=6J_ z{n#gz>Us8akPV^&Z|O>_h@79ym}q+9cxv4J1Jco0i633kA|yMPn5GZ zzB6;V_9Kb~Y_yGem(jL*?D^3)kIZyljUYF9+4Io({s$m2Ctc53(Jj9e!{!E7dEPy= zA=y=!BTPlT2K)GN6)GJU^dKWl{0dwlpG=L6SfL+lqO6Lxqh10mEUihU_Y1I&C(r|` zL?gP#ROq#l()j7AcTcw*Pry_GM- zhuyU|hP`T*+^4U2J+LB@XPI19b-%hK6qh=0=+3lM2#oz!L zFzLcfdT>BQ0b4d(f7;GIWaPSeatc4SX@8G+F9ub6i+r#b$UwHRtBRo>g-jKRyp=9( zV3&oy0(cjeT;yNCs9KZW16I#Rz)-w^y5U+q8Yf4RBWb{HiOmWPp8Wnv`|R$lSXWd532 zoP7K}0q0(pzFhjaT)9c$){jG+RmF%^#BpUIcxB+55P_gj&b()|mzljOewLh{E9gC5 zw2ngMpF$>nh~02Jg;&1oe8;g0ag`-@c8euf{dWA4v#yxzS>5s={AbDl>w?VpYps)L z?-I{gHdu}Ea3*8e4cf2a12E&Eo(Et_62DT~O=*cHV7|MGce(>14yjoI)MSgeckB)L zMP^chWsLR&^4YQ4n=y>{Y};weQNJ1itLh(Xc&^`TnH1sH-jOFW5nFado;HKsZ5CJ# zM+LFJ&wX>oSlMlf`ImI@F*M#T@h^u@ycNH6_&@t@01FyrkIy|0K2LOtK_wzyepKowxqCd_>}2$I%UlIFH!f>^wCwk$2&IdL>RxVYIk9#PNOA z`4kYm-1}wTx#*9?u1a-~NtF(K3n!c4^dI*6L*7gGW9JT$p1yx<;|{S&nHXqTQEa#g>ALx7isj zuJ@3+h0$@F*4TNZ^wwVJL@SS6Ou2imKx;5hvtN1@cc!u4a@I^RVHwHd|D^8XSirm8 z-zSO+eWDbze-}Douy$10bM<1n&tsdkDqehBx5Tb?&bHM*InRLI>5akcuEy&kjWSr5WXcBj5!XV2dl~I-e|aEI#1v(ASU^?SK{%f;;S!{5w>i@27YJi zJ_{;xx2=A&l;h^RpV-B!h@4J8Aaei5Y3glmSOb&=PGfpVCGa1}y_e$a3OxDmusZA! zG8$M?^Y`QiXFnfiPAQ?3jDwD&K*_TL^J)9>6t3XUR;>NN>X8GHg;*EL8jt;`-9uGa z_+rci>j*eU$#K`RCaA4dH#NmS8H4N^Dl5f)f3NtfHD)ZLwZtBBKP*C)?7RCIF{u~V zccUIESCvRzygmGv!`GeI0YF^1UZZThj*UQaHPIid2j4@Ean%MUVhVd8b> z^sa}|z+VMoo%GArcRK-wp-&A|ph~;YGI1%+(Bq<@dy5E7e4+O8TJ@}b89m&arT!#m zKl@R91^bd26BW7H2(-d^tVB-aU61}MR`~6az_V(>lEB)(jli-K5yX)M?x{RfT7E=R z6A`mH6!px`yB=lVvm5mlUA$mRCoih`*}7ZjifUIK=E$_H1J7d3fQh@CCv$YS8PkIg z>epGx)Vx$$*+gFCV@9V&Y=;IjyFICKnSL{KLL)_A{YJmN8h8SI_Y(Lf87}hJ%+}W< zCa5CaiP{Xk!M;;Yt_r074FID z^h(y)_V~77RP9H8M+I|`i3!yE%x=C5%|^xLwS*Z){*$%(;-9V*t2-dTuZE3UoPl1}sv$NQIL#&=`E z$)6AY2=G%|ugGz+dc6|gFhA_kZU|{XWoudCDaL%o%KI2_4fCY#Yj%3j72}+H zf$^jMIC=>FGwumQ?hhcke2+0BG)~0Ta+P^fDoJP`S0w{Ft6yMkLx<-><`v6&>p9^r zA@d!dP1z;hnw`m7F$Qv2x&D#N$w<%wKVo2=>&F^*VG+;U)_pqlVVrmacwLC{kCmud zWf|~0+P`xhW6HR@|BeU`yAUemH7n~+i`Re~AtIjRXmVPC0c>_ETQg2P3RaIR&@pq@ znKlSL0K|;l^_>>M=O*&A9w*o^;~^sypS$$yZ&8?*w)&S+a=Yd8} zBj6e`&tb+fn1Lp)p)VqNoCThJF8xUOK!0?u{hJUG&u4~!uUb_``OxWsCl9@Rv#(R@ zon<0Fk;x0418?J?gXm4p6YmrU9!zbvEQQsyNurFkdTaVXqW0%V`I z0#>ABiIxp^%rg?}umk5JIiZN$Sq1Bb`I{1{-`Lqhd9H6Il;FuNvJZ=@@J3b?y?cnv zX3ry+_Mh$>F_KdJjy^e85jdK%PmDr66r6I4dni;?t+Nug8>4l{^qmRJDt%POt5dac z@vO*NiWnIAduoToiPf{nIx!u&L4m4-2FW6)W`R#&WFtq66}?}lz14XF@6zmSas>@c z?@+7%YQ5C`cee0|g9h=*JPoGnnc;sj7LBKOPW*3>in9Z`P>InH5l4Tq4i@1k=~*|5 zk(qZV1q-rc_#mOY%jRw6c-C$p_-ulGc8Fs;0R09V4A1upcg(RacS&B0%p}?aPNULz z#M1*KwTb5u?;aj`8qeO{^WWFkim?)Jotbn;e}%Eb_2`at5!f}AW9qIQ1k2a@_$aK1 z^1#w?A2W;EpsjGtM)yR%`zhPL-hH!Td0@H=AzJQ8)F zFqP}luouIJj{F|d#pviI{pih2!2d80Cj`5(6oa|ki$2UIHwAk#(+XC3D{3UNE7Ze= z%M+P6SIz8Vdkw@W$2W%4=$}Zfd$QQ7XI5XGx7+QS0X_K+>RxZx|2d4S81#(N&4Ck< zI^m1%=D!+b=!j)OCs)~r(7K#~MzQg2xAslEt1QVg{8@|war08vDnE5)xvO&gY{JnS>k587o)XeeZcb_{hXBiyV}BM;&_gZ-K= z1KUI$#C=Zv4OR<(9bT*PLmx1QnLn0&;K)+30~NL&8+Tv`Jiq7Mr)(p|roKBd=ioS( z2#7-cvL8v&eqMQM@-$%G;Abgr?c0aQ$-Pvb`efTahkL_Q0*Z2ago>rMwqO#q^@XqX zVLqDw<+{=uGvr?NI20!b{frx;P2c4U*a$YU8JT#6^%U7t_GNQtP*Y13ry9Y1pBSehunIP*?mte$Ux2vY)hk z8+EY*NAt74PBJjZSz|bNw;B<(sLK>|xZJm^PFAFRVgZx_sV!kwIdu zjW*eF_z$lPEQhsZ+GPA>ViFNos*=a7@@>#Ke?;}E_yXBKbgNaK;c8}icQxmxoPPAy zL`V}cR4c$iN{s!NkTlwd#0_o5xXIQ5ewISj?{He0=4Tt2C?+ma49ZsNaq}voMARG5 zuF-&MaBKhSp?>+(EWQ`5BY!R)68Mb~rHfg;x)f_F;(zldVjYNb;0ndUvQ=YIJ5<_^ zWy_5#&}z9jF{n?8D9N>wr30O(?1yh;On|i<%aLXG2?vlUhxM`Oe7aTN0p<{%jXzuJ zo#W!mA$t+w#F2BP>Q8>pok2?~G2t6z8M!M|J*mUC+46Z7I{x6=M5_(Emz}P7#<7F5 zdaswf9vkBT{8e@$|F6RMPNJ*Kr_v_d-Cff-i~N^pp)R;%FL1+NN~Qg+$t<1O?}qv} zz*9|WCQt7|u#)n(!C@u?s40@Zo6z}6!Bx)t^gu?a+t zFy?pdcQo0&&FkC$SN$q53j1VD+TT}DmFktaMXn#8Rf>KB=v~-_olw%Sp6JY>Uzl1e zM)c?2E$HXNDZVm&2O|E3y557=?k{>Ljxh}OA6Gq$_LlM-RXvW`5uUNT?S5Tl?%MzV znx$*x^;s$aGTS8)0h(dWaO)S(is1vv^e zzwP5`JW(kdKh1j9qq=?%j!;q(n5idL@*75TPr`@UDpx99OF?c-am?4Gt6E;-F&#!j z6uXELeayUbSL;^r5K&rM;yM^a;*!y|pE0XT56c$6U%$VIv7{7_TQhKiE@74+ik~#i z<9rtfPeo53R~h*osedVDykC)h4(gy!V=qz~$vAx)nzA9P*ngIo*}-FowS?H2ogvWMwkt zIlWYW8$ENfjd=qjy0KTs`G+ZS0##?g>;&^q{EOPlIeoc{)HfHcabnSapRm}{kyTKm zdOQO$?y@1^rYptSjdk=Y$qh&iSpZDlCsfctO4Og`sFWsfX%}^VN9Jql*fr3?{5KDl z-bnkCQ+U^OjlX$a?kV$6^X=@J3&myRJpT(2W*IV3Dh8#blJ``+Q|4|oXFEw7KahN= z5f$JR4vNG(jn~UDKGjDnp<`FeDs)C<6rY(uvZqe+`%~#5k7qm%)xeewc4@P#X%CX)SiYq@%t*>$g#0V(!x=;= z(bj4PgD~tJ^Z;p|xk;{jIx0l?JpQRLg{%f=l?LzP981PaO=~v(0A0vW6=I5#L>vAk zOBL8liV-!~-SgUejY!uo5l>)OLQTsC=A}M&g1Zi$LpH4A?+gbb(;s#RsuVQ`DV6s? zB7pFB51tW=a}|}wWhT=Pb;&qn5K5)ZI(P;(P-914Uydlnd$7soTeti1Fv12bUZ*B7 zWF&}x4csqvaU&2)IK$!=;`#*{D!xF}R~MXkLzB1ajN_%tE-c`2JaS7{qSZTw5ksFI z)1a+h0?QmINMQ6J6+@HLWImr~9LG!BfryPL%!f;7lv|ze^pbcN@Xq5tj2@CXp&0Xf zt6}w$b;;^oEVE|9MjiaMg`Zy64S&kWI;$+NV0@~g;ivE@y)5w~bOc=wyy7S~`G1+u z=csJrL0AfWF4-p(yUu~wazr2oOJ`*~yGpv9gy=c1k&+%mlKOpnDF3mK~3gWdje z$j7cUzZMC|7;JNJ{!ACoKYC9Zf3sxRcJZsoK-b^@+Q00_S=1wa(8a-TxR4Ly-|p!4 zQEnV8p_{$^r;eDdK5L%&rE`=P5gq4e_sOh!*!{k=g7iq@KM!S>)-c$==JmP=mi6*MK_aC?i~dG?6ERaKSMV}4-c9e%U=?CNlu1l z%N4}Co*d2d$IK)IES1hrtT&9wHQ1l?Zv%=R*Q!629MV!EGK$%LqF5e|P6_Srw+#YM zqJ78Q){xN0@N1$liFA6>UwL=?f!k#KsiE7~K#{QKZR#*u`S;E%7CT{i9P+`l)vnV< z>$C6Wx9pfq3|otgc^uWvD-{E7;Hia?<~JKKdkvcT9LheQ;6^m8S5TVsG_ET~ob+Ek zRM&3mYxSg~V6vF4$L{V4tD-@B)ykNdTF<~!CL({;GZo!3q+e1Ce=ZJD0@HsppE=9M zlbtaibz%j6U+YJ|n^zJi6=`(CX);lab!1=lJdcBjZr0PNJDI<$b(8LsN0aT1V-sBef08;$QcSLUl12U}=4@>k0Q}vq%>N?3UM1#hmCcN6k$nf<;^)-u!?LC=6x0f`;z|V5oX*V?l(WyyaRVq zp12Fqm6YMJSTlA|JPc+)&h{fXv#TI=9_=oiAb}a+h!982ojQ!{t(`(fiu)!|8`;{- zAu%8SUg@!L*2k8;_h$RO?Ez2Dmg-3&O)SyBH&}_)C_Q-QSz&IWf| z|3S6LOVpui!tJB|^mEtkk~h4uT4iP@ivmmCbNr^W#vV`TMunbYIh|M$&X_zUr`E~! z;v2+k_rSiYccH6>{QTi%sL25{C?mOFS-z8JT!p>TaSSI8t&U24D^7%4{c(~cZT{wE z_D>`iMzmL1AbcD1dd~P`T`t%z)F%L2u@&<^6?rwzM!DW&CfUVKk5hH*soLA9sM?t@ z4t8j{e%mX>{x~~0=x%=1CScFUNKMN-Qkq#=Gg2Imb{by=Jum0ytC)$fz~><9FcR~d zfw7kR5eX*q1~KCngL!`P7neQ3oxMS_TM!khvRG9*yUeY^dGhrTu#9@tXbZXvgmFe_ z1Ja2|I|p1iW0H1>T4~T)&jS0Tn^|cUW7~l$I*z)rqj1-P3CAanLQ0^|M7EVtik+_O zgu8><@#aWXhLS9wf7s05hOA(;fWNVci;#A9|7w=HUomjj0*%6omDX$Ac3jNe;N1)p zrC~m)*7Y;`GO|ujq4`lM*Zp>5e;-x9lLNhcd3Z1RoPz^h^N3D+yn3Miarwc z>E!b}_Y_fzA6er2(H8m$)e^w{MaKhU_X6VDJY|~2%N{R!{yjTpsFsPH&)rjmDzq== zmWVUC!~(EC{JtP~nAnBch9)+^=a~K|W>ox`{A{?Yx%6ot=%@-79~uRy`fU+6Bih>; zhM-an>$r-#ssLAPQ~1>GA(W3-L~;qUnF@%=P^emSD)#Q6BCyaPR10 zGnhXi|H)lLW*nj2=fhoF#uA-1eose{E&AHy#dF?4-T3Re-kIWMG01oavF`)=f_*+9 zYA0w*5hVaiUt%pPp0k|MkfnpxWp~8`lf}=6uiCr2Vhf+g7{e9VV=Ls2niw1fEtKjW zBEPXBa~FXOyG^oguwLzw{v%@21AO!x*nw||J_$UdPor~1fQ6wYbON$qKUspsX`o*R zPsq}zLhg6z)XdyD)W9M3OQ@S%X^RHK+>d@cmY;8Wyg>ii!t0g&bO7yUF%EdB#MHA1qjGJ44jx4EudYtEUGqYJJxB{?h65#rL9$E)+}Hz^!) z!y0H#*b$0XoYI3{Ah@164q^q~7@R2nYMB8|!>G#+$P4((!s8`N!vZ4;Yt<>VOJZ-J zOAf$->$f${NnD*x+_{8)5__$>wOP3+PZeF=7xa;iQJ4+LI+jAyV3aXB<`!swC3Vs5qr1Vscqk?>ySBRPed^5z=~!fql&>~ian1W z3UOi_V%!CyujgyzY}@X0auK=oSurYSzU-M&_~IPbeu*w7?iJisi}T@q)TFDfj=xOw ziRVWozy26LBYUgjhuRtXD^8;EdouOcs>xxhxKJBq-w0w9owjx8%FZqig%Z`rZ@#yV z3$8_%1xn!M;dLE&3PyW#X#ED$EN#|Ac_iNHk&!+9%UDvZ7?=nt5kZ=*4gS-=GAQP+`#7Iit6JB*!oyc46OW?oY z*Oek`FtB=}P`W9=e#DL#HR+vT0lXYOzz2M@6`d`RIUwRX3iSs;!{|+`oaAS67m*d! zX}E&>3?{bof@HLrDl0ouwW-0EhY#?PJ8fm*Bfv@gTlT%ljHxh&m~q3PnRrNXBnRCZqS$vCEJt#k{MTRnfz8$ywC5=7w<187j|e zOX_;q>MVDd9Aah~2Tl_5PGW*;FJ2(fJI)w~u z5<&hGto8HVKzWdBc2^0D!#oqPxN_zO?!7j=S_FP~(Gm~s$Qw1%{4gZg>kE(XMbK42ivI>Cm=^R#rbhnXP^n=Me6^E z6{Nc#ttAT;J?I4?ML2PpISmS7r?h1Bq3>&r7s<4#BfZ~xMor=e{ zrW!q)z+FTxK62yl6JyqJRA+iLqdww$tQ%3DloDi#r6hdQxlqj03&loQXC>O&=oai> z^w5L6^CXFq8q=`644n)d-`EJr6+$klT0P&%E)Rnv{?z3*8M%68#5=GJrU!qHI^S~f zev7N|%2{^1jOeBz-jActk$avqQ;VR!?DgitYRboO1BFTy(e#2x7D zz;7(M;R5IVIJzSt75_ML(5Vis#_3K)29TTV2Jv+NWL6i%X`?sZRnM}-i&kSVgIS! zyvMRwW*5x$S|QjSi2WK)3(6U1kMV;#k=27-6;=9oQo;%&5nt*57&0CkApfd1vN8CB z9&uotqCdqfh}scNtJ#(7>@%!S92NBMPPAC&^!XH4G&!j`=cq=4@11ST=^YwJB(cdk z$+Z#aQ2^TjSOR2J#ZhF3;=qWS18a~S27qaD9CW)KmGxMQSRX`@_rKvneC-Dw6bxohxyUjJ|s)dOUkT0-7_8-iw zaC{E*qKPY7dqbZ1C9Ebr;t|V+IH5uFa&8z`KaG*g_}8+_!^`pJPJhQYQx6e=Tj1}P zb-%bS)@HE3J%6wIB;q`RT(gI3xkvzC0l$F&iX=q#P(9!di+dPYS3d1i#6DQ7M_l%b zuux&qkEhTkz*Rws=(ohR`(dHN<8~TVlYXSn;ta9_O~U#vd5BM?hI}vj?K?4JHylH4 zlH%$+S$V4vE^^4R*6D|ZWb3A#zX^<*K4ceFMIAATKU>U-WOHShcRvfe4|&(HiLmq) zcG!{HH+3L#g>PgMi7+NZv1I(~ex-$p7WJYIzQXA=$RElom}y`g-Rq$(VBjR-0OvU|9`Qf{nGMsI{JbawBTDQu(6N{=_Z&I02b{Z)xUH1o5n?lZ+9b<|{usBpqVzq>o8p z|GtgrBYBniTor*krmK7%c`3~V7lmE#$Jy1 zKm$2!VeqLMVlwcKR&T$xl%S{sCD_f3m8?KiB~P4%J?^iN=x_{wXV$4De3$OEv6BpE zve`*?24tb}8%F<`|0NeazgyxyioHoaimra!z_jL%18lb3h}owd@cAxU#?+AxaL2xm zh$CDz@%oP2Y_SGV(rJ2iD*i_~- zl$CMHxKUH~Vy*L&d2o(_F)F<9HA zIQ}l+-HEh9##?mg%aKwCFmI{q#!VE#k`#~4CYm!@?a0b3mBXjq^t5H9ojzKUkMm5O z_7QO8!=`$`&XR--%60BM7?*K{`Y%xPM?PEk~*_Dp(RT#4iL;42jo$XtX|L{hQ-pVEzD?pT+6?txL-lSr1 z&~g1f#fql*^3ZvMxrAkV6;7(i{z(ox35rzIp(Y5AZ;VzMvjMy1*YJAy$&4Gs8}#k& z9YIu1l>UN@U{7|h!ZV4{dckmJ5zpk(7}b3p*$lp0bRr`P=<(W{_D;#DPF*NXeck&k z5fhQyv>mcULGHL)=`k+OUI<@_y|v!$P<|U2uz!n7j>#y)T|x|Ywn?%umjg7NnBqu- zh1jiw;t6}sSnH(VvK@6_JSISYkPwdyizfNR z1NJ{hZg?sldFnjj07i=E@Y>MxikH|Qc~%;^^%!+&$+G@@aSviI(QisG#yd|#ev?{D zaT}=LwI45;eN}Jhw(qS_yx0CstrHBwWhKxv?9A4F#xCcCpn`SJ|L|$=17ji2O(M{* zev?#f{$QSp<@wBUOpCZBv<`fx#J+D2R(>R-N=Jh(>3>|!Q$|^?%$!`(ry$qPzLntN zfJJ!ik>5C-zO;%89~Wc_unY=vR5(@b0d>r6h^g;)Gpqg0x{Ll(xAj~zmUu~D7xEcw zXXT;wEml=szvWXRe6STZC7RkouET7zM(L{gm!0h?=dF?G%fS}SEEB9deaQ3ND`Ukx z+heJ$^-6hWk*Gk7Sa~6%Y))fZ#6F8p^b!y2(W5C#W!^torXoX6FR325`*<-Tlvk@Y zC5FYNy^>3r_X5*TTxdhgYFWDi9n#kWeEu}Ba!@;h{SKL==WBGjIhccw~ z&g~(zOGL4!&A#s9}-ou-cTnDWxH0N;6%I!-?p7EBFUM(pmoY< z0JHaMe8gH4&53vuqEn1Eko|!6`Y$rq_4vqz&@GHN14jl9x+Zb!BX`IgVY+redJL}M+X6k9e5?7YADCb=(wrTO$(J*vWkRNckG;KgZIr*t_@Z585lt$@|@@o3_RwG zE*~PU^c%TSoaNc@sF*SP8K*W`045?zcoJYm_>EeyNC_pLj`kVR!R%j73GKJ`Ev)6M z@Ogb=L87Ys$x6hoFC&)GX`Io2uqsp+pAZ9!$ub(KZN#K){#tB4T^|>Y^V%kkcK8CG z(ri87{-R{Go@Ze_WP~%#u;N}ZwXp1E=PZHyBsn6`9gKA$(Sp4jV`|wWCdm1|Wpc$n zTaI7L?aMIdo~IT0HR$b3M^1MaY$)~q?dRyVDt`A2JV*BNvW%v8qOLhLA#gWhY`Bkk zUezxc2utDYsA9|lxs~`%^DM8To41N@)PqN6v%VcU8qV4QTM6v0nNHd{od2W#^B}NF ziJI3E(VrD0Dx=HY#(nXp@NX?MBYAg^LuD0#*8-)S4GX_3gmo^=WGc&iHduyvlAabx(%&14 z)=TjZoDW6^D1WrO^*HytsjU^T*2P#Mxv^ssYl`#Mf}nA&V= z1p28!_fi`WtI(F&p9phS5mkBV->{Nc2wP_*3Cqf8!|g#g4)NQm*j|RHh52k%(fEy~f z{I<_$J>S91@bgaAov!@#IYLj515SWz@cQD{qHSUja+?u;?yB~d4|zsy;#NHWBNM=4hxE_%UqA{-6`og1Qezh@} zQH8}otW!fCThcX~?`&4SO-G~@F@G>#lA)vDS~XU7+g0B%15qsY4po)eshZV0P38!H zg_So|*tF5w#c+1NYS2axRW*La@OX>d{0w``rD_Q1?I&q}>FB{Zp}1&NMG&*RAIQ0^ zu;)sQ2CLW1n#q1^qeZoxlUcYXPP`Znu1@%&ldflkm#eAeRNe1^_F>OCFjVRz^qHtu zR#n|zoZ>-_t;mniv*F4!W_UD|SOqfU+_QT&x}o#xyQ9i+7LZ?3vEelU>BAh#bUh2$ zo4;9SNd}E*?`+f@^0_WO^$_jVD)h$Woe{Cm zdE#kfPJX$rTVKO2tw#lQJaF4&%~sEfWS52bOZr7%$S7MMl?CK^wPg%k0p_k$ zjFxv%EWxFsBhGBnN^QR%k`Nlw`)0oT9@{NO6W*LpWhT)k?u})W|C<$(HA-O)`DiA8;pn#(bkx?Z>Hg z$bObucfrr*47Rq7R91-jBiiuvdli2UyI0e8Ef%XV{{7yzwm+Ko5>zNk8 zH-u*>?`m4u4%m!Wyu<>bq7K^9xE)CkHzTaWy zSwmnG><_|S#l6ot{M0BBtC6`Z!MJQLqKmj6kW>hMTQ`wA9Qky8X;>_zi~Epk(|Lm8 zW%Efin2K6wCgs55eiR+o$X}{S`+?R;0dfJ$kx_U4F<_!^1YtEvQcn_zdf)sWv~=|jO|+$}P&+agbKIZ}wKJ#u=is|h0d+`r`lS{|*AnOwkg3f2DWs}=R* z9kYU`BYy=(oW$X<0d3-Q8EJFael&U-gGYR5<*sc4YKPZON+U0&*D@n4UNk!%35%5H z8&Pj{md?(q9`ETVEtS?!#e==29*eUhZbK_B-u>>tUNW!sw#?OSA78fLQEeZ; z{7zIDxm;Rd_js}Q5AxZ;-`LmAULm%2`(zncAXVFLc@q(Z95K{K-~Wrn$AQM7w6OXD zeZ)2X{>dp=Y5)8L?oWZQg`BMt{ zA=L=8G~>o$UHKfcMk6K^yYE+;?$wpa+WVd~+4;BYkaE`!S$R1ba&a2}J|T8yD=#E4hP5}4zn~lz_a`|E zgLdMq*yKM~0K6v!9Maxi=CALnKpe$$|tGCMBeVQIAyOSC$=H@BGh5d###Nm{0g9nY=s?+)JOHU41$GFG)$FG(3ZMU=LB> zN`6NU1of2G^GM#jLs3DHtQ%dmupRi;E2~R{1uRb;`b`8{hSq3X31}222NU!Dsc{C@ z>Xan@M%d!5dt=E>L%v?ry~zrs^pK~WknS;`8pLDuwQbY${9a#Rz2BNeiJT6NOpBu! zS({0Sa45tmP_n=2hepJgrX(po{2A!_q(=Jk;HVx0@JsF~%0Ld@My*`KoX3rwNv~P@ zz$R#NJzn)4b|^7O8`14@3-BiQrNv9h z@q%(%AnHP1%HnUDox6AJ&9aFZK=ZhJSKQGM9EqnuJ7$l|? zv5*|`58ns&L6BjkE53{P=9y!^mK>1l_y?e1+2`;B zTbd(RGURZT&O`UCLxks)D0&IId{1s|!)%SogY$0}u&Y=U5E9bkB50-1_(=56HJ@JmUH|)%>#}SwR zv=ht{$nKIqiTA6sU>7CP#&b!X!HoAf%Nx46(_8vi>G_3}(TBvvo3>)sqk8&);Gieh zO=3V8@2E*XF;dNpxx@J>WmJ6{cw@zaz~1m)=-Z9J*s3SB{WW=uyWk0vVI%PzH7wy% z7hZKQ#_H=`w1C#EqUUAq(tx%|cJs}NR}Wl6j8;8#U-*Xn+?`44xdGYY`JDlqJK1sy zyXNoiL$H>4+63;o5t>2mx&m16g)yzi-*&}{U}vg04kKdok$>V`s{5Jqq+5PQj*I%- z1v~b^AYzr(m;z4>4dFAQ5pU^){Y2fXu4uml9k36^TMk9}gn2z>uz)iITS4umgN}86 zq*&noMfR4rU=a_1 zkL{}4$^3kt=(wdxY_4{6Qo7Y#{S@CsoXIPUZF(7^Ae3NA$In)tjN6d)Jm|Q1XDQ;O z0Tzw666SG~1ye_X<6sp%2lEc*&fxBm)f)bjn>G=@OTc>!@7*Qs9eCu_v)@U!UKP1a z0XBSR5^7ZCuFp!`h_$T}8Tvn=ONjRDiP-w@L!QJrUt~XYz0hJ*oKH00SMWxMkgo{UM-XdU9qc#o-$~zz~?WuIV*=|1d3npf$1X z%aLUn1UuWjCSdzJQfc{fMxWfV3Ul#yR}A7Y7p0HH8mrsU+u(a?sYY4Hjo%oS<Vvz`1*s0T;7W$uKDS>PS>1^Z zrDZ)Qs7n7tTo_)q0o3&qwIh{>pn=y6flrBh#U0_M-f;irt6P z@UxM~A={p{M_gd&7nGs0)A`ae?v>); zvfyHL?cqJgS%ZK~Z1PK3U_PF7QM0+Uok_fkxru-dZTp@dgXLk=z%AmZ+itZ|V$@ui zE2B=OEuu@Q#nSYf7H)fofM4Qqm{sa+uV9a6@&FUDL9AZZjfbL?uTqFO4EMSZ7D=V? z(lWmNjEFql0~>TkCb$!lI68hxFS}_TwHSG2=I&5W$77JIt6cL6Km~GDS zMs$OY6Z_JdaL0hp5tyr+^M~LUw93g8mLAUV$Yy&+JaeW3r`?o++z~l=Mp1E0$N1KN=?#tU_`X!>{ERLT)n-J?i?GYb4-a@O@2i^&FMfMb;&~fDrrE3*zez)ZATCqQUe6k%zVxm<5)_LQ0WL{(tnV1t`~oupDj+$Yd;6s z#_w0wSy-1y%=meDf_RG#{lUjNBJ?C;-#&3@Py4xFGK|$Y=6Q4^Xc{!7di#Km+U>G* zI6jcrf5wRK^84IvC6az8b!7Yd7e;1)7vtPZN@i-=n5kWcv}^__wK6Ts8Jj6{s!8oLUViWQT4#4a{d|Al*Y}TJ;W_*4 zz4ltqde(D!Kko;b@=C~=S9gz>WSn*f%tv$4YiRB-`2MUYxg`b{-m{mT7L%r_J>)>; z`R(>vAvn`|*=yj5(61QlJf5az*LaTEcMn*AL!Ye`r7r~CvT9^Z%fz{oCl*V7x^le~ ztSOXhNck3MN0s-B zN0<8Bjn;?_aU?3rYoHEqy>EI9Sux%ViAI)Z>Rj3Y+%Jn>%!8InhuxK+F9#Dy|A{;o zPMR+wljPD)nqQi6F<0${FHjft#E^Sp&}DtGKt@5uHH*coh3I!LDPi2fyJ8s{8@Z z|8!^*^cF;QHmjw&p?ZF99^+ZaT%k++R!G;@sXW;kUumAn@vFUBVd5uyu$R@`sZ7+7 z7?l~JA5@0Oo3XDIHux&4x>YpyCkq+7k;9Bo_EOuG?4o@CbRflZF|V#;t4eO+XU3?tsumO#<~ZP8RfP%@oOU9+R|B5_w8o%%x95oNiFS z6Y)mhYR=3PLuT#b-iH??F;1!vb)hZT=F!^^m|l>m3U#ucLfrobVv>b&x3@U%du|83 z6lB~s@)r{&PQn|^Y4i`+O*;^~-asOAW}nGg1sm9DAwFrLM1?QQoY}9h$ePXfg?1I| z-lE3K&@Su8@A$c+NU(~p+I1@7XRHKZWbb*?t|u9pQ~nP-n6u_CQ#j!#Jz#p#r*|Z; z?Y-{FA&I(T%-$)vW)iD%Bo>`$>0`*x_Q{@!s0OcnF@)7Xb5VnK3BKwL)E??U?=UYz zbj#hqTjYtq$v0*_YqYz)r6e&H~1*B{2ufQ%OdiNEE{88?j#HOfSiy))0irDqDChgmN z?47uH;Kdk+|IB(0*`spZ?#DSQwAua6x$R>1sd4s6na)pxlfN0jIa6mb@2fIaQ=QZd zL^^YqGRpk9tX$TEx`AusCFBrTr9qCOckztd=@4S&vy*}k2YCA94hWbI)HqN1>Q#R?Ds#?sEK$ne; zCI5Rd)}0cN2qY1A98MbG@Bb8j1QE1MEmiM_bv^-qk55*}Lq4NP?8ftEnZ}xTEqW<( ziDa2G&YQ2icc+(QAG0@NIVzht1AN=~f#g(XT>Glb^R)K*cpg&D*=Y{F9UdzOizYqbg51b6}o{3eM>dqh={bdoQ`jmr zU-oRe=kC$&*sfs>kazkJSnl9cpbyvszM3`<(d4Gu|0@O6n=p#>KO4?tzS*+KKkn_?a- zDrTc*f_-6VJ!JwZs-(?x-==msrl(@+pof~lqh>L!V_7YknSOL^q#B1T8d(z8)iTjE2m)Y0i?gH>|WMiHYfA+L&%c5{%~w zD^XDUGDqr1bIBc(8?2-z9a1brUF6Z+BJ4h|?g9EF_s;RW3u70;c5M;oh?N|zyQ3R( zn*`}03Y$F-Mq~eKmO6Ka%5xv?)XO2{t>krO&_=B_jd3UH7k0Q}v^No&iyRkUN=#X6 zDg3AHXl`HZ3$VPwKQF-<{RVXJ-(!SCtE7+kat&whh{IKy7kD3-+VaHTEzy2_=Pwr| z=s#dro`QuDuwj^{stm{@Lrzk~eM(#Pd3XzvVjp%c@6^=pC@dj*4&+FFWo(=n`ZiaT zohKv3g+OrKL0(n7^pvbnt#zyj72<;A=l~~2h=5d4xBoh_*)=1nuQ>eTS)g6X=$R)> z8@|wUaEjzU2s=KG_ZI#{;<-;V6w^ym4nprda%*kyq^uJ#&6O z>UiLfG6SY$&6rW3CbT4YAdFHft7fUY-hz9X76H0Kd!Lxb_bjx1i|7sVorj5+T9m~* zaYYb&g1+LFs5*pJV#I}4vnSPNTPkvF_4+pH#ZIfQpa#OFO#)*yt7J#YxOKV@ z_f5Lr2peN>i}ftaIj2Rg5MyaMzz!rv96~Iw7Q2_@%eOI}TqjY7^e9yCyYnMQVz!N) zM!iBD<2YE}i*?}r5KUbzJDAf-7H-_!qbrw7JPZ*C;DE!gH$|Du_e92tU5kL#3wj;4 zLL_+9{*kR%=G#j&QXuSrE|yKu_kJ;Tk=x~|%)Zns!nS}Hw;4~ROtoDvo`kf0FT}6| zlZMK5BhEYl)oSHZhy8U2{CTVhHM=@jDO*K83PX0lPWHJg(h{8?a=JJDS+x?h&r}5| zy;`C`N-W;C=jCju*uZeF5k5~j7Iv8^t*S!XL7<<#UE5;U`87ko81-KsU9PxWK9N4k zMsqfhJ1*J#rcP!n3T^3r7xZY0a~11&f5CaBP78C{X+#0uiF~L^GS3Y@p!^4UzI%$^k&4K3}Li);%pUq z>r9ccCzzM75UXrl6J^aRfLM&dQ@yj3vv)q7DMg(LgT=uQm*@X8yrx^c={A>$2$G|xgm@ASp z5$WfzlC+rt)P&Kn?YPITNlo}lJAtmL>}}o!@knNqm=|JB_#uDRg{|?9L?n(QX4He- zXMAB9BTlZ@**N0cobJ8~`#^7SoCrh)4_u01CPut9;)d|UX{S8Jq=O3EF{fAEHm5s2 z)+#z>>#rqDplzkW7wNcYV_!sSurT-m_vqa48GjUc2YXBNoquZT>kd!yWE;oAGPD5#y{T^bv0m|4LMh>+I!3 zZ(~pYQNW!D*dg?QY3X?GNp4CF+P)a)y9HWdDNdpitU1q>H1rsM&DIPqGwSD!W(}Oo zY8OL}+;ch3A-t^Orx{+_W>a>)(N~Y2n?%*2!s=V(Ckn0oMkXItRzJIoOzq^-{ySY= z-Hh0qk{y0Sq!hS{5}L(-(S_7s)y34Fisw3j% z<-AUvxy;NeL>J?zE6fE}V5A-3+(?@}nRCv_pF+McN~~)1j4YUEhB8dAj5WF&li7YY zECrQCE_X);SSN%0cVY@W#kGzurY|H*nLNqevlJRmtT!{yV_JkCPF%MxY^qQSVa`K{O#}mKG^3lSr>T@F`r! zTgom=sAHNuoAPy{!wnI*vZTPz%)G#$o}5A5%v{ZHrgnNzSmAQ!7PciaM$Zv6$qFUU z8L|h}8BIP_7;*WeNKsis#(1@&6O)0vkGKqPlrldSHVS(c)M0lrTfkUfv=}atEhi_l zUaIxXutJ%&k#Bb8YEgHp+WQvAMMU-9gf+1ulrytr(yi#EgaJz?RpAUVdN+|d?`HW- zLS*MhAQlJVEdI$t4-GsFTMQ4)Gsh}#?kc_c_rj{ICDtUU9wxj(`G*1Ulz6H)i*B7b zKF+A>pY}-~XK$7L7B*Pc^6a)Fl3FDuNF%{do0>uclG@SKURQs!p2 zfESfk0MF7<=31bqqQ%hzMm&gfn4e4wu1}}s=&Zb8(AV%5e?m1#fi9xiUoHtL*FS6$1^vCW_al3lRotb>hj}T3f|Xi+?9? z>qOjXd;9H{xPVB}Z`h_*KG2!2k63@yhlCNI_2*9Xtoeq8Hgm|YLL2yw9z5~in1Kdl z%oK89W_Ny@joO~CW|qOWY}rSUa2A|5J2MjF4;(TfzMX{uqlN zcKmR!bz$JwNd9X_vl%#&LcZ;)GQ@GxkbE` zth5X>-EZX~Zs_c;dUXF+m{4azXpE*9bz=Gs1tkT}b)N;s+pA3UDR_rNb1vq7W+kU2C5X9hUz@T;yfiZJ?zE|% zazv=1Pqm4jdcN4NkHUV6gB~#Y>8!}CNn_WcJe;6DyLKR!uTap8g#A3yRZ5H_CHALK zo*oV2X4{K>1?phrj)s+fF*hF8W4zq+!n*HOezJKOy!GHS$Q}f^ZGu}PedOKSy_Z-s zTJUv|cJSjQAPAvvh2n7 z2989(50#rOj(0ZKr2WvIkul&%QgQ0ZERMIG9nU);R!&wcAqGnBmKy9PqVNOYrv~?I z2Dig?Vo?(K=~i@P|I$24KY*A;1?0D{<8$esz)1uu6}_)gi32|^){BkePFV$0Xj9gH zUr08qVxt6~smAV+D(<7Hb*#Mn>1kkT0=-KrAP3!_yWKmElT7RAFE2)GkA>5F`obN( zGUR2PV_EO$YNFi80ktk{G`NZ=p|SSumWSY}REXvKTsq}uLezWMqqlpCw>@1(ZMTZA zv4@c(a(Az|bseWY_tikoI=IAtuc)C$3Iu8=#8Qd+l=nJTq|*kZT|GyP^qwa!bg6*c z4|rGM(9U#z{b_csc(?=S^qP#FdBb~|4ST)}dpR8uvE}|nh!oJz89MNU{B)@^87DF; z{8gO+wTKXF^i924C2cWp8O*D@#@6Cr@yL!JPm2^^Bd(?1q)A-UErPKS`rNirqqQ}X zld8~`0)IYF?A|*q;v3WgRM~38doObA9ke^|2+?Q5R)u!KIK9kI_dJW-!_a{*-xDdm z$Z8hfCPa%r`J2Q6h2DX`%vGd6Pv(^neb9z8MM09=R|9!1 z?eZfI?h5|4`S;$Qe16j1p>{^qS)Wf&o7OzFK$Xr6+T*TcVm|gEah>vN#C|X45-VX1 zCDSuHuS= z{9Z)N=OJ2B)1wP|lVpmCamHz>o^>&IVjOL){k@13;uC)}zX{D(zn5#aZ86t@T^hC^ zQqjL7zo%`>JY=SL11JWbtYl(Q<31p}BrQ1XbnL|mdd$Dr9rNSwXh-A&J)s!4h$0&s zKN495Wtr@&F2k()VcnViZ$aFESWEtnyOtf($yDi!hG_6ap+yc#o-KaIIv~a>-;lUR z@Y%~q0BuixJ{xzn#5B+3orLue;@Bm)Hr%XET6!!*k-GE{dE(CvYZfh&j^=XySbfd2 zfOdNs;>l#IJqYc|`s8|@G4BL@Oiw=-IhlC(LL2+Wyq-mTXtZDq@}+KE@j{!wFQP_M zC{0#p_9}j6Mh{=c#KCJ}4$&X(te!|;huAJ5?ulMuUSVDx`|;37>5)Ixk#egtBs(KwYDLSIQqiIVRr@A_0!Yr=Efx7s%uo*ITZ8(%r*Ne?!-j3REqCwK?qUIJN82^+#Wzg++V-W%Xk2 z8Oi?A;t0bI{$WQ=4|YOhd@0NCa0-8uyX=$1Bt+RhNo4-tDei(-RVT*Pb7qzQWCi1dXF3z>n3Y-uOWEmjPr?8hyJ8&_P;owYPhJ|u zF65^(DRDY_crwnl4xEhz+2D4^-)h9H39|}K|2Md2Ge!0v_^cz2QLnyc8kQbwz9FJx z$WXzNSs|akA~r4$8RikDuVx0C_FIm-*>&i-6obo+Ir7m?XYan^VOg)KepB32{U#9c z=nHz|{gkdI(b6rjTqA`W@ z9jkS8oIn)q67ru>h#*i$(fh7R`%Omoj}9VY;}V#d+kSgi&Sa&nW_FTe^RVmUsZAS2 z+yXUD`e=7#pBBS0J67>j*i{)DnH<1=Y~W@NRa#zgG%K$z#MIz7>+W|R^qfpqEkS!6 zb}40dr58`SIQe%SILNz{FOF6Ep{-pPt9=~kZ==3rg-cQUPebuH>a34AF2s?8a-w;h zU$y?YYYRB3)$a{k=!gSziQi!TdiD$NrBB65A01SOH_!6n89}}TL~3ygSK##Jm<2i) z)xul4z5xL*$z05Lrv_Z({fL#>j2ZgWZBb&TxX+Op6eI0hR-;dx#T_ifW8z=g)M7_d zc(()QmHmKbDDbwXLQa?i;ylrc;JPETi|bm%!EQYJ6&~qA@0uP~X%TQ{J`oShU`$rc zCK;T=(D$wwv;U*tNGmbL)J3WXq7|pgzFJu3IY(2tN67bOhNoCMf}i~pJU@w%A$Xp8 z_Da(`y5iL#$EpAxgREAkXVO<52pi%TlcCp@9YY-tgtBC3SH8z@`U9p}{>%oDjcq@w z8FEC>@_EpKI3c=Rlbn{%4cwd^3hQv5MS= zU4fB|hwaW7NvPB@v{uNaLO&QNrgx3#Be{eQ>Cxa$D=7atH2^FBnHz<6>uEv@X6bG( zZ9bS1_-+&Zl?6+U*R%8#m?IGzbrMmoBk!(ejo#)TU9_o|l^e3=vE#}4#W67($!crk zL^JZsw~m2q31ryJK{g^giF0LCN*NOTQ|BKZ{y8oR^=s$?u}#2AVGQZBkPq(Yk6x7N zJtC1+yDT0BhnkZ7Tc5!*nx``5Nm(y@Z0+u#gp70S0V1MLA1nGQ7!`##N3%TH6IS8Z z>qIR#xZctKXn9@c0~>?C2Rln9auNLGbIVeAI%GPn+lG_X?GqG<4YF2Wt)}XS%UBE% zL0iDg^0Le!sc%_Rc=I=n!3lb?`w1@X-<_U!8CUQmIN+lgD4J1Iab0#`uXV8N)C0cM zY_zpp`m}Jas*K;dE82@i58bo8o!yc>6fV zw(a$>o4CeL%DDD8$Fa`*yIQguG)S$+@jVZ%Lo2QzmDU6KaTV$=FO2L8!rN&MKz;U% zly-M0S%1e_q3^EY>Ge#}23gxv>$umns|@uOq6k&KibJ``wJFxyO3SxQ4AuS>>NFh> zWR-rmTUsLMp6IS|w0@iI`tC#i{%Y$C`$UHYS@^x5c=R_LN1depdz6qMDeMkOo zKe+JE$=c&7dgp)`Q>|551!mt`WV(ry{{|6^0DUe_hyZ0G=f7y~3LOyk?*eqv8SQmpSijkRS*N@;c((dG4_DaYvI4zP1JNR+T3`-J2+eJ+|4h!Wh!uPH7$X7?_%EmYwB2lEt%m zuagy!^dX2{+TtSq?dEseQN=yG92j!N>&cEAMn#J;vTp*2W~6skfqJIW5nPQzTkkNl znVEB1gB4iSL&c5S^mUl?@r+Jv708=e4;Axy!rE@(JNB#QhoTTWO;Y-z%G7BVV^0-$ z+bGL-V|dR*?Rkj{UkNYf*d1P4O@CitYbz)59%;T+CO;SJz-Noeb-ahL?!g(TD)9@K zuQn}1mNPf#@R$oL8Fx`AXX*}mj8^gCHfC?5(fO6#2$zJUrZO=|o zcFDVXm1(yAkD-_$le3Q|KHkCS?sUBYW+ip*^ut}+-N7~G=dAN-0?Q~lfJ&r4a2VNq zYPm_d%fzG8^4y)eb5K`i#HWnCc6qsy4MYO;!N}aKO{tVv2s3h`UzpiBg1CuV-5W91 zS}+mI8I?K8X3Gm!v(ES+?cisp@OkX`e$htjbierPn{NI7=sIs!iHr*QlTe6fj;+#m z4Hn2X)ZcK$jqeoZ+w4mVtO%9FJUO7(Wmf@8IT_Z@AZ|mJ9PoBRe$T_F?5ypQ^BM>o z@jqm>QV?W)U0wILDL!e6j3Vka>Rr6oWaC~o&_;W6SR=T&raZ$|8e z=vMgkZnWdg8jqHBCgLyDGe_nYiF;*5+DE-=(zXoVBy!$2V)Gj$O0Cj%9n8||?m(Ok z0o!rrN;!LH7JywwFb*bjP^ikFe_n?Xa86oRfvMh_1zx)ru@mdd@X?5FGT2c){1zrjssQZc=`lEg|NGRGp~Rp->c_XAY1D76P+d|pGJh+ zAKo9OeXS#1zX%!npH0->={?lm*u9syIfWeCgXo3oDA8KK5}|bIum%bCoKfbi_0F;8 zPOmfbL)rgZwS0!pChT;5GFd*phLvGhzMdM9KI5-gIzpCx`g?-|^JSdg%3EPAEzd@d z?>=96@WMRt`LI{K6w`Ot*bu#? zXM=0*dUR9w9{y*JD^trBE2ReCe;2j*dl4V%icL0m*$g1688hDPqNKbW##u?inL;kP zE8g$lLkmcuuR3dQg^*j2NVw>5XeQGY*v+il=P5DNbgyYg0#6BanUqmj@(i5w8PIX= z6x#R=u(RnSHo`Z*63%-@V;}90xzo)XM0UNeW-(X)$Gd17Y(_`2N$3&_>(R0e=XZ-^ zNp`)y$2nwTv}6NWwlu`eFLV_3Odesmt*dY$hFgP0R7)t z*>Db>4q~MJ`(ySyJ_XFkWV1tVn7pqZ^kT@HUImckQ?UI4!Cl*7V5PK`8iN_HJ6w_= zow419Cg|IK@u_P_zZ!TKnC_9WorOHM(lv&DR6K+RE;Kvo(qUR-K)UE<);0cH#9PHrzs8zM zWutj^s*nHMb}gVc=9ikaFXqJx45&II!KorgO-pHA{|9iY-vCN`i1n_CE^YktQSzQ@ z_I^d5))(RHHvpx#+H@=KSXHRkC!s45c!!vY+r9VF;bWaS&uQA*IBRq8md&F5^U?4k zc~4>eNsupmVzMtXbKfU}|J~ic*)#U@BYhG1_&!-7W63SczFZtTB3r=JUeOznea|t0 zxg9$h(KxByL;C1tH zYZ~HSs@_9DS2l>xeHS~-`a*p%I3ei8eGTlJLau3?kVYdY1aKDW&|AvhgAPxpc)QtnlOzk^oD)dyqX1Y|eBj1H{_hK~`zp;XlCO%p0` zO0PCu2;@~)Ekp}$$LLp@n6+drC3C2|7Ad*&tO9EV9H`eU!%1KcCTEzE9*4gZmWM*a z@;7UuU&raJ?(it8!T&p5X`11P57NGU3{0e+>|!AzdN)M3yegALKOR0gk?(mdZD<|N z9YpY>a_5>3h7{<9!+2-AwcwdD#Gt7idEK?}qq!a7i<5Imjl~yM-4$;lhD(EMW#=(! z+CM}%0!M){ftq!({!|wGDU$ctKqd3uKW4MaogI&eI{&pxUF2NJfN92VuEMVIhA#E& z>fvCbwL;e*M*vT$rKjRB;h4_%VAg+X_U5u&A7W6*FTXrI5huik{*b!Ss(T<=$_-!KJeb5u|E zN*gmG%l%a?+r!9?Q`?4^uGf%f?oG2giBX#fOYl0nm0ibf-vMd&ic>p`a(_>Bpy|`s z8B*%4n`4i+#xf&t z0w}C8Pn4FPp15VU_9}EXdcb1W<%x1%FYV!dw4x#+sU;a@tAG}mDB0o2Vov6>Qu`Ok zijtFz_f+R!+bT2e1lo%!>0e}(BVw@^2=e*plt3ME9cM^2Rty~2e#5|OFw~@C&BMKF zT%UmRWNLRtYZ-B4M`Q9PW3P{Nit~;P<{ZTPSwZ+540!mwbw-rDZ;I)@K`@Tdl>Y*} zqe7e3eaR$d*|tSjMDjN+jx4_xap2()?;9dJNl3JNnGd5&S{CCHte?3d;w8F^dCzM= zA>`rPsF?i`j7mQAB;UBqhkd#9UXS}%=y~9Ts?b#@xbzrCbbpAl3df2=j}?ijrJt6o z>$y9A4JP`f5*5{C*`_Q6--t2Qj5I@#UnH_%sy zBYLW%4fm@tjrNMh|MQ?L*L37sC}ujNF9P$UK=Tb{h9GxY2`q{wlNfX08_!1k=EP8= z2Ama~%uy+sB!2+=9qvwVcIPRrKzCH@;ot^YcvpF6dPRyW>0Z=175SvBKxC>Py3-(I z_3wuoB^G!wX8x1J4%iWz_H+a-2m_ze9_+h$dWOWFMeBZ6UvUnczh5p|Z90TKGB%2t zly3N>#nCMBBQ;<{nChelU4xl1Fy(D`<;6_cPNj9*K9D>^tYPFVWtiTy``9kSTE8+_ z@usqFi25`Pb&zC0XU+Rb)U{DBoH8@t|J2w7{b_5mT~%Iy{m$o23voyJka1R%a^Ez# z7$5p)^y}Tia2^j2<;=5Mj+|17-qm{V&1c8WkSIXZ(?Ab2xDxadV51q4TJ<_LWi?gE;-+##q6j!@rCFKuhbmR-NHyx{6Hd9 z(s45UY~JAbQNIFjzZNx?+(Sg@u)8fHCqSZoBQtNetFA5bp{M^v)^%vYJ>A0*K`R|m zD>{iM+`F{_`Q{aAX{de5Pkt+pPo8Z3WAp<3@sxw`z3TO`PE|jj=C!BYj7cG=fui*{ zH)V%@Vj8dhE8>3S)-gJGv|Y8o?l7VUEjdD@m8!F1wH^Gk*fo!Mu{t6enK0f7HCw;; zo}oTur4OUgs50dVgHMh4gC|Ev8;UWS7vrfd z&iR;!s^=MJUG0lqN0VVFTC9JNx~I~{^G$%eh!);11`iX7}&Kj;ZnV>i!@e`|dn5EV&8 zTZuVce>u#+k@NH=-*O%OIApA!b+c35dS>zrW9K`rJ@=L_*YZ#w_1xO*?#)WPLL0atpaJtF zS5t_txSCqa(|S__kZrVB&%eFKpVq3!ilJqFr{1)NoG7Xyg3?BQPwxLh+hWwQ5Xq!^ z!*Wd;g9F9iu_{wb5B1?{Z9$hc-tpF1V!x<^=%U%KjM$d{PM>61Z%>aQvl$U7#9x9%QO=FW59kyNu17p&{WI)K zN?(WgIhCjP+>i2Qpe332CVwb;&wvwyV`>Z@34Z}OE@VX6yY#G^GurbM6#*d9lRcJ< z3PVEkn4!diQvt>#k;Pw37nAKI?LFM>21DGfQo{YAs^1?*AJ1a#f5b;tMn>=NUj{Fo^S9MrhP-!o-R$1$KaA>%y*Fi)OQ5@ENpyLiO8c)2%vrz3-&pb@F21;}@ zdsJ~AfM<8lgXjI!yw*W$5_7Ch!r4ie#MdvXyS3fTtioF77oz9sh2Vc7CvhNZtc{)T zS*@Wx6mNcxXojD$)VbK4AxHPyJVuJrtP_yS&lj@?lVc#Yl9u7W;)!~>2y5csws|Q$ z>;F9tJkmIq^HBe`3!iUzXseL}L}-^^v@!PX{QYxRBYST$4a?saesZ=yVAYSug7uq<@=W(FO9^8ZxQ*URY)2(_d&)U(y{8zjUvT!8$ z%6J{S@q*MtY0xFCsaH4`)~gT?u|Js6TFS$Fk(G{SQSE*gL(}c3Qu~IPsjYYeqLGOH z;4X;Kcvgb%CG3Xyr%SRI$c{<0yj1k=fIS9seGF_aYR9RudZd>ftyd$qa|6gIb~je2 z(n{MNobc}lZE6pG@WBd)YuE|~YtU6>gEC=9L?aF{3-*vgNex71qgE$h;3**fF2EWy zEDg{6guQjIg<5L@tt{tSXk?!MF700EG$-sa;1eZ+?q}r8jM=zV4g@6c3$t%n0q#Oy zWSyTw`V2y%B%FQNaqTabUxXKWOdYGEtbP}-a=Y)_i5}-!GdoMk@I7Xz8foOZ;WeqrwAbvcgrYH_p&vr~0iNMKFcDOk-b!@5ab=Q){Ua2{6z zrSx9U4tgqjzSKod?5bjo6(~&u{R|6C%izhqzf) z2cmp3dy-*`zdGVL*v(sZB0}VO`aVR>6=J#2cB8`EIzDlQ&MeHtuJc5(%wbmASm{?~ znGPSQLF{_w6n1la+3Qeodkq0{}a>ivi~iH2uLYbZO3Gl5uR)o-RH zzTVb)eY7>oy50P$n|Xh5OzgX~f%&Er#5;%|zPaRi*jVgT$M>YiG1fQxF&+7i-qI?c zX=ZN!yD{WNB3t=d**}KfvQ^9sag}~x{=0pML^{z^z9QHCH8V5zDII}mmf0Kjw>Sy! zYGN`!FBUJN3YHlg+7f?>Jd9m6+m|ux!2`>oS=3%IbP_9{7$x6>Xk3mceM)75%X|s~ zMj{^fB(f=u+E3_c9`E`YmNehr(6Mui8Jp7(jjGq@^!hgcK8Z&xwEbechBIGP8QR@U zGq>(}GBkaZ)OIX9Q4=lGrcpl0cAz@Way};qtaY3fiPkmVb&;b{mslz*E^dx~d30gC z_PpM1UL@BO-jXEvdiCzrMWe!QG#o5C5`({9w5M5%rz3siCl94Bl(#A=S zgbA>s)Ey1!n7?ul&I86;&Vemo$KD*+MeT|qf#i;7jb_@y4L#L5dd>y<-}Lx?vJe;Y zeHr=OcxR&Rp^I=rSw+yBZ-Ct)7FWUs?89AIfgLtn9N*Q591~B{&Z5wbAf%r-6n$ie zPG`rwVpP`hSKGmXhR#0g!}UMvjmUXz0f!quw`$~X1K(gDP2$Hs>BCxcdPd_QS!uwT zH>0xj!(HEGY*VJtwu=Qac)eDcsq=U9>oz#`KDf>-N@@}ku&8?6(L`)Dk_t-8lP&| z^uP>Ad?QgcL`8Gdj6yCpjYlpa4&6n1rB^~4x|i^qSS>)jV(F8@>#87&=PbuHW5^v=lXgv_w7Bm%XNo!4k$y3k z$c62XUqGH-VI}f_l0Ip+z017Ow*z2@$j)9z9Dj}MVmfZ?jcmt(P%;g>+_sBH?qak{ zSVwY_I0K2`TM@cz(e4_xVumI-)0vFAr^SAp$@Tg=Sh4D@%Yja$uS8TfDq!5%hlz-T z20zHp=!YuSFjWydLA+Y((uTDw2Xft+N?WMj{=B{uoldNxtlfG&LFVrcfE(8tup*7I z)>-=K)M*kcU5P3U6hKD;41+p-)>WAEm)H6arD%=d39#4T! zVpfXwJTXz6 z(S>7)16W0MJ*^!w!qHwl*M%rp+U>g}E(-IHwcQFt3b`~Hf$_`;F{hL+FEI8^(Fg0R zdvhU@PZawxJAQv}-9LRABtBD6ZZUe;ObUm0rn7I@pu7CVI=}k+ zdEarUsDO?vG=-iZ2`;lmlc+0is3lHxQ3m zZ#qk)iaY^nyQ*Hw-@9)@gE?(898e~%tT#3Eow6klyviJGP70X#M5}8!1m?YnXpLK@qHMKNPKd&ne zo~?*ztG*_qJl^&QydGUNk2AM3$q2l>$_`0^&90;?>{zbgv z3Qpy&U^Nba9vOoDt@2X*=Fd)^R8~~+eYE;4khFdhS;B8RoA?bG@Hgx2a79Y$X!m!I z;#~gF4vQS}wgP8eoaiiPYh|{#^**_u=9tc5MYc*S|LCBd_6W!Fg}c+yfiqND#k7%_ z1=?#?S)fCxb0R;dK<|%6EkWyLX2x~(m{sB}M0|R@5Bt@-yQ5bg*LJi1)WGtN*KFj4 z?UNmeI5p2rKbhNrFByD(S{NdO|Fe$Qb}vy`*q-gJTEe5FW%U3N;Cq0bQrQsjA-eM_ z>fhAIg*Z9RbtlSk(Hn^QL4pRF%RBNp*TPEznxeY;U4}>6EGDED%39)U;V+|?<2v7O z@kUbuYJ-bJuRLD;C$DII1Ta4uUW6-G*7WSL4 z$~4S3Yj>GRRCW+q>u5p!7?dMEiM#*~G)8ne|7qHfevd%IWr{JYA298avGp4PSG=i1 z4~EQ!OuE1sxG$6=F7jc{pai>-xQ z`KYp2GeF;UH&|Jji!RU=Z#_^nzGI?TXGj@4V^@43T_Go92J@bcn(dF2G}@^+$92=X z3~*KlRx@MTsIj*(;tH@Ns^F_XF=V9P-j`SNblxid7QzfrxLE1ES)#3km0VBP;f=9R z1CdC+z+|XuR_cdZjNAB+vJ(_W=5NjdzhzZql|B;d2IhX?mzDi&TYp{J=RHt?#Crbg zK)%H-XvyK|Qhi21^KpNS*8ZoE`2||u{N~@|$Y{n0^9f5(SP#_Bs{S3+6iX%nU5Qn1 z5DlYVm7NH@?cr6^#Jw`MzY<>cA$|Qb^3>4wba;A^8BhI_|Dz88<-M5qK48vG@_Fel zf9{G*aW7&9ly8onmedp%xWG{(&$@l?K3D1GU2h|T!Q2Nw-{a1ow6$EaG=Jv>8&5$^ z8#7qpWycIwch19GEkI^@oYP@)j$3UyJ5GJh_uzl@$@v#QZ4zJDOJj(ci*VFpx3K1e z<7fgW(YL6Huh&1V9UsLNY(kY&vuMgHcjW-LysL~7)FcMuv)8jOPEb{L=)Gqp!E9BKhda0D*nn z6&>SYMSx#M&>P7_4u@kmBvJilF#0`o&EtwP51*kO);mEP98J0PS8ZpKzXl>0s4a(y zwM8GrG-_WQzEgV%=Qw*ckS)P@o*LuOflph32+`*tmt%}l#SPTX;P=o-u#JL3{lGaw z?1}om?UQ*O;%Ry}@y(2U!Sl(mYK9h)|D&Kh0{$VZh{;RSdY0&A?~k~c%PNr+c-iN5 z+q>1ep+(dvCI6eh*n!9ozvKI8!=t0H%4*&+3 zwI|J}!BAa)J@3OBpY~v1oP}5+Elfjm^v~dXvW6EY1U|i4R}QIWRDtY<_nA=XR$L)? zPBvYt+HVDTSqHn-{IEI)b-|*7mIpF7^HNRh! z+JZ#B8-n#- zj4U*2onq%<|Ly|^0DG)>e9gvIeWHwac;`W<{Z1ek6bGED>Kg}U!${#Ue;{53BSoMo zLo&!T28Y{q%e&CoJW)PJ*MQrthq?o6xamm}Pp~4CeO&mqWj?GG+Upew51iQ*GO~Yy ze8Q{dKx7wA_Fquot^EN#80h2Q>KS|d)k}UM!{BjL6D3Ss@i*|r?nvgFo3m6r3G5T# zJDB1k$H`o`UBMnqe0ojV>s4S72$}%|4r`!7!9>Lv4xd@%lL6G@Ua!f|Rhc#*wxXiK zj0v!2oe0yKwCy3s^_uus4)X2urW`b}dyq?;S-#CROq(67dh0ZyfA_QcBeM(ivA!S3 zs6e5OvBsZ5t>VVei5Au@0OKn=LloMsin9xR;olHT&JOlGB_>!3wLdR%X$fvDQn0No zhVdSQ8?B3pTn1#-F`{{lF*@V(5fM+&pR28e{$cEiZ^iL*jOt#=h3uBxy`+l?Jpu78 zxhuGTiQZ~({U~>9{JXV!pu^L5g4gYIoiqm_Kk(%`&s!xy!Wf&TE$58gWA56GIf4>P ztvw)Yd#5tso$9?qbfeBBZLZp4X#Hjj&)eR&+k8)t5}-c$&m`D|r}KK|XSm(tGgTQAKNd%5*RA zcI~N#su6^@e>N`eB|?0RFK*C zW2mK8Y}Kt%2+Ua!bMR#lu`Ac5hN^^|oip8oT8npK_3d?{8#M51P3<1=9TFA~`+f&_ z-mJndk+ozfe-2g*&vn*9kTbYQyqIM0{uq&XW+y)jAs#haXPx|52HW8qfv2JMw@6U77kLeBlhCvS#cSZm=jIKG(_M zU1+@uH)Pd~s+T=kREf7zwJ1&PXhZSuXw!i?c^Q#-X7v90XLb$-jo=X@p;s*~_(6*E9dcQ}1O7*!PHWxyQjhE=J5THR(78XE6H!4@A6bj; z3~e=pam6g;Xvi^|;>FypO#(2_wz_7J*rPq7yccP}&^Sx&z z^y`R&$pCVKdXf>kL@bvFt??DYj%8 ze0r^=cc+V-ZCvMY?MM-O&z>Fs@;&P9J>w$#3TmE!eT&jM3HH-s?DJdG3|ALmEVtUh zVD4B5R=o`lUc+CrYHE|*k6>Cvte-oco;~|8(-Q&DE$X?_b*t-){wgd0B{|53!PYvB zev)6BAB!Ms2CqI~zGmuTNYor135*uu5m(k~^8rP{fLw(=O&71`Iq%KjqcdH7DO zdSx|Fh4}l9?-Dq&f!KYS;(@2gcz8AEU~$^c!!=`e9rl^jG(v9TCj&^rbPcv z-2!eX^x5Qn)$H-FBIq7gpZA5G6Z}Ud{T^w_)OtaB^B^rk6cs$wjVs4-syp)c-rB2( z^j`rom@{`>cbGnNWr5XUwydYQIS=xO(61)(9=~*G5Ko1BX;Vg>97fDR(t;rpfl+De z4;0SBrQyOt4Oe&;jMyA2@zM?A?$N9!3j_yIi1f1Jv`=-`JfCPoaM| z4)F@BjJvzQgMD6K;MV`fNRBw1h}pB=^@S+LK8}EO|e|p#pz?zW5XsA1O(bliO5wIkVU5|&0 zyKpuQ#VKP(4%Zc$fl+a7QqzONYD_P|+p5-o^IvVMRvbjIq`rWR@;_P?wfal2GmT6$ zt$JTz&}hBU`(SNpqGb}8B2?6i-{0X=pb-<)TTd}91WxYk_;B&c2(B_}-X1DTLR}5; zi(%y|np^9-SWq8|tPu3aUc_4z>W%gsc{uZQCs;T?e4GBelF>stnbW+@re!CDB`Ha1JA>RS%o-!A z+j%i|3pGrKl0R?E>-56t~?W09u z(^M~!<6cC-SZ@3LBA=7};}ErBeJ8bNzW7x}nkiQX-r9=l?i~{@9fnTyNq|pBCXq<- z)GNsG`5gqm!Rc_WHKS4=C50nS*#Oq6O!PD2+prfI@9)w=^uXl4U=SK8bJ3NEG_X@b zSej9zf{rbT%oKz;yFgyr`6|mH&9^~h+k#B<3eM}~Mw zIZ}PzjJfVBHUsO&r;rhWeJt3cgZg01;A4<QTGzeN1fV)}>~IYI2y!hV_R{>C`e%GUHyV<0+5v6j%=yxndl2Hu6|AH%#wize6?u#9k$CEc`t zS$)NOWkQPSw~_^!m43H-J9Mh<%8amz-?KAYHP~vou4O*GfFi39_PKFllJ6YpL!SpS znv9v@KxXrIFIm`YnyBN6U8zy>L~>>Kl0k0U-FVNZF$Q)vQ{y35QUyFbu2@sMiCrIe z!e)>xru6!_@}CGs(1;(&N0kxmY{)PxqH3YBkh6kBxJnI~CGSHsV!qc$(AKx0?qPnz9qQ!C%XQJ=6(L7tSyfkXY ze9lCqjO)P2BX=3)@^*7M4%|PK{a=yISGxJCg)yba(XEKT>FY*ndhQ#KE{NRWL~pzx z^$wpM?v4Zb_y#>4< zk>c*i3cX(1AUg08sgE>5B3CCOoBF%`;(0q>f$k^Ri>FZOLmA-Nzcfd!a@(h{ZtyG1 zk~^slZyo`2ES|e&fe~pS)^Y;oI>Ju=BQ>5vn{FWri;Ue@fZJ$Ii&G)|{bD0}r z)$iKg*Uy(+&9H)csd~%1BTInlQdhRVV<&AS?G$90rsC}4sy+{9`1imRwRpt;|9DVd zBDL+rxB-~c7HEkKRPCOWF?M8%+N>4NcXsF@S62?Mv-sRP8dfe-XSay^Ae}An@(nb0 z+k3U3&k4Wd%BSnAqNnJCem~tjvK1P>4C_532q^GaTG8q^x0|h#liB5ccY28ay6o85 zRz{VFS0)a@``r**i#>vTyW5j%JFan#1E{;Zk#Y&wDEYH$W9_%Tr?-8qUDf%u$T~^( z9ZN=KzOqT$-qRa*q~6UFAKw*?tN9+c-jRIKXVLZJcqZ|;@z37wEqRiw{n8#;2`AggXj8_JMz$WY&;p+P5G?6lD%I=g1Y1XX;0mJk9`TMDwq{q zb*MV61}BMOoq1OCpEmI70AoWhmKm-Lo5wP2d&eVSK@V}3fU{Ad#aYYtusb%|`c2j7 z>Gvubfi0O%){@)JT@o`O^L&br8Kcdyx--?H`Hg>@V{ZY!@FF%0xOC!bP*+d6GK z;-*&LQy)ytW_8{Fwl*r$NGm5AmVre^ExhfF0~lREdBwUB%J4JwCw9&*=nwth3p5hI=h{8nKML@U+dy&f=S+*U`c zSuVpBb+ALpNmqtn-1=?;%-v<;)6VC0OJVi@qVJ1*nrvrbt==6;xwL>^Qk`cv(&k|# z+(n0cEA?HsnK{+RU?21VuZa|;;mjc4Zl!r;nNU}vgN3~m-tGR|=qmMIDu%fg9)*&j z+uc!J859;?L7S=?-fyrxk1B19Bk#suq)ojv(C7}?daeiB5J~J&gi1eD2&bJy1z4(E zi?@}aOMWJ|#=*7PD8y6Zper~U`af3&^Au=6-;_T;*{E$BG!p$<8EZaSNn}fXD9_Rd zz>GC4;u5MDDv*B~gc#FO{C}A5P*lpc)rZs&$~y~jkiVVRQtJduU%%GH@0eNPcf)+u zcW=5a{kEfKB`A?tDh7MXM#~316n^hqee?cmeXh2irJK(hm1h}g2?XQc*LeSGdA{;3 zSr<=jFcBGC)_WM;4}{feSpiF%UfJ>dTcz{z^7p1Fsec~G*&{{F7V&P%^PhoS5HkP^ zfG?oEOlAk3ID>$~BK!L7cZRx-C@V?;Elf4SEBLqSx5@F~JngSMfqdHv^Lp%Pezw#a zuN(E)t!HAgb>t{kXT1kbT<**Q`SvIK-%c)RO-vSK?V#qa){mzl?~grbWSd&wx7NjR zPQ_d5IgI!HEVT}^HD8zo>;?J-MCMJw>96L1vqjtcXZW_jRRT##?wlj{^IeXm4c4as z>%o2y)aOK4Gj2|NHF*Gbr&pO2hG+X@3gd&!0%wcOX_}0pww3?M){SOzX)g<-#_3`@)YY(;J@QF3 zyOQf$PcrHQM(fcH&#hP5j^hY?q)Z?mu2`(vDnG`bech*q=l(q77-t^sAQpX<-x`U0 zyxG=H^W_;p?{F17@2T#rUF&saG=lqpOi8bIq|6+XET=@&D^KL^_WAG!T5GotisD7Q zyMKbRC$`0g=)^#@cjskic%ir7Alg7h!+(yubvNaOF`u0&vcPpo->pv^CBM-23E~?Z z2j|8L4?7QattwO2;_yS+oJop&?5hEHH|-icG^)L_Jdz!??Wd!XAcYdfRVSRWx$ z?LxN~#`=y&eB6FHs+m-aI7s;axf5eL~72Rr;wDcO)46?+~vL(11Y0)|%B9Lz{r zh;{FXOsB%Xa#Ode&WMbr`Jm~Orm$5jhtvO33TB>`*n1?Kk=39i<+`f?=d zoZ)V3LG1Ty)LE<<%)Pk1Jz37zhE+O1AY=WHzFbBe3T=z-6{zj=(t0~a^-2MrAYH$2 z49AnDm7yb3Uq=Uhd|(Ae+5?izQSKLefw@c$&J%r}nvRUr7H~N5n+)x>7$Ph-nmdb) zh*Ma>EJJRrK~hH8lQ2j8=C3$IN=z=@Y3VIvrHFfD9`{RTlmpg0(b%5zTY^X?pT_T2 zN(+CZnHfiW2y>*s-bIe>PyE+#Q@ANxV$q9ydLS>b!W;zYlaV`|M>g@Lz6d>w@53F~ z9jF?-V_==}`w;J>&RI(SO49^XfPniTlU&e4WTm~geK35)V_1=IO;>`rdujg%Vtoh3 zBMKqt&A-)C%}6iQ=bg7ki-3@&;$M+Zx##slzZIby1~Hbi))6NZt|m=u808DBI@ne9 zKJ8Uq0rr2QU(AdYV&skW%K!`bzikU3LySVQ!ari3+8fkKDyI4_o>+m3$9#Bhj9~w$ zFG#L`@nK|dr|7S4Fq^&0TL<6U+GK*K*Wd zW6vai{^u89SMTq|cj6kfIA#RHH;s(KiF{)9&$6-zHTd})TZn1C{GF;6U703plg0M< zdr?WbKf+5Z)z%N7E%`%otzMVR3M7ZL4hwCJqy-^zkO$8`Q}pe@8OH3~M;5S1k@Osy zsW?;Y*^6$u$ko2#&(6fP;2dYXjPEDlk}_| zj?YapgLBUUe3^TO;{1p7=cgs&GG>h$$gA&eoH>zVKp?VRh;=K;+5#)IvW7Ou2hcA3 zbz^WbYI>^mL8i;tY2az-^_}Dgq=umu3c`LzCyO98cl;OUfNV)|Luv03Pt{Fq4_tzJ z4uym-w9Sl%r!k>IJe6wn{+Wi}Anzhicv`HIv&dEQ>2J|H&n7SUYrZqb9FTlw{CvU| z3+`w$PZ#`d)6<6~o`BzcfPXWuRfUKaDn*L@rG%^q?A^x~cahw?JI& zwstZ4{h0Ot$P?$oP-WDm8N$g`7 zf*SmTiNq4#@3tInMGn)8yE2$er2eR%^+nbXvc2S!;0k?oPMlb651R%?!T@3!x|iev z8_1YG$A8s4vy>ybulu~Wih!$)7CUV-Qm#nZrVqEx)pxzCbb#L=$WN(HrPRNL@F^Hw z+y;i>ewg7vsY|-X@@~JF3V@XdC@GPU2u%4k-h@Hvb-u>b6FQ#WM)$pjxQ&blq-woml* zGa(Kg$oC#!VbrWDRU^J1Q3G~K`9Q{$*|WF~9^u(Y>d-@dio_6+1pRUf5$2k-7_lv5 zkGaX#sLhFg7ry1P-uI!Vn6pMr;^#}xb547%HW{D<4tIu1^()}y?R^x2IL#jMTdyOJv^%2ZHZq_JXIVdYq#%MRzLb`jIL z8+#v2HIYXGprw z@$fZ0KT1*vL(E6WP*INk^9NG|>>^f(e2Jcsxk1Dk#R4tihrAEj%=m69yT1+9zVshl zK57TBgEp%%Tv}=e+E2taH_wz~L&%M}@|v_K;r*tMFtY3PM=#mf_vSR#r~-YJzLx8> z;7wQQS)6#@X0DCX;Vm*N~KYaLu=vBPDkOXO$VA znjQ;bKLbM<5shwWAKb52rLFuduRZ}>6g!wT^|QwVuL3+T=Vk&wb7h$hyU-9j$37gXhq27J)fCB@;&G5 zhczfD=Y0!p*MawNf-9JPcDVipD^MAsK9HY!tx_g`E ziBCgEnUi3HrMi(r9^})FfVa~rJ=A~m-r{PIl`;;#Klfctnol7SYP9`y_^8oh*j?xn z<8y~r;H&n*A7CLc5}TU75@$e7+SQyeDLsY2Pf!Mh=nVGNWBLnjYj!)>Px*_%@O=0w zGyOtDW*-$lixa4|ql~T>zqS7nk%haVH;y=ZZ&sK(#wQEBhzFoHQ5}e*A>9`O{x?}^ zje>;!*1n8eVV#|ypnYZeo6Jv->vJ$M&W+fE_JdcmSLUDp9#aOsyi13@wF<|ZsCLR) zvl14~7RjS>FL>tCEE~n*VD$eT4_p5uV#qeUGi9`Rz%z9wzIH`W~Ijgp3Qrhp9vLy`-@ zwBs8#jZZz(`9ITY#gotoaX@q3$UEm`)J)B%M@BMC`C5Gcc?C-D+gA1z+K6E|*Q(=)=<&zfw=S@^-xTA8CVyhF>~dtbb~r8xn3l z4V1)FI3qYtbJmY~k;yXFirvC`)AceFNWJr}?zwJTELaZY*-1S6h0g3}wL6iPj6yW2 zQSdi;qC<)qwj_VCZwQ}|9>dyI@lgH!r==Z0l&8Z~4tDnk>vVVA-1CP0pA|SU z4uLbL95E2?jRuh%*__9_O}6@DRu19UU}?C|RXPx{!#{b^8r&AUZ%BgvNfhTxb%Ar3 zHfGcI=wb?rnFouJb0XmXs$SJ)IQxX?0`BbGpafwSCwvybf2oT-_a^q!D10a6JeK!DH`B@hDvLJc5M z0un=)q7+dh0YbANf(n+10RbCe*(_3Y7ZK47L2MBeWEX#~ilCyqQoj3s-x+6;u-|ok z-#?bg%sFp;>iygg(VNUbLn`38K zzYl;l;^@7!eow7yxywhQicrN(wvly~x;%>qQ`alnrVaSV2b^w7IW>veEH)y*aW=a%s} z2R>!xGuQqzbXNeQ&SQ*{eEeWPR0^p1Y_%< z+e;81UIm|udUutR|L@;rz+a}&gYo8^)k$tH!5f!QQ!DL^+7+zSA+4)M*~ZLxE#kzK zgpuYl*-fBRAhf%2)b>yasxcvZsAF2oESu$ppc3u2_ySppy%BLj+Y37&ovx>oun(A- z%1oNT^@FOa0USd^;0I}uda{jNsr02&^nrF8{KZE5x5(>|doTr0>@@7(acUI4GvCi@ z#`llSsnD~6z>X1}-0OPt78Z7SJhF}ZupS7tZn6T)f90s13xIo=C#;^ldGnQvia829 z@g$hQ2ZanVFE!K(Eh)PMiz+F|B6)<^(-3o6RSaw7WDHT)El1n_#t|Y;ayy^X!^H6b zgn7hmQwHe=WhSyD@Ks~0c+ygbPHSu7OCBzv6ov(j=Ms1G@7@8ST&5z5SLQL% z<hRHFikqU+*!OB zIJixX^b$Xr_zpCq*Scq}VR{%>pS#F!4wSt40fAmA(Ol;=+G(+HZKZ7g^INTN%bKt; zB2YYH(28PT-6}LEN0bHlP9eK81tog3KL1Rr%D%(CFLfSHWr?`HMOJM63Nd6mY}6gF zj28`J)Ifm0F%teAM>07FcySrOsE1y^2W$vju_uiU&{K@!sEq9q3+?#MViR=2wa}Mb zzeXjZi&VZ?A!B%_vY0vFidevqTNlCFyn=gq82xzT6NiQH#?j+xdCtE?T_d^Zm$}Kd zuniUgPwktQa@?VE+fm%bLU}icxGF@X_)Yi>wdf2-v@or4>Z`5TgPo2q;5R&h{FmD0 zk!E5ly8(&tYX2ROvLT)h8Lij(^%uc@Bm1el!7WLt!(Kb6|3t0kQbVzAg*vS8^@)6> ztV#oBc7yE0H#wdD0Ql|ENlHaTV$!;s6J)2Ue4w)C1?)?GY&`9nG1}AbSGYkp2um2Nxpetlo+XXW&f7-|2) zI$Zl&MugL}GRH|EHL2^p6%EaAp&Id0*i2Q~F9J>C77yhpe_v_h);qBV)&Fx5|9K;d z5vMXl(WeC{m z#g;fm^10)=+BEwmoTYHoG+9e7!O!DJ8v@xARpc_;u{0NvBG%WNs`Em< zG1woVQRulq=jm5bg?K!bba0z$2>L&zuCt87NV9P zhtaO7(2Jhus`2xo#<#`}ozYK53REnOpEsJeB{M(sacsWiK2-7Kb?Dr>3QVTVm2F3S z?071lv&T-RmV?+y=14{XTbSHSMLgrh>68j)i%_AU@=Ix`GFaz6noJ4z9PY@rWX`1| z@MJGaiZ?HUy4i!HX}#0x%-fBP_O0k&!oGH;sIgKvofg;rVQw+SzA0+2xzhr*lTJ6|efQ~U zh(9PF$t%BomdkkiY*atemt`$Gn1!Sdt9;wT(B|bj<&4+!M1dge>Y>g%^(Rd~bx08Z zj$@BOl>xatF8F06{=TQ`XV;CmFwY|E{BW+GGb1Ab8-@EDZP^e+ivwpoL{)r)9T=J>B&?6f ziJz@6%XvXeLnNcoUW=|zw4f;sYxF;+@RrdZXJm{W;s)dV9hd9~`yz?BP~-Kj-;y%! zII>y}W)Xjj6yj=1gyBr_o;`LPI4$~#%7}0iyP$N*{9iLxPpSYzz@&$&Wsf2?7v9w^ zkj;%IA78g`clfJ19izSmrcu>w6kAp2iSr?5+YX&9RiD6uStt=W{eW$#%DxeG zNS#s7bG@A;@`g5nS_|a~m7$XwIm!9y9{Zbub%~iHxW}I)aka^3$F=7TNsVp73hYEg z_R|~qnQ8D|TRRiI%R57@5`jkcVvee++i{$eCPr^?_GU`^-DTU6w-xzxR=r&a`lh$i zoW42lMMU|Y!LUE#zLBv5)LjE-OMSl+6{e=atEDBw3`=%scy!#dThVJ4$UHaqdxuUt zI8iLjGSB%g{3lOMaqIK<8a(iP!6&)J&yl6j_>uZzX?G7@z>~#j$RJev^m>l#@#&Ny zk;Go4BkE0Fu}cTMYf*+dT!Cd>mE9O}Q`U!t@zNVUY~KxT^%8Mw7;R_X6}1b^tr0bb z_2?0$P#v?3-}1aU<}-LEtlB*Gzv4(4CBO0~O4i>)DGDDSz>0+g&1QdIV&m_I?Z;gq z`gd|jT`g@(v&kJj8D1{;_V0GL?QMO6J{wxBR==DdD$i`1w$PZI&VF)~m?bjq&+kvP zo>}liDEBr=e2qQx+MK@qO4CZApFc<|7w`4pFN7r@nhHIIp%*GgtsccYm!)ljW%EPm zJm|r8L98A3>guOfZoqywIFAX1#7Zq6F1`WDF`0(IG0D;LV{jr_~vMf!4z<#qoEK-0cLi?W^9>ftlEAARt)PeFCExyJZDySC0Dy6z!j!qrtq2{ z07G7fcX2ynkR3lGW8+>wt@*ggOTc*PL@_)3k16U*`bLtbH6Y6p4P1+H4^fPZ|2%I# ztSkNDx!?@uy!Y#a;EB}gzrcH;rB;f_NtF1fln_C-_?Q&Qw(gI(ueUH0sw6c%W{Zcx zj=wkMRioau2pmppfOtt1S;>6nS?u7?Mzwx(H^yf^_V_#gIH9RvhCK^>@y*@-0le2X z8KZsKQ4O34W675eNaT>tI}NKhjtp14nY{Ox!C7Ac7ALh1Emw;AD-wStQnwaXCQr_( ztYq;-!VjV86KUzry3YD^*V+x>3XvD38lK&!qtwyoCNhk@`KbD+`d5q9dyYz*o->nrm$DMttv4FhQvM zb8Om)EniAx7xfe|L0o5gL5aX=2=w-N|0Xlgc=w~r9C`Y7*uLm?2pk#hwdIJ|KIAkF znGPPl;Xo*Tx7wTSNY$=phRW(=Mt5ffZ;)$N0EwA_h}Rz*`-lMClX67)##%D$Eyp1c z(VEz;QfEX09RuZ9)ckzU^s>-r<$EqTFL~dJVv$1(d{=f(^uM#rS%vB!1x*gAUr!Ci zv$qxRI5v}eI5}kI5)ssTCz$_Qio5{kFXKGCXKv(=l-?}F4t|F7b{f(=(u|y}$M)1>;^ecEgL+Z@Gd*Y53uq(4tr?UGWQ~0JZ*GMzF zA@&?_2}lg`7*IO_BLqvZR1BLpH>lVXoA;e!@_m&8akc@c;-ZPsYQBroowLnMd<^I{ zpj>fRnEBy&(4iG){B>{*9~Zff1u|;X{2nS9?*Ph9)A}Hr&CI|+@SPpDvx|t5ltj5q z0t16uOW$~MjkB4BGD1`;Y7CbpQqM}}TTOW*j2dK0N?{vZLf0~`3lS$rh9u$+RvGn4 zYORTRnGeg{nL_Da8BpqxcmDS#sD|3OMrdLwENjrptkbW5lIQF#lHOu^XE25$g_=9z_>*@q6Gz`!&fz#ksj`^{yKD z3xg&c#cHIY`=xs0LTEEq23BRq#3|1e-AItBX0A3b_$)NcywSYrD(=Kj_S)u+=FD@g z=ld(p=#|sYqW5#5c(*H~i@~z`)0D^F>*Ogbv`Q{&blsu!;C}EK|3YNq;N8r9&+};U z<~OJL%&4<3!-E13L>tcHMd+7nq2AoJinEmjo+wlqsA_zR70XYW$PdcZX7q|Uhku}F z?SHIfe&wo0;D&_vY<=_Z3kT*6Rde-~=ljRVj3_z%pmE?9us=svtJbyufaj6lgpHMSZ@1^W6SyK1B$mNOV}2=0kRyD$9zzaQATcAy~; zktw~gM}q9LK3wcV#es^ofVoN!(^cGru^?zKy#J7U?aA&z5*KN~ zeE+}tj;%+PhTi9>h=6VQoPGpZkpwgA94Xn_%J+^}jq5llD+agUUEL3xuQy(YCr zWIV7NFU0z<4|~&^^$U7TFB8rW7uQ_cB5wnafsXhJw>hHE5opqe1u{)bZ ztXs9X0Qf@mK;J0!?Yc!&dA8bVWVH`a@13qz}eyj8k7%4jo>3#*c zzBfBlUL;D)L7H|B_w%>Nih=Ra9en!~WI1xt@q_j+x}}=_SB;|HZ$H#W{6~MpVB~m6$DT6&)lr)zA`++Ly-N|% z1sg8xsrn@J&JKTX6{8Jq_<0W{6~gD_xu)fA#)+vBD;(59YqLDM1<#B&ofch!+L@FF zV+=#FwKKv{zusq~P7cceCot~>lnQk0 zG3e-I+nrMTkRN*N9mGFRNTesPG~GG$0wD)LqA(;E7k!e-I$biR(kJN*yG3;& ztj3#9f)!2OR-YYJw{8PwsNSM(qwoEUGj>m-Py2Wr_!>OXoyX(o`_O+pW*H$KsrXe! z6!XmAy#0ug0dM|fFZODrhktAikoi)v@iR|o`SP3T#m~!1~(IoRHLI1`$8^*p0%kR z*GmuoYR*;>hFiVCJ=oACCJWIwp>WE;RX_1i)a*_-OZ*7 z>0Lu60+9lKH=w7At*IpkfwpGN1!HhI1>P8ZzIdrelh_TE+vq68d_);{8l9_HiwtzW zjF0yZEz&vwq3|@~Pur5&g4*K&5;rf!z`C$6yr#ZcbpvyHt-x)i*gT-iO-yQs8Zv-yL156 zk%&4@v0p1ty#>ga;(b%2-Kkwj2{)D)0TKbg-W^=~%jQc5Izx}qGTUxG>4|JKjq(0Y zSX9N!TRF5NPxfkuygTY*py{}a`y$U6dFHdI89*<;%$DOxI(WX7O@nW|KX@v;;N}P zuv+A&hgqc*Al4&#rlgB+|5i?~)w9xq^a*W$)CYuI#Tu2Qs_*#5%5h{E7s0A@Ih0H} zm-BDWgJHH7&VU zkWqsQWoi>);T@sw{UD7IYHPoiWA2nR-7(3dF?^$B7rz=qX>F-MRhOYM zNaXb(x5)?ig^zWXo;$m=bVP*rM$<^tV{sgZ?cRzShw-mkesXRk>s&fZM%*&QO9skn z74@mZV02(^5OKENZ|Y#1Q&_CfcD_&3mb~ez^KfA|_u;&8MHP7k`k>nxLq!&qZ%M9$ ztB3}EkjDOms&5fvTeS7O`d!vPU~TbA9YV*c~d` z`FsW|1ipLz^>TXg93`vV_m4oQ%Ebw+^J;~Ap&n%xtO1@h(MbvuthC#<=SC$guTiS$>#-OI3W)$OGf&KS)J zgI4&HhVMKy-xZfFLcFG*??S}ocJpP^PWuPbXvONLLES0KM+7%VdHb*|E?bas3}-~y zEQPRbh}q`N{In*j=paOY%*?gdi6u91ZLjJ( z^yMQc8;MisQ^b{RslPgD7w2(zA_tNsWht1)X_M|0?}YxtlWAxj=P3%G8&rW9H>2By zuy!8-laR}{JK+9W@QETeLIz0kC8@D{-$2v~yCdAG*TuOk!7h{O(gF32)^A`;oTq`` zXODIw*p+$c=f1jF^hoBq5Z)XQF%^y!te{h;)nB0%uJ2`3!)q7f^`GW8$WBOy(u$& zbAi4jXM(T#!8_I|p)VpI#@eK6L3EF*n&I6%vTd@P>s}95pmMAxctxm%N&t^MPnj z1mg%gd!bKYvGwn$$2g06%n7JU1RA!89E@C_OpQzisO7}}*8okHFWv*!W8e*l*Y)N| zGLjrxvhCPRg&R~gi;(l4b4edhtr5BLE*%Ir_IMb4TAv#7Ckz1|l$r7XTc*p)49l9h z$vK}{%z9tgf8-nHD!Y<4QjZ}95i3tCkfKslpQ!rGG>tc8H%-s*KB}Y+}9m#asCV)S?EGZ%{?aInR8Fkm?7faQ2QJ23Ez@;L|%J zqwVCv8X+br;AYmR3z5w>a2iup5Tckeydw4Oj__W0yjp>D`E71JXHeG+qMu6OV!hU65 zlG!glQ+Y29fvlfL_00t4sDZR|1cMP8QJzsx8d+{PSVH@Gq&p<1g?>jFFqq2gaBHyv z-)FE_AW*LQLJ#gY4SaYjZruUy>ieC05u0Sb->vUNuesrf4X|39yuB82TRYy_$k`X7yTwkTbqeQ$_MOxhT|#YNQEtRSa$F7>DDj1fFOsGr`8J030( zXZ|sQMtj@a)l9io#n$hF>fn#Xi+jW!OVp|~AIG}LxyXQl0~=C+YlHk9Zf(+^=n-FJ zVfDR}@IA(&0!{sZG8-2#;=0)zVWB-sY(fHJjO6zvV_M9gI3M2=)&5Zbtd;EQRj9mH z98|}_p`cdHw}+Xt5f?{clSB&H$A)u;hVD7<=DGw_Wt%} zvbH*v@wOOkUz_v&fwn<>?czvEykhHHIn2zS(-q?#B?*7u@&-0%_A4IHdp@hb3cxbr z#_1%h$V<~cNMl_zb+MP3TVd%AO=5;b-ID-mWHKf+Joo78<^ed&B?vu8}R47K}1q`aGG zEr1T$3?_mlH-NpjomX41y4BRKTwKs6Sf`{O(h{A$dRFT1=;cOU>KKjnpEZu{#QhKOzaQN!{O1uC*7d^bXh%X(uj~XXFwp!qv$>wuVTkpCh@}io4lnAs*y= zoKi~o9d7Q}r&Fj;xsx~DN~?AUxZSgZdOJqqnHlIm5@64bqDRC%FTk(YBX_w|3?Hxs znZSXWyAtp3u_|9CW$>%xJV71jh{AsWze!!b}bQ`yE7{EkFc*QQ#27+oG(n@ z7L)t5D*NceqStfk>;)O;bOZi)N=7+84$IfpcH7sg~CE)x49#UGJh(+do~l9LcOw%OtRjrfGtI%rqB%JSG0oh!d)N=l`R$Rc+>;``F)rZtyo8Kv}H6wn^b&f_JA=tsQ zY6{8@<$u$nXJjWBx#C^f9LZsOwSH&xUdIp1K9c%A4gH)-@k^I=v)tJ&*mu|&Kw+2z zPmA6_jzl^3$ZB;k_D=d0{YUr3vezePU!4Gpdp9v=*(JcZcWF6#m(AR!vX1Cs+&joc zbu)eIde}Z({8uLjM>%Z8dlE`zW_F^L^?>_(=Yvi2Mr1f!KGhqaI%}{N2v(Psol)sw za^^El&zM-dU5|MTLhOH6@WK?1l@`u9oP2aA2|tEC=1D>{1D_;{^lr;hW%ZFs&79pi zEx;W!&b3X(BWUw71{!39Ba7Qd)^RbKPb>F~`Th`kmz~86eFZWrdPwb@m-cthbbbpAQ zW2dtBf{sX^nHW;C#nK|p2kVC7W8&T~8bod??pUhpgEZEz&jk*G+W0wG1|i^%QN6v` zxo2`ZJ?9BJt(j-VJ&X3hD=Z0gx`9gvb8?XFFB`*K%}dq1EB-F#ddo1bTo00<`PhBF z>{7jVG-GC5x&GmK!KL7;Ci29gXZGrGU0j#S$4b6tE9>+OQ<0V+vOKYx=I^P#kro~O z?J_xz%jWx?1|ny}b~K@GgIUY+fV-W$qWJc`rv3I`+nq*sh#2J((f@9qy(=-osXUa3 zoY&vx_pZb|ZF*KLbj=W*KDAp&w_FCoau&y$829GHA^apS4szt0x_9%skd zs4!u?&g z4rf8xq`=z4pJGmA_1M>NzT?GThp&6B<&DaA0s%04jP@c3S(;D_y4e^mu6p#SdNMT! znV+5o;|_iPbLca{a}LQaW0#j<%@V_uYuxYrZ*^as$%Lf$V6hfksoQDg(L&rb*vnA= zea1Z8kXu96M6?`BN#NX|c|ccXtf5WYPFmgU4$52#XUtO-4?GAtyN3pL1Y%^QzGhGX z^jDMqPtQ8}$KF^YPOEGXvVPQD6C;$T$NN9g8o7__K_)lEH{|^%A2)NJX8rf}Gr)#7 z9Pt{393>qLTR zbojcw`qu>#}W_l2?}&%D>BqGGIw@u4TxO=j2a;aCs8nLFk4 z$V!A8HAlG)#ckNy?(p>eG-{;HjBoDgX|O zya;=3Gp11P1c>8fHUmk{Jy7)}9M8H);-%k0?S&gLfeKSD5Mm1DRcxK^oR;P?)yWf2 z&ET?y%gE9sL^eAGZwV*X!`A8ZfWhLh$PSqSFGlsv;s^x14ZW2`S@8LjXBjIkww(n)+uS>Jh(7i@ zHh*XBztFB^=y*rmEf%9QD!JQ#Gw*VdL57yjAZHCK8unTyA$IabV4{?p6Ro$bJB=92 zCj03WZ$8l9>nRCTGLshSx^%8=yf~QUWv>i>luuSTC9=9D!snyx!sf1NyUk&L*TdD1$I z0U(Gmqwr!ni@!Y6`V5eFgul>aPE41( zhhDe%wLfm45iBu`yD|sIxhN)=dP}6SF=e4WF@tg9*3bR|Cl}0}Be>SABG?3FF)qCnClh(ik!pr^dpHg;!z2It|7vGCS6T`JC{B6`G0k|lC~Z^jtv zfYofY--X=O*U%{B@?qszsYGxWg);&(2bLu9AOE_c8nwsQlc2nTv{o1u;SKC7+6CSV z>zKRff8)2}Y4=&0P*ENZ$wPj>TI>NOmx}db4G>NFAqzS8;gHxKzrlwNVTao?F;73R zXX!8vw)_uamrdP08RzCQz1X^bTaT2Sj*-ab?dn9XKkg{c=p=YC3vVqIzhT9$$jD`b z2otujfL^CjNrA2%IP0y?QdA6?ni$CjV?MMp$628h=}BF;ExAdAZkho7V+rW~aLcnp zDFe+0yJt_p*#I&Eczs~vADK%k5ksUW?=RIB3}3rB7I;lElgp4eJdjVGI9~<594|uvv;KjbR4aRQjC)dUQ zuCc3at*47;rF$qU6;+IvGi5D1cXcX-OyjO!hUG9^R<=^BG3o+r)va7VS{#gGHsMAv#+CNe8DJQ8%L;5@l64E< z9-D&q+IGPcEQD{nW(ht4Vj3OLpnsGPIW8d6rLYeDrz>qf3z@_K(F3xXJ%_6GeUk5h z-9#cpnz0W)IP;^D_K98<6vKybI|fU$!_at z(|L4zR9qSgG11uLdBiLz*%@z8SOof^w2O`>pue#EOBc&BDHU4UU;ds#Pkj5;2NG}^ z>cruUB)pR-71nDU0DIEaeeN7@hLCsGKWes^m~cpMT7UDE~x*yrezTh&bG8ll!vTCVFoc&b|^7ul1=M5eHk>4lK{<}%WP zlVG)EBzod4Pr;sl{K9~ppD7d?Ab{q=3;RcO5LUU6v4?&V2O6nSp`twB6I z)h%Ws7o(fWLC(|1j63C)s{cq7yZ*v&4(|5gIR5T?Bh_@#cn{jXc1;>i*se63ovNYBMeHS`MW%Rmn2MCLb}E6A9_{^4YVQ+~F8r9`el z>{k+=h3fIP-YyHisy+Xwu8U+BW9|uKs^1nXdEnDmBH}kE$3zQ}eE<>RgmkQw+}8g7 z5BgF7?S8Qv61?#4jgDA<{X^+=rsxi3b$!#!*$r=$N7Fk8m*8eq9HlEN-Hx2N_)2FGiQ zG@mh+2f$9{N1g7>s zc*8ZZ7?_=h171mZKZDOv?<~^4*GCHzY_w~_4y%CgoNY9%aG}penTRpn(U+@sZsa&H zz#Z>ReD7IsEbPlt+AS*Pg1I9;$puHV52?!7ty*8Z;WYKL6@^50P&bcypnD-J8cH{qa<3$0ZzX34k4soEw;&}6}X@)T;=x4$p1hKJwUV(Ab%(9{>V@_4FK z8*n=#RrRs-2=ZmYSPca@?b~sd{?%_TNYb?#+YMF z>^!<|l@Dhy^{KD=IW(nj)cE+!|E=e8pp&7+;cv6%cGsSwuH27mdw_XdF6&Sj1qzQ| z8ev4KeYz#;;snl$R>>j}99g2BL>)=`lv~!V@MIKyH=R%Eg}P@}t5QPn3C-W<{gjA8 z|L0bS+Z~;8QdlMY$zT4hKO?FZtF`exo!$H#ssE^=1egO{L1p(;SqsbEA^*W#tkZtT z@s;q8D(hI!%(eB8)zmmXv)>54_9Nur4(v8pmuI=y+9(D9cX!6PQ$M92v5oUcCf~cG zVwm$-1Y4G}`2=c>&v?G$|9l*CNCdK`D7kya;QQWPXQR*!wqG7foKW(ix) zuv1b;qX2SCRgmDkN#1mx6tA`H|287s)reRJwb!=7@w>-j@V5%@gM3)Knej4``>`eN zX8xY&?Cxpg8)vt&zZF$wm&#h)yl&*21A_#f8SID)PVLX<7Nf5?D!frUWCz3ZFl~S* zx9ppN@&(5NF{|Eoud^yU-^HluA?>b#8^vYdY|r<<3T!gjj9uWrt-`K@GqT&I1OFOC zZ!XRGx4r6J?A-7bdi`0N#b}zZX_^*<6RNsL65|PcG}f3sU1@>*s1u`Lk@e^%U=h68 zAK!QzfEuC4%U;L0A-JCcF_2twQ=D4I=5M1P#11w@mk@#G2xQcseMET*i8X12Wi}4z zK?mYT;M|r~BmPWo?48jTx1<1-vli5ZkOOqC$N%%+v!d{D#C=!(mDO|QdK1t~%zL+f z9xcExOx60S(R?QuGsSWbLaHcih?)C-FaR;$IMo@Oejc$|jDlS{aO}F>jfAX;*%#SI zdUYi?ab}bPX^GEZ4D8lLz6eya<8zmd^6s34TI^}u&tBK9Vo>#!1^9J)omrp}ncQ*4 z=Ews+9IWjMhvBq6E+qyr+4BTBxW8}Xf*eI`Cz>~9ie-eE%qooBy>df|C>hGJbVF$9RF;x*i0F=vy(XmTNtbk!KoR~{+be3$8=a;DS?_v70?-1Z!p zxE!8;bKdHdS7NruBiO&VM#KPNl^z!jE#6Y@q-pKZ4JhO8ose(6faVu}c4(xnJWzKT zk?_kG;T)(wkF39{k9FuHtwM~+r))V6J|A!8ss9Hj%)qspKvI|>%4q(ixvM0cD zVZ1)h?bNoHQV$;$|1fhGRc)8=CS_|gAN!_IlUSUht^uC97$2rm@qg0FMX!qWO7b;d zcSfZ698)0cvuu~vUm>WO=LvBTk$h8^|Gg^-Qas4jxd z;f}KXhJKN>x^+ER-ipicEQsj&7}41#*t`qPkGJLgn6F*om@m4REW%+P1x99zXlSK@ ziGODmNKscZLrp?Xl)OM{zkR;JE0cpE{ge&=zh=r?3(pTXe>B)NERLPx=)Gj({Y%+u!4}u1Js)ixK>#7~x)- zr@T9vx#WCN1!TxWrc*r@;ciiOlV9&@{69j-i&}zta-^M-?sOajY7z*bSr#!rpZR=B zoTbK9oMD&5z-x%R(37SgPpLtjOnb(m4+qx4p|2kd+}2Wl-e~_@kwxTWxN{lHKBP^1 zg7asFpUmadH*3498I7`4=nJ#nmp(otn+52hn}Rzx)R+y#3nj!skvH{WaT;&NYCy|% zor+ARte+s#(xG2UAa_|BSV=e@N|Bc`W*J0mvre3t49=NRIdfoDHhEz9$x!ER=$miE zQ=aHqKD^2E{fVQj2d)Sl0r)?zHhkjD*mQmlMBjM!s;bHk=>1)9l_Q2khAcS|yJU@wh)=~R#Ff){70pVN1P{%e+R_#%?GiS$+v=>KC zv{&eg!^~T4Ie$`T+;+2`ssGXbnd`*QO+k;xnK2eOx+2{RA6msVxPF|&r>6FL2k}aA zEf~|(*=a717}JW*BO`OenjVu-dFpf@}Yyr}Ho+dN*(+99rivW6UU~IZ8auxIQ-8y-QDmk#E-ZIv7KgnVC1zsLWH%;JoSsp>Wf`N5n}-UT=Cu(i^=XBP6(0kTWyqX*C)RHo|a zT)=nHGF6iDF3bPHr^}bM_Uf!0w$tKyG5ef;mzisGe=F(2sOM$u484*B$OF`k;uP5} zHNcCj)gVtCzfo&rcaPoH8ps3Qv!d_|K*DKb$HoyPXfE#aCP25ZiDBO_Fy4)*#f!C)2;aR*WXf(yY3S2?BsX99a|!1 zN-tG1ZHL|IxZHuCn+E5K!wdN4pHq%GdKOs3Cuxz02iS)5Gk&)aEGEk>^8;t=1ywG~ zL9q_3XqN8P5q$T)ppn*>QWuP^6CcHwh+%Gi-j%2*l4KS|VK-Cu+Uao22A9bkW{OD;qy3&|%5IC|C*k^AHV znESqjzp3sHvk>f4KM9gXDwFeP*mU|AtCKMuN3_m?=ZzCo<7`5CBPJkv@ z+uNZR(@^R9rRfABxizqLh4?HkSkB#ozEY~f|I&e(U1?MJcHy_xd8ps}EK<{~I6aJ8 zAu}4d^iFl^FCBP$8Z$$?s^Xz56TzLTWUtQ(X8eh`XKG}(73g;OF)^l%vhMHyO}?(b zCBR&ZeCMGyG2-Kazrz0G>hR1tO+VVokQ17(f06C2{HAY38@4O5WIM(E$hQ66e795O zZ_>1v@&u#-B4C)ooXq9WuUw(ih~|=U?y(Xj587%b#BiMhh(CP9SmNFkM0udliV7_@ z$1oy^#wE)j^ET07_InH6jkby{;a;v!Xd&DTuJO0+`(h90;5@2IaeqsVxtA{DTjMlP z2|b=G5X+-EyW=tJbZ-&Q2h@r0cZ@(xO-ZD|#=MHt=oUA}$XuTn%Ivg6QGrM1zn1Os z^yh!^M5UYSbKb)~V&l!fcH9uZ0Q2WNXb+}Z(XpL_@GL%jg3(B6tne+|e^_A72>H=oMxM3s{rtr4~9*Tk=uvw>a3W-&znG@Ub; zX@W(Fjz<Svhe}9kJU3s2UGPav92zJ7| z3wWjgF-|Amo8uFfFYANAwzHVYikmt^b4-66gfDYh#2iZ_x-opPM4Z69kyL1`UtUOgae#zs(arnrgDs%h>NI~IhOB& z^6%-3x29u-DJg=$FtH~4OK?3zOGXSN|m;%p%GIK{cZJ1hpazQNq zl7M%qC>14ME%fxOVA>#UpE{<$p4w*jzEZ_VKydmh+57L^%dPe5cD+Sw{|qIeM;Z z1+?;GkEmG|Mf217qHm9!jC47=7o2vy{h>(mEI0x;59jlCl$S#Le$+Nr>++UEqAB>R z69)I7vv$zn4(7(h${w(j;MuKk7(IBaKFOWfnR^?Ho$gS4TI}mmig*-fq&UMCn6@F7 z!}?4i#+l}1Es-~7uW1jsY>8=FdciApO-l8z2-b2+;vE)qX@{KGu~8}P(((ZjXC7>T$%&(Dv@VK#y9M2Igd3V@-t zSvne9!AC~cw9m~dV?y76l>@cz@eQn z-Vkkp-?;KX!*p`t?Eq8M3|Kt>0h-(!Iq~Vnz60IjQ$(>H;6oL-nVcDV2=x1Ff#&J> zOLqMYvlU->Ht-nao7KSXdM+{%K0LX^dfI-~6J>UMA?h>OzojQKmW}rM*kfW5?t54q zm`_b7fY#!Q`&%ZAZ5K$JW)9Hktc_7QUTACSN(4#ww9GxRu+bO=^Y(&ozU$0H9RtFo0M)yWQRP7BtFv+6+SM^U zzkFKP4jYX|uXVG8(+Jiattu7w{?QcKS zDVPjK?Dwd{kM8@NdY}Kw2vqu&0Q;s;h={aFM7p=$)n9|`HCTl-Ogg1clH+KsuO?BXhsumXN<;7ZKOn+)1OgQovTO1f{T5#i9Mne z?(#}ZP8T6^3Y^-z$j}`VJ=(CUn$-b)Z;u|uQ+Z7MlGn+Dl;LVJVqbVObGtjmoMC+L z6w4ggs((W)ku`a+n&B-n3P@{!)fv0M=96ymt_gq9(w6YIgG@nZaCiQNO1Fl$%FWAV zPFbPein_*&nIg)RlhsAqk`tx%)eAc2nCKn*wDhx>QLB%gAoJ6V1#N)sI02GQol4&+ znrH=Aw_HUc1b>M<4@tby6QA)vyXQtKMCwyPj{%#~(3f6>;wik|`5kXx4BxM^gcVw! z2Q9Um^lz{tyeDqhtxk8MSQ9l);!>JNc^U%Wcxp4gS%7FmuXxt95a+TLn#OFpF_tG| zIOe$Lx?Ho&YZ3>fBBgUzevsyko%^rqTMOSrgoZg76&*i;&P-}mh=+x@sux(<5%wjZ z5m`Pi4SDtG&_R6(B!auM8~g6tX>AZ)<`q6D2xj+uJJE) zWY~;o2YZifw0rCDOnHo@RdwqGxxE!0UxO1p7Uf7<-#XfA1@LTlI@;?+h&Js;7k1(5s~YyVVd?kI)c0q7mGYyHN50Y&YmI_{gP-`WV!w({wjH(-8dzTr#_Ax zEBC3Y8+$4L-Tbp~iZ45G?V>F++Mk4+W~4h(9|=k2K+dLI%xGUNvy%J`B_ty$>P+T? zO~s2;@}Hv{^}`(Z*j2Q#9*niZVo@V+zP`so2BA|N<1z_YVg4o_tgThq2`gK!27GeZ zhlSz^{T%wbl!?Rj>Kmid2Z$N^4V^B`2`|bZs#;J*|d`|zTSpZw&F!ovs;SnEgbG@f3 z=0Q}4bfmOkzMWBh-Uh|DKx}4ToY=a6%d*1>V+k|b>t;r%!2Al&?F4#-yy!XkzO&@Q zo8d#@IW5bB=(n;RU1Ty8i)2oFuS|G-RTJWj5E@PZXLZ( z&P)LxLcF*=Y=k^(~SJwb1E$ z@m-WJo5He<73mBrG4g zfZ?C0Y4dybjp?aZO0TKfz9tIY+(XG}sCwy4jlCCh^j##NDA&G#!V#dVgB$cs_Oy^46oA?@yDdfL6g!nl$h!FX8rbB$tAp)2H82mHk7KlC;FDp!VI$vGbg(TnsSH(%xY%u@N?2RX26geWy`L zY-NQI*Fj{Ps>QvY?O>A(g=G67OCX`PA7R)LCTz)Wanzp3Cp4Q{Q@?)B;U- zmX50Jcu1C?tncD%zbd2i3Qba-Faz^$Li~k@5s<62n&(Hdw)Ip$bXR+fE42A0a+Q_M zc3Fy|6J&-h!}!8P>84`CU&yM97|jSLYHhbzg{}nb?!+73Q8V?PhH*@AAWALcM2#lO zMsS?tudVl#d$1NU-h4zPX0)eu$DLK*Z9UuZcII(PksW8}u5!$Hr|6KPbi4m)$w38P zQFNWBmczGajdn82oP?JukRO&9LEJ2&*J#DDXT|)UUu|dX$ty|xpUQqh@8G-iv41cJ z0MC33xE7Ap6!dNTNjPUQ+HW_5wZL{7b;v`V%gn3>;O!*x_H&H|0Ieqm5JbA?UaV^Ln0cPJ(0{rBNbIbG5(w=UveQarr+!FQXLT_WDog(#*%?`bz z#D;Oj{jtkDFRFSi1`IgyR#kaQk7TT@+E6%{>IB$Us0xVH4(b6}7WC*yFpq?9$moPE zjg_?)%!+?I)z6}(=qqr;IJ42F0nV<`CfrhT;;7ImRBBR3?8P|wK z{5_&8u?SB-RwCxL=M!DF2f>lL1Rk?H_05^&iTlTOwMgtedu~VtkJ^3xA4c4%cWi^K z#%K_^llhiC&T`Y1vKaB5r)sD9x;BVeF_5>w8K1U<^L&Xd=m^JC(CdkQ9ohY?XZ_iL zNMlPG$4?neef6ODuKRO{Oor-fqGmy(GylfOZ%)Q2oURJJ8xT1;$rXrx6`+eIpA4NP z?n2L;PyR;@pUPsP-djIp-KKw=G7mOng7`S{F)6hV+iS2^sld#2L>5oLUJVQ5?fE~j z_0#faC0;+oge-!;47|Zxi`9ItX|PQy#7{|Yzd@w0Bak-WuD2hMxjklv*g3YZwH9M7 z5Si#q@T;_hiOnq#kGFFn4%x3G`Onux%|p(JznCjKLcz9!>q<&ERZZ<8&Iz%Bi_b0Z&&LNPvqY0 zK~9F>EjMBWYd%ZF*T7$vLqfiLCs8Hdzr8!TMB?NFBfA9?@v$q79NZ@mof`t&2P~Rt z>bvd!#{cW@nzeR`mEWTWJYQIFi(j!6h;6UEnX$Y_Lyk=2#6 z%_(>Xc@KVTdzbygD)jdU@NcxFlrC<5o)tqb5D*I|fQ2AxJtM1I;3r$q`8NSKCdfKM zW^0GYm^g9J;OS4ABr?j$v*|!b+7d`_KAB$8ImC_|^4`zrEOv`a#)f?6B<2_e;y*yj zuupZZK24$v8D;L2l7P5MXGHtV5??V3RytXHhoVNo4Z8!nADAWP)p%Da*9x$rLD8rf z(b!SqiC`6d-`8K|8j@|StP6qsNs!V`@%6LoafN;{fKffx%RY=9q9=t}#E+9Ud1`q+ z?&1;1g~bM~9QMb0`yuWd`maS?6K8HLKz${ncD1Ovq@C3O^u>@-j2V-etlq5kqweMW zcSL@l&1?gi5#8ulb)r49&^Q@54f8OnM09|PGi@+48^KuP-yIv!PjpRZaI9loUr39Y zT%WI*7$w~*KJG>oghT3w#gRj!!VG%->=a2p^aiK0QCa;`4KGefxIsYbDvz!hal&?% zgZc|&4+JIZUw0}nk26m;%4BptIOwaGM8qTpAycAq0UMwhFTp3Glr#sb%6G4~xbbNs z_U?kEG+ZO=p+zi^yTXoSr^RVtBkJPDXrsWdpqQc*$}8O{)ne1<8r}Mp!{#Ep2GCbpZv+|Kx8|uYsR15PYc*g`CgZNu4?gkp5;{Vn9waP|-DS%>@nCAf0<&04*Wy@NPnK-0-suj17iCpJP~(FVVS z%06^mkQ4&Z}|F*ah}lXFG&)az}*i-ouN<0Trz3vrAX%(-P(C)Kqh zO}p5Y^_t@L+nspZy?LnS5}kU8Z^#8kr8#P+=XLM*n6>nmGT%k_L?vK3BtmVLQjf3sT{kUb_ zR^Y(rLhCSw)qP6q@p+>SJU8sONS~Bl{rF8EpFjCmenpn%eq=<4Iyakg#j0M!!L<=) z*CWQ56ondWe`7ghL_`T>OgkdyR><0{1;d}b4QH}A2=TpLRU@*-09C*{sL;o>C@x3U z>N9&gJ#`Ah7ml=#vM-R#X=FawYwL*bRK=f1O$su5&fi~S)pTEI|3^%N^wii4!;H0c z2LR<~@Y8@O##r{+m|J2;AXdV_T0w^P#N;QeP5LP9NOY~vr!Z%B->m63t5tDpqwGaV z*|HKi4cdzw7lZXuPLwc?ldY894(SQ6o z$p&tOqy1jn@l^7o60vefyV1D;D70FATN>k*Uq>iQ#{d1vTBvx*JQ4oCVsAa9`9JlJ zE*&sBM!`lv%fNp_wLE+bDbK$|cD)SNS8YP3QKG*g3`EAx1-&5{b4LFV@JYwR8gOY= zV2skiHIcgIM=3|^BO>*tn}I#-zw>_HVuxv#B}IHD^~#k@Roxk2-_V8nxEwz6in2r6 z1D=?U|H!AH23`Qk^$sGjm0b&gH!l$p)}zwiX+DeRI!5IXugH1ucDx(%R#*x2;UR4W za`NHPF=fxTA?_(6z1R~`@qbUQmLjI#9AK|84%%j;Q*u-$Vh-37?&Zsl6n&t(9=W`0 z;@|DbG3mxrUr#g!sokHThZ}QY?I%GZ9?~8U4Y0d{Pz8|;RHx<$y@v0ebY1AVxyuwp z%P;5ed!E?wZRI0j30)I5XbEVSe*ERv=sK2%*y>hMq|ZtJyZAjS9KXFkWX6;P@d)I8 zXXKSCyC2fZ%U(may8t(FtC$)jnFk?N`1|$9e~;}!6gv8o!}^ZE+2vSgiRG3b5uqzb zJS+t(P8-1m=7)cwYfsxm*4Eqyi{=mX{@RwN>`?#n!P7elSQOeIw9kIFe)oJ0o*Gsk z55{>~IZq%H6a!7rCiu?ThqMVJ$S%ZaC!N#eK2uL_261i^151`>BCb!d z8Uxj$cgGAUnG1n=>*sh z5Ujg=@f~)2s52CJ(wQdq6t-yPMn-TOR60<%9~bP6r{?mV{n9EmlVOu0@n)ir)Z3SV zW2O=jaxW92|Ex`=)R-l>x$NP=Cow-2Y$abEVkl|sbF@@Hr*}j|oh~M@}?i+o1~At70TXRW+Izjr+tiPyf+ZJI2`YM2z~7=9~W#XJDXHvj&avWY+zE z@pE4XdX#ab-ue3fk`+~pp(*ayucAgJ9P39$iUOQsTG7>drTaCH)!_fkZ@Utaj8VsX zwSYsOuYTa=s7CIwKzs~I@jd+K??aQ!7HBAypGS8=$kK;$j_BQyzm7rG%?O+lR_3AF zXw@YBY&`|y-Rtkn<8_yqns z7y0$QrK~YvOl-XD=va!|-3}EzzknqL=&``jQg3)U8Ca>^az(+chM0&`8?Gf_bnKhW z+j{9OZ(pbLH)d(cjVq%A$0le_k7bQTpGFvsG2k+*y*hA;=Q6|OFv)0&& zC-PUsft8>_g?!x?P47!2p#Ltfi=>V5+h8?I|FJjPqhV1G$Biz**slWbMLCk9FOXRn zaw+b>>2^RPDa(C_&b}keE%7ghOX#fxOH)Ee>Dw@&4`Lu(eP(X>6RUcLF|HG0XBHNaT27)2d3$$ z;*3c@q>X)O5Ta9sxXn?o#2^~PI-rv?aq5g;^iZ5no?`ZhB-Z$wn;eiO7IC|KI;5k^ zHX*~Q?T#yx(fTKhXH4UfbL6e^Kj+NvkvYHhx~Z&I6EumpR@wh|s&AY_yXsVohle!( zHK%<FkoJ5A(TpZU3^Vo5173xUKcw}&rwr9)iWlRP z!G+ef$RbgeRqMYSg9B1RX>;+J+==736+%qNC_&txZ?hnKP=deKTgqVrgH5_m3Faig z&UG9S8P2;)8Z*Rq!Jg&cRhI`w%Y?WOd~FWM(!I82=1Bb_Bp|!Nu#+UL=0M6_mo~vn zZaY4w1PG`E;1DYG`;roX|BBSR_Ecjy5Cr?q$xJ1m)!DPA{;SpycV7}~C)AqL`)>pi zGg2?PsiTo=9(xbZohh#me1%J*k6DKf{Q+1@#+Au324-pez4=O)Vtf}D_kbkkQ+aA5 z^&(4Dz(&0N9O^Q75`$4=4B3Gmt6Y`#U^#jyhq@z0pCOTaQ!FX^e!Hp9THJxwCuF9H z_Rk=v>dLyVO_p!~Yaax3!8}Mp#4K^v*!xoei>M?pb7idN;dqKA&+|OTzhy_(=3^h+ zkE|=EKD;Mao%@XdF;%D&e9DtE@n1WRqa0|4$H4P<|J~1{67fg zZ->4Q1;&&W%`wQ~PZGBx6E?Wtx(S71-2@^BUqk%`-`TS>*u(>z+AD(?eft{mFY4cs z`j3$GPh`U1x&<|2p14jeI*#w|s(H);@(l za!_Al=^YCUFmB`rkM)t=x>L0*)10iofRZw*6Nj8xsEq zJ-_RO4BoHK+BM5qWW`@Ig&RdW(K#iMU4@ukt}(}$6xi$0-_7Lb9~dY^Z~#wNLtJII zn{Dl}(;LvO!v%kJIjjJljRNa?&<6drm!#*}e5c+?&V~khLe{>sdwm!X+CRaz{-v@M zz6_sA7Ug_kY0kVrDRo@*l`^zJ3?D`-YcuXnBj)#vsX@m2=~aHH+XVNLRTyM`=D#`n zAN4=%GZOhpDJt)m1-UHTt)b45KqLApHhh*r1G;;4gf*s4uK$|aER=aFTiM*2V5iuK z0M_knkhgTz+t+YcDs)ynGoSLQX|#SutipR6?IX=wJ-XBX*;ZLY=C6UQ_+=9~l3L$U z;^MYqb>bqzkcCY^mFzrNJ~QN9OVa|3Kv7h}`oLH%`vLGWgE^d%Ck)mK<=KWnVBFU= zA;S|2CWn(VPqjavwtK@N?XJuRfVbQbUm7;iULa?ohqu{W4GZ60u#ZY(&0DZbOzsAX>Ceh+sTzPSNB0@`MV@XOK4qAPp=kTkOBDDkmM; z;cJ;S;Rpr-xkvkrmacaeaS>dP2FMvcB`q9DPWY+QrDxCpxl@S#MJFH;?Vi)%JFSPb zEE(lU(^P!Lmm^o_#`n!MjI`afA?T*5GI_MK=_yCcR= z%ev5d7P5zRXNYQyD+eO9T)f^cR;!1mRv89XlC3p9v^GK0ofR9Poq++8I1#6|rG2=# ziZv()R|WrBmx}zZ{6=O$HO_r!W(Nq2@mp)OLuvp1FdnEc8Fd<|^DYT}*x=)7w zYedb;PB9Nr4~|W(d0C%TGSYZ=a$jh3b{%*j>~dH)pbXbUb-a;ll^9pqm9y2b8Z#Y_ zp|&lSYtPS z($U-omXWI7RVUqFtGR4@EsXA6Plmr|inHHw*Vi6Qq5rR{vA#SzlUV@0=t`(*%@{L9&#rnR-=7$+?Gd*v2$AQzF3W!I9=4U z^MFhyzsgUUQ}u@-8GqEBcLRA*?bP1rm4({`tc%?oIBv|{`b5|Oe10yZ*bhO=>YqSF zt3n^Uu#K1+`n9yKSOr7>a!uzA`UK<#fHKm5liA05OO5z0{!#s_nT=SBHKv}3N^tCh zV9WiKIT4K=1RaX@sf#U1k*NyF6?Zz;<{P z-J>VS43EFo8gJhiy;J-rpaaf8U8iuIMoOzm$VHtN$2=!iJ=x10d?jI!_$t%|@0Fid zBfGdDDn8~X<}YD-)W~fB1}1@kv`mkHH>v>_p<}K z0o_VWraW(LPXYZeMqj)K?LrMA0_jK3!5r;lK!dIeDn=Lg?I)qh7NS;bf#Uzv?`vr9 z$#Rs2Il#P%pKr0~m8gqZMwG&g(!zTc%Gh~n_ zxW=|!{lt9}C*`dJv_WyebnY>%U%usXUd5s@eTd)t#NCK}*oIwMWBAmkZIR}KVcXTe;toG+Mauo)!bh)^hcetK3h#&r zr9Epzh539k`<8GzitjtdPM!0~ZY5C+#x;o;pO4<@bNG}!tHab6%)7va1fCEuqLa&= zYp(+nCe~&86_(to+#7$vm>PK6wo9Zv@{M_9Hs4-eNu(&tVFvZbsHw==U5V+0sP-IW zDpUL`fRPB42Hqt7ndiC;#M#Zk)jj|kt49ni&=Ut~Y4~rWk?&syuZDO2HQ-%D9lroW z^c8Sv*U%?KCh1d%sUbi1s%0Ou<^eTCmi>Ss%!D3&>PThxSdX(dP%(GS( zxsi3<6p>||m9xl%`$Ic;#6L{uAf=4=DY**`%=Ybm3}t&bEC{pFtmNDpTjZf*t^oeu zd{kbEk!0P>dy?8_!vFuCA12;IMr0*`I0aoR>Rw6Yk3uOzP!pldoS&CjatwQ=~?y~SS5kV(Sgfh{fIJP zhj(#r`Sd^VZTpya;(ap%!&w(E*A{^vfp4Q&KZjMz8YH9iLfB1jKCA62YwbELHMtBJ zx!l#lf!6wb{G6YrK^EODh|^>(O}tghScNP}th{i4SiNy7AA9yt+V9=gO6rIADIhwAX z(`R58vxA-n-{7mxMojYCwDz?d6=j^^yDdXL>1K`7 zh_L?HlPC%AdmiOrM_BxzW@MIRH)k2L#mvDCO>!uMltwMy&V1n%WC^cyb10o)U#sD7 z#wqWLgQJ4*o98yfWA8J7@wt-y^CWt-cPZp`oE=D(T+T9}Mh543;85U)s*{4c+m$~* zLp#C_{&1Vj`ro=^e!fNGmzCa~zxDJ3*)6^jr8Yxafy>;4bIYzJzJGF~B=ywbo9BSx zh$}sh?&1xV{LGXdBNmtfguA2)o{J7?{59Z5eGYOqWb~`<&B*O-WXPkHMY%mi_`O8z z?({hhJD6`-GGojx`8@$FEl$mj8I z?d7V#b!InxI%bzSDPhbmyHWs5=HDx+Q_1$gesmkMKsnIoa>5>G#59VxkehB4^ou2` z^HOhgrT1?V>+pSVjU-iRIJ&LlQ834JMb{K(bV(1AJG2o9tWGMsy&THxJ#P4SHFi!l zG4rtTdDadOT9=8<$mqqxwmOl&`nnTOD?jJGiGcjam^m7ltYAya)Q$SzE9r|jVLvWo zC)fdq{yXcx*YmqQVz{brW4}}H^JTy7%+0zu2`1*hRoI~$p72A`1UN3folj>!)seB6 zkMPBgaY9JzsuN=tXyiP2)by3D0&?R*%qDnOP3C{&`s}d@(l*3NyC<^}|3b9l?Hy}-rgi9mf zh(u){1{BVNKzuG7HdAp(=VwZ^uZ zEFRe^a`6asg<9~79}#tYi1$ry`Pz*SbqIoOvMcWcxl-VI(sFW9M?}ac)wj+5z)1Bp zqU{PD+-*UtkTX6EEJr3*#%w(&9^02e z#J)7Rx{cYKhfHf8k>Up&(a-X)U6p^TA&{5RK946vDkp)UT?+Zn4vOznf|Y+ZoLPc_ zO0Dz8t9KdJ3dDIrG>+d;MgM zml`8YTtV#2jI_lyRJ+IU;K&fc`;{VFgZU?Fzm|M<>wfPkE5dbo!dJiQeH(41f-$Y^ zd1If;t@@o_E4xO=BJ;_AG6IW-j8*sUCa%IOmM4($Lvb)I8M~BX%x7b+WD7AezMFU* z_r*JVSxxeu18{&mkP$Zqx|ua;_6L?29>zoH|NB_KiJY$oh;)8CRqLfLLMQTMbsVz6 zouD;%Hj;sFN!84@Ak?+M#DR!qJ38ey83>66@hb2S0cyt8JUnG#*BJ=L+KU5v-K zNdAd^gG=D$3Q;i>ol;#ffiVX@!P++XS#FD z|4pPGskOvoKX;1Zx<&Zmgq=;g+j15$eUi8je!&9lTw8$?BxncEy7+tqEs=&%kO%jXG)e*$UoSpvED@oY_|ca*(UpB%a1P zU(P7&kcymTe-FJ7Oj5DcE5u{%6~Qsge9*r4>Q}pwzn^IPFgFzwu44K}7#IZNqb(gM zUDUB{a}NQ@Iq+fppgl2dRZIjo7<&~?K_Bzk?dpq9(!*sojn{3m`3IX3CGHi&cZ|Wh zcMBh6Ivd2bGLOg{^-X8y>mC@uZ<^90#Pi9SVl#3!QEHKPpeJ<|x+6pEN*D1Dq-xp`i zoEr{&);ajsFJT5e_mev6g^4*>eH~_=@V{t{TK(5}<%a1fDx5?d$kWKqM-QUOj|%!5 zC_~1be4lq_R-$SsSxO6p1$IYzv5eZk2i}LXK#AR0irN%c^Kob{Y-XI3{p`GATxza} z*~A^X1iasmo1?@;)Tv&47J2st9uY7$0>8aoUwE^$&knnWclB|o9a(Bv_72tBkErv3 zJJ{%+BoZY-uTe)t3|Dr;Zj^vQp2(8+norJeB-ThGStwa`n%}xIk*U+p{9oUFgO`f) z>RP;+dFGN9!~wHdd^-BrXHn0QXN$Xa!@LvnT?h{$GUq+<@Dx7xa|@ZN2~ij2-u^Vi z|Hy3Fgdkc~GBxPXFTUW|phe^^^AjRxs(XKq`com~;|EdwJFyF&xygu(c!F-f6B$J{ z^JMf;lo@yVN2=^ky!G8DDSOAU5=tM7HFK`sY3+x}bs0E8?DwGGtc(603wA#{Xp6Sc zI$Vp&<=aFp1yv-jfU>NM>2v7wFpC<1^O+JIB{~`42RUQ(2=^ zGKs@L#bffp*kmB&zr`6lqsE&a#(T&P>WcoeE~)@W-ixDq718V7v)HM>0l9+zsf@%9 z@y^6U9DsLmX-xe{ct4Sw{ajDzX`8U4yz;V;TK^%Yt~S|eOaFz>!#S8+)o_*QUSfUZ z9@awNFw%S-cW*+!zYw2T9ZJ~@r_#AEkZ)j^^feF}*Zh2})ZlWz+h$eyZr5~hBRjkm z8oa>uZ20HejnD{jvD~SYTiCCTT&vOlNgLN*GULDj4rX%TUrLOq?pB;l z%#*>K;Y3>}Oc0I`VOC~eeePt0)nNY8C&jN(ggnrGC*qZP12@5||NlKr4SERq4a~@d z95|Ip$jb2B9>KqIpZ$CnrqJ%t+g$x>x%%}?>Cq5m;fC|eclWi3FgdU2995~l0q?xo=xPK;57OQm8P&m0uMr!7i1_0;Jmo%0;d%W|h1rA7 zp|o%0rc%^@j6n7fP?H7egG_QVsV z7HbpD8{wy|g=`M8EJZ#(O^gK2#IDRleUG??RBdhk{KA93<6B6C6)+{Z{YTDd-L zp0PWWnOyYu&N0q5En%90LUE#JmK~>LyY$KdFv;Do7(FQ4pu=?$hAvI=tC`Yc`WI^@ z$&8JcBA)hz2H`A+Y`nLeF=wM`18(j5IeCfIdO?E=% zR2a@?c>}%NyzXFN3NYWdCp|^}8~-YK?@y>#;knfrh{xOQIejX2VRgWJ;xGQwfi~+X z@Uxsjz70Bn=a2a=`a_7s{bS9QDyO>fp4uG25awx3I9a)j3;`huNb2zOG{icuyBj5z-*X?cY$6Z#ra>ziscYB>580 z-2OMEU@vU{ZL59|tW7dI&*|Y`x(mfu<|tgHp4jOZgc{>j(`0)c>`Rjk$o$?n?xBrjtnKHUCpNfQ2P5Wc zcDgQ7!gwy159Y7B*QC1o!DprRcr>gY-vNp^81oYI)`<9__l#qf1xz`exz|9eI?}`* zacZ=zBuI?mp@FQkkbi`ekLWYR$MYTcfTgs+o7`!y6~kM&Y1(>zpTxh3HThcRLL!oU z%S=yMo<)2+D3&@q$(KE7BkrI^yab<%S;JDxf3Wt1;9Ts_!f~huV82)=-3HX*ivhKw zU*xB0^zL4dWk(-#SdI3C7|Qs)50u&(MHAwQi{gLq)EmSJoWDkKsRiHBR&Hu+$-n~K z-%>4YyIyvHY=Tawzt7HX>h{v!+`02luqwYZq6#SO6TpS9e$`|6emBfEe`@sOm=NGL zdi+n@-i)|^Hg)u&Lg*L#mfg*DVM8sWw4aO#xa58yQrgJ3hUcPd@S^x>8Liv^=pA|@ z7xBcK)g7>HUBu&|OGThXnC~?aJ-L1a`sNH@{jYek@g_5J@k9_d85xkLXOgjQ0?q|= zBp6P(%X`IJod+TRpN9<4p%|}~+J?Ku^rugl4Qs_H@oZ9Xf>VzM{wGRh^_|F1S*e!R zGQ_+Mr+qV~P!>Z|lp=@AJW7Dt6}38EjeWV*S`u=p<-nRSKKwTJ=IHja91oj%6nIz} z37o`R>*)hbKCq#0fMxSMP~Fu@a#E?E@7O3>M0l}D{JQMncsFt)^tK-ZZ1PKM)yZVmsa;eHfgW2bp1TL#olo z4ms%nss3qL>nFz%aq^QwWXozEU=2G{bpJy=>iyery&N?Pc}rBC`UAxY-L(f=l@;_x z@ej`4k5#UCA!Ps`lE;aLyRd)P?bklEa`s zc7?P4R5kv0x>1-biGl^m35*cg$f^Nx8O`2M9e`-cn_KDU^hRJ!HqN+Nl(Qdl#}%-) z@15}5wsP(1fnG59Y^**PLU%uqA-#T?AswOrWK29otQWd3kvmZX4N!@ygv@61tgwqV zL_MVv=_vJWdqe|ep4nEfZuee|xe-|NP%lR0)?ZctZ`iT(HIWQ17V^#(JiCgXLFDe~W!NXo)h7Fq^Qswd1k8Dxk6B{z_xfNVd=V#{EZ(Xy zl8kThHoWUfiLQk;kuiAtD(L6aiUd(+b>;%m6;=P!`e0PB=_lMBTZ29BFIRV;*#XTtU9218hVA?$8CNoL2kRJ?o|vh1ZIE+{dgEE5>iM zJu7v3*uFAcn^pSuzm8V!ad$~AKsQA$`i|v}GxE(2nzzd%9yu(3)Ao9tUAqhRoqkb? z5dq5Cyz|ic?Z(uLEPUcYT!P&1m14H=jB8|DTHHf9U zm|4wZXW&dA&B1k__h}z`V#r>hAFKyX7rP$lBjj3Ef}ds9y}VwdVEn?EAi6ibmooI) zJ!#=dJF<%%_({2(yW1PT4%BAi?=`5-+sDRqWghv!_(tI#Oxxvz?PeT)93HIC8d>e- zci3%u1#w4Y9-o=$hK0DA(?lPKzY7(g!)svt#7MI~+=Pie%yL(%Q+x2d{|VEB$(4~Q z4*QN)>@jZmy_ocWq(d}ayQ=Xdb)T@xktXH;JL)7dRUEBJO=^vg03!{vPLnd6qds+xYHoe7nV~gQ? zZxY`Okn4Z8D}9H$u<5D=Q5tO^C&|&zBLCuKdla6t{Rw6khT8lXxYnooyP19^MsT(+S@d7b2L$DM^Rh*7Ct8BXo$iHpjbTFmHsQEAn!EN)|FR4 ze&rMhGXG`4HrSO|tdm`3X+Uduu;0Yzo>UKoQ-Y|iCwF}vy>gV`w}Oa8Km{=LqUg2n z3cf2ni3g|Ao0HXh#+lPG6%Cb~ttIF};4JkL^?hJA8an$ydiajBa1NXNucw<$@4*A~ zh@L=uHi($}S$mH%*MfZu^MJIqrPbYN%L;6(M5BXDUv}+?VEn~*eBEHwIcCf`BKp!5QG?Fm86=p49R z*RccUuy4BI4^1{S#ONqyZF4b4oLz71GpO!;*-V{hN~i2>0zzE~e{?%nC$YztnZPx| zJS6~nVg@=ZbYU66zjC$1)k_XLG7}fXnFz|BPe`gL9dHl~^F#nBX=Ep0t->S5?GMMj z=!pbEF52z``xW@t5`kH9xNb81LduH}8!-og-g73d6|Fp7)dSz5L{h`%h*{uRb6U5n z$=U~T=$2P`l2{!o0di*f!zrkf$y3GOKIQ9BUd|ql-C{l?!CD3k9%W~1$%S%oU7+)= zQ1S8L`HZUBcFSE@N0V(Ytj8gro9^~!pH)rv{~k6h+R+EEp;}HKm)uH|%@^_ieD8ca zQkITc$$vOu+*-tdtkhNLDSo>|r%3WLE6TT1ymhY%ec`aPn3Q)-41~-DVQ1M9#6F(( zZ?*=LwOBQbL9Ue@O3&w!S8AHM6u2Fpm$MN>U0pG8CSM)&ZnW|PrcON%dCrB${P`H} zl!6>+9qb#UrW^3>4*QT<0~o8l{nY{Z4UrFp;^$87cVG~hiKnao@fjHG=*8%R-WT&l zZ-z`wAU{!Otb3HhE&dr`R%ZdlbR84;URueO(M#JTUKtW0Y7ep^fr(0p&qBj1JT=gM zI{d~+poLzX@SqrrZxg$PS&E?{Dr`S&JL7%U5Kh~uNyZQR_p;BmC^cjxv(P6xR;llF zbq#d?mO~`xtM|U690yS`TAWY@9kq9ojPP-ILBj)_U;B+3)vsN8~sA;Fg#}c301Y)jkF2-^Xni+T}G)t%m`86!a07-o-C%ifct>9iBcz++@^uf4`K|t4u1*yob@;UGp;34_TIVF zLjB-9P0WVyj9znYw%fbnJj5%W)x;U_de4|X zfbTdfiKme7ni-lIIKTe@vic^xg&MWju;VWIS*ayNt4NH*%#c<)Kty4Pb`?5jwyi*% zOT<}+t^8Ko4*Pq%4LDjEqE1x@wO~KId*#J_$T*?xTVbw&(piqkn@o+l2Gb|?P>p!T z$Qw^rn@m%X8DsW{ok3~hyJU7&vkI4jr#Jv)X!0HMw5O=gSx^s19HG#Q$}?|AJr<~P zAM{=sd&=6w1e1zRDqVy>m?=(=|iJg(+9&ehG=j6i`S8wfa8mCf`%>Wap?cdT~^-a}eJE zJ*O_1>3h@E4;*Jz=yIZs+a$*M4|jyN>|Lv;mRUyEQUpl=%pd)VFFh zc2ovAGDNqQ4j-?4$O*^vl!F{qc&DxB>faO5wF=f?PG}jMH(zS&;`uo{3~oXa!Jv?!&T-8M*6Lq&i)PVD)3ym!`J9c)P?MRX)vZ`>EHmP z7kXD#7M_YVVlvi0W_PNo=&ou1z9>^a;}@0cSoeqcKINo~dI&2CQS%eJ#rPq9=3f_Q znbmi?TxoZ5Yiws!W+!QDK3PtT>t%Iq{x-4Su<`Z5!~ssyJORY2%DP;EC^cfkcfou0 zt4LVMtDDjnB6~J6z6|}9tYEx!gnvD43qsFwrJE?UM9k646=~)>lreZ7p&wGivFZzA znA$NEdh70+(3QGTqo<$!iGLQ}Qh6?A?vrlxt_7wRPf6ibOTkm*CQmQEu|15q&)%@9 zQQ@ItkZLk2SEmfkxJwME;C|@%eT^Fyi%deb;y$c#pZ%iPXXSZsv{%LSi6?0WjnLC*1 z(Smo(@UiK6(>isz|1O2-+E3K8-6kM&4%9TFGR&}P$?(RSRKtp}`zQihJ4$RcYSGk4 zMC2R{^3G12 z`s7D$6^O<+xxyyf_K=%E9eZ%^op^)bpS47aKJkB#rH|9# zI)|yw_Ll4-zfD_Rhm6G-Nc?2vt*%?WotNIVOtkfLQXg?G@(xX=vS6DQqKcPgJ%>`d z&&ppC$Ia(xU0FQt#qJq!a~gIA?Bsc?TJp8tJCN1Sdv)oBKWSlS$)hd0zV&Jwfn;L0 z1}%u}mFNBV^b1=0TWZt{9OsN&+NR~vcgKbpI;rc(KJlw!xcVB~BP(~H1~9p+JVl*d zseT_AQ`qZpvdW0IQQffJc4T7nlvkm{CxkWXbwC+p!8*Kdim`db_+gTl#FYM#DX~AK zX{;w;8>Eh&6Ak4H%r?fd2V>`WMsE5ZV5w=>}=aroJ)Ft-)ra4*&r)S zH-NCZ9@5mqp&ae&1XB)JuagF$ZzA9Fk2 zO;ZN39I4D(QUhTPwC_uv|-e-cyRiGqy@ce<=z=sy}U zGqiYgGqeU-Ro*~Fl$MHlOWHloFy16y?E%CWa#_-!qz;xkInn6GY;?=P!?0n;^fp@0iIq4R4tF z=3IDmlri4J`*x*X!F+l9DbuG<%inr+LdY;`n=<&C7-EMVh!FdL%k#c_*3N0ij#(og zi4d=}^qSA;TcbYKk}YpN0Tnu@tQ|Hy6^RNxW_k%dByx6H*iztI@q9_Xc{uftnXO!bE zu?qM!*56qh=d2#)mU{Yr2DE#m<1wQP|A<~B2BI!que?&sS>qn@EO1;pCbUv>0%2fe ztWz|9OMhH_3_MXF4`6j04a_w6@arX?`!F-=RJshgCO+=sHm1uU1^@?np?G8^&qA#7 z9pouke1~&W1I9JU-pIGff3H+o|7Y(QB8spJouw}3z1Nx~x*#8(Y@^5mvbj+R~QQ#`0&l9KtL!&!T_o!5d zPo{3(XD5PvoSRv^GwMhOd6qXLt4V)gyE-2AlqXwaCa4o*~y5k6aUUly#4~8J_V;H4Pk_^rC6sXd50&AFlSxV#SG7(a(mXhr(WFY83PK z%?o9Ri~KIRaO%ZwRmX{?{JrcbH|l}Rj;la$KWQryFWy^*8W*qH>Ho^a_c&GL7)Q+! zo^~!cT29-BE#9N(h~}`+pN9PgLvE)YzYfJTvda(@YM+M}ZTmjhU|Y z6mD%kP{%SCcKa2H&7`ekRVYV1?z6Ht5!hQ?->+Y3Ja@cuH1J9`bpa)XbtL&l>G$~}-!*&7h(+NT0 zea>G4F5qmx6I+N12+&8coV>&8szUHu=$MEtQF4r@=#97_f0%_gn0EBIOGdg@gK@48 z@~!RHez>n>2P#HgnKH2p+5L;gl^eq{jCxrNyeHb}?JDaO(`w~4TGz*%mW;HS59N31 z8)I6)Z_JaN&qRdlOYkR%$PH1S?6fGCxx^oPbJY#um({~N{$m{%!Kom*U|*Rx5E<98 z_kn3YN*t~UQID7Qor&x!QEvV6Z(mxTOnfaeW@mH|KvXffMU+a@u^M-eFs?} zlMypHBlHVmHZq$PI_u6;ae6+|+xO{2D<6S_hSMA6-EP%SXH_!2ZiDXFqAhM0;axH& zyKeRy1CL06S%fGia;vis4E&VP+qp(&r9ou$A}W%9AtG1SZGUm^&1R1g|MtR8{(rOj z%g6{3`)9sqW@G+384>1oqGK;dli!bs31$PC1uuoJ;LL=6;H!8N*bVxHn1eT%9t@{^ z|I#JFz!09}x2L~|eLxRB{MSaoZb`~j;5tgvM!j@et#~MMAtor?F8R@jY_tF_OZPnQ&p&Zkfr`|#R{BA1-MAg6(z?9vEy7TGxO}YMqilGd&4sjrxd6q zhz__%b?8k3?-+0+)V{=7&~KD)p;d->l}8P{2esqh!QFffvB5F(*!4WEvB=jj){?9o zJj*)f88UNUjT7RnrcDUfg})1#NqF|mE#E-QmTyskyFvuZxmY`TKzOwVaRd7V zeAF1enT2%#)v=u=xh(pue(FXm@$gv&+B!;vR$V^VcJ^uB$!b9&m>L0$Dhn zjef3rCfz?1uke{2YX9g=r%t6MSaS*$!c%{1_nYw7O5G9QWY;kvF zaKAvdqsIPvBs*-$!?<15uzHCo<^9)p{s_E@d_M*4&QG*5GCl@eo6^z@v;8ob-CE~O zuc7B8P5c-oYaFL-?AIpaN6BxqR@3{gx*w6U_B%7Q-GklJsLwW1q zROD8c*lw36&K===*x%Fl)S;_h_lTpb$P0QVv=)u`cbZt{(!Mq|p!9Ggt zP`mQa1m=>7iMV|~=wb>wU^eBnGVP{;5pIuGtPg`igdHC$EW4IS>&quJtdkimt zU2R@O?L^c9Xblfm%SrBX6>Z-zZIfN$6z0`=tAP2dP8#MS8wyto9|-&KH~7Z14Mk3# zryRkv60M*s|F?DU6n&4g#q2XDAr^^AiGS-^0`0;#{c&h@Zx8eoCtA|76~PM0Y2ZJO zK}A~MXT2t3b?$`p4f8GAp#3jHKX3*y>U9OxNs=9woO;#0-PWmK?3DeEjKMKcE0Oo* zDFP}K{>Z`#JECN};iojfiZ=BwLBD&Y`kn3vpGH>cAMA4-&q(Gdu3YLut`=M~y;m96 zmwO>)sO@=-SBMW|O`7kmBH*Q!e47{g2R=$&@+ERAd?RNMp|qn9_-L%ta-}uHK7k9i~#jNBY_=jFS%x2(Cbwp{N(%~ zFBRkOBII)Uu2d82xxVNw@N%Q8=o7nhBj0TWVi1ED43dkvE~Zy;+D19{B`!@`1zQIc z38r%~hGVX$ql>Fx{L8FPr6HdJf8nPSZTISBI3pJd3dETz=rE{Nu8U`r3qa$48mQDg_fCqq@|oKa0bWaL5)=S#jk=2OAn^b)<^ z|B83@VMaEem{I0ySD?aMhwfR67N~}8mvk`3 zcjuKkEo%0fBJuV-o&sOIp&l{G_DkwF18TvM!|bHgeZQwsP8YDhm=W`rz}G!#S&lu8 zE6amL{wOI9>$((4%(vb3!cNMA%YU?M3}(pa;!|vZsigt<_1djZ%~;Q^6ON zMic}QVje~B{Hu60>>lw==aPtBsB)suzoXhEQam^f*%aj7;EUYP=!kO>*==2{Eky1i zPwSUYrk=fG&iMHjYQs}T?7n^v<(K_J5vY6L9y1XACT;!XXsijH>0W$9W|GW0F2MX9 zGguz&%9}uuan4^c<~C6SvsznYM9JS+_Jft%t-R@Kt@47)Vdxy~IpoZ}_23$G8LmT( znSQR`nOAtY#i#b_NN;_O6~sfE;%DkTkdKR&M}8fHi{qaLRT(PrLupN@^Ng+TGwWoQ61o^Q11R zhxTPa*Qi04)jth?KY%sTTzr?EOm-kz{CpjvBI18QJlNG^$ZHV8h8{m;vlR1U)agbb zpK}*vzre-W;AGK}6I7VPlUYvgLB3^~Rtjz6J=OnQFwMt1pQQoPT_F77IqPDI4xB(J ze-W!p(gvzJqKH_mMn`3RuJ+pC5Zt{1ylR_z0wy-*pF6=T-Lu<^S%wxYv?pXeaQ}=ivBNUt?g6H?NvU6ot+n;9d-1E zD2mlqEqbYUi1FAB+L+N@Qx=!nBv)y?5@{aZlF{?76<9>~nsTCf=>KKv)H3WnBqC6r zC0^(8JGU9A39uL@UG2q*?))q5E%HNg+r#NoUjl~ums33T%-=gv{J>W1j zJa_oaZgM+>8WT9%o|t2%E0E*}_zP~+_+jP3HJ8`^ICNV6Np;(6-SPLHz$faW!s-X< zZ9onv60*zM=nf#=C>yd5Mg`ZyTrCsc;hnxJY=`9V&kicmn3v{M%W_E652(>TX5R?> z!do~gQ8+2P#GkD{8aj#H9J&~rQHy^@m~((s;f{x6ezcBSl-&KDDVE=&l}14gq${Ra ziSL7a2D}L^-@ydLsG&u!PP<*RokXv#r6pVCz1FRm`~P%c-RvynVVy?2Ycp&QGb|gP zszgL1aqyR8iC|v_%*Zfk1fj1|eXKh%qmUVeW7dVkHg~v&-$)$&a?CZD{)eCrL3r|) zhrZqS+Iq12BJv}%NphgHXMVnRbq6GR5%>dGRn$UClBiLt?K{+`^kb09GVvvB3*St< zGCN=s{HA8iXE6 zzgz@zxgRfOFYIFzxdYLPhJFjw+cKWQH>1?~ck*wt!Uc_$$H{BN;9Nw3y}Ofv6B4-Xj5?mS0a@!`1f z!+1w#xK^aIjw5Tmvfd@cq8a3?h-k@{=UWb`(aHj?)xf{Z1hS7Ye_v9q0X3WW<8B3`5+`DJBZ9-GULsD z@i)x$>Ci=meePAs${1~lwa4wJAYPHPId5RihYdyfIO{K7%$_2zI7$_cq~-OFMU~wXT3P zZbGNBx9Z#WddWdmz(Pmj=}qZA#;>EmWfv)CA)`wM4&wW2?H5EzGT*<$yqrx$T_%NZgZzxlx$eg&xnf!zzb(7r zPrzDt9~y=;N0jK_I?L&>l;f@Fgm(kaN93BcCJiq5)~Hl2#I?zWOOJ+~vxSH|r1V0o zCQUVPhUrRQu^9Z6^c{%TT8x_cOfRTS#UxP<*KiVvwN7={s2391aIh%vAoY1AnAZh5q*r$*lW*s z8X-2s9YjY1d}!0xkYz-;_yu`T84J=+kc`00K6W+suExICK6pI!_!03$KqmhGvtX_w zIp{BbK+k1Y;hpibK8Rmvv){J;!?Xh!cxWflXumnIAdVTOT%(dvrOMgIw^}6b-HP-O z)oNr!krxjpLOn&59itgw2jCu&$LK6{WE!qy9nPm|z^q&Lv$GaX{TQM?3r~Tv)C5-X zLExVvmrWCJ$VJF(@e={`9$CkWFx8M90&kcc9`5H~j9EAKw|J#XkYmmj8w~BtJiywy z%z$!|^wXvM%|IJF=zliV0egB`eIa(RnUkn81(7kMI`b|Kh<6uv#DqT}cD{`xO93s= zU+mW*#~N6w&8{pFq7gUxnEih#LcFa#tM!MhfS=2{2=$LQ!LHJP$&5g!JN}fE2*!^n z71IITGJXP951!>6V1R!?OU2IbTT1*JvtjIYk{+pIo`N;cg6$+WeU5nsI+P0$q4C6d z>x=N~O0H4&&0?(nxpp7!!_&#h-G{*|$a#&wMk|Pj`bT>l!Kk>L9P|UL(dx zLd;Z%bH`otVD}!I7=ji5;+_;(AQmGl%1^&TcOY2^8$?kDGSyeAci+v5Y>82|%nstL zcg!vuAlK^k)+$h2J7zsyP>SxY%h8dBAIbN^xUFrZ$@q&g**MeE-(pP1`b8rqk#?2wVS%{PjTrbGT$wYYxU1~8+ax9dfA%?c2UMAR4Ky5k0)V%tbVvYHKO;d=4@Cdu#+nU&HCupsh95X$ST<;9<7jhkLr89Pr zI`XEv3fenUINIeTJUv*u;r^}f+|!3hG@1GDF*pqMiHo8lhM!RrF@o9>z$$$pSRLvy z8?AM&GP9le&||DFxcr}+Pk)%J-o7R@~(<1GgVeE{gHlo$Jx8Ffb z2#CNrrDpO0e=obziIe*T6D#_|eiXQDy0@AcrP5Q9H3Ie?^1cl~Yw_NSI4;=BQQ(T~ zn+;$0OW?yxFuBTue}bv~)$i1vSsrmda*q+q6uTVYtS!XbE7CqgybNR#s$t!s?ei^1 zFukF~@c7Au&YAW1N3*8hOVx3{G1YZHCI%!nil=9?@=Uv5jE*MBK*RTX9=SvM*3Vcs zn2-3Kw0@|Tz+SM1IBHrI5Nk30-SGVj#ZA-54)hLEqJZcfq+l&4@acoofFVn-R4+~p zL@ZDC5qU~mWhh}W}sh!rTewjv& zaf{|fXt!P$oMW-iMLdXSVjXOC9$6l#2b|W@UXjYPe~eWAo*ape9H({w(-?ai{Gh2? zNocKj9NfgK)MMzq{x~BPk*eQ=8A8F?YqW=GvHJCNzUeSzSgVs@(}Nb zvCq{>lm+fjtkOGcttl@sSIlyAj?QKDjlW(*x%mq!-0bsW)@Yf=h+>zK!_2n?X)&g$ z9{NoAc~d>iMziCF9+#YM`gN!E37udmdQ{P`YR2IISi*55>uVjImn@$ zna?Yv;S~N0j9HPuD={;_VlPod)k zNUg_-*L)-Fi$$j^zRTG%=g4PR(E&y@HiB*~+ZVnDydR24I%p z8t_gJn6fFNn^p%MnwyL{HdDBge@_%5cgqto9!wZ{4;}WY+7BHzAp>^?PxU9{F$)mo zH`zLC#Ied=FsTn(c;G{2xU;h+*TgCvy*s^j3%YfL69IeRpjK&f2?#j8h*CJU8=QigT_;UQbq7nTdKNG*XL%CIN4O zh|=;35D}qPFZXn~Pc-s#^Z|h5H&A)Y9o8OnuUBO`Pv(jx|#xYmX>`C#xEK3PtVzO@p|-8hc~GyU@& z>bJi3v6PuocykTn>z5)8PG{*0-{?5Qm<8zdg*kbi9wqDS>$*jO*=+^R0D6=sch=?% zWep?W(lhHxOPxBl7pHGjs>}xRx?2=urnnSBkL*RPGdpNnW)3Dh6D!z$ zrS}I__x>B|22zq^O_LIDT?0?~yRl0R8$-)xSC@v!O3Q$j+I8FKCZC+Q-bw#FNsxt~ef?QYURf)OaG%IW~MUzd6xH zZ;}0M&tvLe6uO+kY-d*RlNUOU&~nS3#!847ng~fLa6QzSGf}Rg!`~G0qnHru)MpV{ zgm33t;#`@?AH8Uu4(&)=L+tIvEuW#MbDa7(VkV%!rlr8Aatn6V&+Wd~V4W@qE5TEr zRITx?sPO-ENJ6g4WU5XYV=hKaEHm_5HP{(gdtFq!IDg}HT!k|dxx<*eis~yp{&(Or zAo6hyvOe#QM?b%u8_&NDvRK~mfa#$~yw{6S5BCywekUZ_^>*JuUkNqIVsdEM{ zqj?!KrC?2a89SgN#3^;zK?{Anu@U)vJ_jmgw}Br1WI1E4T4RQ8DJ;fuf`*mkS+n)u#ZN@AIYALCjA(M?aE5fNH2-|%IF)lBlB@wAe=l?V-26gvFsm;%L&{iYuv zr>Iev$SU@XUE_V%n#MzhGXzhN)PZ)@H+UO`VEM|^80By0ns zB}&s-bURVTq(%vJ4jnK5o`TtZnEaydx82liRjjZb0e{59knkt`-bG%r7Vm68hZOXU za4H>ofH40g7dy=9D9jt*L@lgd8Nb0tIE2Ysg3KW1FZqPv6Gw+M>^gczMBH?6XZRfv zWIkjMf`W+&oRN()J>&ZYO}!&U@7*4p)YkjfD?dEESEPXZs|5Dp>!iP#F=rjpj(&@t z5s-M=+QaBb%pG!3{Jl>+Jdq21al)ZP%G5C`wZtyqbBRG+{VL}NZZIVleT6f(ZhWLz zR>WCr*ZqBBs13+RSPeg~G+`A`1LerdC`#OYS>U%|7p)L3TRn2zBVZq&+{k~&h*b1; z)grp#lV*tZev$YKKMg>ZpWi%T3&2~v*U)^pe;D`qGk7fI<@u|5H&#U+?6b%`)hm|x zACLv(sa_Ss-Q@Sl*!owXCoqR3F*nztgyG~&R}U3>{|(iP=g8;9|0d5yC-vNTB60U( z72E~8>oRN(G4Ql&#OB?EM^UegRGvnR!+SqtQp76v)CA7BU>^tiOTvy@gYX@zKbh#+ z?M5y14Nl-UQD~~b698Z7GaAnYM8LXgc+kUa-oJZg$%%Rsru3o?CTA$=%4g_b6XG(w zPdEHXGZ&n2Q4uH9he3(vZcSydna10EBYs}NhO8Ev?m0URr@&u zac%XNJIYG2M3N`KlVKlcCM1lKI&1)9DWgkK7yt1+;UJ@XF-~eQW|Iw6x(~d8Y-oK; z{>}Rgo{a!H?(onDTMosyo4|9v-z)#ES zH914LnlNOzC2Hd`xR%J)a363ld|Ngn$2xBTaeHJ{p$21hOa2#`gZTS_VMj2Z>^`6~ zOVpWQno{ccJ!#GUZCU$FiO55C-Xj{K*W(JT5wV9LxG#7JF@5fowjOUHMnny30A3?c z3j(76uNs6r{w|;odAAerW9!1kOuLTy0`f@alS3TJedxGiu0}&2p+uAq1@<8DRV&%k%v?Mg0sN8au1RL zgkmlb{HHND=8}Pu`5b=s$8pIA8OL&UH|8?`G|seRcjNRbtYd>IA-EQL;#RGupo&X` z8mHG25$5g1^u9@QCiohiYs@Eq@obPd05AF^kiyVNN(`b5SY~q#KFhTf1$?0{!&zqM z;09A&m@gO@s?1qf%^y*TSb}a25Rba4A2yhVC}GH`(l!c_(A%L* z-w(0^V?HoWit+|}P~|aJzEu%|j1a5y@MDGg3!Q4IScU`l*JZ$L$Y>WyJr>G4QQ$C)9P@{V}(Jl~wx`h;Hvcmas*zKPYX@IQy^%mWJc z0JJJ65z1+VVdlYxjv)6(eJp=X$&@IAPqoqTMkbGI7B}u9@}^Ra$ov4ZO}sBTN1jK; zk6rVFHShFNuLRx?E`Iq5r`>!7`K4C=0Q*+2OgAK*c=w%#l<^!eK37ozeSQ!%ehvJ9 zL8k7=WzR5pl!Db2eYrE_P$rsSk6MHk@QS06Cv;)IDRbVPAXb2E4i{!Kms8#Q611;% zEIXR&71mITP{Z4Ud^$4#cIBf2S;a!!H;jLm*YZ9`H)Rz(u8Vlb+!eB@Infu}WZI+3 z$SAO-qr!V{F9M`Kb}ZyjzKL?Ilim3jC${3eHW}5{c-WvEpuwl(%x|@@vNjGiQIFVX zR3bQSECDtr2OSe0vFA`D-YtAR-|rE}m=|VufUT+-Zvg5(ouR=lrZPH^$nb^!mCA*#Sj&Tsz#S^Fw z)>5A0w{M!B)thEdJ3rxP@K(I5Lo9}GMLL6k^f8v!ou+?^ig-w7L`+#eK zwh+5R2CXitweTkNh-9>EG;(-|?hQP`!Ym{EtPa~nU%61E@4spEjExMHaakAT-I$M; z%6;|K$mq)~+i(Zx`tTGUaLz&Ifd1(^uq>h8gk56ws(|lL9p&$*62l%3ZT&R7h+;#^ zN?3hT`+E4?%=UO=Ch!$S01brvd1vKRT8a2I(T%J+vq3`~hj4!4m7(ai*)fYf#2w8c zm{k5e-j1K|Ov?<|-PNyFIV3+!w6gMu7ZsInSp`2FOpfY9cXCC^A#Y&a*jsdTeU93G z2r_Y7P-DDkSbxq0WzH_exk5b<&^jgihWR6W&TiKb-;=N(qm6lyAW2Pqczi0J>Lb&o zmUGp1Is^M)sEfU|Az};6YN~moSYqU=&tbkN=h++|bS0bkb$Xx65r@_*3#`u=5e83v z+o=xhGFmaXnK!3dACju2laBO9MfyIKph9s7E&Wa~zB&~Pt%;66jH zky9hMicRQ)1%f@)AJsH;(IUqx<3!pH;`kiTY`{)j$!5l{Qbq8M^8k+Lj_{tMG(2IU z=+(LNLzJ%^(W7gs5-db zI>x(K_nxY)f%fJ-#y%ZnREg`A2+IQGEgS6zjkA1NozeTFf%LRKLgs>T09Sh0y~z3R zr>OP!l+g#IS9Q`xe;qs&o#Y9nB%mh}wdI0@8c1oTxe#mp6_GvjWK)vP?6xap{9``k zc<5wx2EKi!%P#S9hhN3Cd!$8aE2qr+QoBwt{bZK1N|sw0D}?vCR(vLwnuJIxt|$(Z zEy-KTH>+8P_;ZdmZ5Mg(=W0)OfjoviY$cCMra2z$%#FAf^NZb0-}yZ3Q>ETJ0M*N} z9pInyytI`*#vjuic35Ap^syQ`9jpJJoBG$sOnb2lh>0(dpPXQg!Y4(+oWEiTC_>I_ zCpdTcIU}<@_frdUT?wVM>od`1O5gk?Og&B&E06H>vgcgRN5~O7@mXg~9_1UG0BsYP zPW%^EsIC@wDCx-Iq5dARUUiE^wWHtkxe+bQGHv(KoAqM`Jre!&@(!4XIhJ=mGd~h1 z{*rGka?i-{Yt)pP`1?(3iB1gGS-gE;=#v+LuH|okdbIrx(UL97s#zO@Mzl|KwhU zjuzmFKT$-?A1!#ja$L9L6t7WrgOP&qY=P*LBJTtgm?CrT zJYP>*CI*pFfst0tpnj_l73Q^`Gf zEzCvlZhqhCw|}vL!Px~p-)LDR9`b(?_{o=2Xf;MT3dL&VX>?fa-obOR>S*z`VgDF+ z25CMh7sopoV=aLeRIC%Xkbn%5r6(yyT``^mc`j2@*YC?ft{{uNhW0SZ=LD&%ehYt zqMLXMQkf&NPwYcZC{^qeq0h9vQwd~RK9ecrzd!_IwT8a0R}y0;_)dtRWuRUYVsH(A zm*Of%g+dV<`|@cbXYxrXr;7r;+JycStO3r_SY?=y>`{tlCaMc8|y` zdO#nDCFS73z>`*@>yFii2JFy%o{P)3iDqCEm>p&vYz6QJ%nfoC@!0JqNdE_5gXRiu znBDtkqRWI_yo@6FoqP+~in7slb#&xB=oDx;^gi@K{$vh38M~4IN#eKo97TQhnttvm zE93>P`GJ|@fdQQ0$Nr*0>Ql*fL{79lhfEeR`B@_M_S%<#Gi-KH7iU4IFy#h5o03FL zExp0lcYL8f5471roGxZ7-nO5@%=qm%qpQ>X9psmAD$&*+@GEhe!q?(g%~5;B9&@-@ zXvlY^8s_F%-e4Ng=Kx}pSHi22W#0(xyw)_@#axUonp51$`9yTJcdZefOe0V`hu;g2 zfS$l%c=3#4;0+sjKjws&8i>vTzh=rzn#PI zmk2Q!-@HqC1e0`nWO&3c!F$A3Xp0qt*P#~mw)s_LF^S^W#pC4>24i@ zUCBU~dpB0t*>hO0bPT!RCI>(hwEO99k;r2ZNms87MW+*{%@{~%T?|DQ(}RAaYZZ+5 z&G4T~%=9d-iEWU3zvy$Z4kbq!1!g|(`*!sxcpgjYG+HF@o{HTVQOs4V}Hs zMkV_)v?nTkct1aZHGo;spV5KQG^~5F?EWbf{wqVpOGRr83Hr2@=i%%yMvOO*8~vNO zBx2wj-yN%C;`_hBj5Sg@24AeBNW#v%8Ow>=L&oz27r<|#p00KB%ok)NncwSUS6ry3 z2(iOai~MV(`1cgnh-lS-7fcKXPuDgx_smDzk0^?BpvoYF=>1UF9>ZumX+4hYQ zfw&R%{Ds03aI2iiN;c!NYvKs5bnBZY9>tkTw=!^Y~=P|4N9er57F?!SE!Jo_7-ThlU?ps$)O9|El+p?A8 zT~A`SCae9yvvSSw*O*&{oF={WYQ(8%7% zPno|FYYXuVPsD*C75mAo11F!$yA_DdY1D}>cogqU3TKjDY_}7K;K8BB2yIh{|KH&HX%V$kYyYWNntyS#D~1`q6m=b*z8u(-8nv+R zPmAhNgO$HvPHg`%au5XKsuNM?eAz&jB6|zJl2KB#c-QbWZq+uu6keIABeF|zP82&h z_QDUJgSAu6X#w(7^wElbd!XGh<(+IjJjKO*@%%u232`;~0yJ%qRw&}tb%p#aV-wfq zZWik<^JsT zusUOva{O($gVR{*!W`gNeanB{?`XpBv&i8_c|~kwoSH&N6K#l&RWPzVYq=)YW3Miv z8?~(;P>gA{W_4(tXJQnvgv|3$M=*=T>QYz7739ZG-9yegJ{xNkyF^S2BC73~A=B<` z;Cz|g<*B7#RHG&*@U+m{kB^N64uZ%mS_MW{2XM+V#A85NC{NtFrW*JRtUI=s@#~N9 z+QjUz_huoU5m!ei8tu$_{mnssS@Un1X3vSaOl8IrT z^-4DV^1;7zSE&yi%FroZjX>RS>zYH|&-YUTg^e!#%_qHrP3*q&6@_U0lvzQ46QR+bKr%BIGxJi8v_cE`V*xTWG}{Zry|7DY^!)9~aW7XH?sLGwle@OG0KPbVduHjuZ48f7-n-+S&%F_Ctd=>7 z)@hAkHWgnPdpTnz6M*SU96C90Dt{Fferhb|KQFFkCo(f1IgpC;>RNbysT%OY z=;__~Jm1*=Bka8cqbk!k(DQv~=1is~A-$0XA%TR1Bs2qtnm`1CB%y>BARt8$5D-K} zKq5_8SkwSEiVFycs0bPn1=mm(-2?;+qM*2z)x||Ax(N4q&Nt_m0lfGAv94xj&iU$F zpZ9q;1Wv?iwClYLv0hfxEy7!wi}_+TBd6?3;+B7xWKp}`kDtsjcjvfsiEhUoZtP=e z^Iz>W?Z-?5I1wUJfkD@+hZoyuACC%u9sU7vCp)mVR?OdTt%6uVeib>7tuCGpR!gBS z)mtPU_q6E%4?$)Dy~jFORMN-~VCU{eU1^z@{$6V8BFL@d&N*e5gR^W!d zV}A#;I@O2ucL^rb&1j&Jz4`~+-P#jFxmR*5v5~C2Qc}c!T?#_B53ALZdY*>wyIVeo zv+~IQRrjT8tM9lWx^IsIYLO9*#wMcgg%0sz8xU*5G42C{6jBLTR1>{oH0cV=75jDk z6f|rs>mt_y-4DMZPKTc1&R&P!%@%ggQga<<&mG;JddMAkp*PPB*M?YH9XxAZ?NnIF zlZeMG`xw|IA!Y@lzBTzaK^UZu{#b#JP?G4@8OIu)jRzjQmiR^47i<<#N_T>#MkWt+w#qc6R!bBdZ0nvz$iAAlf zi~#SFQ*Rzjyf$L5dY~Wzv)bb^V@GwOv9S9x4n4-BgAc4IN<~JEdAEDRUc@}Z(a#+x zk5YaxvczPntJRiQEWpVkj~>wt{h`ZL_f+;URal~BVCSNy`bkEcb$^>$yfkP9syq?J zw8!jpYwgph^MA-qY&ueEyfq(cGKD(&?nS+~CviBibgz18jZ-!<&zpY>Md5DPq70JL#5jU zoS1#~o`DyD&Y-ul&o%(Q@eCkb|9j_WI3u_-_~-LxRw+6yQJh7zXl7B2_OCnXEzb;P z&j}*-Hyaglt2bG6ZiDrperfr!Hxy#D)YF@^m5k))QhiyVoAo$ zjR7j~po8DM4rz6_C$u^5(obL{+XLM=O^&HhbswSLY(yq2Z6WeSa8IrU!gNhDzNyBb z9n%Dntj}a(lMtY_7=f%4kuG|Q26Ttj7xh#kvfUx6(a#{yRwAB4HKf9&@Gi5{e5g*I zsb_#0v&)Gl7N1y6jsUwW`*%wQe+^mb4m(+E%1G#v)oO-4#?x=2PUQ}qN|f@cSk}W^ z5f3#^@}o|lwlCm$GfwD#Q*VxMbGN7;Ij-KG5O}oZ@X1dGm5VXK8|8ydxk~%9;}LVb z^$bz_8R8x}Bgli3!rFo&M<+1^IW>CbYlCU|Ttxn`Agtrs4}l3a#G#cfv05u#$v%FO z0mzM{C!y1A&%szpG;uImizlM{YtP~?@&41!osDSjhkb@1CdJd;3%`(IzH zZ5?G{o*;uB^}{lmy^#L88mWJ@wpG$aJhOe8doiCp1X`#|A$v*OEW<`2u1Ab)nTc;< z6<#!u%?Yr&k;gz~RGDp29M>b-R^Di~kMZ39E!!)Zedk&IB4alCEIbRFay@*H-Wato zW_vRoh3Ilc3^wddS%_zImgUesjSwfBjcl5FBX^zO=E=K`?=Fv|-XAUAX~kXobmV8o z44Dc~2P+!9OuS{@n_@>OdUFFKQ5rA$8V+-%GJ}F4>+hKJnXwV)lGP@hkNHkr*6@A* z1lEC^){HpS;j0`G+__ty zrcn6o(GK1p@yYfC;5p;OLOn$O4<0X3Kdkd&_Mr*v&>K1Q&3*&MVxR5Ks4Qen6;J9E z#BpDfPW-)RBr}xV^4G&kQfQX_+3c;w=Zq`8r|hqoUv3GJe1D0lMb8Si_NY;$H4R1>upF$Cm0 zpq0;VVa?=txj$RUkA0Da$jZ{*_z)wQ2a95u?y8!qfl7Hbt0U zU95ZYC!J@YM*j`?v=y$t+OyE+Dl@S^o840i#W&eu$Ouv+lxjt=aBhTDU>q*-Yg4;G zV<2B9L_J;F@6!$89LK&HeCsc;?|_479WO4qP&b$yqpcHf=r4u^L1XalZ1lEql2JB8 zGzEic&VdrMLb*0PGxBv{6H8D>6r;V~c8+UcXb4X7VP~t5ptTB5aUQ-Lt+ymF`H!|2 zYj4gc=lld9Q9EmK(U)+35@NUD{B<5v0_2m?;$mhmZJLw5AFKDjYZs$sh!UXm!1H11 z@H%lak32~p?P9ocZ)_2c)id+ z4(K@b|F>&iM(=t<$1JrK_+l~*b{73cex}26&OtP002td2!O!ApFAubS6@#cyCC)Un z-MM0COSOt&$bhoL{ZFB)Ydz~-_9Fw(z&LdX937N_7mVSk!lE}ZK%b|t7S9iu059|b z*fU$_GfK|-%73DZO8E$NV*Tv~a#HZO52T!y7g1@LkE#o=HWjD{+H%Xy>UBnd>GkuQ zWrz~1{)?M^C)WDR0LFS4c&Op~$mYgtVwtJ!*`J8)E?7S^Pcf)dgglzU86J0T#<=Oh zvYX>^*a@`xerrUJFj1Qtqs~7uqO>SKx2-lfPTK5+Siis7zr^$LKfI53ase#0o^l$p zOqHn4_dutyR$&T!(MsDh=6@w?_J9&(9;lx^ruVzXab_~Vci4FbcWZuhm6%q2>z&Tj zer~k|yU1JB_*rIST4Vkk1MzI?-3FLk$Wk~)#>n%o)zO`S|K}$|!t`0qv6ARRDK_UV zf{!qN5C49*=cf!}Eg0V%C#~m?H3qF<|5F2<3l)OxW(zM3m7w%EY1hQtw*p_Z+oSe> z3-tDJ=W#H1#F>8YO!OFtL3NK>(Kk%4)w)Sw^j~n>4%ybDtKe934DKOkIM<|wTo6nQuSXy0S{8$-X>a0BUzgd)FAItl)Ez` zSGm~FC96@V42k+9yfdz-tO2k2=nCJjGPJ3l-xco(>qHK12)IW$R;7-#1{n*y`@5C?jDTbH>_RmsyTa2_32VVnrP%@zNmz3|U4x{IuEB2bJ z&nL0w0KBBAGHMK_LN88fcH-8wZMKWP=%N2AgnBzYxh){acg`%YWT=zpMq#B`-%hpz zb!LfBEkqK=Kc`5S<p9)RC*i5j+oFsyI0cLbKfHH1By}nD`iouLxZLP3bp~kV5`2;nd@PFimezA_ zKCuDDQM_H+`KjVCV8!SW{S9c&uZ92QTa}H!TIxbSgD(L0V8pi6#Q=u|R zee@+A>7zQO4SF(o=!C&teRs@Si2!tvXV$+^E*k{U_#t6*fC>* z>&21a3h`*6in2ci1_a*x9Nhd8?PbI{l}2`>b9pUd)bGjjYZO*&87k{4fJSN5i+}&a z6NEleiDH-Bi1iE?-35D<9FUz}tbk9^Ol-morbD_LI880|@p4*YkJejzSGl<%JuF$RhrY9i^k5~x4Vc>*X->;I^w^a``|Ir{#RDhs)_$Ku8=H~V`Q)tNZux**G+z#|QPjH_%qP2@%?!+1J ziVXL^WeCRfc-A6gJpQsA)^)V@Us!}Zn;d)guXoKs z?&J~uOIY^;nRJh~E0Mo*%gE<}0=I+dey~TIA4r{jF6u3^($}CYpiI6zYQtA#LSOD_nG$i&AFy@?J6S7G3bz!lTZ}H zJvi96=h)xDe%8vg2xo{-|H{8sHG41&XhBAV94!O3zQDg_Xp3TsM2nbYpfnRV@h?%M zQ^fKuZmrjvwTK0=k9UFg6l&Fk7>;i1Ju>;7*>k_@IbJZ+bGJwn=L`6~QQ*4B5blUL zpnPv2R`v?CDREN4i19C8rIbzF51*ZhWfSR}MU^euDavCp=4UX?g;E zgOE|hJBWlR)7R*oGdBlYs2J*?QOzHcWaX)UFh)-kLaNfnMLmKR1C|%EJ1!AjlKW^Lts43FIPqIP z5fimq2WNNqkf&kq(jw8s9-vW5wYIjt@W9CPQ7hIpkB7Wm`qmWFo1ODEkbtNp1TwVU zCHPQ`aMAj(x*GVe?-tXt{}yKj{kjt_<9ix<$(+X-dVf4~nL=bjHZPB~_Qsm|F?8>% zMqS8-0>$6>KUuELcT>)=SJ+}y1Z$UnDL>>y7GW6W4P^p-vlGEu~sJan%o zT!hvdYJV_n8>CjQunoES%xzu`od*$GUu?L?Bfg&pUrlM*1oZTvAA%}I zM5Mt+2Haznc)(yJA?Z&rA?zF)g7^lj3YA8Fvn}y_0&Kbe$fL&ZJ75Ot0eA-Dfj}CA zTEdeHAHw&QcI*U8?H#!R)%{^OhmSV8ASdGOPRJ2v@c#-l*1qW18-@97nTGM#p_>%* zzw{7p-v^Z&PKM1O#6N8NeEQ%2E+qlyc3Er|nK%XRzi> zUSaVX_DfmqmoYQ)#!zdNfJyVZY%Cf9FK~~;4J0HhQ4BB+_XM_vm36nD5RQABjTRH} z8FARfLJ<|rxb`aBve-`IhSvZZ%%kOwi$|W3a`cL4kX9WRE>_I@$-z1@T1~XZ?{Rb& zlulXpS2N>Hdq-7F)oNc(VSJq3Ows2~l(|{C$A0I%(~F=pvmpo4!%n4F;AGGu?WIjb z*ApUmIjVe|l*c1egNf9#PL%)7sGVhZmOtOyJBznXG_+thYuY&0tr?VuM2csl4}HBa z<80l56GOS0^treFNd{k8H8DFmE=nP*Hdd`_!>-LiwFi;DF*`f^qL2P3g~(V&FNKJW zj@ikmJ0o>m?>B*nJ|I^&ru-bVA_Ctil;a;JJ_LD{oI&{S&SUUc<=rg>lU-FkQw^hPhk)u^h5@c zL6X=2^5mC^r!v^9lT0t_7ycu9*%s=Ps157Rtldyxvehm6|NFMIeIL9a^GHE^yQ zu8rt>uq5P0`Oby^Gxmk?lo2U#LRffg|GUcW>L*aK%1HM57Km8+ z#<9n4hqA?(J}NJ2%AS$*hF9H#*vs2b4OrOn!}E z_JSI9XTYcS1)15-gZKr}efu7?VNT3W65m>m^Xb)AwSEQoU`jF8Js6N>zv3iLjiYt; z0s2YZI(uRn_60nK-D`-zu-}^D?k^8Ep`@w}AN4ppDeiro|5Xy0C>9ArZ#;l;o(XM; zzu=nw6uSVtCjI3IR3Pxb?n6WC2(W$dzsL@_1ow};aE}$awa1EfMp(bA>cX9-S4?a1 zg>kGw9A^8>JUNG*tceP5uKd`$IyGQDEMKO$2em#cLW*n`vF1aNL;P#k;Z6D0JspoA zDmxumWB&ac`>(*MtN)@6|17MEEk);1J;*5iaO6wQBRfI9!8ThbBVq=AV0;U*qGb@0IeOu_MSz zk+Y!)a;=c8z(BDg@{!ONeiAWh9lYYnwO!RNSluQ)JaNbCk@sS(N40=}q8qykc_#1I-HST5W-?2j0;b*ce77xT1^QmVIuG ziaOvtaD5Mnp~x6mNGbo>QkD@N!br(g;Qg2{yn2x9OO409aM?Ep($;0?(|NedbHIni z&jZkX#EV$-pwOx2c!~ccLT>&ZS}k?4R;r9JV0u`M`vclGSHJgvsX`%6g90 z;E*G02kO{yf_ZNRy1uC{^vt1li^?<*F1PR+orTuzHoJt)hFi;YBqiBDoX2BvkT>k8B)O2`cu9XS{F# zGByZ0DE`p&*l?AVQSEyQYH-v8UjQS8`(wfrn=Il7A7 zx<|zhL^|+$t4DzPuWeX4vgYugzuwEw&zR#n3@?(I$T6+F=nego{I1=Iv0US>j)#n& zu2`vZ4DaNzZsx`!JSWmJW_CInvxW}lr z1M*kJWY-4wHu?j3piW0m_*Z0xeKj&qoOE2_-4d58i3hv+y~(ZEFBIKn$|*hA|M3}T zDo|b2y)`k`zVfMQs2}18IV$eTIov{W)Lw}h8EQS%|7=jg6`FoLe@kssdIz(}jI@Wy zGF`Dfvbzl9R*V@R6KBDHSA-n^dg=`_eniNXsMR2|qJ<#|e@(*fyohMQ){L8H!VE)% z`~$0@=E1eJdXf6?&9NSCO`*=BaJnp9JAZX7vmDxhoyTrHsjT;6UV+uw)}Hu3(=lp+ zQ3?-B-ME`2QGgK?Rj#iM2GfA~T>syx-Z^|H_9u|hcZG=JKBamQc}(Ovz6eVeNedth z4;$SesXsw{gD1Z(uo^40!@W6f!Vt>BKcbGJdL|!H9>}RA=Gk6`ew#n_0UR9!R{F3U1p4dYswCI$hgm{{9){uC_(SW1lY}15t@HPgZfVaF^-* z!3=xr3Mqsz;}FzPA7T7AkSPgiT4)}ZjmB<7aMU3+d&~At+ z8U29Gr)9!Q4aPUXrHC_saKPxm6E8+eVx- zyYwWJ^GPwH_x8M-Np7|*z1|ovJAijMM`w+w#Y5+Ra?`X~@n^7?oC~2O$&_`p$+N;(_dE$qZO_7+8H|b`R6BMeBM7T8^H7Vq8vPKI z=ZAh0y*bMT?O4k}mb)F|8u*VYkyYgUdV?ik<8q>;p0@>pxpA}DG?1sQJh0xlP{3}C z!|_~J-hlr>M&8AD>@J-oHQNWaUcEZPK2EVOXonhM6KDBLtg1|ACp4|9MtqIDyy~;Z z-)(9^Yj7iazT>Zs(c%yynZ&z5!?;eMijZ-qUWl6k_q}aUvs$gK_E}My0p#s_DX@IW znYSGoQ9g%56g>alKfH z(qw+KHvH<&dhso!7g?ZxUd_Leg>TMI@<3FIRavY?qGiMrl-^Ng^SN^k`tOs-uk>lV zxO0q{SA!1_(lc~F?rIU_A~NidHT)zQXMQ&{eiUNa`YgVwPIM1g_s}!Jh2q>?R=h8U zOiR^v!|$mV$L&8O`nOSD{R_RG73({R#o%@ju2b-PxH3HFb-%@^1s8UqSEIdi0EWF_RiH2yYB*bSWVPb>_!yonZT=%|%53Du)^Ksgf5mmOsk6 z@J3BIj&7qGcneJ;$ieQs+N zG8kx|mtjMhcp#hsj+S0dsgG&PUvl;eYs&L3$-1L<^cZsBm*aWctkcvNo`Bk!%7E%b zFEB6c^TqlvVx)Ojv%=ojX8_q+g#5>dUT4j_x`TFlV87>1#Ek`u{O!AVFljz+tzz;W z3u!^^T_WPp)#)LeB-SYe80W+}Tb0QP%KbVnrX!L%)*wc4OAu`@`m&Ycr(~So!LX`ZU>5??ed`pmuK${o{leJF;SclM14dp zK=#rnz$sb@)CVn%)Z{ih!8fu|ow}nyJ5UplBOOdN-4S!LPi|fzwxX7q=!{c|hUvFiO>cj-(F^Os^PGgvGzvqwC4d%)4hCsT zK-L&1h~wsOd&8IJGq20-;J>6jyGJZ{5eMEOp0yi9?vym92TF!lc4y7iem6M)84HoH z0VMA5x3H*8YhRW^KJsQBNA9;d?*HAM3fVRo{mD`PP;YbsyCK)D7#%Dx**1y&@NqXv z#l1tcT~%^Q_wSL@qi(AfXYl(`@LNBmrQx`Q$`sapXjl&cKLZxkVyL;jIrFTt~S z7BOpCzAU@{Y05Njiqcitxa<8JHIe5U6^ZYV6{I#i4b({lMsd3>M&412TbH~2yzQi? z9OsW`@OG)fh)|#4xT$gY4cKZ!CD@xsp&IIC7yadZ7%6K#{)oPc)i^5eMJ~M*_oBv> z_K97$!waZEl#0E?b5Px>IvF&nF~G8S3I5K6Hsl-O+5wr+i``lji&9(69(-runn@W! z&cxeiL42>`f>LJ|w@BtZT_FSaa*PGEK zV#tQehxbQ!tOSotr$1Tg)#mJ#{JsWB_pM}K!8ush90%i!T&2#Cu*8w3byc1+8KZF5 zVvlZR6`eEtG{$inF*V8xbj6i7R@oR`NE?dtH6-RlQZ8)ZPVn8;K5*}Aanf7hfAo~6 z>z$){vNPefPn6ruuI7HMAsJDdw^mgjsu zDku1)U+-ON6oCJ-Zc<#kue!tl0Z0s)d8>d48V3&Xpt80h;3<=DCiCxgvEEKUt=Qr2 zh+5YlfiXt}5y+P7$cwBTdHWftLexg_U~zWjw$$LUmGz@Nb=J(}a38-#?ZkzGLpBr3 zVBYA1uvhkj2f?aN_rF)%Q|=FMZjil&z6U!&F2dVSL3v<*S!CiI1@L=@NS9wuK_4*j z*NA*{U#I*bb5Gm8jD5QCZ@b`!%dqoiW(8SQAiT2>X+4C~54%oRy~}Sut&!0^koQr! zmVLG?oDs$-*{krM*kPhmg)y~Y2kxX>3xy0*oLF4B(O~)6iyEN_$knT5TwV0c!JWO1 z*sH2MW2{5**zv@Kdda=@DEO2rP(@gVs!dAqp@?cn$Y+p``rkTs;$_S{*Yhh-Pfvu@ z!`}Z1@zo_@B>f|L?b5wqi#{1o4zN`3_Az{;g=ADWi#H?+_{Vow7$O*}L3?(5$W`P( zRHV_ufq%JtJKkbwpM)Nbs>ixUrk4ScQ!n}s1GWsAURp9WVmH?1ZuI+kdm?kxkKlx- zXx)rSG6)ggd4D1?=zCbF#Tzgpg*D;F50W#dR@*!7x@o=KZj}t1vmSf9KZ25gd)hL4 zJ8qQ1v8)myZ+gv+*IX%b2*7u3m+qyHOvD=_o0YKr`P+Q~)FQRocLOFm6c4YIw27I= z`VxM?C=+{B2Rj;F4shr8Mxqv3KMrldr(CnK+Mnnx`rP(n?mCg%Tg+#dh!<9+0inZP z-|ebL*4tt@@YnaWG+H9INK7T~EjdR=&LIob?WZnL+v>7Qd!~x52vpa+G%#K)1eWEv zGhKF#^%|Q~-P&c(-|f)+GuZ9uU9A6c=T`U1=Ipy!B`c7Z_9E`fIrDy$i!XCKqB9@+ zvML7rq@KV@M8|+F|X_*gffQmuR z(b=)%TUnyphZtgQFE#dRjF_xOb-q3^{?ekomV$`i3hbBLjHY&VaDP}u&a*x-fViXG zV>9s2;GpD?ZMNyYERg@clmuFwhP;D_Dv2SeuCI`;yDBkv{zcuM;fWjNMPFXne+=}< zSPQiDEp~ef^)Bn24R3?!h*(5}mzed3(o2t!pEHxvKrqtMvknelb)nqJwZC$%bLW#Acr^x{g^iL54!6-n*5=hehA2;&I-REiHTV;G zmd>CeWHh1~?1Rim-#E#v4)t)knAZG#vAr4idvIq^_Y_!;%8@2A4F23;+fmq%D)z+M zQ(A%4j@954Au1=u7kBs1yE}%Uk_ukqLSR$AYw~FFk(7M=SF%{qjC~4WZ#v$x5fMqu zhu8h|K$R6)0b5}&R_Wj3gMgb% z@V@;@H z58pcj_mvnDdlh{sda(zflj#AWf&i9FEqXvt5&uSR@U-KbO5XCe-qXk)60=f>PF8`p-yJf z-15<8{B0q41PyWdUTVxj_#-!<8BRmPwiMlvPaT&LjoicMh{BDDIff|IQSophGis19 z&A!|~6pQNK6(>?d`(ihu^ZuDdWD}5OS`yf(XyI-V{UbUgcEo);)r2$upqk7Imy!Rk zlJ{c2Xn|FrXBWrMC_{48XrQ1fF)n(*bM1(fK;qT{w-_&8e5F5F0`kO2R4$!__rSh3 z(2Cl?nBECQ2?Mo_*(;`O=7SNLX(X_7#lSX>*ln}bqgyo*6l91+E(tlt?=oR~i+h3S zrJYuTN;7I0KBZQ>+Ej>#@0}GxS+*>owU5!jUy`)c$W6)_||F&MU z6XWp6KC+~`O{{iJi`(CzGT-ZT9c<$NwQm<60O5kTFr>V#6A=$Morsov1-=tv*>?bW zYFU&1@1o8n7lGmqy8SJTyiqoN3GL2jeV1@fIFc3LB{^H!p@0l@IXEo~GB+lSh9y8g z67XDxvBTH${eRDi9ii`QHbqbSlbobFQx@C6os)>o zdwL+aoDm^i>3X3v@f+M-|2L#3mE)EyMr@-ZpF5nUbxZ<7Moa_x-T%}beV1okz2Wv} zk+qAyTr;^CJw8~y<8oGD_N^k92D2N)?R%2x*)To@>o#Q2m1+DmMJsJX&u5Rg8@Zv4 z_c7L03fuF(W_6PeM_jYbPGEKV`(edkBN{PC_0C!z`EOKZpMe)p>>z6!a_@qbjuG;O z5Z2!|7M~VIu>Ky;Z=!|RT6U$S#3~=&vSaxFzxBQ{ow^C#Q}L?>daF6K|EQ06pID!L z91*!i?y30iJ@y}hYB7eOpv#_9fxCUVzy>=fO}j3UyM~l}4^`XriLQaWpD4cDXJ6(1 ztb~81A9U6jZCW)q=N!ok5~L>sJ5T*iTbwd_j1KNuU*^aErmFo{{$-UsV{(Hsn>xG& zGeWBG3%!2lpPYj)T!{mD2Gl71_dN6edIPCGC2Qp(QGga4MDNcx`|lE|ef#Wgp2_C^ z`;8p8G%L-XylXTnugN8#tQcy%=HVW#&7VA_4vaMaE6f2lwm)WY>*+-<8~!?(RgoR{ zFv7+j2GQ8HJt;aYej&mF*!z#@pmg!lW2_yd7vJ?gRxF%E)sNCPWTig^OXBQGbO~%v zt=ci^3MxS;52)3Md!jei82%>Wlh8iq(hIh5 zXKig1JEBk;q=#wRk`@N|S&m}_jU(=n3-`SU`&B|KgB=v7?YNJJ<9fj9SLfokJc9W7 zfq;DEKooyUt)`1`gW1nFI)7?sH|`zo3j7m@GU<>H;os7V7}dm?0smN&|NB+f;YU*9 zkk_R4st_^wy+TW%k0N>x5EWDp%#VTW{apEcD=<=&60=H;I(q`U2t|YG0e$rvbDo1A z!6^Z2*jIW!zJD!%>saS*WpW}N=<;Sd7>=;U5&F-_H*`kk{vPB^$Y$0N|6bWkh;s>r z@;TpKuuzNS{7`I~%we#;fJ}JGZ(=oUHy~-_kOAWO$wEbm%MK37=edkS2l!+rYA z$_-ljmFOOIZmhT6{)zRQN1$2AhI{k(L%n6X|9gl|IF-)T8SefF*7U~%I4)WcZo~#@ zQzWCi^Kdt72I)ba=&~LWIj@!v|ME)ZY4~ZOHgMTt*Qe?8fXV4LiCJ!95;n+>kmV$% znjNZYwP)~2W4nPK-zQL6!F_rHRUc|})|i=hQ!7K(5_WA>c^>-kv{O(Eum3xMm5@X< zF+xM+Xg)OQ!f@JyxKT2cQBjW$~`EJtlrn2lD_t2zHo=7KcWwS@~-w`d6xh z2BUS2?J74)-X7vHE!(a@+b=dCMiYu?-4ogM;*2R#Z`N@QSbR#X)~=R%DfZ|3O%H@bcwe?3e2?K(S)w)o{NTJngTs==$nA=$b_;eJ??onsk)|I*(4VxR0MTS3P;0e_skGiUMS#)A zF9s?$_2%iMvG_JZ&gZ8KvKioego>ma~)0xBKZ}FW5JOId$d< z)bG%H1uXNha$uFwiXVweE;2fjQ7ctW%UEIRR&pwmQ>nH1d!q#Gsv)LAJtymldozSUgh9u{QwHNJ1k&+-CqAm;f%hH0nbx8tzic_L}s zgOGAdaO>}g+6)_&-M!WfQsZOJ+5_5^%y?PrfAhZfEWe{QBR`z`mJrJPNFha!}s)OkX5N|o!|h2$V%Gi zcCfbLl<2>OW;{%999)4mN=!x(p8)d*r5EFs(_4_?w?v$5cKf{Qd{Th69edZR=#r8Q zTz@hI6^c+3$JHS3m^B#<`*FJ7KbIb?`aZg=Ad?3M+>jqbh>l^mW~Fx$Br9NNzI#<# z*>lQ0=2LOBoa zY3a0I9%P#0I#}?5G_tLJ&`()VI#Z z9RnDD{PVRb4=fcE5!pYHv`{YWcMLk|KZxruMj!0iImDOKW3K{&Yga&b=vcCavf|kh z@~;jLpBy4(TLL)-?4 z0c9+G1tLigdp64aUabDII6u2;KcM5}88I)G%pvPwS)*<~ei{B<`fz2|`n2e!VkoM% z*zBxh$|Uljp2Wy0U*LzCe#4)gFJcbWudbP~M6dor=UJ#)CT76U`e-lpn+nv?@mA2e z@E}mFjj92TbAV=qm57f!@tYC$G0myr$!5&;2UBhcJBf$si!v|a*N9mxr`+w&esFzSVWGq->rKuqq!3iEe!1jc#k9J6W4SVfz<5)EPN=7=-b62<7z)_7@ z;JQq%O09O{u0If66XJ5%VxX4EjO&K<<_!&kTz+Ecc8uUq_x!nc%9a)qd(D@nO2^dGcn-P9?8lyb=ru9P@&ka%9uS|F27i;c~*N(QOwZ^&}9X>L~ z623PH_9rwu*KwaZ9bzT9N(9dmzx#3r&7T6hpO%+I0dV0 z{ctZMG<`6jr))$Az5`qWPw(>xEI=h@-$c3HH~ z!zY{t;x-Sp$~S9VR_|N>w!c)SwcFg}&uJVx6(?j7u&F|fg)Kuos(OZX+j77yaSppm zE^l!9gDtp&ovX-7OtSfNzblYQWK113X1Gh_y0-Sm|E&t;O >)~aDjS0Ya@C8(W} zW>)A~Jz6aGdFj>|MEDhqV4Xg#5qr{JL%f+M1DQ&!RjpVSRZ&X(s#RyGJSp~oA;0Gt zSgWi=-W(W>NXh|7YT8<(nv-pat6hmX??d;!a-AJ5Xib3;4&Gw2co*7$TqM&Vi)dB% z1I(7%D9_5K^Y7~0)>&hn>3x_>De|YRi6Za#@96e%9KQcL zpPk~r7sSFfgY>O4^VbVuvoQK_q;EFnIoCLm#0>QY*|hoEsC^j0IGKs~GObE5w`~0$ z+^dv6uLh^aK=0xF3q+P-G1`w~j%tiCF);Bt&)d=j}r3B1wB{T{w+jxSxI_Kej06q=Q98ZA;^RlCsLyWrnFb6 z(PhSV@EPQRmy#A6eLr#@T*Ga!PVv8|-{V?txPa_~4G+tSlJBgM293&krZOKX8?cZusm)YkmP z5U^yhqJ?ikl|^KPOfkEz-;M5g@ATX2i_87syu3_}>1Er$T7sn>F~gPMbgGc|+{^uR zIiHCn#;{LZZ|y%|GGyf&BM4vWbCAVjG_u5%2b8`Yy(bb-=c0N+F``&M`89L^WdDzG za&InIEaF|S0q*EX;x7AjDD?4qP#Py`Z$qXB#PQavGx=ttil{SFxK_`?b6;*_wLNiw z{L3{vvu^8=_2(*fPYE+oW?!4Lt_^3F1AKJ2t$U0^HsqY}3$o6k(%wzJ9WWe;Q^--1 zACMf~Z5*%NZ&l7TtcHn7L^S04EU(!aC=_^e{)&0J{~&5gIkuo(vhyyDz1M(Z)8>jC z$T4=?b$YWWB1TUeHN0-#P_{SbVfa@Doz$X z2X>Q~fOy;vZ$NX@jS-Pc+^3;kcEqEr8D|Fc4XlcK!M!gwYOzKyRj#r()h7xfoq9Q% zVAQiS6q+DTJhJD!}b>utxB#fj;ynKI&IM;;F9OYQ!n1-1ai4zWM zXUVutc8AyBzJwJaH~8{M9ld%^`S3XnYe0O%k0GqwB5Lj8(hAA?w#}&URDJtO;0LEB zZxLPZ@ESM7JWoX^rS2#Pqi2Sw$Q<3Bc0N`(@Ra$Nr@W1DUhCln&q5TDXWq(hQI9dc zTR)jN!m;>HSJy6}6+%&!mVmc1|E!*L2Kr;iRH6f)F^KW3K|Vos4UU7APfRrP1=4;A za*v!ZjE)iI%+3XfT(@kpxdLN5mJY3CR&GX^wIO0 z><;+!1?b(2o#G71<#7x#hCsoMyrIdr6pjSVE9ZL^+G&<~_?aJ}bGCo07ca|8aDNJ{<<0b6&0oe<2 z+sopa#G6N*TDbuuSYz&IsJEH?i`?q-RT@Ukztj56mj9Klz#Kw}riWF)TC@8iTMes_ zre#5Maoz>X@~~5DTNH|VRGU(o8{lXkPm|ichPkmG|8PmI=0NoS zomRvYj+2M%=sbbng45#vbeRKw7k|%_n`>G?Ma5W9g)A=FZgssdA-HC47MjxgWL&@kK|$;?~aB`^o=# z0cm5ByWk$&dVX2;M>bGKlo*eszB`9`@|)vfx1Ymr6bgkIIYx-o-_WINtceLWk)~d7 zUkI=>()LpJv>Tj#lq@sgjqEhLYVng?U_1F&cyKr!5%L4`o~=a`l@Zk}RC0TgdCsoO z3e&$LFY3*!ToRZRVBPu2HoohfR%4nkXm=`+8eW=b(0{ECI~Afi7hRdH_g%uX$xq8Y z9n;*(X*5GuTt*gPMPZ~}w5Yw24i5$bMtjK4>@9BxL5_wnlYc}>NV9m1Cl>)53xT_A_#%F>z?3fp6 zp@|#rPNt@$ag7n7uW`&XbAr<+wZNV%pDU2H+>ATt1`2dRCUs845c04y7I?v6mWw_Q z5Qwl2k7b5pj)#C7<*Xy5H;^?rb%C)@O@e0Y2b9PGNqNOi6`bw2{aH6ftI^olNtX5j zbPVqkPfHza9PYjrP|%sTCaxXPY`kZ6$d8hTfVr!UaXjyoeoEg%s%0*>sh;aXG{Q`2 zBW;i`0Xf_kaq7=)WS)m7Hjx(488NMIG~{`x?wyb$fn(f) z5zzMn2L}=zgm1>~f~@|f2YF0c7eNmFTJ4S5tR>$lGvhyj4^|z|JzDzKGE}W2QxCo< zNAf7=?e{gca-&q0QGEw*z}r8DthnH-dm`E@GmJ8SHFC8(1TFK?u>Y%}smbVr4tS$( zh=~(!9j#Sk$_Pk|_6(RC7PPyHQ&x&m1{mF&Q$t=t|J!KzLx{tGRhi@80z~e<09G|V z4KHm$=4XZ6xt*xi^SV4fB{03O=&-j7lW43K|HvwtXofq@=HRAN=W~LFunQ6-%vD z?645odqkmjHgpZp@r-mRcJnl?t4oMd$f81M*QbJyMs-a|#_cCt&@NOxZ4n)#a>d|P zE5QRu?d{f%ZsoU+V-Cz{=E3^p9r&Av75b}R+#^=m0!*u=F5)@FMw#J@kjL*Jc7r&6 z)^Ij&H(~^(OKFs1oQOwaGY%G6C&(qWr#E3Qg6fg;p=`(lilA+v*C6IRS!~9)DND!& z*fM(sl}^T8CZ|?Qf#)T#b0dSIG@8vZEcU;H_ACX8}a4=hiqqIm;Vv{ zTO+UW7-I4~d1TfRboGUT?~q~N)qSRS zFsvx_qL-BbUQGTGNE#;AI?*H9m~ztGS)eGQcrNgwc3(@#EcXoT@5P z$Q*UiwjTF^78J4dk4*V_nR`ax7{*HAVI~%tb!va_MgKf=2P@ZJgLPHyNWgq8n@Yg* z>YqkN`ksL$@YOd30(TP3&dXK4m_);ws1v0<=q=tg<0MXYS{iG4M;h1L6HPEAY$NKx zG;})Hg3~@bLm{FPwO%hhjhbs9G~H3A6)@D9*M>C}jNhx%R25GhHp)SsB{GqG91xPQ z1o151t1>X7{LS`SH7#z1Bxn4NpVfc~VzcO)vagJ6F62W~HP!XvWMA4LpQ9%a@eTYg z!e~TSxi|}^DEhWaXFY-f{$<_h*jfR-;O8_&&+Pu#flu$mr)fiC4nmk@f`dEd7x#m6j-_avaQn1 zc<9nzjUic?ZCTZkIN?}RzZQh;0JjZg?knk~@Cp@IXC1jcpc`Aw84e5(Jub?Ty~aRz z;iv7>sQE$9d>Oj!d16z0K-@!sf1iUrg`)ZqFBa^I{XstP|Iy0kcR+>;~fnPiGxY{H5^u zQ)ss^Bg%LSYpFhV&1`$?92xtvN2?k7udu2zQ1^drF!TBUN}krCAD4k!#=PHt9|NlY+gZiIJGmv`6N45Y<<70o zI*jac?Rdi+$9kOJbviAO95<~WGSu|ZKL^ftf+E3?SFsol%UGM4R;)v~>;bOZ3_JxHDM_$W3aOE#1@g)hWIdu-Lg)#=Dfazy{zNE`skZ`#NatC&|Ty_Y}?Ja-4DUn{Tdy; zuZpRNRxiObcL4Jy#6$4R{}G*vRahAu1%1YTP#mWV-NuP4E416&(o1;7&D(TZ#NuYM zYeFsf8Y?mL4KYomCwYnJJ)FPetZKFE0bjeGGuM^*6m}ro0eli~!sTEWJm9AX7K%s3 z$bkET70Y#&O(2?|5%GM{65IiNLsN7q8y1?6y#aR# zR{0=2yOqJr>VGx*icnafLX(}>qkWEQWzRSg162vmoy4Ffa&H>hB3><7C|ZhQXa#zp z#Er1dEa6*d&YhIuZ!@E43SvC=L0kA{2pwb zv%ROCKOx3I+$QlQm3mKkw(=eK>|qs<)4WqX)*5E@Bu}?ODdonOn+Wn%Hr46%3)!aZ z=6$a6c}UjEL`JiEjvneb#8a6A0 zNT>v?lPiLG5qL==vq|saqs0+C=NEJYQ*4_><~=HMxy0tM1aYJVpEpA^%|(||M3Xtc z;9mT9vddM78r>tJO}&BGN7vWE?ZjRS9M?p!$1Ir1@6R>Xi%r0--XBDdv`l{imGuKm z+yN0!yHGdnf!9=zQ%hzy*2D4K6uFv!6$i;G@haXlZNvddKYc+a*B^dG@kQ6ZORPI(}vbx9(bO}TEK{I{QU!=$rEITh_s!-?xsMp za`!KLK5|b)C%p#Ti*<9!2dua?x?#1|>EkWg5LT;o(g)#m?eck!)}C*J*5_SfPbl*E zZ$YM;NHLp`qJ1}_#WI3&#g=@sphgQF8gfqxyWh+Z&mwX^FpQc18ZiE{>TRry5~%Kj z1ZR~e?M&v|UPH#IR(m4w1?0B*j#%eZybDiYD>WriaJJpZ4*lB;pnY1*Fjrd$6u38bng5;?A}y} z`@%b?i|?F;?gaVNeQ~16om?5}gOjOYdRNy3AdhC?ybvv=Dq-1AH|ZHGYU4>pFQ4Hv z#B+%Wc#<>gS)fNN?9G5aZWnwO+#CkZ6m#m+#Uw9OX`t*-3H)XuBb3Bg zBw$S*90>mYDBjKcLk;vZIuA@UB^){7XCMQ>D3C#`0smx%4;2Q$Ak$N!MSv_ltd~>h z`I3WAcBX}almF*uh-2k#B_5=$t%aBoy`eeLgE8PAqJK!avMie&Z-$9l%%1Xv5k5XQ z8nLqsXH#IUXai--aIuK7Anji>j3hy%+YcfR_(&U z7}RrpV;2Eokk)6gmtoLDm1dWiuW|EOM{ogsno1!NsFNGHSVu4~Rjrq`(&K{0?Pb^&74jmolw&(^hpEM=L$-r=LFHT6pKn%RCEl5LR|2}LB}4B` zPxL}kfP)9~oA)ZaEv?#j(K`mK#hh_7SqlHVR_iDpusw%8Itu2RkqIkt%bvsP5KB;K zZxPm6&Q9aI*$LY%zltTctpcBYf!I8lnB+m|WMmNroHefWp)@?&Y=s_z)3zHZA$Ams zfL~Z)o?*|%XssDoz^P{zR9*%8k-8}y+KhPy)Dhv|Ub-Vr{O;?VYRMwn!y9BXbYzT1 zccIZZ)rw(r9DF4AfWLQ*4PSy<719w*Cn$IQ`3P(t-_8w5)xlfH2 z908*R8|6HM+H)u)mZiV-NoJa6h@CJ}@)$Z1 zk3$}Aw=DtD5bp1}XPenh zN;kVPIh&`y$&zA7nj7F|QtNA>)>t_>!{pjJCi@udR>3?4&^ehWGbzctY4cli@6Lc# zKG}!3{27Q$4Mf>ajl*X{W#50fqh}+TTjU|=E1mTASeCwK=tdwsB(B|If$Du zFLfO(+10pDM4DX|U!so^zsH*LCWuL{z>1bkI69Bj0(^V44>5_=YtQ&RSNU1TzmX|8 zhNlF zE5Khh{FP|F=|K4L{#`92nv&ny;U+^G|Joi*IFz`2BE2MX^*=q3I5<}JCxAh5wJ};$ z=iR*TlWkx_f}A4WJ`SH&>Q)yXYff?K4aIIt%n-DbS$0#FOR&3EHZU!6)#F6Xgv&lVpg^0S%k%mxFdeM9Qv5HhLt~VNb{B6fQH(c_ z+RA@%)W;FmE5iH9yo2t`u>LrfT8)u?i+A3d3vnwh5#bDMLsn8{k^7IAyKhy1t<$X< zFzeS5L)eGH!i^p-QKKVo<|~K?EesdnJJHcmt3Nyz)$Q!&QI9o<8l{gyzOut57N*g9 zet97O#u@M=^Yp}PcLmkkpM_39uhYbX`lvGXdt#Iues7)2DyKqiS3^#w`us}k+1Knu z%l_AlaUfcSZ*a6v5BydV2@+^(#+pRhcur_3c3$KgXpOG2+4_*#Q;1D*I%+x=WCnv> z2@!L2*5FzaYn;@Ao-m~+zsdTuF-sf1TL_FFznP0)y&t<2`kCKVGvH}ued>aCWR0Z$ z^nZ_9KmQ#fviC{^qfqKBflbvHr?6(qJzS4H*k@cpvlfn-)&(PBw44TLFDJc&x1sAq ztEyc3GD)yo_{qpj^=-GdAH0|3=bbE`K^=u5+LTd(8nEEp+D19`b!MZk;%u_^8yTu# z5AbjMVKK9(Mv9G?UoynzVx?*|SH^`xHH(I5Ri+luDj7A%$_g=nlb?pHi(*D=1}$@; zKxGaZB53q2P8O+1Uz+wGNVzFEBO8LIAj0)Lq(CzK8S;XT^Ol0Yl$9QoL+iwEjbAxH zD~s{q2uTihN)U9Plas+c9bjzk%ADm(n;4&S2Tp|dF%3Ef5nvm0>Crv-X+%qU4rIVB z3ET~7u?;h?^D#&G&q>XOtTRa+%V912irUT7xR>RyE{K0Y9H#?WYKWs9xXhzz74BY z11sl3IPo3)-ca;5=FHBqUR$okLJzrqd9hsFArL~CBV5i!-K*Pyq2C1fmaYRcLm{?}ZfRG%2i z6RucU@f@k(nW=JoV_HKK+K}yrxpYb##pE4@-s@M8uU}$zW9L03)+Yy;{VuB8ZtP=4pxjzFk>af4$3ukzD^BUj&nngB28oVh^U2-;JNTAIuv`go#}jP zi@qOs=68lRBG2w=*sT03HCrL9k$CiGk3*j3)*Hp>OkF3HF&f(;AHSQPxG9)9WkZZe zDG{R`hR+lBXQ)t2Qov-uTVHNl-g|3;%8}aIIw$@8RhRQb^rx_kd3q}K@D~km+|B6O zACXlea#tH}^pooVWNj6GPgX4A##`XTeBNG-&YuCiMPCbDKpyo%*j|R%iipJyNWnFb zT*sZi=)k4m%nt6k8M2Yp8O;973cL=@cfe=gHAoQFxmy{1Ri6e0uS3GBQFVt{{yJnNH_MqWS0hN0k`&Z`m=}~ z*bR=$8!!X&E(D&2^-b~G|6m1JvpmwR9Ovk@xn<(Pb?hHd2#ov8x!j5Co|fnkIo!wA z>A&j5J#ujC=*!h1{=VB5>)aE;UdB)Qs!JQjSSOm^Pmj1=@JC{fnf2km*T5b{Wep@{ z1!U8$YeCL5wMu*g&r%5xX{;vsz9-Lkfbl#SdDN;5`V)P$JkpX`Az4H?u}5@pVuoI0 zvKLpmTcn-tPLJ+u{g`Nv9jy~KL|6;K{L4Ce#vdm7syiCa1@l474N?=+Zp{vM*}qHg z2ZS=SLu4UOL#E)0eLqk*GGiE2v5q%9;+!8zzqp zGp<(tv0)AtR^{uK?_tcG_XDCl_^M6qT)vo`LMc2JtNSRFjYS46fPS`xuK zZCQ*Auy&NESlQ7H^JI^MYFHUuZM6msvTLYwwtm#~ZD(~PbFYB*b%@(>mS4=}_;^a5 zZWJg^-3yQZMdomNHfLU7l*29$K6eaH{{i0PG1OUdgj{{r?$Ofto1N7?mpc%Z^b5YD zye--kVfZhe9Nq|9+dL5yZnNzX+}U4x5Lq_qZXH^Jv4@5kktvcDz7=3?QSUh>7a>~1 zY$W%Cto8nXXXiflKU?}%rI4^`SUFRH_)ewxn-6)|uphLwrkM8Iaq)H;5M9iB6Y z0+G84Jv>oa&01peM(2x;J??~s!Oe zr;xO2_;M9;Ul4KCvojP9@1$p(JcZa@cE4!&detIx9_@jVJs35pkgY;4VchI-$}@Y) zULjwFCBCNGt*ybE>8lYNK)a?8mY&k#%n&4?p9#)>;0C!HvU{tDGFc(~_nbO!12C0) zBDhA^fFR3-9_N~yRoakP@K(C6(ksPbU-f{$Yz+1OyxPL}`Rl|`@7_tQZ$B5ukzKQI zkUeBSbXMJMYmBk)b`e3#v*-UT6_W_nPl+zgTfo}+NL;`;Xs^B_UvI`3cJJG4;KS%a z54K#~MC5{&l|f^Z4P2v*@0JBT{VYqL(ICjOBfAw9OPuq}TcO3NSpTTzp)YM_a~$~yt`XGYOXJY$0MR0ie1SD_a6}+WcnzA@40dLN#NfZuYvS>6@1)~!B$S7R%@nR z(JR~w+MOFo{s%X(Z+Ca2zS-sT@FH)s4rtNMlW7LJ&zqQ{bX2dM2gY+0xYoZwO!`;w z7S+Xil1mUTM?FIlq?EnJ^g6~G6WZNq&kj`)a;>;a_Q%R?h>wN*h(H9GF-yiD_Ss{n zaIC4xLz1Yu#!D9>uwEc9??ohltbrwgcGQcp?&@Py;Ibm>5~Kk=m3KU>P(CKR`c6cH zRN#5;0bD9)&lAm92)khmUvbK!BPw|C9^j`<7q^_ z6!Ek`(8-WZJIpy)wE^%VZP(#J&(09Q9+U+B*A?19q243Vy~oN;a@NI;RPU?VD%Zm7 z!LRowmhkU&fn9=Ef?er*u?y?P-dbMmN+Zi!`MR%^o6WwfL`{Ax^G7guGqXjAe8U?J z&zqREIXDCNM7}J&25XWdJV%i4o+n?ieSp7DMlLO)yfP7E*4oy% zJLHEm-uLcpO6l{Dy>IVPH_~M!Ywa8lnrIkWTI#R2|Dqu5Lm)%yz#VX!nd`Gv7|ZC(MaahBH~h@>8Hyd$edHEelYJxWWFwG-kcB|l0|W`gK!hw{*dhr_q_PPjn~0HMqo5*607WEJKtN>^Fi@)2 z2BcI;a0LNTTE1#Q5rtYQ{63#|=XHh*{ryoJX5PGa-@WIadzR1n9Q&+6bF@dsg?Bc( z1<>-C6ePz_w#2sb@o)lpBYa%?@1s5s`e*1md-L4Aja--T&ZsEGTGAR&;mfi!iU}EN zo?qT~3);;qY0C;xgse*@u>Xw0^3$WpoFMyIL598Bj9$?C$x4~+dVfFVp9^*(22h(} zpO0BeXwdaiEiC!Vh_%FsxzSSF@5GL+&0wwd1=y03FVtpvHGuc4#Huhp4NUL5(t4}# zpKl@O)g&<77Q(`9M3pu@od)y}-j4_;v5+#_eFn%xN=r2)p@W{I@KgTy5c3eZj}o6x zzcfay_Fn`qdTro>l+R3)zzPi>purER)74r;6)M%It9TW3A0oP@@WKg4M$)b*$|I6> zr)Cj<=*kRK#2(H=WJ(V(c{y;pJ&gEXt9ZYt20dlCcI1mX4js+v!tLsXN4d}T*Rb01 z+Tloepp4`+s;>tl>eziDsz(~tox1gyuI!qgC^`on zZ%X?c?i&bs%ft6U?YV}DS+yCvU6!zW?PYfe!)sg=K2goV`D9kRn%5(GP@`&kRORpS z4)7`AO^|;S;sfmdz<{0wtV1=tVQ=|h4e9!M)JroE%^|kopm;TaxcD<+KO=8UtCs!c zS&v{3x(W^axg%H4M5&>Fe1;k`50dUsLv7?_JBlYgGC2*M^pe7-H*lpU-u)9s_^Y~7 zdmp()t9HnC4pa8h>FZ)XtjCh-aF1!=T%sB4FndKO5yL zM|6y-z?nksVTbY>Q0wgJ$hESF9fQ70ZpHaGRcBcz8~-PB<-Tywli_l9)k|cBE#qwX_rMdf0kdc9`lf!+>RVjzGHyY!~ zfKJWrO{DEf+Jrb8<@PZ!HMLyNEj z3J~-5@#}&-3UIT)s8U9JLfBnK&T8A4I{{pOs$~=UOrZKLgtiRg>>elBH}~vE_X5u3 zSCHyQGUXLg;yA_>7#gQHKOALBqQ9XQ7!99eD+iI;W$H^?>O=eroRSMp-vOECHlN{QWhu6)Bc7T z$TpE0Ol-&y)Gc0Gpqg1x2o5Uka1uX#2obZXL&@A6su9<=(!{F@ZDdC=_~ndzKeg+9 zF{;|2(xzlSOa8uD8L=)4UXz@21CJ07o}#wnq5T;c_7r3YGFbiVJqK0aNiur*+c0(m z;)vF?|DpXd$kJ(H&kMzfeiahC%C4GRb>sdP-I{G&(IBjeKhEPf?)RqmM85O6A~je3 z%6JE|o>9-YhprjqyBl*c2=R=UQyG!nkEiFFH$$!$h7q6IYTAzo%|5d=kyb(p-WPcE zRGt-Nm!L&MyJDrON9fkv>6#N-uvM3R*g1(nHU$(2A8k0!oWbx;Jx89Rd}as(RYei_kssGt>DAY1mC<_yR@>){p1C>JXzt$K`}aEbO>^`@1rO z6enz3q@Cb?LKm%Et?W<_i@aRD=$chyeq>KE`Q81llfeB;&g&IOkW-22mxoLNuspDU zC^xX;GfcC*R)~6ZwJj0vNR?_v#N|^jyt&aYWZ64xNdn5*Vq8 znP4Oi>6ykX>xb|^7{hZYlzIAN)ZA~Rd;wcyB{Frd+iEjzp*H_CuDIEQXpxTDWT=S| zS%L3?yZrWfdDo?x%qUsMdOP{07mP$PS2q!7`+M;@++7-@`dRkkxix z2D>8S#=dT~k1;jG5QmlmccHMWA48jdKJBiVvS_c2( z>85p>W&Icx2#}fknbEy{HOPUlAQ!~^>aV3lOkGkx%=lpV|C#$Ma!%3}v$Y`X_1K;> zla$9h^F-m!poKvW`e3z4yqS;A;tij*HUI<7DpC0~V-~Z)BtQ+t8AqQ| zea*e^pROzg@|clr#ua|nu8wmk--dr>=3lpuKGo;yIG{N6KKJaWD|s?l7uR;o2KzFR z0gQ&i9>gf#1xsEwbuS`t%Ib}wUqFgsD`Gy#GVM@CTiD%YU!Q-OfveNw8$S;3<63+7 zy3nS6588JJI)jAkZzp{|J2E)$=0KZ49Iy&y!S_R!miL0(dzzvJz5&$nhj3!XZ$<9SBz zdr@BD9$&n24bl~hQ|hEx2~04V?v1m>dlp`}n+$@yQv=2=|5}2oJTet72?G8st`;^p zKW{`eDfb8%a7Tj~cKMS!`bo+%ISwqS7NBh;B`i~!>{FlKL-!ba0CiD-)!hi3Pm{|M z@E*x3@MGc#W$$0I%Qd~aK_;dStU+*ZNxPl6XOR}x$HgfI~7}(!fV+JIi9WYcOTzj_TE6BtZ;Lo zIEcuPULWIMrOE!lwx9yMM^f6AK67B@#9^k!yY`y*lLR{0oq?Y;!RZt|bUa~J2~j;i z&JRVOE$=s>FBF3Fs(#h~nsM4-?9U-k+4dE(>KaK4M5tgP-6_WHcCM%z@q=*Jxjkg zTx*PHF7RKr+^hwNv|zsuECD7l^ghO=G`*1$K+$B;d7sOBZ#sF7k1qI$%*!7D5+6z^c4)~LaA zc;XOQL#{jB*FrYlZEtSD7{kOPDNBLL?u%;w_W1XG1x~RTF|i`#ABZjMV`o(dXQ=JG z_}SP)fqWT2)zupeb?)&=J@={5Lfih*s7rER+ev9r=ZJeI>8Eo(rWv2NdXsn(uEQ2NV66|W`3R%O*3>EWa z-#S<~%vF!iFF>r2?3u}q=O%387s3JX1EUN@j)p}2b+BX{v44C{9$ z{vkxdEuw6w71nyCDj8#L1?NIO*qS5m__HGduEvuj_8O?}` zPt(l!Wetk>5ra>DqF_D z+ZS#_RMwPBR_~$e?itO}Y5qq6`W|_pJx4ue?-(Q+Ts~2qNIcR`St~ zSBumI+0x>qzxJ{|5>vn{v7DC_tuyLCj*R;VyESNe7tv3bCEBi=P_NFb+e&JR@_d{` z1Ts$jvI&SWH7Y0>zhos_V-`=>`LQ!bQ<^uzUSvNuzWaYVeKoX9(5`Ll_a0=CYXXi( zSV+*^tJ`XN$!bR2D=QNie~@`UUWYz~n!hM2L1#K$2ex9&=uBf7qjz6CWEzP&fHRSq z@RFaK_Oj&^;(hF4s`yo^IpzUMxqcSJcX?GzK(%@$X0QqQlp1wC@(Vx)&mn${u>;f+ zV27{@Dnxq;mOIb(v$4xlqmT)i68h-N+hN;tEWp2;Djm%7Fm8cL7PT+x9Aw=80N89k z4A^5T2PzVF?f~K;w!!*;E|)QJ$H-qEWmcW}`t#_jR0;ke=9GACv2`Xg-^Ycu#C!e^ zWNkzgfYE@Nx^&n7j`kNKr?5QY)JPk;IGevwYs*Yn)BfUc5`A{=f^9kUvzdXo0dJTU zBsr++XNEjGuw-Z#RAVm0+BGY$Atw+OM85U6p{Hm+uujK&g&0+o+KubbcAUSIpH+=Y z0{2d3-Nkp9*Dv&(?46>$v^L3qf>?$B7sy)&fO`&EWB4Eqm}84L`1^^SYL~M^Cn|~B zwG#y$gy?Ez-%>v%Kaku*%$c^@8O2=Un*y8DF_L}-d9sK@CW> z0rPU~*NaTQ2tuwJ^}(3O?Kbw1;%^*4a3T+g4Emdhl)Sh{;;yGy&Wi)s8P~)WFgCaT z*RO0lM;(;Y?THpMV7Zszm5sXaS~-Nf6@?zC17X%DHXufkY)p2djYf;khnz))5KtRrWM`AGf5!$}f{ z46{Z28HlR$>!Q%ZmbkrXDw&JO580?b5gM%D$v!+rJTg}WLIvw(uLCxPqb;`PXTgh! zct4an`cv44JnhfIC;=Oq9 z6{Z)T;G&trD{MO_ouwrW=>cJNHeFiTMD-32k2v?LlU*v(f7p!B|p2x`5f5t+ig``8(}GJ!c1${ph< z!FU!k(Rt$U(fssRQ!8TF=*Wp|#ioVC18`F-DFkAl?$Mt8{*{*d3$GH5?^S6wcE<)WbW4(+J{!^XkM@Bw+Qlo9Nki;~r zXJbR}BZ|o)&O{bNms`XK)@X4{bBY1&PXJHH$f(<*Yeo#sJvJG+i&Jd@-s58So;+p9 z!9#z1H(`;fZX4HV@xThK&oS5-iHN$ju!{hq7#tJpkLY7CcPRTtkr9PGbUBJG$d_#q z7e*7+P3ye@?^G$anfWf1r-30nRsGD1MGqZSN8VSWLy3Hp*ViK_D?2YXWB2nr;}he4 ze2&dx3m|5X(MX<`Cw#ZN&Qi}ef9o~y0uNPCJB$ulSZf>3E6;iAsEon8_?FA(5CL6{ z=*QY3Uu9GXCFOa?@krMC)v0+nS)T>A#G$6eQ97F}lJQXDxs6$iS1KDAD-19*k1*8t z4D??sa7m>_a{}BRmgfkILf?g7#P5Hc7i-3;pr0NmP+h@nO#pf$gdhsRd@IFP={! zi%$q53=Pl}<*w|K`#F@x1U+`ns_+Ix{J*l&YDWLbusSd$4fpLoiGH?*EabtSzl8<3?#)0Y>=Wnk{4-)$_`W#~mqpov)vJcAUozk28{tDlfDJ6tl%(LvDtZp7>F$7$lH{BTbhER1+)6uw(FDt4fMqFGbbA~qLp5gQ8lNt19eqNriJF*VW0R11;b7@B9*7D$@x8BXe$FmxuS1DzPJ85>vMD` zIoqnm&t_j`#^@5|Bl9hhgT0m!@cNhwT6Uj!SLVV!8|aV->&Sa1i7#a5hd*T*wz2y+ zhaerW$aR|-omb)MfHM9ry|kmO*{>L>32{8!93kted>@MxfR?3$@E1{=?3v3 zytm0c4DYkpT8Y^m1N{iz3w>AoIIBcIhoX>2El^t=>2i}x%Ea}%4iUnE%qR(Kwd9_H_D@~Taq`o2!E!Zd6*Y4joKg)Hz z;Ya#BT}^6nTn;q*PSBY-D!sHU(MjIynirWGyE`U&y_KAq>Jcg{X5pFk^G z1mmHOk+l1tk1ND#eV6Ple`KX#r+A0|GH^aH!^hFK;_O@Jm47Xd8;JK>qciDv->JlZ z4MwN!;#oOEkCS+wJZfnBfpx-R9;x>r4nc0Z5LuFSu+7iS_|nt^Gm#PShsTifgf{#R zc0BDG&N2~;+f`<6i3gmj_Mh~ax^@J=*`1OK-t!W@N7qzDysYoRF952V-@WR4ODsU; zd$l;8ZN>~VSuVh;&Q@pNZA9rkXP9W6n<{P3&ceKr}tm-AhQ3eI448my5?sZZEg^+Y7nV6_TT+5r3e4Oax;6aB-iGV3s# zl||ty;x*rNqa`)k_KB4^c;1;lL?QA3iQ;@guwLWfr%MZYmB}!f0=dmrW8u|zKql!D zkZ?GJ@ViCfWcp6%!}T|=+pnKi$o~4V2D`K;zd6dd1>Wv!%pcLS25Vo(>Lu!L>Yq`u z7+|i)|0>0-N?zX_#yG$r^(((*z{*r1mS_EdUBj!3t-%i7qX^YO##*`8Ln4-f)k~1_98oeEF?$!D zur-pO6=DYvWv~)9KJ{f9A}`UA{V>*&fz(s{bW9ZA^yY|&?pts|cbQbL=TQCP!|m)_ z0;D6D9c08?0m3jw5Xs9KdOviD_!;N#QkCZbF>I(2u4zR*aX%4P-{uKG_ zxO~QSQ}E1*;>CdHvHn+4PtmNrgU;_aA^XheFGW0`n6;bGK{HIVMzhX15!#+TdSw2T z7ButS875ybKZN;4`g)8cbWrDL+4Fgq(Khyi;8V%B&4`&XpFp1?8qaSQg%gLDo-icf zI(EonoC=)lYMW|~6W?_4Q^*s~E?P!r!Baj11K67^T)mWj-nGNsE0UFvhuNgIl-kvZ z%U=UVi`)RLJT{PF?q3x|6zKVWqBP%4dqor?2I;F@NfPJ?M%MG~@FITEs=+u!4F(Pn z;2-$jJOM1?9}n>Sys%vER?m?(D-Zf7D1~~wopG)=Y~$505J|5Ft40nq<_kdQ5qY!S z_N5wy^Q2W&BX8l*Zi#z`@|&LN6P(n+|5EGJB19wQ@7rnx=AUKGfq9W|c*Lw0CxFnZ94p&b%_1vk8g(51`dA77No9s*=X+B-S-E6>Qr)}U6-oznmW{rIKd)7 z?jOWgA{T1%8u~c5kJYL4_A^FHZkn0sAV@B|FxbYY;Vm~*U4WNEDdXGBh5lWLcnqRo zal{DRGzW@u=oMxJna%V`pV&Swjol)>R|_3gZGC{%WVdhTW0TUpb7kt?@4}wh+;etc z{SELAoTWU>db4sbvJgfllD?xu|4z!GXTH;B@xi_#FD^Zr>!?Fo=JJBw&+)U>={}Fq zGtxaL@KW^r5}1pSRh9R7w#pZrZhuw>qH`f}(x_SU1zbp^+GYUZ-Qsuvx|(MS`f9<_ zg+N<&1w+zfiTCoyj1sy z+}I=5A+d`M>t&cP>7W+j3}sh`&dFc+hCx%Z*1t&o4OkAus+EJLZ(t$zM7BSqH7O&jv*t!g1eNUJD!wC_p{~Pk~5@w^;Q3urtuo?t!iXCnw2kncrLdH#x)!m z&#LZ!8GDsAQ*K<8`&rLBGBH!rHM=(7{8}i{0kz#(%LI!Z`|f(Ufzt6D z`5076e&S1Z*R77ivEKWM&nC|s@?|D^f|TV2>v^KAd6063_rbpk!S@*o4Clr!IsH4}(SRM;`=s-4Z;7R5K_nAa9DDZNKnw-B#`ctY zx!XKvn;8*CNh!g=Fk)nr&@-0No&{4W6)R1>5TT+4D}BzMKw=ZON1nt}?^LMNS>!OH z#LI6uZxTWFMt^Oq?0Ta0<*7>z4%h7Y!McoruEpEXQl zugLwD*YYt6rGR_Mbthuoj3-ZON4yQ^e6aHN-SoxTMVajJv=YyS@qXN=#~>q%Ev%6; z=G(~XZ%oU-pXaok74O-)+HWRiqXM;!p?qWLsT`4;N%?4Pmm6jgb9>Q}e$w*jLzE6< zZH&8ecQ99SS^Wy^C)8J-D?yybFpXzMFA)nlbw8n5`Nn6a_#U%UpySwr;UyE#7OW}N+jeGoA9kiX1e-7h zdyx7`?q-ZskLOb=+{{|6K#)q;S{eRvXfJjg@y%_u}53r8;nn1j;@F) zeg28K-$RJ5vcEU~rCXu81WPUBo^M}e)!-TGglXR6^pt=~$JemyJ{wPtQu&6+$|)Cd zLK)IdE%L3;O~hI_KABaKJ9dot8N77QiJ5k0kjFr+siFJ>cv+uS(4w=rQ`{#8${WP@d$2ebT z%b(Ax6Tjq6gx$pqu=HR#AH`Ny`B0L`I7!|STE`ugqkYLUkOG`JW#~}Fcwkk%Wr4VC z#;92VT4hUthZC;ud@NqKF<5IwIUz?qtu85bZVCO|Vs@RRo^R=l<*%H;vw_RUCgt>V zSG?AJ5~V0^+2J#;n6@Ks!2Y(Ekxg;4=zHGT_>Ht)t^keU{XRq~b8VO6KJ-Ti7$=huy z<6NhHlH>Gz7b24>1MXQ!hG$@0>8UgLM)U$4E~~=xE{te#3^&0QI50@s3G!_{??Ab$ zyTh*;DM2-UP!*6$A7jt*J?Ot}Lv-0%Zxnr(f zPsEb+V5q$~8us?hhIb6B6yLcD3N?-wQJ|4w`-`@a>dkBfIaGm%HKpNoG8* z8SMqydy7#|{pVnGF~#U*o%rG&8hCsd4+je8`3hBDWgvGw=Pn~)ht7Y<^>4wLd8Jw9 z9cM?ddzY-Okz;m`WBIV*&;_;K(*-+f%KvvL(}vGC54Vu34LvvQA4BWLpzeTJ6=JY? z&m}=TjcF~{|2MngIT~q2J%l%6pN{E>Q<@{$Q^$MGOu1a6$b(-as(2{4UZkmE7BG7% zix5kR4Nvg$I5RNH-%S4E47j5Xz$%v`P5M{%a64L`Gqzmt)< zEvNu|6U_ZDA`W9zC3wo}4Ra|v{<8OBh%d1P7Vu8<%%s&#FK-s2cFAuWK9GA|qy6?>L0)8F#y=fKfbT)0coD=WelB2x%gv7-7GFm+Hezg=>Fvf++ zI7pVjjnUO$@H>XTWJCg}nXTM=tJByw@n7iZWBABzrN?uW#u$~lC3+r;wIHlb;`)$- zk-MP;QdDJUB@ioyxF)~p(FVDSl)qEJ0{!N~rF+g}Rzeaitwi{cc9+LtoLTIkLv)H^ z*?Rt}Qv&efII(kT7UHO!?9!aZFPUwQ#C-PllX}xzHpgNl=v4&oocEFEfMHqGWen9j z5k>CYh6sUxy!`q865WgTzR!v1`c)Q%k(9Q-ru|GW$@@35LrDkhTr>J;BkJnHmU`~8 zZ=RE<1Mk4>#x|E`_MC%no>O3F-MxxTxP}Gn2TPb)jhe@)i;bFm-)AZzTbZwCgW>T4 zJlRKp2seH~>s{ise*q%HPk9Yhz4`UB9K0qGJ}HEY;<}`}!PxHW`apzK$AgW;>oL z5|z;drv}djB{w(S4C|&&SXbPuYu8!bP&S^0iM}a= z#V_MDlt_9oPFOPzg%Q#O1(e zEyw4Cz09Y}sD%@|0-ZR5DiF(|jrJvMI(bzd)&^YxMtte(mUUyUSutB=%2v;txPEuq zuR@QFvu~2ThWCtuUC;O8+vbP@U+#7}`<`z$A(v7%6kbHfkb4k~wju8=x$*DCF~%_( zRUDpsgFYUg;e9{%OcAN+@c$j`2JQ*6zsr8GH&72TC*wTg-e)n}77=9mHjy6hO4DN1 zhWU_n5;BXzSsSmj0Nid<`Fo`!#f6%i3QDd>AL8gyDbnuJVfn)le)5&dQ4 z&3}m_lT_#W0@SvXE3L+|+HbPT8fRL{IpVL$%sJ8SW=(RbANoV7cJw!>h9y~KYJn|| z4B+aO-S{g$e}n03_^(Hv?F?%KvW9PS5)AKHh{yWymy`%HwbJ*0+7W~N0DHr74t3A+ z4(EGI3bn{O{Tf;_jD7f_;Zr{g^S zMXj=ztMTzq!xnBx(7i&86+tQNufQk;c*61j@(R!Tc~9vxv|J&cwodDS03{w4zf+lq{aXj0E7n|SO4bflv;fDkK}Tww z5WDww^AhQZ}JY(?eLbCw1R27Kx(Ju(V+}|l` zIC;TjL=}Vxz@ER;?j#Go^qbc`Ol_8_Bb7Q}6}u1lE2OCm(W@nR+FFg#A%A~z14=F6 zwrh%!_4{A9`YFL(d#hvdqij%TjP%L3t;DQ z_Anxb`C3pJ{&l~~&c>5q$0VW#u)oH0a{nDpsD~3OkjuEH>-rpE0Pk1-XsZ|g*xl3% zm(j(aFfV9KGiXw}L;3kzhB&0xP0uPcG{V#2og3{7u{pYL6FZ z=0Rfbyn@7tl_COCAIGW=IS%_u1D#QF^VAcC<1weRC8CLap);VSWt_o zOBmnQ$n0e*k0CQlwgJu!uOs5@KanONY+0Skd(0jp^V1UJ#mM$&BWcBa709ggtG+KD zWFLrt0`9t#T95pwt@fA<)Xy;at~KR0zZ#l z9V>BJA$}!@48I58?oC%r#yyr9F^|F`CA(p(ot!#h;!P``O{`5N`W4Ej8nSW?y}yVl zrL9n)rlFUt>oG#N{4h#Fwqz5|DQ39(Z0tWtj|1ws1m7ge zqQtF|t*`-oB-+j(tz2>!=7@Kq_#HbtAR{k^M%zUNKDFxIJ{E;<(RUG}n&_;%#-SX7 z7lJsjm2*XlibmHx`5hxz8r(%wLZ#`uPK7WX%-tgd%7m>3s576D8S_O1~d zzI}8Sbc*sG8Ka@Za_0$319%|xnJ1pz9p#ejl`W|FlA~^bwP;|qjG6b0g??6DxXPl} zhY_Lvb%Ig(!I)OKHXX5YJ}XO@aGFx)xr0_zCaJ{cEqb2PGaIKfC3>~LMP$!!ajf=V z0|wwf=zEozC~|%C&Qh*CXF5Z92KlLt?TWzsNZm#>4ST=Rp8cZJgRo}}>2PD5ZpTjt zE-Mu~pvB}|x#uulslAITq4;Qn*~-_aGl)yPd&3295HBVsHxg1n4ICA<5XJZrWzEP$_|qb;-I;7!x%KQTVS^=B0A6O8dcZ%u&@jGE&Lo7isG6_pUl4 zk{p1^P`Gk0mgE#hfuSXp8`m>6^csVqp!)uUb&bP()6N)8Xesu@?OH zgMnoED*{8fI;E|CGfvnX#1FjJgJ|a%)H}0sH(Z^*oOk0%k)%%Fq=0R;4Bi*($tZz! zdVig4HNvt~m6aF7O$iqwn^pV*$SC;?&sA`*7_r8TlYaabwZ25Z@oA^Qgcq)^amArL zrB2$YT@P>vanI7nwD&E*_>zDR{an|rjPX{zSta6;Nct_efhe9~lj1-Xjo;F@T$R9NwSTF~LYUjnGg3;*2`eX)Y zXj^OnxCVzA~gJ*vJWcRM1lw3b+Bc_yq7 z7Nnn227k0s?Qw|Muul;g2ooWwh!_ct$BL8E;QVCbeDlof?bCD|*;z#KTkVbNJt+@w zaO!b<*$vjAj8{(5O+o*VC`if{aC$wm_T)pU+9_p{4x%?BaSz zNIi6Vmi9fWiR*#KE;bF0(sH$V|ZYfU= zg=fkIJ)Q%eM^~KCa|O?)*K7By%O0-n8;aQavdQd_MU@wZKF zpW~@pi$WQfXf@dp?RXl|DT7zV^EvOtarUW64yO-Q^WeKOLuEq;7#C-2Qk?Gl5^Wna z34JG>GDlR1{57%e;VSEnDKXZnbLvFQ1?qFbq1@GHDbP`@i=cOU6gaG*=;y;~h3UXp z5;-+PNB4j3JF?fmOml!j%Y#1R(-#2~)gXqWgK~hCyoNOyh^(xYzul{6$vxlkcI%II zRgzt^$@G;g(&s))X{%8alPf|s|DxXMl<26ur2YvyWP|C=4UF~~8vIW8tFtT0n;Y&l zt9m9H5uBAd1=v%EZ1?)yiSgq0u~+z4qGop^@_EyN>9&Zvs92nH@Z7@Y_G)oF5>O|u zS{u;Cky*bc%k#Z1`pYiXm58g4>B~8$Uv(464&n_@`A@{Ww^vN!r9fZBG0>rm>AM*` z=XOM6SRvy#fz??pj-E+%;3A4 z2g2g^cdd6Ug*Pnk*{tlf@5fpHG&oa{aPv#)XWhyw7LC&a&tC!hnjMaQ+@5FZT2iGt6q zWBBU||BbLN)&^3dH>wB0IU_YRBXC6TuS}v(vwk=C=1ahAGOEC+YN2U_(os+gvs%<5 zKIz5prl)qmYWLYV5_a^nzypzS18lH|FCqpoBNsKZsKH>(0r89TEoGRKC7tF*huBke z4Z!(={SkpvQuIW9{ZHWe1(SYsqk3rRM2wlIN|?BO+kfQ@$T$m6>!s=`Q*C#03G*E# zdbBj6QvGPJPnSZ}Ri0*CTkm1PS{mMw9{-$x-eCRX*m4WlS$fxyEvTa+RwgRNnm9?% zMKUr)-dN_Yc@Odt#3291UI&u1zSuhWeloy60rpCnFYblNR6pI9&rr72%|j-GCvl7z z5W*Th-ezR|{E-bnCwr8eW=XVt3Y941Cz(UEnGh8n#S zjq`_53yI@5vVyGFUZ=69TJ8w%dtZK+*jXFm_BCn~a^SL>TQYOcMrF+XFYf7v_%O21 zVEBM1GY)ZIvL5t;{oZP4{(@aNS(nKwPwMFtI_RHZT^MfpgN5i>qR>$)ilc2h@ifUcB!&HJ8=?!Jp0(VyUt9kT6t zqZd5RZG+`_)}z}=im$&QBb3B!57*-^&0%wfcfqM|blAE5$s0_e^($SuRPX22A+yEU zBK#v%-5N1_&pQy2Kx|(ZM7?I%<#h%=+WUTE?V+$NqH&5}0$_Q57 z-udyyEiRki`#$X=AA+S(2S%qI#YNztXmPEw=kGbIGe%NQ62x#B%-zLh-c3v=0SF?i*$Ky>}x^Es1&}5 z|4TCRt+}wk=!=YXtqAKT>HA7K=JShDr*vHX7ji-InT!VU`u7qt)RWjGlSIDm z_o5rLhkOPuGwwof`Mf>3zvM4EYJbfm#T$(-%*Z3mtV?l`lY zV^$0p^5H(6StpgP9sm~&cOL64z%7wQtrTMI2?iK=93yMgS0mS;nuB$7|L9z!ZsTbc z%;;r}9#Qz#S|!#)-%sBZiR+mI&wy{r)nlghGUAAP)W#>kCknP9&IPaN>SGb}t%>6K zImz(228GtBnPBLARIeu{+f^@d1>VF7fBIVMv`dJ5m1*lNLruJI2gPh7_emm<#8FDs z8;qj2cI7u&37Xg^hFjQ;i_vBFmb$9Nrt`aPV}UvqYa>2FygL%?H^;VH54;=hO*+1H_>nDrd=wtC~U+6;#tz0FmQ`!!G4EdIJOQOxK-Oqv~* zUn@ExGz4TVQj~%4rHN1)uQRi=tM)m+b=s1_{UFb0^Gn1V*^Cv)m0@(3pT#~)xsaTm zH{g5Gg5WwDS%<~G(>D?Se+C}?BYAhuHOz>509EW37lVBU`kqi0ib5+ibnq5cJ|rxOsx$_R*q2brlIp2Uh}R@d`Xy8z9&01Ws7 zcu!wozP6%|%3)+N5H~@uv0LC-Ch8{!Mk)NfNn|u3RgZ09b z45$S^Mhu@k=%*C>%?a?a8~7K``+wfffjxbDT-<&Cv*{Nx6TNK_zmt(1a<$2rUXx`3 z{4H>GK;8=xk8oEVdfuIxw(WXP6Hhz7hmt&)?|r*HzXkK_M%FrEI}n{$V+xteIgadU z#j`%lWQC(X2DLXL6l8Y!JlrPA+j(a^Xmd*o)~=0v3f-ZQ510oFqZ+%C^3Di7?2eI} zVXwT^fmPxKs@bw0x`aJKvcQeTs^2d}nX*?ae1vs|N?Lw$iC`bcF52hS1+c&V^H`+r z!=Hg&&W>$16m=Dp&?K6H2EweFSKUJdPwUB>9tA=}363h{gWq%!4pz&Sq}bIJ4PlKKp4AfYJ& z_92QY>-^cvm6pniDKbM5K8D%Kix}k`ZAClQLQ!tnIaSs&^eXhb1BVTfuSTq%IhN73 zR7(x+G7TO&`=#DK+7u-c9Ed~(e2)IUjp~0okXP#itl+#pX0RDvH%-HT-&Rw^2Y1L` z)Y*wImV3iJ1Ck}0UUma`*ClTp(M9A>e_$CkVvW`eA%>j(BytvQx)hFxGCv*+4!LSiFeB$!om#s_b(nvn(>JeifEW zHGcn(iL#F@C7IFbI@lo#QF+GowRLJcTbat(p0pWwr-k^foHzb<&{GpazEy)YCq@JG zm+P0FJC43mtB4LHSAt>F!3x1|=~>fWZ;C2|4^bha%UNgNs7LZ{=$UL@$N6N%dyN_^ z4w@u)!xqF5J0c6pOq^kbv+kJVGI~0Vns1W z)EuTE_f*lYGwLcNGeiUSruVK`6n+ifEq_DpT5Vg0Jxa^S*Yxd9YDQWpb!xe8%XsdQ z7w*24u6BtL^DLLtCGF^S$!JmoI>M5@#IF6@dK74Cvi?Mhj%tURgv8Z;k62pnml`x7 z@fb9EoSz>&?1!~v%pI+OR&*q9^x2;v=V~uF&F%q;idGb}EX<#JzX1`px9^BzbZ5G& zdmi?%wA_BwJ;*;iv;lXJmGcFn>m4#P>%FpvXMN82)Zx?{h-i4Mzg&0PiS$Y;b+$id z!^&}moHcq*yTOjazCHUy6Dnqir02;DJ9Ncrv#;U= zoMO3Qx&}UJSW~kpNf&k9xC509j4eb$-dHz&GJ$jM2R269*4}%r$ubLdJH#%|38+Rz zDp%sD9rLOrK`y?*$?wFw%3Apoq9N4@W`?n1Hg<_cxktPaUM-R%58-Os5S>!Y;7;PT zJOKnaUwN+u>zU*GA(9n#%r3}Z&Vx26@xN#xgT%>>ZCAHlbSLwM^Pgx)IR0B@q zP@KstGZ`b=4xSNO2V2PFhOWroGxz+Gx0Ar)GzGk+=BBC5$ftlC5ggr-O7@73gJ{84 z+u8v^=+pP3nzrvZ#X?>@r`UrUB}UDQ(4(W@0cj(TwoQ+>h|p17(>a*Icx6|>myR?s z4R3he>Ag3|0Ms;<9t@+dQOISSoAGPnb$v~k&mg}7v#_i@C0`oiP=Za<9U^@(X6%q0?Jkkbk><*Ud21K|&ihd5_}jmt)P04`=DQC1O^DIHf);vUG{v z11ku2q4Fgn9h0MKGd@XaduMqXHJR&hccae1Q!g``%XL}OJ59SF5-sc^Mhl)CEvnD_ z2x9a?w5vL1vfmIzxt#JvCq>z2hQ%21ICe%C?WXx>%PYtf$Udc$z#v0i)wqfGsj^Ol zR$Ylsv5o3d|KISpl;{+n!sr;-8dFEK9WN`$Sh>Xg!Va1{#HD1eSgp1j@<;u_etg?I z^S)%z$ibO)I!5Zn?D-efb2*Lb!|+__vrs!*(l`$K&wG4jPPqtY3Uxh4B6lP!vY~ge zlXDRDA%3@;_D|FSF~`Wy81s5^Y;1-Ga=OsS685}+vGY8T#u)`M5bwLLEujAKOn+TkeF-Vu96 z>3OF!z45@W5z=n%O@no^7)y}{=FSho9-Yc;$6)nIV6AzfyUaoBbENj}d zmmMe7MnpnefGKZQ`Yx)?sEDUEH`Up71ZDT+*jJ!aeoR{BNEH9b8LAyb9JPEP?{U;V zH()F3BQJ=xBMM1jn=tZHMI=T}ReabrsOKnCc zwOyw&(;-_6K6}LXI(8=5v}T-4D266DJkH3f$XVxEVG;3z3b0pJ-E|H2KR;&#kht)E z2V?}Nr-^Y%ezU!LDP;0E{s!YxfW$j;wn|uy?27PtN=&OgH!u_PG9bsPtFChG|D#LB*| zJVQdX-y^?rFMN|*;=C?f9hF=)T#PdHLTsl5XN?8ioxFFeJ=w%~*C*)tK-uCvN{q** zG~~ud4sHL6utmsP@$nA+;%vHOWGSr2?a2CqsRP(vS=q?EO9!=71jgHes_xXM3No?I z78pOb_cWlTOLZ$@o^!liW&xE;cSnuZq1_TBY*%AdyezCP4UWUxQb?ic%LZe?d*sOa-X9rf|8}64I@WNU} zVGwt<{ELi?l#YJ}pGFKSTYV7RK0-`D-|?C8PnU%>64W|+U@^D~zgAb!>q#j9u^b?OufgvvdZZ-ER_>X?at z1@n2xvU{)mjqJ@uKCzWPiIAng_MuJ8`lD3T^89nbPtaYtz;dtEb!4%XcRx4daqVm1 z0od1K(fYl<@>%Rf&2=YcinU)zFV)~bJPTQg12)e%{`6=yt zawf>w%C}jHS$MLD=g>LKU84O_0PPKc)> z{!iaWhwygu5|OvZeQHGzZvM_#}z47^1Z}z5?Fvo6wV%aj4#--4FrKlN~57 z2Oju6@d%@_T3m_6V3YlD535SgCb2WOvfaNedv9FwpGm@Wj?`0f3QW=Z7frgkRz{eC~ zHen?riqBtUSnXP4${9p3r6uFm1-Dm0wA$B>ko&(EYLR-Omo_y3*Av()<)e0##1s?v zGjYJ=74Wu<+%bEy4>SHtR{E6>)_H=>HVkR_4D6Yt-`^{JvK`&3%M$C5c zE_t51L}1dNKON7?VeN_v$ce~LTVbQW8QK`% z_6fvuEd{f>_q%n`XoUnL7R~poh!2OPe2Tw`p<7={EXrnh6?;l6pfmZYWD6SrklC0%= ze>eIngFlOL2%ImoXf4%^yeqZsycLC#v54JBPIlzn^&DA&aUaJx_C$PELgdjW zz3x>y^&zI^JM1gw9yoS-D5DaKGpcdrZ&T#kOz6jo;?Rgox@Ud6gymaDsnI&3jQtU7 zz@A?sY{($a>KvB3znu_dNKZmsuC_a$KnbMgK4n^AI)hgU*~u6`-|w`~lXLtORl73A z7tA$JbYGszXESn^meOke5s32iyOZI~c2;KF`$k9~g_W&e-Frx$8ro20J#>7NrD1%r ziRXyK36rgj7`n6hL@^#SJu60A%CvBds1y;AdAMV|QaYeowBQUH?!pwf<@P) zhp{-fWBy+FBk#dE`qI=HKIN*eZC6%i^~zACa3@ZE?s&dgs^wF#OgI!qCH4p21>M3d z9!69zEj3j;4U9EnDTpmH-kqtnVxRRwO%3{AK(EvPjI_Zn@p%gS%0Ogz?i-GgeSaBY zmt$-@J4x`iPs6K_dL%_*w6GQxYV2DEKRvV<&u+53Fo?1?Nv~k?y#Fca;HllFZ}Pr( zV89=+ew;m8_2FRgG!TUDmD`1mYkzi@3NpCTW8oVewPyz&M}%m*x&n4UkSh`ZS3JW`04=12Y|iQdpbG=z-;DJtL!L=Zwx5sn>@i6M@!~H5n>gGx49+e0w zIU%lWPs5qPyc;7eyMm{w*AXKjbqxqYD=BZ5S=x3yv(~ z{PUb$&ngd3>Ak+3_6T!D^4tZlCQwMN7(LH*nf>CMj@w@C8#pt=0VaNqs!V)~ z1EUnI&u!N~11BBI!SQ*9(i*hKw6ccCkn)Fp5F_HJxk|XbwtJ4={kA}*A5)`VcT!qT z_>*l+Vu|N3r+sl%;~d-ymOjFnNc1elNl|2FYyw;j_zkmNhhuBhpL~uWPfy)G)R#}G zvhw83-TGTMr?`GEkeTro)Od!5Y=)&Y9vRe(m>Tu7dS1C@F>(l-73GET)C2d Date: Tue, 27 Aug 2024 18:18:59 +0000 Subject: [PATCH 41/45] no need to split the labels or targets as y --- src/config/base.py | 15 +++++++++------ src/data/utils.py | 5 ++++- src/main_copy.py | 21 ++++++++++++++------- src/models/base.py | 7 +++++-- src/models/utils.py | 6 ++++-- src/optim/base.py | 3 ++- src/optim/base_copy.py | 31 +++++++++++++++++++------------ src/optim/utils.py | 9 +++++---- 8 files changed, 62 insertions(+), 35 deletions(-) diff --git a/src/config/base.py b/src/config/base.py index dcae9b6..0956a4c 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -10,36 +10,39 @@ def none_or_str(value): def parse_args(base_parser, args, namespace): parser = base_parser # General training params - parser.add_argument('--batch_size', default=32, type=int) + parser.add_argument('--batch_size', default=100, type=int) parser.add_argument('--acc_steps', default=1, type=int) # 4 parser.add_argument('--seed', default=0, type=int) parser.add_argument('--data_seed', default=1337, type=int) parser.add_argument('--data_rd_seed', default=4, type=int) parser.add_argument('--device', default='cuda:0', type=str) parser.add_argument('--iterations', default=25000, type=int) # 25000 - parser.add_argument('--lr', default=1e-3, type=float) + parser.add_argument('--max_epochs', default=200, type=int) # 25000 + parser.add_argument('--lr', default=1e-4, type=float) parser.add_argument('--warmup_percent', default=0.05, type=float) parser.add_argument('--weight_decay', default=0.1, type=float) parser.add_argument('--beta1', default=0.9, type=float) parser.add_argument('--beta2', default=0.95, type=float) parser.add_argument('--scheduler', default='cos', choices=['linear', 'cos', 'none']) parser.add_argument('--opt', default='adamw', choices=['adamw', 'sgd']) - parser.add_argument('--eval_freq', default=5, type=int) # 200 in iterations + parser.add_argument('--eval_freq', default=20, type=int) # 200 in iterations parser.add_argument('--results_base_folder', default="./exps", type=str) parser.add_argument('--grad_clip', default=0.0, type=float) # default value is 1.0 in NanoGPT # Dataset params parser.add_argument('--dataset', default='shakespeare', choices=['slimpajama', 'wikitext', "shakespeare-char", 'shakespeare', 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) + parser.add_argument('--add_random_tokens', action='store_true') # add random tokens to the training data + parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data parser.add_argument('--num_curated_batch', default=3, type=int) # number of curated tokens separated from the training data parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params - parser.add_argument('--model', default='gpt2-pretrained', choices=['base', 'llama2', 'gpt2-pretrained']) + parser.add_argument('--model', default='base', choices=['base', 'llama2', 'gpt2-pretrained']) parser.add_argument('--use_pretrained', default='none', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model - parser.add_argument('--dropout', default=0.0, type=float) + parser.add_argument('--dropout', default=0.05, type=float) parser.add_argument('--n_head', default=12, type=int) - parser.add_argument('--n_layer', default=12, type=int) # depths in att + ff blocks + parser.add_argument('--n_layer', default=24, type=int) # depths in att + ff blocks parser.add_argument('--n_embd', default=768, type=int) # embedding size / hidden size ... parser.add_argument('--sequence_length', default=512, type=int) parser.add_argument('--dtype', default=torch.bfloat16, type=torch.dtype) diff --git a/src/data/utils.py b/src/data/utils.py index b4352c0..96923ac 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -161,6 +161,9 @@ def get_loader(dataset, batch_size, distributed_backend=None, seed=0): # dataset is aa dict: {'train': a list of tokens with seq_len, 'val': eval_tokenized} train_dataset = MyDataset(dataset['train']) val_dataset = MyDataset(dataset['val']) + perm = np.random.RandomState(seed=seed).permutation(len(train_dataset)) + train_dataset = torch.utils.data.Subset(train_dataset, perm) + print(f"dataset size (num seq: num_tokens / seq_len), train : {len(train_dataset)}, val: {len(val_dataset)}") train_loader = torch.utils.data.DataLoader( train_dataset, @@ -173,4 +176,4 @@ def get_loader(dataset, batch_size, distributed_backend=None, seed=0): shuffle=False, ) print(f"num steps (num_tokens / seq_len / num_batch): {len(train_loader)}, val: {len(val_loader)}") - return train_loader, val_loader \ No newline at end of file + return train_loader, val_loader, perm \ No newline at end of file diff --git a/src/main_copy.py b/src/main_copy.py index dc362bb..73b4dcd 100755 --- a/src/main_copy.py +++ b/src/main_copy.py @@ -45,7 +45,7 @@ def main(args): ## MODEL AND TOKENIZER SETUP model, tokenizer = get_model_and_tokenizer(args) - model = model.to(args.device) + model.to(args.device) model = distributed_backend.transform_model(model) model_paras = model.parameters() voab_size = tokenizer.vocab_size @@ -58,11 +58,16 @@ def main(args): raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") train_seq = token2seq(tokens = train_tokens, max_seq_length = args.sequence_length) val_seq = token2seq(tokens = val_tokens, max_seq_length = args.sequence_length) + # random generate some data added to the training data - np.random.seed(args.data_rd_seed) - random_tokens = np.random.randint(low=0, high=voab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) - random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) - train_seq += random_seq + if args.add_random_tokens: + np.random.seed(args.data_rd_seed) + random_tokens = np.random.randint(low=0, high=voab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) + random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) + train_seq += random_seq + else: + random_seq = [] + data = {'train': train_seq, 'val': val_seq} print(f"Num training seqs: {len(data['train'])}, including {len(random_seq)} random seqs") @@ -78,10 +83,11 @@ def main(args): else: opt = torch.optim.SGD(model_paras, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + iterations = args.max_epochs * len(data['train']) // args.batch_size if args.scheduler != 'none': if args.scheduler in ['cos', 'linear']: scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, - total_steps=args.iterations, + total_steps=iterations, pct_start=args.warmup_percent, anneal_strategy=args.scheduler, cycle_momentum=False, div_factor=1e2, final_div_factor=.1) @@ -112,11 +118,12 @@ def main(args): ## TRAINING SETUP itr = 0 rng_state_dict = None + prompt_tokens = tokenizer(args.eval_seq_prefix, return_tensors="pt").input_ids.to(args.device) train = train_base print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, + stats = train(model, prompt_tokens, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, diff --git a/src/models/base.py b/src/models/base.py index a844592..965755d 100755 --- a/src/models/base.py +++ b/src/models/base.py @@ -165,6 +165,7 @@ def _init_weights(self, module): torch.nn.init.normal_(module.weight, mean=0.0, std=0.02) def forward(self, idx, targets=None, get_logits=False): + y = idx device = idx.device b, t = idx.size() assert t <= self.config.sequence_length, f"Cannot forward sequence of length {t}, block size is only {self.config.sequence_length}" @@ -176,12 +177,14 @@ def forward(self, idx, targets=None, get_logits=False): x = self.transformer.drop(tok_emb + pos_emb) for block in self.transformer.h: x = block(x) - x = self.transformer.ln_f(x) + x = self.transformer.ln_f(x) if targets is not None: # if we are given some desired targets also calculate the loss logits = self.lm_head(x) - loss = F.cross_entropy(logits.view(-1, logits.size(-1)), targets.view(-1), ignore_index=-1) + shift_logits = logits[..., :-1, :].contiguous() + shift_labels = y[..., 1:].contiguous() + loss = F.cross_entropy(shift_logits.view(-1, shift_logits.size(-1)), shift_labels.view(-1), ignore_index=-1) else: # inference-time mini-optimization: only forward the lm_head on the very last position logits = self.lm_head(x[:, [-1], :]) # note: using list [-1] to preserve the time dim diff --git a/src/models/utils.py b/src/models/utils.py index a472d60..a3b6d9f 100755 --- a/src/models/utils.py +++ b/src/models/utils.py @@ -4,6 +4,7 @@ from transformers import ( AutoModelForCausalLM, AutoTokenizer, + GPT2LMHeadModel, ) BLACKLIST_WEIGHT_MODULES = ( @@ -28,8 +29,9 @@ def get_model(args): def get_model_and_tokenizer(args): """ Return the right model and tokenizer """ if args.model == 'gpt2-pretrained': - tokenizer = AutoTokenizer.from_pretrained("gpt2") - model = AutoModelForCausalLM.from_pretrained("gpt2") + # model = GPT2LMHeadModel.from_pretrained('gpt2-medium') + model = GPTBase(args) + tokenizer = AutoTokenizer.from_pretrained('gpt2-medium') return model, tokenizer else: raise KeyError(f"Unknown model '{args.model}'.") \ No newline at end of file diff --git a/src/optim/base.py b/src/optim/base.py index 64ca23d..bc85d19 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -82,7 +82,8 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x, targets=y) + # outputs = model(x, targets=y) + outputs = model(x, targets=x) # GPTBase loss = outputs['loss'] / acc_steps loss.backward() diff --git a/src/optim/base_copy.py b/src/optim/base_copy.py index b5baa31..e6de33c 100755 --- a/src/optim/base_copy.py +++ b/src/optim/base_copy.py @@ -15,7 +15,7 @@ from torch import mean import pdb -def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, +def train_base(model, prompt_tokens, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, eval_freq, ckpt_path, distributed_backend, extra_args, itr=0, rng_state_dict=None): @@ -28,7 +28,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, substep = itr * acc_steps ## DATALOADER - train_loader, val_loader = get_loader(data, batch_size) + train_loader, val_loader, perm = get_loader(data, batch_size) # each element in a dataloader is a tensor of shape (batch_size, sequence_length) num_substeps_per_epoch = len(data["train"]) @@ -63,16 +63,16 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, get_batch(data_train_iter, device=extra_args.device) - while itr < iterations: + # while itr < iterations: + while train_epochs <= extra_args.max_epochs: for microstep_idx in range(acc_steps): # gradient accumulation x = get_one_batch(data_train_iter, device=extra_args.device) - print(f'x shape: {x.shape}') - with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x, labels=x) + # outputs = model(x, labels=x) + outputs = model(x, targets=x) # GPTBase - loss = outputs.loss / acc_steps + loss = outputs['loss'] / acc_steps # outputs.loss loss.backward() substep += 1 if substep % len(train_loader) == 0: @@ -89,11 +89,10 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, itr += 1 # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - if substep % len(train_loader) == 0 or itr % eval_freq == 0 or itr == iterations: # when finish one epoch, do evaluation + if substep % len(train_loader) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 - epoch = substep//num_substeps_per_epoch model.eval() train_loss = loss.detach().cpu().item() * acc_steps @@ -110,7 +109,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, ctx=type_ctx, ) - print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string = f"{train_epochs}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" @@ -137,8 +136,16 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, if text_table is None: text_table = wandb.Table(columns=["itr", "val-pp", "text"]) - out_str = distributed_backend.get_raw_model(model).generate_from_string( - extra_args.eval_seq_prefix, max_new_tokens=40, temperature=0.9, top_k=None) + # out_str = distributed_backend.get_raw_model(model).generate( + # extra_args.eval_seq_prefix, max_new_tokens=40, temperature=0.9, top_k=None) + + out_str = distributed_backend.get_raw_model(model).generate( + prompt_tokens, + do_sample=True, + temperature=0.9, + max_length=30, + ) + text_table.add_data(itr, val_perplexity, out_str) # why a copy? see github.com/wandb/wandb/issues/2981 wandb.log({f"generated-text-{wandb.run.name}": copy.copy(text_table)}) diff --git a/src/optim/utils.py b/src/optim/utils.py index da69094..fb58303 100755 --- a/src/optim/utils.py +++ b/src/optim/utils.py @@ -32,7 +32,7 @@ def eval(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullcontext for _ in range(max_num_batches): x, y = get_batch(data_val_iter, device=device) with ctx: - outputs = model(x, targets=y, get_logits=True) + outputs = model(x, targets=x, get_logits=True) # targets=y val_loss = outputs['loss'] loss_list_val.append(val_loss) acc_list.append((outputs['logits'].argmax(-1) == y).float().mean()) @@ -52,11 +52,12 @@ def eval_gpt2(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullco for _ in range(max_num_batches): x = get_one_batch(data_val_iter, device=device) with ctx: - outputs = model(x, labels=x) - val_loss = outputs.loss.item() + # outputs = model(x, labels=x) + outputs = model(x, targets=x, get_logits=True) # GPTBase + val_loss = outputs['loss'] loss_list.append(val_loss) # Calculate token-level accuracy - logits = outputs.logits + logits = outputs['logits'] shift_logits = logits[..., :-1, :].contiguous() shift_labels = x[..., 1:].contiguous() # Flatten the tokens From f87e5dda283f87ba3472d9b3cbab2d758156a287 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Tue, 27 Aug 2024 19:21:27 +0000 Subject: [PATCH 42/45] record --- src/config/base.py | 2 +- src/data/utils.py | 2 + src/main.py | 103 ++++++++++++++++++++------------------------- 3 files changed, 48 insertions(+), 59 deletions(-) diff --git a/src/config/base.py b/src/config/base.py index 0956a4c..9f9fcd2 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -16,7 +16,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--data_seed', default=1337, type=int) parser.add_argument('--data_rd_seed', default=4, type=int) parser.add_argument('--device', default='cuda:0', type=str) - parser.add_argument('--iterations', default=25000, type=int) # 25000 + parser.add_argument('--iterations', default=2500, type=int) # 25000 parser.add_argument('--max_epochs', default=200, type=int) # 25000 parser.add_argument('--lr', default=1e-4, type=float) parser.add_argument('--warmup_percent', default=0.05, type=float) diff --git a/src/data/utils.py b/src/data/utils.py index 96923ac..85f3993 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -19,6 +19,8 @@ def get_dataset(args) -> Dict[str, np.ndarray]: return get_wikitext_data() if args.dataset == "shakespeare-char": return get_shakespeare_data() + if args.dataset == "shakespeare": + return get_shakespeare() # return train_tokens, val_tokens if args.dataset == "arxiv2000": return get_arxiv_2000() if args.dataset == "arxiv": diff --git a/src/main.py b/src/main.py index 5ee2b0f..ff37327 100755 --- a/src/main.py +++ b/src/main.py @@ -11,11 +11,14 @@ import config from models.utils import get_model -from data.utils import get_dataset +from data.utils import get_dataset, get_shakespeare, token2seq from optim.base import train_base import distributed +import tiktoken import pdb + + def get_args(): parser = argparse.ArgumentParser(allow_abbrev=False) parser.add_argument('--config_format', default='base', choices=config.registered_formats()) @@ -27,6 +30,7 @@ def get_args(): def main(args): + ## DEVICE SETUP torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training torch.backends.cudnn.allow_tf32 = True @@ -38,36 +42,19 @@ def main(args): if device_type == "cuda": torch.cuda.set_device(args.device) + ## RANDOM SEEDS torch.manual_seed(args.seed) random.seed(args.seed) np.random.seed(args.seed) - - print(f"Loading dataset '{args.dataset}'") - - # num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) - data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} - if args.data_in_ram: - data = {'train': np.array(data['train']), 'val': np.array(data['val'])} - - # random generate some data added to the training data - np.random.seed(args.data_rd_seed) - random_data = np.random.randint(low=0, high=100, size=(args.num_rand_tok,), dtype=np.uint16) - - print(f"Num training tokens: {len(data['train'])}") - print(f"Num validation tokens: {len(data['val'])}") - - # pdb.set_trace() - - - model = get_model(args).to(args.device) # todo: take care of initializing the model if args.use_pretrained != 'none' + ## MODEL AND TOKENIZER SETUP + model = get_model(args).to(args.device) if args.use_pretrained != 'none': - # api = wandb.Api() - # artifact = api.artifact('implicitfaith/slimpajama/model_checkpoint:v2', type='model') - # artifact_dir = artifact.download() checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) + tokenizer = tiktoken.get_encoding("gpt2") + voab_size = tokenizer.vocab_size group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} @@ -80,6 +67,26 @@ def main(args): g["params"] = params optimized_params_cnt += sum([p.numel() for p in g["params"]]) print("number of optimized parameters: %.2fM" % (optimized_params_cnt/1e6,)) + + ## DATA SETUP + print(f"Loading dataset '{args.dataset}'") + # data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} + if args.dataset == 'shakespeare': + train_tokens, val_tokens = get_shakespeare(tokenizer = tokenizer) # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + train_seq = token2seq(tokens = train_tokens, max_seq_length = args.sequence_length) + val_seq = token2seq(tokens = val_tokens, max_seq_length = args.sequence_length) + + # random generate some data added to the training data + np.random.seed(args.data_rd_seed) + random_data = np.random.randint(low=0, high=voab_size, size=(args.num_rand_tok,), dtype=np.uint16) + + print(f"Num training tokens: {len(data['train'])}") + print(f"Num validation tokens: {len(data['val'])}") + + + ## OPTIMIZER SETUP if args.opt == 'adamw': use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) print(f"using fused AdamW: {use_fused}") @@ -99,8 +106,9 @@ def main(args): else: scheduler = None - args.world_size = distributed_backend.get_world_size() + ## LOGGING SETUP exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: params_copy = copy.deepcopy(vars(args)) del params_copy['device'] @@ -115,39 +123,16 @@ def main(args): print(f"Already found experiment '{ckpt_path}'.\nSkipping.") sys.exit(0) + ## TRAINING itr = 0 + args.world_size = distributed_backend.get_world_size() rng_state_dict = None - if args.use_pretrained == "auto": - checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] - if checkpoints: - args.use_pretrained = sorted(checkpoints)[-1] - else: - args.use_pretrained = None - - # if args.use_pretrained is not None: - # last_ckpt_path = args.use_pretrained - # print(f"Resuming from {last_ckpt_path}") - # checkpoint = torch.load(os.path.join(ckpt_path, last_ckpt_path)) - # model_state_dict = {distributed_backend.translate_model_parameter_name_for_node(k.replace("_orig_mod.", ""))[0]:v for k,v in checkpoint['model'].items()} - # # FIXME checkpoints from compiled model have _orig_mod keyword - - # optimizer_state_dict = checkpoint['optimizer'] - # rng_state_dict = { - # module: checkpoint[module] for module in [ - # "cpu_rng_state", - # "gpu_rng_state", - # "numpy_rng_state", - # "py_rng_state", - # "train_sampler_state" - # ] - # } - - # model.load_state_dict(model_state_dict) - # opt.load_state_dict(optimizer_state_dict) - # itr = checkpoint['itr'] - # if scheduler is not None: - # scheduler_state_dict = checkpoint['scheduler'] - # scheduler.load_state_dict(scheduler_state_dict) + # if args.use_pretrained == "auto": + # checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] + # if checkpoints: + # args.use_pretrained = sorted(checkpoints)[-1] + # else: + # args.use_pretrained = None if args.model in ['base', 'llama2']: # all train functions have the same interface train = train_base @@ -155,10 +140,12 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, - eval_freq=args.eval_freq, + stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, + args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, + args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, - ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, + extra_args=args) args.device = None args.dtype = None From 6c9e6f379e33f50c38daa8304972cc724385c0e5 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Wed, 28 Aug 2024 10:15:57 +0000 Subject: [PATCH 43/45] record --- plain_noY.ipynb | 54 ++++++++++++++ src/config/base.py | 7 +- src/data/utils.py | 26 ++++++- src/main.py | 32 ++++---- src/main_dc.py | 4 +- src/main_dc_new.py | 171 +++++++++++++++++++++++++++++++++++++++++++ src/optim/base.py | 54 +++++--------- src/optim/base_dc.py | 2 +- 8 files changed, 290 insertions(+), 60 deletions(-) create mode 100755 src/main_dc_new.py diff --git a/plain_noY.ipynb b/plain_noY.ipynb index a523aaf..db6289b 100644 --- a/plain_noY.ipynb +++ b/plain_noY.ipynb @@ -504,6 +504,60 @@ " model.train()\n" ] }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([0, 1, 2, 3, 4, 5, 6, 7, 8, 9])\n", + "tensor([10, 11, 12, 13, 14, 15, 16, 17, 18, 19])\n", + "tensor([20, 21, 22, 23, 24, 25, 26, 27, 28, 29])\n", + "tensor([30, 31, 32, 33, 34, 35, 36, 37, 38, 39])\n", + "tensor([40, 41, 42, 43, 44, 45, 46, 47, 48, 49])\n", + "tensor([50, 51, 52, 53, 54, 55, 56, 57, 58, 59])\n", + "tensor([60, 61, 62, 63, 64, 65, 66, 67, 68, 69])\n", + "tensor([70, 71, 72, 73, 74, 75, 76, 77, 78, 79])\n", + "tensor([80, 81, 82, 83, 84, 85, 86, 87, 88, 89])\n", + "tensor([90, 91, 92, 93, 94, 95, 96, 97, 98, 99])\n" + ] + } + ], + "source": [ + "from torch.utils.data import DataLoader, SequentialSampler\n", + "from torch.utils.data import Dataset\n", + "\n", + "# Example dataset\n", + "class MyDataset(Dataset):\n", + " def __init__(self, data):\n", + " self.data = data\n", + "\n", + " def __len__(self):\n", + " return len(self.data)\n", + "\n", + " def __getitem__(self, index):\n", + " return self.data[index]\n", + "\n", + "# Creating a sample dataset\n", + "data = list(range(100))\n", + "dataset = MyDataset(data)\n", + "\n", + "# DistributedSampler usage\n", + "sampler = SequentialSampler(\n", + " dataset\n", + ")\n", + "\n", + "# DataLoader with the DistributedSampler\n", + "dataloader = DataLoader(dataset, sampler=sampler, batch_size=10)\n", + "\n", + "# Simulating data loading in a distributed setup\n", + "for batch in dataloader:\n", + " print(batch)\n" + ] + }, { "cell_type": "markdown", "metadata": {}, diff --git a/src/config/base.py b/src/config/base.py index 9f9fcd2..733636e 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -15,6 +15,8 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--seed', default=0, type=int) parser.add_argument('--data_seed', default=1337, type=int) parser.add_argument('--data_rd_seed', default=4, type=int) + + parser.add_argument('--device', default='cuda:0', type=str) parser.add_argument('--iterations', default=2500, type=int) # 25000 parser.add_argument('--max_epochs', default=200, type=int) # 25000 @@ -31,9 +33,10 @@ def parse_args(base_parser, args, namespace): # Dataset params parser.add_argument('--dataset', default='shakespeare', choices=['slimpajama', 'wikitext', "shakespeare-char", 'shakespeare', 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) parser.add_argument('--add_random_tokens', action='store_true') # add random tokens to the training data - + parser.add_argument('--train_partial', action='store_true') # use only a fraction of the training data + parser.add_argument('--num_train_seqs', default=30, type=int) # number of training sequences to use parser.add_argument('--num_rand_tok', default=1000000, type=int) # number of curated tokens separated from the training data - parser.add_argument('--num_curated_batch', default=3, type=int) # number of curated tokens separated from the training data + parser.add_argument('--num_curated_seqs', default=30, type=int) # number of curated tokens separated from the training data parser.add_argument('--gamma', default=0.001, type=float) # step size for w parser.add_argument('--vocab_size', default=50304, type=int) parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 diff --git a/src/data/utils.py b/src/data/utils.py index 85f3993..2d1b72d 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -71,6 +71,7 @@ def token2seq(tokens, max_seq_length, seed=0): return seq def get_shakespeare(tokenizer): + # return train_tokens, val_tokens, both are np.memmap char_tknzr = tokenizer.encode DATA_PATH = os.path.join(os.getcwd(), "datasets", "shakespeare") raw_path = os.path.join(DATA_PATH, "raw.txt") @@ -160,22 +161,41 @@ def __getitem__(self, idx): return sample def get_loader(dataset, batch_size, distributed_backend=None, seed=0): - # dataset is aa dict: {'train': a list of tokens with seq_len, 'val': eval_tokenized} + # dataset is a dict: {'train': a list of tokens with seq_len, 'val': eval_tokenized} train_dataset = MyDataset(dataset['train']) val_dataset = MyDataset(dataset['val']) perm = np.random.RandomState(seed=seed).permutation(len(train_dataset)) train_dataset = torch.utils.data.Subset(train_dataset, perm) - print(f"dataset size (num seq: num_tokens / seq_len), train : {len(train_dataset)}, val: {len(val_dataset)}") + + if distributed_backend and distributed_backend.get_world_size() > 1: + train_sampler = torch.utils.data.DistributedSampler(train_dataset, shuffle=False) + else: + train_sampler = torch.utils.data.SequentialSampler(train_dataset) train_loader = torch.utils.data.DataLoader( train_dataset, batch_size=batch_size, + sampler=train_sampler, shuffle=False, ) + if distributed_backend and distributed_backend.get_world_size() > 1: + val_sampler = torch.utils.data.DistributedSampler(train_dataset, shuffle=False) + else: + val_sampler = torch.utils.data.SequentialSampler(val_dataset) val_loader = torch.utils.data.DataLoader( val_dataset, batch_size=batch_size, + sampler=val_sampler, shuffle=False, ) print(f"num steps (num_tokens / seq_len / num_batch): {len(train_loader)}, val: {len(val_loader)}") - return train_loader, val_loader, perm \ No newline at end of file + if len(dataset['curated']) > 0: + curated_dataset = MyDataset(dataset['curated']) + curated_loader = torch.utils.data.DataLoader( + curated_dataset, + batch_size=batch_size, + shuffle=False, + ) + return {'train': train_loader, 'val': val_loader, 'curated': curated_loader, 'perm': perm, 'train_sampler': train_sampler} + else: + return {'train': train_loader, 'val': val_loader, 'perm': perm, 'train_sampler': train_sampler} \ No newline at end of file diff --git a/src/main.py b/src/main.py index ff37327..ec5ed2c 100755 --- a/src/main.py +++ b/src/main.py @@ -29,14 +29,11 @@ def get_args(): def main(args): - ## DEVICE SETUP torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training torch.backends.cudnn.allow_tf32 = True - distributed_backend = distributed.make_backend_from_args(args) args = distributed_backend.get_adjusted_args_for_process(args) - args.device = torch.device(args.device) device_type = "cuda" if "cuda" in str(args.device) else "cpu" if device_type == "cuda": @@ -48,14 +45,13 @@ def main(args): np.random.seed(args.seed) ## MODEL AND TOKENIZER SETUP + tokenizer = tiktoken.get_encoding("gpt2") + voab_size = tokenizer.vocab_size model = get_model(args).to(args.device) if args.use_pretrained != 'none': checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") model.load_state_dict(checkpoint['model']) model = distributed_backend.transform_model(model) - tokenizer = tiktoken.get_encoding("gpt2") - voab_size = tokenizer.vocab_size - group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} optimized_params_cnt = 0 @@ -72,18 +68,24 @@ def main(args): print(f"Loading dataset '{args.dataset}'") # data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} if args.dataset == 'shakespeare': - train_tokens, val_tokens = get_shakespeare(tokenizer = tokenizer) # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + train_tokens, val_tokens = get_shakespeare(tokenizer = tokenizer) # maps to two arrays of tokens else: raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") train_seq = token2seq(tokens = train_tokens, max_seq_length = args.sequence_length) val_seq = token2seq(tokens = val_tokens, max_seq_length = args.sequence_length) - + if args.train_partial == 1: + train_seq = train_seq[:args.num_train_seqs] # random generate some data added to the training data - np.random.seed(args.data_rd_seed) - random_data = np.random.randint(low=0, high=voab_size, size=(args.num_rand_tok,), dtype=np.uint16) - - print(f"Num training tokens: {len(data['train'])}") - print(f"Num validation tokens: {len(data['val'])}") + if args.add_random_tokens: + np.random.seed(args.data_rd_seed) + random_tokens = np.random.randint(low=0, high=voab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) + random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) + train_seq += random_seq + else: + random_seq = [] + data = {'train': train_seq, 'val': val_seq} # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + print(f"Num training seqs: {len(data['train'])}, including {len(random_seq)} random seqs") + print(f"Num validation seqs: {len(data['val'])}") ## OPTIMIZER SETUP @@ -108,7 +110,6 @@ def main(args): ## LOGGING SETUP exp_name = args.exp_name - if distributed_backend.is_master_process() and args.wandb: params_copy = copy.deepcopy(vars(args)) del params_copy['device'] @@ -126,6 +127,7 @@ def main(args): ## TRAINING itr = 0 args.world_size = distributed_backend.get_world_size() + print(f"world_size: {args.world_size}") rng_state_dict = None # if args.use_pretrained == "auto": # checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] @@ -140,7 +142,7 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, args.num_curated_batch, args.num_rand_tok, + stats = train(model, opt, data, args.gamma, args.num_curated_seqs, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, diff --git a/src/main_dc.py b/src/main_dc.py index a785d46..af8fc13 100755 --- a/src/main_dc.py +++ b/src/main_dc.py @@ -44,8 +44,6 @@ def main(args): print(f"Loading dataset '{args.dataset}'") - num_curated_tok = int(args.num_curated_batch * args.sequence_length * args.batch_size) - data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} if args.data_in_ram: data = {'train': np.array(data['train'][num_curated_tok:]), 'val': np.array(data['val'])} @@ -157,7 +155,7 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, num_curated_tok, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, + stats = train(model, opt, data, args.gamma, num_curated_seqs, args.num_rand_tok, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, extra_args=args) diff --git a/src/main_dc_new.py b/src/main_dc_new.py new file mode 100755 index 0000000..a10325c --- /dev/null +++ b/src/main_dc_new.py @@ -0,0 +1,171 @@ +import os +import sys +import numpy as np +import torch +import inspect +import json +import copy +import argparse +import random +import wandb + +import config +from models.utils import get_model +from data.utils import get_dataset, get_shakespeare, token2seq +from optim.base import train_base +import distributed +import tiktoken + +import pdb + + +def get_args(): + parser = argparse.ArgumentParser(allow_abbrev=False) + parser.add_argument('--config_format', default='base', choices=config.registered_formats()) + + args, rem_args = parser.parse_known_args() + + return config.parse_args_with_format(format=args.config_format, base_parser=parser, args=rem_args, namespace=args) + + +def main(args): + ## DEVICE SETUP + torch.backends.cuda.matmul.allow_tf32 = True # allows us to make sure we're able to use tensorfloat32 during training + torch.backends.cudnn.allow_tf32 = True + distributed_backend = distributed.make_backend_from_args(args) + args = distributed_backend.get_adjusted_args_for_process(args) + args.device = torch.device(args.device) + device_type = "cuda" if "cuda" in str(args.device) else "cpu" + if device_type == "cuda": + torch.cuda.set_device(args.device) + + ## RANDOM SEEDS + torch.manual_seed(args.seed) + random.seed(args.seed) + np.random.seed(args.seed) + + ## MODEL AND TOKENIZER SETUP + tokenizer = tiktoken.get_encoding("gpt2") + voab_size = tokenizer.vocab_size + model = get_model(args).to(args.device) + if args.use_pretrained != 'none': + checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") + model.load_state_dict(checkpoint['model']) + model = distributed_backend.transform_model(model) + group_specs = distributed_backend.get_raw_model(model).get_parameter_group_specs() + param_name_mapping = {p_name: p for p_name, p in model.named_parameters()} + optimized_params_cnt = 0 + for g in group_specs: + params = [] + for p_name in g["params"]: + translated_p_names = distributed_backend.translate_model_parameter_name_for_node(p_name) + params += [param_name_mapping[p_name] for p_name in translated_p_names] + g["params"] = params + optimized_params_cnt += sum([p.numel() for p in g["params"]]) + print("number of optimized parameters: %.2fM" % (optimized_params_cnt/1e6,)) + + ## DATA SETUP + print(f"Loading dataset '{args.dataset}'") + # data = get_dataset(args) # data is a dict: {'train': train_tokenized, 'val': eval_tokenized} + if args.dataset == 'shakespeare': + train_tokens, val_tokens = get_shakespeare(tokenizer = tokenizer) # maps to two arrays of tokens + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + train_seq = token2seq(tokens = train_tokens, max_seq_length = args.sequence_length) + val_seq = token2seq(tokens = val_tokens, max_seq_length = args.sequence_length) + if args.train_partial: + train_seq = train_seq[:args.num_curated_seqs] + # random generate some data added to the training data + if args.add_random_tokens: + np.random.seed(args.data_rd_seed) + random_tokens = np.random.randint(low=0, high=voab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) + random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) + train_seq += random_seq + else: + random_seq = [] + if args.data_cleaning: + print("Data cleaning.") + curated_seq = train_seq[:args.num_curated_seqs] + train_seq = train_seq[args.num_curated_seqs:] + else: + print("No data cleaning.") + curated_seq = [] + data = {'curated': curated_seq, 'train': train_seq, 'val': val_seq} # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + print(f"Num curated seqs: {len(data['curated'])}") + print(f"Num training seqs: {len(data['train'])}, including {len(random_seq)} random seqs") + print(f"Num validation seqs: {len(data['val'])}") + + + ## OPTIMIZER SETUP + if args.opt == 'adamw': + use_fused = (device_type == 'cuda') and ('fused' in inspect.signature(torch.optim.AdamW).parameters) + print(f"using fused AdamW: {use_fused}") + extra_args = dict(fused=True) if use_fused else dict() + opt = torch.optim.AdamW(group_specs, lr=args.lr, betas=(args.beta1, args.beta2), + weight_decay=args.weight_decay, **extra_args) + else: + opt = torch.optim.SGD(group_specs, lr=args.lr, momentum=0.9, weight_decay=args.weight_decay) + + if args.scheduler != 'none': + if args.scheduler in ['cos', 'linear']: + scheduler = torch.optim.lr_scheduler.OneCycleLR(optimizer=opt, max_lr=args.lr, total_steps=args.iterations, + pct_start=args.warmup_percent, anneal_strategy=args.scheduler, + cycle_momentum=False, div_factor=1e2, final_div_factor=.1) + else: + raise NotImplementedError(f"Unknown scheduler type: {args.scheduler}.") + else: + scheduler = None + + ## LOGGING SETUP + exp_name = args.exp_name + if distributed_backend.is_master_process() and args.wandb: + params_copy = copy.deepcopy(vars(args)) + del params_copy['device'] + wandb.init(project=args.wandb_project, name=exp_name, config=params_copy) + + ckpt_path = os.path.join(args.results_base_folder, args.dataset, args.model, exp_name) + if not os.path.exists(ckpt_path): + if distributed_backend.is_master_process(): + os.makedirs(ckpt_path) + distributed_backend.sync() + elif os.path.isfile(os.path.join(ckpt_path, "summary.json")): # the experiment was already completed + print(f"Already found experiment '{ckpt_path}'.\nSkipping.") + sys.exit(0) + + ## TRAINING + itr = 0 + args.world_size = distributed_backend.get_world_size() + print(f"world_size: {args.world_size}") + rng_state_dict = None + # if args.use_pretrained == "auto": + # checkpoints = [file for file in os.listdir(ckpt_path) if 'ckpt_' in file] + # if checkpoints: + # args.use_pretrained = sorted(checkpoints)[-1] + # else: + # args.use_pretrained = None + + if args.model in ['base', 'llama2']: # all train functions have the same interface + train = train_base + else: + raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") + + print(f"\nTraining model={args.model} \n{vars(args)}\n") + stats = train(model, opt, data, args.gamma, args.num_curated_seqs, args.num_rand_tok, + args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, + args.sequence_length, eval_freq=args.eval_freq, + distributed_backend=distributed_backend, + ckpt_path=f"{ckpt_path}/ckpt.pt", itr=itr, rng_state_dict=rng_state_dict, + extra_args=args) + + args.device = None + args.dtype = None + stats['args'] = vars(args) + if distributed_backend.is_master_process(): + with open(f"{ckpt_path}/summary.json", "w") as fs: + json.dump(stats, fs) + distributed_backend.finalize() + + +if __name__ == "__main__": + args = get_args() + main(args) diff --git a/src/optim/base.py b/src/optim/base.py index bc85d19..1a230d8 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -1,5 +1,6 @@ from contextlib import nullcontext -from data.utils import get_dataloader +from data.utils import get_dataloader, get_loader +from optim.utils import get_one_batch import torch import torch.nn.functional as F @@ -15,59 +16,42 @@ from torch import mean import pdb -def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, +def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, eval_freq, ckpt_path, distributed_backend, extra_args, itr=0, rng_state_dict=None): + ## DEVICE and CONTEXT device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible substep = itr * acc_steps - - data["train"], train_sampler = get_dataloader( - data["train"], - sequence_length=sequence_length, - batch_size=batch_size, - seed=data_seed, - distributed_backend=distributed_backend, - ) - - data["val"], val_sampler = get_dataloader( - data["val"], - sequence_length=sequence_length, - batch_size=batch_size, - seed=data_seed, - ) - - num_substeps_per_epoch = len(data["train"]) + ## DATALOADER + data_loader = get_loader(data, batch_size, + distributed_backend=distributed_backend, + seed=data_seed) + num_substeps_per_epoch = len(data_loader['train']) + train_sampler = data_loader['train_sampler'] train_epochs = substep//num_substeps_per_epoch # counting the current epoch - if rng_state_dict is not None and rng_state_dict.get("train_sampler_state", None) is not None: train_sampler.generator.set_state(rng_state_dict["train_sampler_state"]) if hasattr(train_sampler, "set_epoch"): train_sampler.set_epoch(train_epochs) else: sampler_state_before_iter = train_sampler.generator.get_state() - data_train_iter = iter(data["train"]) - - print(f'Data train: {len(data["train"])}') - print(f'Data eval: {len(data["val"])}') - + data_train_iter = iter(data_loader['train']) # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) - data_val_iter = itertools.cycle(data["val"]) + data_val_iter = itertools.cycle(data_loader["val"]) stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} if extra_args.compile: print(f"Compiling model ...") model = torch.compile(model) # requires pytorch 2.0+ - model.train() - t0 = time.time() - if rng_state_dict is not None: + if rng_state_dict is not None: torch.set_rng_state(rng_state_dict["cpu_rng_state"]) torch.cuda.set_rng_state(rng_state_dict["gpu_rng_state"]) np.random.set_state(rng_state_dict["numpy_rng_state"]) @@ -75,20 +59,18 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, for _ in range(substep % num_substeps_per_epoch): get_batch(data_train_iter, device=extra_args.device) - while itr < iterations: for microstep_idx in range(acc_steps): # gradient accumulation - x, y = get_batch(data_train_iter, device=extra_args.device) - + x = get_one_batch(data_train_iter, device=extra_args.device) with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - # outputs = model(x, targets=y) + # outputs = model(x, labels=x) outputs = model(x, targets=x) # GPTBase loss = outputs['loss'] / acc_steps loss.backward() substep += 1 - if substep % len(data["train"]) == 0: + if substep % len(data_loader["train"]) == 0: train_epochs += 1 print(f"Train epoch {train_epochs} done (full pass over training data)") if hasattr(train_sampler, "set_epoch"): @@ -97,7 +79,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, sampler_state_before_iter = None else: sampler_state_before_iter = train_sampler.generator.get_state() - data_train_iter = iter(data["train"]) + data_train_iter = iter(data_loader["train"]) if extra_args.grad_clip != 0.0: torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) @@ -119,7 +101,7 @@ def train_base(model, opt, data, gamma, num_curated_tok, num_rand_tok, current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr eval_steps = ( - 24 if itr < iterations else len(data["val"]) + min(24, len(data_loader["val"])) if itr < iterations else len(data_loader["val"]) ) val_acc, val_loss, val_perplexity = eval( model, diff --git a/src/optim/base_dc.py b/src/optim/base_dc.py index 47b9308..874e6f6 100755 --- a/src/optim/base_dc.py +++ b/src/optim/base_dc.py @@ -15,7 +15,7 @@ from torch import mean import pdb -def train_base_dc(model, opt, data, gamma, num_curated_tok, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, +def train_base_dc(model, opt, data, gamma, num_curated_seqs, num_rand_tok, data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, eval_freq, ckpt_path, distributed_backend,extra_args, itr=0,rng_state_dict=None): device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( From d33692265602e0e1ca412d79d8f40eed8276f035 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Wed, 28 Aug 2024 14:12:23 +0000 Subject: [PATCH 44/45] record --- plain_noY.ipynb | 70 ++++++++++--- src/config/base.py | 3 +- src/data/utils.py | 4 +- src/main.py | 21 +++- src/main_dc_new.py | 2 +- src/optim/base.py | 41 ++++---- src/optim/base_dc_new.py | 211 +++++++++++++++++++++++++++++++++++++++ src/optim/utils.py | 8 +- 8 files changed, 310 insertions(+), 50 deletions(-) create mode 100755 src/optim/base_dc_new.py diff --git a/plain_noY.ipynb b/plain_noY.ipynb index db6289b..364e0c1 100644 --- a/plain_noY.ipynb +++ b/plain_noY.ipynb @@ -506,29 +506,51 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "tensor([0, 1, 2, 3, 4, 5, 6, 7, 8, 9])\n", - "tensor([10, 11, 12, 13, 14, 15, 16, 17, 18, 19])\n", - "tensor([20, 21, 22, 23, 24, 25, 26, 27, 28, 29])\n", - "tensor([30, 31, 32, 33, 34, 35, 36, 37, 38, 39])\n", - "tensor([40, 41, 42, 43, 44, 45, 46, 47, 48, 49])\n", - "tensor([50, 51, 52, 53, 54, 55, 56, 57, 58, 59])\n", - "tensor([60, 61, 62, 63, 64, 65, 66, 67, 68, 69])\n", - "tensor([70, 71, 72, 73, 74, 75, 76, 77, 78, 79])\n", - "tensor([80, 81, 82, 83, 84, 85, 86, 87, 88, 89])\n", - "tensor([90, 91, 92, 93, 94, 95, 96, 97, 98, 99])\n" + "tensor([0, 1])\n", + "tensor([2, 3])\n", + "tensor([4, 5])\n", + "tensor([6, 7])\n", + "tensor([8, 9])\n", + "0\n", + "1\n", + "2\n", + "3\n", + "4\n", + "5\n", + "6\n", + "7\n", + "8\n", + "9\n", + "dataset, <__main__.MyDataset object at 0x74743c62b5f0>\n", + "perm, [2 8 4 9 1 6 7 3 0 5]\n", + "train_dataset, \n", + "2\n", + "8\n", + "4\n", + "9\n", + "1\n", + "6\n", + "7\n", + "3\n", + "0\n", + "5\n", + "w, [0. 0. 0. 0. 0. 1. 1. 1. 1. 1.]\n", + "w, [0. 1. 0. 1. 0. 1. 1. 0. 0. 1.]\n" ] } ], "source": [ "from torch.utils.data import DataLoader, SequentialSampler\n", - "from torch.utils.data import Dataset\n", + "from torch.utils.data import Dataset, Subset\n", + "import numpy as np\n", + "\n", "\n", "# Example dataset\n", "class MyDataset(Dataset):\n", @@ -542,7 +564,7 @@ " return self.data[index]\n", "\n", "# Creating a sample dataset\n", - "data = list(range(100))\n", + "data = list(range(10))\n", "dataset = MyDataset(data)\n", "\n", "# DistributedSampler usage\n", @@ -551,11 +573,29 @@ ")\n", "\n", "# DataLoader with the DistributedSampler\n", - "dataloader = DataLoader(dataset, sampler=sampler, batch_size=10)\n", + "dataloader = DataLoader(dataset, sampler=sampler, batch_size=2)\n", "\n", "# Simulating data loading in a distributed setup\n", "for batch in dataloader:\n", - " print(batch)\n" + " print(batch)\n", + "\n", + "for _ in dataset:\n", + " print(_)\n", + "\n", + "print(f'dataset, {dataset}')\n", + "perm = np.random.RandomState(seed=0).permutation(len(dataset))\n", + "train_dataset = Subset(dataset, perm)\n", + "print(f'perm, {perm}')\n", + "print(f'train_dataset, {train_dataset}')\n", + "for _ in train_dataset:\n", + " print(_) \n", + "\n", + "w = np.zeros(len(dataset))\n", + "w[:5] = 1\n", + "print(f'w, {w}')\n", + "# permute elements in array w by perm\n", + "w = w[perm]\n", + "print(f'w, {w}')\n" ] }, { diff --git a/src/config/base.py b/src/config/base.py index 733636e..b7e7832 100644 --- a/src/config/base.py +++ b/src/config/base.py @@ -32,6 +32,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--grad_clip', default=0.0, type=float) # default value is 1.0 in NanoGPT # Dataset params parser.add_argument('--dataset', default='shakespeare', choices=['slimpajama', 'wikitext', "shakespeare-char", 'shakespeare', 'arxiv', "arxiv2000", "arxiv+wiki", 'openwebtext2']) + parser.add_argument('--data_cleaning', action='store_true') # remove some tokens from the training data parser.add_argument('--add_random_tokens', action='store_true') # add random tokens to the training data parser.add_argument('--train_partial', action='store_true') # use only a fraction of the training data parser.add_argument('--num_train_seqs', default=30, type=int) # number of training sequences to use @@ -42,7 +43,7 @@ def parse_args(base_parser, args, namespace): parser.add_argument('--data_in_ram', action='store_true') # force the data to RAM, mostly useless except for openwebtext2 # Model params parser.add_argument('--model', default='base', choices=['base', 'llama2', 'gpt2-pretrained']) - parser.add_argument('--use_pretrained', default='none', type=none_or_str) # 'auto' # 'none', 'gpt-2' or a path to the pretraind model + parser.add_argument('--use_pretrained', action='store_true') # 'auto' # 'none', 'gpt-2' or a path to the pretraind model parser.add_argument('--dropout', default=0.05, type=float) parser.add_argument('--n_head', default=12, type=int) parser.add_argument('--n_layer', default=24, type=int) # depths in att + ff blocks diff --git a/src/data/utils.py b/src/data/utils.py index 2d1b72d..ae2773c 100755 --- a/src/data/utils.py +++ b/src/data/utils.py @@ -196,6 +196,6 @@ def get_loader(dataset, batch_size, distributed_backend=None, seed=0): batch_size=batch_size, shuffle=False, ) - return {'train': train_loader, 'val': val_loader, 'curated': curated_loader, 'perm': perm, 'train_sampler': train_sampler} else: - return {'train': train_loader, 'val': val_loader, 'perm': perm, 'train_sampler': train_sampler} \ No newline at end of file + curated_loader = None + return {'train': train_loader, 'val': val_loader, 'curated': curated_loader, 'perm': perm, 'train_sampler': train_sampler} diff --git a/src/main.py b/src/main.py index ec5ed2c..6400977 100755 --- a/src/main.py +++ b/src/main.py @@ -15,6 +15,7 @@ from optim.base import train_base import distributed import tiktoken +from transformers import GPT2Tokenizer import pdb @@ -45,8 +46,9 @@ def main(args): np.random.seed(args.seed) ## MODEL AND TOKENIZER SETUP - tokenizer = tiktoken.get_encoding("gpt2") - voab_size = tokenizer.vocab_size + tokenizer = tiktoken.get_encoding("gpt2") + vocab_size = tokenizer.n_vocab # tokenizer.vocab_size + # tokenizer = GPT2Tokenizer.from_pretrained('gpt2') model = get_model(args).to(args.device) if args.use_pretrained != 'none': checkpoint = torch.load("/linx-scratch/yunzhen/pretrained_models/slim_gpt2/ckpt.pt") @@ -78,12 +80,21 @@ def main(args): # random generate some data added to the training data if args.add_random_tokens: np.random.seed(args.data_rd_seed) - random_tokens = np.random.randint(low=0, high=voab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) + random_tokens = np.random.randint(low=0, high=vocab_size-1, size=(args.num_rand_tok,), dtype=np.uint16) random_seq = token2seq(tokens = random_tokens, max_seq_length = args.sequence_length) train_seq += random_seq else: random_seq = [] - data = {'train': train_seq, 'val': val_seq} # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + num_rand_seqs = len(random_seq) + if args.data_cleaning: + print("Data cleaning.") + curated_seq = train_seq[:args.num_curated_seqs] + train_seq = train_seq[args.num_curated_seqs:] + else: + print("No data cleaning.") + curated_seq = [] + data = {'curated': curated_seq, 'train': train_seq, 'val': val_seq} # data is a dict: {'train': a list of tokenized seqs, 'val': val_tokenized} + print(f"Num curated seqs: {len(data['curated'])}") print(f"Num training seqs: {len(data['train'])}, including {len(random_seq)} random seqs") print(f"Num validation seqs: {len(data['val'])}") @@ -142,7 +153,7 @@ def main(args): raise NotImplementedError(f"No training method implemented for model type '{args.model}'.") print(f"\nTraining model={args.model} \n{vars(args)}\n") - stats = train(model, opt, data, args.gamma, args.num_curated_seqs, args.num_rand_tok, + stats = train(model, opt, data, args.gamma, args.num_curated_seqs, num_rand_seqs, args.data_seed, scheduler, args.iterations, args.acc_steps, args.batch_size, args.sequence_length, eval_freq=args.eval_freq, distributed_backend=distributed_backend, diff --git a/src/main_dc_new.py b/src/main_dc_new.py index a10325c..d2587e3 100755 --- a/src/main_dc_new.py +++ b/src/main_dc_new.py @@ -12,7 +12,7 @@ import config from models.utils import get_model from data.utils import get_dataset, get_shakespeare, token2seq -from optim.base import train_base +from optim.base_dc_new import train_base import distributed import tiktoken diff --git a/src/optim/base.py b/src/optim/base.py index 1a230d8..96182a0 100755 --- a/src/optim/base.py +++ b/src/optim/base.py @@ -33,12 +33,7 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_tok, num_substeps_per_epoch = len(data_loader['train']) train_sampler = data_loader['train_sampler'] train_epochs = substep//num_substeps_per_epoch # counting the current epoch - if rng_state_dict is not None and rng_state_dict.get("train_sampler_state", None) is not None: - train_sampler.generator.set_state(rng_state_dict["train_sampler_state"]) - if hasattr(train_sampler, "set_epoch"): - train_sampler.set_epoch(train_epochs) - else: - sampler_state_before_iter = train_sampler.generator.get_state() + data_train_iter = iter(data_loader['train']) # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) data_val_iter = itertools.cycle(data_loader["val"]) @@ -61,25 +56,23 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_tok, while itr < iterations: for microstep_idx in range(acc_steps): # gradient accumulation - x = get_one_batch(data_train_iter, device=extra_args.device) - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - # outputs = model(x, labels=x) + x = get_one_batch(data_train_iter, device=extra_args.device) + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + # outputs = model(x, labels=x) outputs = model(x, targets=x) # GPTBase - loss = outputs['loss'] / acc_steps - loss.backward() - substep += 1 - if substep % len(data_loader["train"]) == 0: - train_epochs += 1 - print(f"Train epoch {train_epochs} done (full pass over training data)") - if hasattr(train_sampler, "set_epoch"): - # set epoch for reshuffling between epochs - train_sampler.set_epoch(train_epochs) - sampler_state_before_iter = None - else: - sampler_state_before_iter = train_sampler.generator.get_state() - data_train_iter = iter(data_loader["train"]) + loss = outputs['loss'] / acc_steps + loss.backward() + substep += 1 + if substep % len(data_loader["train"]) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + if hasattr(train_sampler, "set_epoch"): + # set epoch for reshuffling between epochs + train_sampler.set_epoch(train_epochs) + sampler_state_before_iter = None + data_train_iter = iter(data_loader["train"]) if extra_args.grad_clip != 0.0: torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) @@ -90,7 +83,7 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_tok, itr += 1 # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - if substep % len(data["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if substep % len(data_loader["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 diff --git a/src/optim/base_dc_new.py b/src/optim/base_dc_new.py new file mode 100755 index 0000000..3b1c91c --- /dev/null +++ b/src/optim/base_dc_new.py @@ -0,0 +1,211 @@ +from contextlib import nullcontext +from data.utils import get_dataloader, get_loader +from optim.utils import get_one_batch + +import torch +import torch.nn.functional as F +import wandb +import time +import itertools +import copy +import random +import os +import numpy as np +from .utils import eval, get_batch, save_checkpoint + +from torch import mean +import pdb + +def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, + data_seed, scheduler, iterations, acc_steps, batch_size, sequence_length, + eval_freq, ckpt_path, distributed_backend, extra_args, itr=0, rng_state_dict=None): + ## DEVICE and CONTEXT + device_type = 'cuda' if 'cuda' in str(extra_args.device) else 'cpu' + type_ctx = nullcontext() if device_type == 'cpu' else torch.amp.autocast( + device_type=device_type, dtype=torch.bfloat16) # extra_args.dtype + best_val_loss, text_table = float('inf'), None # best_val_loss not used atm, early stopping not recommended but possible + substep = itr * acc_steps + + ## DATALOADER + data_loader = get_loader(data, batch_size, + distributed_backend=distributed_backend, + seed=data_seed) + num_substeps_per_epoch = len(data_loader['train']) + train_sampler = data_loader['train_sampler'] + train_epochs = substep//num_substeps_per_epoch # counting the current epoch + + data_train_iter = iter(data_loader['train']) + # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) + data_val_iter = itertools.cycle(data_loader["val"]) + + if data_loader['curated'] is not None: + stats = {"curated_loss": [], "train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + print(f'Num clean seq in train: {len(data["train"])}') + print(f'Num random seq: {num_rand_seq}') + w = torch.ones(len(data["train"]), device=device_type) + w_gt = np.zeros(len(data["train"])) + w_gt[len(data["train"]) - num_rand_seq:] = 1 + w_gt = w_gt[data_loader['perm']] + w_gt = torch.tensor(w_gt).bool() + w_gt_sum = sum(w_gt) + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + w_error = mean((w - w_gt) ** 2) + print(f'Initial w_gap: {w_gap}') + print(f'Initial w_error: {w_error}') + data_cnt = 0 + else: + stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + + if extra_args.compile: + print(f"Compiling model ...") + model = torch.compile(model) # requires pytorch 2.0+ + model.train() + t0 = time.time() + + if rng_state_dict is not None: + torch.set_rng_state(rng_state_dict["cpu_rng_state"]) + torch.cuda.set_rng_state(rng_state_dict["gpu_rng_state"]) + np.random.set_state(rng_state_dict["numpy_rng_state"]) + random.setstate(rng_state_dict["py_rng_state"]) + for _ in range(substep % num_substeps_per_epoch): + get_one_batch(data_train_iter, device=extra_args.device) + + while itr < iterations: + if data_loader['curated'] is not None: + grad0 = {name: torch.zeros_like(param) for name, param in model.named_parameters()} + loss0 = 0 + for _ in data_loader['curated']: + x0 = get_one_batch(data_loader['curated'], device=extra_args.device) + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=0, gradient_accumulation_steps=acc_steps): + outputs = model(x0, targets=x0) + loss0i = outputs['loss'] + opt.zero_grad(set_to_none=True) + loss0i.backward() + grad0i = {name: param.grad.clone() for name, param in model.named_parameters()} + for name, param in model.named_parameters(): + grad0[name] += grad0i[name] / len(data_loader['curated']) + loss0 += loss0i.detach().cpu().item() / len(data_loader['curated']) + grads_batch = copy.deepcopy(grad0) + loss = loss0.clone() + for microstep_idx in range(acc_steps): # gradient accumulation + x = get_one_batch(data_train_iter, device=extra_args.device) + if data_loader['curated'] is not None: + for i in range(x.size(0)): + if w[data_cnt] > 1e-2: + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x[i], targets=x[i]) + + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + # outputs = model(x, labels=x) + outputs = model(x, targets=x) # GPTBase + + loss = outputs['loss'] / acc_steps + loss.backward() + substep += 1 + if substep % len(data_loader["train"]) == 0: + train_epochs += 1 + print(f"Train epoch {train_epochs} done (full pass over training data)") + if hasattr(train_sampler, "set_epoch"): + # set epoch for reshuffling between epochs + train_sampler.set_epoch(train_epochs) + sampler_state_before_iter = None + data_train_iter = iter(data_loader["train"]) + + if extra_args.grad_clip != 0.0: + torch.nn.utils.clip_grad_norm_(model.parameters(), extra_args.grad_clip) + + opt.step() + scheduler.step() + opt.zero_grad(set_to_none=True) + itr += 1 + + # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above + if substep % len(data_loader["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if distributed_backend.is_master_process(): + t1 = time.time() + dt = t1 - t0 + epoch = substep//num_substeps_per_epoch + + model.eval() + train_loss = loss.detach().cpu().item() * acc_steps + current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr + + eval_steps = ( + min(24, len(data_loader["val"])) if itr < iterations else len(data_loader["val"]) + ) + val_acc, val_loss, val_perplexity = eval( + model, + data_val_iter, + extra_args.device, + max_num_batches=eval_steps, + ctx=type_ctx, + ) + + print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" + if scheduler is not None: + print_string += f" [lr] {current_lr:.5f}" + print(print_string) + + if extra_args.wandb: + logs = { + "iter": itr, + "train/loss": train_loss, + "val/loss": val_loss, + "val/perplexity": val_perplexity, + "val/acc": val_acc, + "lr": current_lr, + } + + if itr == iterations: + logs["val/final-ppl"] = val_perplexity + logs["val/final-acc"] = val_acc + logs["val/final-loss"] = val_loss + + wandb.log(logs) + + if extra_args.eval_seq_prefix != 'none' and (itr % (eval_freq * 5) == 0 or itr == iterations): + if text_table is None: + text_table = wandb.Table(columns=["itr", "val-pp", "text"]) + + out_str = distributed_backend.get_raw_model(model).generate_from_string( + extra_args.eval_seq_prefix, max_new_tokens=40, temperature=0.9, top_k=None) + text_table.add_data(itr, val_perplexity, out_str) + # why a copy? see github.com/wandb/wandb/issues/2981 + wandb.log({f"generated-text-{wandb.run.name}": copy.copy(text_table)}) + + model.train() + t0 = time.time() + + if distributed_backend.is_master_process(): + if extra_args.save_checkpoint_freq is not None and itr % extra_args.save_checkpoint_freq == 0: + print(f"saving checkpoint to {os.path.dirname(ckpt_path)}/ckpt_{itr}.pt") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + cpu_rng_state=torch.get_rng_state(), + gpu_rng_state=torch.cuda.get_rng_state(), + numpy_rng_state=np.random.get_state(), + py_rng_state=random.getstate(), + train_sampler_state=sampler_state_before_iter, + ckpt_path=os.path.join(os.path.dirname(ckpt_path), f"ckpt_{itr}.pt")) + + if distributed_backend.is_master_process(): + print(f"saving checkpoint to {ckpt_path}") + save_checkpoint(distributed_backend=distributed_backend, + model=model, + opt=opt, + scheduler=scheduler, + itr=itr, + ckpt_path=ckpt_path) + + artifact = wandb.Artifact('model_checkpoint', type='model') + artifact.add_file(ckpt_path) + wandb.log_artifact(artifact) + + return stats diff --git a/src/optim/utils.py b/src/optim/utils.py index fb58303..660a411 100755 --- a/src/optim/utils.py +++ b/src/optim/utils.py @@ -30,12 +30,16 @@ def eval(model, data_val_iter, device='cpu', max_num_batches=24, ctx=nullcontext loss_list_val, acc_list = [], [] for _ in range(max_num_batches): - x, y = get_batch(data_val_iter, device=device) + x = get_one_batch(data_val_iter, device=device) with ctx: outputs = model(x, targets=x, get_logits=True) # targets=y val_loss = outputs['loss'] loss_list_val.append(val_loss) - acc_list.append((outputs['logits'].argmax(-1) == y).float().mean()) + logits = outputs['logits'] + shift_logits = logits[..., :-1, :].contiguous() + predictions = torch.argmax(shift_logits, dim=-1) + shift_labels = x[..., 1:].contiguous() + acc_list.append((predictions == shift_labels).float().mean()) val_acc = torch.stack(acc_list).mean().item() val_loss = torch.stack(loss_list_val).mean().item() From aee3f01fedb8b3dbb8576b3a1f1c1d8f9d66e515 Mon Sep 17 00:00:00 2001 From: implicitfaith Date: Wed, 28 Aug 2024 15:25:57 +0000 Subject: [PATCH 45/45] record --- src/optim/base_dc_new.py | 87 ++++++++++++++++++++++++++++------------ 1 file changed, 61 insertions(+), 26 deletions(-) diff --git a/src/optim/base_dc_new.py b/src/optim/base_dc_new.py index 3b1c91c..b3eee5c 100755 --- a/src/optim/base_dc_new.py +++ b/src/optim/base_dc_new.py @@ -30,21 +30,24 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, data_loader = get_loader(data, batch_size, distributed_backend=distributed_backend, seed=data_seed) - num_substeps_per_epoch = len(data_loader['train']) + num_batches_per_epoch = len(data_loader['train']) + num_curated_batches = len(data_loader['curated']) + num_val_batches = len(data_loader['val']) train_sampler = data_loader['train_sampler'] - train_epochs = substep//num_substeps_per_epoch # counting the current epoch + train_epochs = substep//num_batches_per_epoch # counting the current epoch data_train_iter = iter(data_loader['train']) # for val data we don't care about epochs? just cycle through (no need to set_epoch to reshuffle) data_val_iter = itertools.cycle(data_loader["val"]) + num_train_seq = len(data["train"]) if data_loader['curated'] is not None: stats = {"curated_loss": [], "train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} - print(f'Num clean seq in train: {len(data["train"])}') + print(f'Num clean seq in train: {num_train_seq}') print(f'Num random seq: {num_rand_seq}') - w = torch.ones(len(data["train"]), device=device_type) - w_gt = np.zeros(len(data["train"])) - w_gt[len(data["train"]) - num_rand_seq:] = 1 + w = torch.ones(num_train_seq, device=device_type) + w_gt = np.zeros(num_train_seq) + w_gt[num_train_seq - num_rand_seq:] = 1 w_gt = w_gt[data_loader['perm']] w_gt = torch.tensor(w_gt).bool() w_gt_sum = sum(w_gt) @@ -53,8 +56,10 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, print(f'Initial w_gap: {w_gap}') print(f'Initial w_error: {w_error}') data_cnt = 0 + dc_flag = True else: stats = {"train_loss": [], "val_loss": [], "val_pp": [], "val_acc": []} + dc_flag = False if extra_args.compile: print(f"Compiling model ...") @@ -67,15 +72,14 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, torch.cuda.set_rng_state(rng_state_dict["gpu_rng_state"]) np.random.set_state(rng_state_dict["numpy_rng_state"]) random.setstate(rng_state_dict["py_rng_state"]) - for _ in range(substep % num_substeps_per_epoch): + for _ in range(substep % num_batches_per_epoch): get_one_batch(data_train_iter, device=extra_args.device) while itr < iterations: - if data_loader['curated'] is not None: + if dc_flag: grad0 = {name: torch.zeros_like(param) for name, param in model.named_parameters()} loss0 = 0 - for _ in data_loader['curated']: - x0 = get_one_batch(data_loader['curated'], device=extra_args.device) + for x0 in data_loader['curated']: # for each batch of curated data with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=0, gradient_accumulation_steps=acc_steps): outputs = model(x0, targets=x0) @@ -84,28 +88,47 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, loss0i.backward() grad0i = {name: param.grad.clone() for name, param in model.named_parameters()} for name, param in model.named_parameters(): - grad0[name] += grad0i[name] / len(data_loader['curated']) - loss0 += loss0i.detach().cpu().item() / len(data_loader['curated']) + grad0[name] += grad0i[name] / num_curated_batches + loss0 += loss0i.detach().cpu().item() / num_curated_batches grads_batch = copy.deepcopy(grad0) loss = loss0.clone() for microstep_idx in range(acc_steps): # gradient accumulation x = get_one_batch(data_train_iter, device=extra_args.device) - if data_loader['curated'] is not None: + if dc_flag: for i in range(x.size(0)): if w[data_cnt] > 1e-2: + xi = x[i].unsqueeze(0) with type_ctx: with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - outputs = model(x[i], targets=x[i]) - - with type_ctx: - with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): - # outputs = model(x, labels=x) - outputs = model(x, targets=x) # GPTBase - - loss = outputs['loss'] / acc_steps - loss.backward() + outputs = model(xi, targets=xi) + lossi = outputs['loss'] + loss += lossi * w[data_cnt] / batch_size + opt.zero_grad(set_to_none=True) + lossi.backward() + gradi = {name: param.grad.clone() for name, param in model.named_parameters()} + # wj = wj + ||g0|| cos_sim + cos_sim_g0 = sum((torch.flatten(grad0[name]) * torch.flatten(gradi[name])).sum() for name in grad0.keys()) / torch.norm(torch.cat([torch.flatten(gradi[name]) for name in grad0.keys()])) + w[data_cnt] += gamma * cos_sim_g0 + w[data_cnt] = torch.clamp(w[i], 0, 1) + for name, param in model.named_parameters(): + if param.grad is not None: + grads_batch[name] += w[data_cnt] * gradi[name] / batch_size + data_cnt += 1 + for name, param in model.named_parameters(): + if param.grad is not None: + param.grad = grads_batch[name] + if data_cnt % (num_train_seq-1) == 0: + data_cnt = 0 + else: # no curated data + with type_ctx: + with distributed_backend.get_context_for_microstep_forward(model=model, microstep_idx=microstep_idx, gradient_accumulation_steps=acc_steps): + outputs = model(x, targets=x) + loss = outputs['loss'] / acc_steps + opt.zero_grad(set_to_none=True) + loss.backward() + substep += 1 - if substep % len(data_loader["train"]) == 0: + if substep % num_batches_per_epoch == 0: train_epochs += 1 print(f"Train epoch {train_epochs} done (full pass over training data)") if hasattr(train_sampler, "set_epoch"): @@ -123,18 +146,18 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, itr += 1 # if itr % eval_freq == 0 or itr == iterations: # from here it's only evaluation code, all the training is above - if substep % len(data_loader["train"]) == 0 or itr == iterations: # when finish one epoch, do evaluation + if substep % num_batches_per_epoch == 0 or itr == iterations: # when finish one epoch, do evaluation if distributed_backend.is_master_process(): t1 = time.time() dt = t1 - t0 - epoch = substep//num_substeps_per_epoch + epoch = substep//num_batches_per_epoch model.eval() train_loss = loss.detach().cpu().item() * acc_steps current_lr = scheduler.get_last_lr()[0] if scheduler is not None else extra_args.lr eval_steps = ( - min(24, len(data_loader["val"])) if itr < iterations else len(data_loader["val"]) + min(24, num_val_batches) if itr < iterations else num_val_batches ) val_acc, val_loss, val_perplexity = eval( model, @@ -145,6 +168,11 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, ) print_string = f"{epoch}/{itr} [train] loss={train_loss:.3f} [val] loss={val_loss:.3f}, pp={val_perplexity:.2f}, acc={val_acc:3f}" + if dc_flag: + curated_loss = loss0.detach().cpu().item() + w_gap = mean(w[w_gt]) - mean(w[~w_gt]) + w_error = mean((w - w_gt) ** 2) + print_string += f" [curated] loss={curated_loss:.3f}, w_gap={w_gap:.3f}, w_error={w_error:.3f}, w_sum={sum(w):.3f}" print_string += f" [time per itr] {dt*1000/eval_freq:.2f}ms" if scheduler is not None: print_string += f" [lr] {current_lr:.5f}" @@ -159,6 +187,13 @@ def train_base(model, opt, data, gamma, num_curated_seqs, num_rand_seq, "val/acc": val_acc, "lr": current_lr, } + if dc_flag: + logs["curated/loss"] = curated_loss + logs["curated/w_gap"] = w_gap + logs["curated/w_error"] = w_error + logs["curated/w_sum"] = sum(w) + logs["curated/w1mean"] = mean(w[w_gt]) + logs["curated/w0mean"] = mean(w[~w_gt]) if itr == iterations: logs["val/final-ppl"] = val_perplexity